# HG changeset patch # User bgruening # Date 1691585680 0 # Node ID a01fa4e8fe4fa93193887e60ed85f608b7635019 # Parent d0352e8b4c10aecd5ac27dc6ff001e550254860a planemo upload for repository https://github.com/bgruening/galaxytools/tree/master/tools/sklearn commit 9981e25b00de29ed881b2229a173a8c812ded9bb diff -r d0352e8b4c10 -r a01fa4e8fe4f association_rules.py --- a/association_rules.py Thu Aug 11 09:52:07 2022 +0000 +++ b/association_rules.py Wed Aug 09 12:54:40 2023 +0000 @@ -7,7 +7,16 @@ 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): +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 --------- @@ -36,13 +45,13 @@ Maximum length """ - warnings.simplefilter('ignore') + warnings.simplefilter("ignore") - with open(inputs, 'r') as param_handler: + with open(inputs, "r") as param_handler: params = json.load(param_handler) - input_header = params['header0'] - header = 'infer' if input_header else None + input_header = params["header0"] + header = "infer" if input_header else None with open(infile) as fp: lines = fp.read().splitlines() @@ -65,41 +74,45 @@ # 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) + 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) + 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)] + 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) + 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)) + 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)) + 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.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__': +if __name__ == "__main__": aparser = argparse.ArgumentParser() aparser.add_argument("-i", "--inputs", dest="inputs", required=True) aparser.add_argument("-y", "--infile", dest="infile", required=True) @@ -111,6 +124,13 @@ 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)) + 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 d0352e8b4c10 -r a01fa4e8fe4f estimator_attributes.xml --- a/estimator_attributes.xml Thu Aug 11 09:52:07 2022 +0000 +++ b/estimator_attributes.xml Wed Aug 09 12:54:40 2023 +0000 @@ -1,4 +1,4 @@ - + get important attributes from an estimator or scikit object main_macros.xml @@ -16,7 +16,6 @@ - + - + @@ -107,9 +102,8 @@ - + - @@ -117,61 +111,55 @@ - - - - - - + + + + + - + - + - + - + + + + + + - - - - - - + - + - + - + - - - - - - 0.5.0 + 2.10.0 - + - +
- - + +
- - - - - + + + + + + @@ -61,17 +62,17 @@ + help="(l1, l2). l1/l2: float; L1/l2 regularization factor. (0., 0.) is equivalent to `None`" />
- + - - + + @@ -87,22 +88,22 @@ - + - + - + - - - + + + @@ -214,16 +215,16 @@ - - - - + + + + - - - + + + @@ -231,13 +232,13 @@ - + - + - + @@ -247,218 +248,218 @@ - + - - + + - + Indexing starts at 1. For instance, (2, 1) permutes the first and second dimension of the input." /> + - + - - + + - - - + + + - - + + - - + + - - - + + + - - - + + + - - - - - + + + + + - - - - - + + + + + - - - - - + + + + + - - - - - + + + + + - - - - + + + + - - - - - + + + + + - - - - - + + + + + - - - - - + + + + + - - + + - - - + + + - - - + + + - - + + - - - + + + - - - + + + - - + + - - - + + + - - - + + + - - - - + + + + - - - - + + + + - - - + (2, 2, 2) will halve the size of the 3D input in each dimension." /> + + + - - - - + + + + - - - - + + + + - - - + (2, 2, 2) will halve the size of the 3D input in each dimension." /> + + + @@ -466,7 +467,7 @@ - + @@ -474,7 +475,7 @@ - + @@ -482,7 +483,7 @@ - + @@ -490,7 +491,7 @@ - + @@ -498,7 +499,7 @@ - + @@ -506,99 +507,99 @@ - + - - - - - + + + + + - - - - - + + + + + - - - + + + - - - + + + - - - + + + - - - - + + + + - - - - + + + + - - - + + + - - - + + + - - - + + + - - - + + + - - - + + + - - - - + + + + @@ -607,105 +608,104 @@ - - + + - + - + - + - + - + - - + + - - - + + + - - + + - + - - + + - - + + - - + + - - - - + + + + - + - + - + - + + help="Find the index number at the left top corner of layer configuration block" /> - + - @@ -727,13 +727,13 @@ - + - - - - + + + + - + - - - - - + + + + + - + @@ -793,30 +793,30 @@ - + - - - + + + - + - + - - - + + + @@ -845,55 +845,64 @@ - - + + + + + + + + + + + - - - - - - - + help="float >= 0. Parameter that accelerates SGD in the relevant direction and dampens oscillations." /> + - + + + + - - + + + - - - + + help="Refer to paper `On the Convergence of Adam and Beyond`" /> - - - - + - - - - - + + + + + + + + + + @@ -914,13 +923,15 @@
- - - + + + + - + +
diff -r d0352e8b4c10 -r a01fa4e8fe4f keras_train_and_eval.py --- a/keras_train_and_eval.py Thu Aug 11 09:52:07 2022 +0000 +++ b/keras_train_and_eval.py Wed Aug 09 12:54:40 2023 +0000 @@ -1,34 +1,43 @@ 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.keras_galaxy_models import ( + _predict_generator, + KerasGBatchClassifier, +) +from galaxy_ml.model_persist import dump_model_to_h5, load_model_from_h5 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 galaxy_ml.utils import ( + clean_params, + gen_compute_scores, + get_main_estimator, + get_module, + get_scoring, + read_columns, + SafeEval +) from scipy.io import mmread -from sklearn.metrics.scorer import _check_multimetric_scoring -from sklearn.model_selection import _search, _validation +from sklearn.metrics._scorer import _check_multimetric_scoring 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) +from sklearn.utils import _safe_indexing, indexable 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") +NON_SEARCHABLE = ( + "n_jobs", + "pre_dispatch", + "memory", + "_path", + "_dir", + "nthread", + "callbacks", +) ALLOWED_CALLBACKS = ( "EarlyStopping", "TerminateOnNaN", @@ -96,7 +105,7 @@ 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 + (_safe_indexing(a, train), _safe_indexing(a, test)) for a in new_arrays ) ) else: @@ -108,68 +117,69 @@ return rval -def _evaluate(y_true, pred_probas, scorer, is_multimetric=True): - """output scores based on input scorer +def _evaluate_keras_and_sklearn_scores( + estimator, + data_generator, + X, + y=None, + sk_scoring=None, + steps=None, + batch_size=32, + return_predictions=False, +): + """output scores for bother keras and sklearn metrics 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 + ----------- + estimator : object + Fitted `galaxy_ml.keras_galaxy_models.KerasGBatchClassifier`. + data_generator : object + From `galaxy_ml.preprocessors.ImageDataFrameBatchGenerator`. + X : 2-D array + Contains indecies of images that need to be evaluated. + y : None + Target value. + sk_scoring : dict + Galaxy tool input parameters. + steps : integer or None + Evaluation/prediction steps before stop. + batch_size : integer + Number of samples in a batch + return_predictions : bool, default is False + Whether to return predictions and true labels. """ - 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) + scores = {} - 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 + generator = data_generator.flow(X, y=y, batch_size=batch_size) + # keras metrics evaluation + # handle scorer, convert to scorer dict + generator.reset() + score_results = estimator.model_.evaluate_generator(generator, steps=steps) + metrics_names = estimator.model_.metrics_names + if not isinstance(metrics_names, list): + scores[metrics_names] = score_results 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 + scores = dict(zip(metrics_names, score_results)) + + if sk_scoring["primary_scoring"] == "default" and not return_predictions: + return scores + + generator.reset() + predictions, y_true = _predict_generator(estimator.model_, generator, steps=steps) - return scores + # for sklearn metrics + if sk_scoring["primary_scoring"] != "default": + scorer = get_scoring(sk_scoring) + if not isinstance(scorer, (dict, list)): + scorer = [sk_scoring["primary_scoring"]] + scorer = _check_multimetric_scoring(estimator, scoring=scorer) + sk_scores = gen_compute_scores(y_true, predictions, scorer) + scores.update(sk_scores) + + if return_predictions: + return scores, predictions, y_true + else: + return scores, None, None def main( @@ -179,7 +189,6 @@ infile2, outfile_result, outfile_object=None, - outfile_weights=None, outfile_y_true=None, outfile_y_preds=None, groups=None, @@ -192,46 +201,43 @@ Parameter --------- inputs : str - File path to galaxy tool parameter + File path to galaxy tool parameter. infile_estimator : str - File path to estimator + File path to estimator. infile1 : str - File path to dataset containing features + File path to dataset containing features. infile2 : str - File path to dataset containing target values + File path to dataset containing target values. outfile_result : str - File path to save the results, either cv_results or test result + 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 + File path to save searchCV object. outfile_y_true : str, optional - File path to target values for prediction + File path to target values for prediction. outfile_y_preds : str, optional - File path to save deep learning model weights + File path to save predictions. groups : str - File path to dataset containing groups labels + File path to dataset containing groups labels. ref_seq : str - File path to dataset containing genome sequence file + File path to dataset containing genome sequence file. intervals : str - File path to dataset containing interval file + File path to dataset containing interval file. targets : str - File path to dataset compressed target bed file + File path to dataset compressed target bed file. fasta_path : str - File path to dataset containing fasta file + File path to dataset containing fasta file. """ warnings.simplefilter("ignore") @@ -239,8 +245,7 @@ params = json.load(param_handler) # load estimator - with open(infile_estimator, "rb") as estimator_handler: - estimator = load_model(estimator_handler) + estimator = load_model_from_h5(infile_estimator) estimator = clean_params(estimator) @@ -333,7 +338,12 @@ loaded_df[df_key] = infile2 y = read_columns( - infile2, c=c, c_option=column_option, sep="\t", header=header, parse_dates=True + 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() @@ -387,16 +397,10 @@ # 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) + if not isinstance(scorer, (dict, list)): + scorer = [scoring["primary_scoring"]] + scorer = _check_multimetric_scoring(estimator, scoring=scorer) # handle test (first) split test_split_options = params["experiment_schemes"]["test_split"]["split_algos"] @@ -411,14 +415,9 @@ "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) + 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"] @@ -443,11 +442,11 @@ y_train, y_val, groups_train, - _groups_val, + groups_val, ) = train_test_split_none(X_train, y_train, groups_train, **val_split_options) # train and eval - if hasattr(estimator, "validation_data"): + if hasattr(estimator, "config") and hasattr(estimator, "model_type"): if exp_scheme == "train_val_test": estimator.fit(X_train, y_train, validation_data=(X_val, y_val)) else: @@ -455,25 +454,46 @@ else: estimator.fit(X_train, y_train) - if hasattr(estimator, "evaluate"): + if isinstance(estimator, KerasGBatchClassifier): + scores = {} steps = estimator.prediction_steps batch_size = estimator.batch_size - generator = estimator.data_generator_.flow( - X_test, y=y_test, batch_size=batch_size + data_generator = estimator.data_generator_ + + scores, predictions, y_true = _evaluate_keras_and_sklearn_scores( + estimator, + data_generator, + X_test, + y=y_test, + sk_scoring=scoring, + steps=steps, + batch_size=batch_size, + return_predictions=bool(outfile_y_true), ) - predictions, y_true = _predict_generator( - estimator.model_, generator, steps=steps - ) - scores = _evaluate(y_true, predictions, scorer, is_multimetric=True) else: + scores = {} + if hasattr(estimator, "model_") and hasattr(estimator.model_, "metrics_names"): + batch_size = estimator.batch_size + score_results = estimator.model_.evaluate( + X_test, y=y_test, batch_size=batch_size, verbose=0 + ) + metrics_names = estimator.model_.metrics_names + if not isinstance(metrics_names, list): + scores[metrics_names] = score_results + else: + scores = dict(zip(metrics_names, score_results)) + 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) + sk_scores = _score(estimator, X_test, y_test, scorer) + scores.update(sk_scores) + + # handle output if outfile_y_true: try: pd.DataFrame(y_true).to_csv(outfile_y_true, sep="\t", index=False) @@ -486,7 +506,6 @@ ) except Exception as e: print("Error in saving predictions: %s" % e) - # handle output for name, score in scores.items(): scores[name] = [score] @@ -497,23 +516,7 @@ 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) + dump_model_to_h5(estimator, outfile_object) if __name__ == "__main__": @@ -524,7 +527,6 @@ 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") @@ -541,7 +543,6 @@ 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, diff -r d0352e8b4c10 -r a01fa4e8fe4f label_encoder.py --- a/label_encoder.py Thu Aug 11 09:52:07 2022 +0000 +++ b/label_encoder.py Wed Aug 09 12:54:40 2023 +0000 @@ -21,24 +21,24 @@ File path to output vector """ - warnings.simplefilter('ignore') + warnings.simplefilter("ignore") - with open(inputs, 'r') as param_handler: + with open(inputs, "r") as param_handler: params = json.load(param_handler) - input_header = params['header0'] - header = 'infer' if input_header else None + input_header = params["header0"] + header = "infer" if input_header else None - input_vector = pd.read_csv(infile, sep='\t', header=header) + 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') + np.savetxt(outfile, output_vector, fmt="%d", delimiter="\t") -if __name__ == '__main__': +if __name__ == "__main__": aparser = argparse.ArgumentParser() aparser.add_argument("-i", "--inputs", dest="inputs", required=True) aparser.add_argument("-y", "--infile", dest="infile") diff -r d0352e8b4c10 -r a01fa4e8fe4f main_macros.xml --- a/main_macros.xml Thu Aug 11 09:52:07 2022 +0000 +++ b/main_macros.xml Wed Aug 09 12:54:40 2023 +0000 @@ -1,225 +1,228 @@ - 1.0.8.4 + 1.0.10.0 + 21.05 - Galaxy-ML + python + galaxy-ml - - - - - - + + + + + +
+ - - - - - - - - - - - - - - - - - - - - - - - - - - + + + + + + + + + + + + + + + + + + + - +
+ + + + + + + - -
- -
-
+ +
+ +
+
- - - - - - - - - - + + + + + + + + + + - - - - - - - - - + + + + + + + + + - - - + + + - - - + + + - - - - - - - - + + + + + + + + - - - + + + - - - + + + - - - + + + - - - + + + - - - - - - - - - - - - - - - - - - + + + + + + + + + + + + + + + + + + - - - - + + + + - - - + + + - - - + + + - - - + + + - - - + + + - - - + + + - - - + + + - - - + + + - - - - - - - + + + + + + + - - - - - - - + + + + + + + - - - + + + - - - - - - - - - - - - - - - - - - - + + + + + + + + + + + + + + + + + + + - - - + + + - - - + + + - - - + + + - - - - - - - - - + + + + + + + + + @@ -240,1722 +243,1699 @@ - - - + + - + - - - + + + - - - + + + - - - + + + - - - + + + - - - + + + - - - + + + - - - + + + - - - - + + + - - - + + + - - - + + + - - - + + + - - - + + + - - - + + + - - - + + + - - - - - - + + + + + + - - - + + + - - - + + + - - - + + + - - - + + + - - - - - - - - - - + + + + + + + + + + - - - + + + - - - - - - - - - - - - - - - + - - - - - - - - - - - - - - - - - - - - - - - + + + + + + + + + + + + + - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - + + + + + + + + + + + + + + + + + + + + + + + - - - - - - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - - - - - - - - - - - - - - - + + + + + + + + + + + + + + + + + + - - - - - - - + + + + - - - - - - + + + + + + + + + + + + + + + + - - - - - - - - - - - - - - - + + + + + + - - - - - - - - - - - - - -
- - - - - - - - - - - - - - - -
-
+ + + + + + + - -
- - - - - - - - - - - - - - - - - - - -
-
+ + + + + + + + + + + + + + + + + + + + + + - -
- - - - - - - - - - - - - - - - - - - - - - - - -
-
+ + + + + + + + + + - -
- - - - - - - - - - - -
-
- - -
- - - - - - - - - -
-
- - - - - - - - - - -
- - - - -
-
+ + +
+ + + + + + + + + + + + + + + +
+
- -
- - - - - - - - - - -
-
- - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - + +
+ + + + + + + + + + + + + + + + + + + +
+
- - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - + +
+ + + + + + + + + + + + + + + + + + + + + + + + +
+
- - - - - - - - - - - - - - - - - - - - - - -
- - - -
-
- -
- -
-
-
+ +
+ + + + + + + + + + + +
+
- - -
- - - - - -
-
-
+ +
+ + + + + + + + + +
+
- - - - - - - - - + + + + + + + - - - - - - - - - - - + +
+ + + + +
+
- - -
- - -
-
- -
- - - -
-
- -
- -
-
- -
- - - - - - -
-
- -
+ +
+ + + + + + + + + + +
+
- - - -
-
-
- -
- - -
-
- -
- - - -
-
- -
- - - - -
-
- -
- - - - - - - - -
-
- -
- - - - - -
-
- -
- - - - - - - - - - - -
-
-
-
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - - - - - - - - - - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - + + +
+ + + +
+
+ +
+ +
+
+
- - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - + + +
+ + + + + +
+
+
- - - - - - - - - - - - + + + + + + + + + - - - - - - - - - -
- - - - - -
-
+ + + + + + + + + + + - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - + + +
+ + +
+
+ +
+ + + +
+
+ +
+ +
+
+ +
+ + + + + + +
+
+ +
- - - -
- - - - - - - - -
-
- - -
- -
-
- - -
- -
-
- - -
- -
-
- - -
- -
-
- - -
- -
-
- -
- -
-
-
- - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - + + + +
+
+
+ +
+ + +
+
+ +
+ + + +
+
+ +
+ + + + +
+
+ +
+ + + + + + + + +
+
+ +
+ + + + + +
+
+
- - - + + + + + + + + + + +
-
- - - - -
- - - -
-
-
+
+ + - - - -
- - - - - -
-
-
- - - - -
- - - - - - -
-
-
+ + + + + + + + + + + + + + + + - - - -
- - - - - - - - - - - - -
-
-
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - - - - - - - - - - - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - - - - - - - - - - - - - - - - - - - + + + + + + + + - - - - - - - - - + + + + - - - - - + + + - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - + + + + + + + + + +
+ + + + + +
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - - - - - - - - - - - - - - - - - - - - - + + + +
+ + + + + + - - - - - - - - - - - - - - - - - - - - - - - - + +
+
+ + +
+ +
+
+ + +
+ +
+
+ + +
+ +
+
+ + +
+ +
+
+ + +
+ +
+
+ +
+ +
+
+
- - -
- - - - - - - - - - - - - - - - - - -
-
- - - - - - - - - - - - - - - - - - - - - + + + + + + + + + + + + + + + + + - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - + + + + + + + + - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - + + + + + + +
+ + + +
+
+ + + + +
+ + + +
+
+
+ + + + +
+ + + + + +
+
+
+ + + + +
+ + + + + + +
+
+
+ + + + +
+ + + + + + + + + + + + +
+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - - - - - - - - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + - - - + + + + - - - - - - - - - - - - - - - - - - - - - - - - - + + +
+
- - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - + + + + + + + + + - - - - - - - - - - + + + + + + + + + + - - - - - - - - - - - - - - - - - - - - - - - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + - -
- - - -
-
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - - - - - - - - - - - - - - - -
- - - - - - - - - -
-
- - - - - - - - - - - - - - - - - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - - - selected_tasks['selected_task'] == 'load' - - - selected_tasks['selected_task'] == 'train' - - - + + + + + + + + + + + + + + - - - - 10.5281/zenodo.15094 - - + + + + + + + + + + + selected_tasks['selected_task'] == 'load' + + + selected_tasks['selected_task'] == 'train' + + + - - - 10.1371/journal.pcbi.1009014 - - @article{JMLR:v12:pedregosa11a, - 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} - url = {http://jmlr.org/papers/v12/pedregosa11a.html} - } - - - - + + + + 10.5281/zenodo.15094 + + - - - - @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{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 @@ -1973,33 +1953,33 @@ 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}, + 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}, + 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}, + 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}, @@ -2010,11 +1990,22 @@ pages = {1-5}, url = {http://jmlr.org/papers/v18/16-365.html} } - - + + - - 10.1038/s41592-019-0360-8 - + + + @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 d0352e8b4c10 -r a01fa4e8fe4f ml_visualization_ex.py --- a/ml_visualization_ex.py Thu Aug 11 09:52:07 2022 +0000 +++ b/ml_visualization_ex.py Wed Aug 09 12:54:40 2023 +0000 @@ -9,13 +9,18 @@ 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 galaxy_ml.model_persist import load_model_from_h5 +from galaxy_ml.utils import read_columns, SafeEval +from sklearn.feature_selection._base import SelectorMixin +from sklearn.metrics import ( + auc, + average_precision_score, + precision_recall_curve, + roc_curve, +) from sklearn.pipeline import Pipeline +from tensorflow.keras.models import model_from_json +from tensorflow.keras.utils import plot_model safe_eval = SafeEval() @@ -253,30 +258,6 @@ 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, @@ -290,10 +271,6 @@ targets=None, fasta_path=None, model_config=None, - true_labels=None, - predicted_labels=None, - plot_color=None, - title=None, ): """ Parameter @@ -334,18 +311,6 @@ 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") @@ -357,8 +322,7 @@ 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) + estimator = load_model_from_h5(infile_estimator) column_option = params["plotting_selection"]["column_selector_options"][ "selected_column_selector_option" @@ -570,36 +534,6 @@ 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) @@ -619,10 +553,6 @@ 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( @@ -638,8 +568,4 @@ 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 d0352e8b4c10 -r a01fa4e8fe4f model_prediction.py --- a/model_prediction.py Thu Aug 11 09:52:07 2022 +0000 +++ b/model_prediction.py Wed Aug 09 12:54:40 2023 +0000 @@ -4,9 +4,10 @@ import numpy as np import pandas as pd -from galaxy_ml.utils import get_module, load_model, read_columns, try_get_attr +from galaxy_ml.model_persist import load_model_from_h5 +from galaxy_ml.utils import (clean_params, get_module, 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)) @@ -15,7 +16,6 @@ inputs, infile_estimator, outfile_predict, - infile_weights=None, infile1=None, fasta_path=None, ref_seq=None, @@ -27,15 +27,12 @@ inputs : str File path to galaxy tool parameter - infile_estimator : strgit + infile_estimator : str 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 @@ -54,19 +51,8 @@ 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) + estimator = load_model_from_h5(infile_estimator) + estimator = clean_params(estimator) # handle data input input_type = params["input_options"]["selected_input"] @@ -221,7 +207,6 @@ 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") @@ -233,7 +218,6 @@ 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, diff -r d0352e8b4c10 -r a01fa4e8fe4f pdb70_cs219.ffdata --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/pdb70_cs219.ffdata Wed Aug 09 12:54:40 2023 +0000 @@ -0,0 +1,189 @@ + + + + + + + + + + + + + + + + + Galaxy + | Europe + | + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
You are not allowed to access this dataset
+ + + + + + + + + + + + + + + + diff -r d0352e8b4c10 -r a01fa4e8fe4f search_model_validation.py --- a/search_model_validation.py Thu Aug 11 09:52:07 2022 +0000 +++ b/search_model_validation.py Wed Aug 09 12:54:40 2023 +0000 @@ -1,35 +1,55 @@ import argparse -import collections import json import os -import pickle import sys import warnings +from distutils.version import LooseVersion as Version 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 galaxy_ml import __version__ as galaxy_ml_version +from galaxy_ml.binarize_target import IRAPSClassifier +from galaxy_ml.model_persist import dump_model_to_h5, load_model_from_h5 +from galaxy_ml.utils import ( + clean_params, + get_cv, + get_main_estimator, + get_module, + get_scoring, + 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 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) +from sklearn.preprocessing import LabelEncoder +from skopt import BayesSearchCV 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") +NON_SEARCHABLE = ( + "n_jobs", + "pre_dispatch", + "memory", + "_path", + "_dir", + "nthread", + "callbacks", +) def _eval_search_params(params_builder): @@ -100,33 +120,29 @@ 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.EditedNearestNeighbours(n_jobs=N_JOBS), + imblearn.under_sampling.RepeatedEditedNearestNeighbours(n_jobs=N_JOBS), + imblearn.under_sampling.AllKNN(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.NearMiss(n_jobs=N_JOBS), + imblearn.under_sampling.NeighbourhoodCleaningRule(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.under_sampling.TomekLinks(n_jobs=N_JOBS), imblearn.over_sampling.ADASYN(random_state=0, n_jobs=N_JOBS), + imblearn.over_sampling.BorderlineSMOTE(random_state=0, n_jobs=N_JOBS), + imblearn.over_sampling.KMeansSMOTE(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.SMOTEN(random_state=0, n_jobs=N_JOBS), imblearn.over_sampling.SMOTENC( categorical_features=[], random_state=0, n_jobs=N_JOBS ), + imblearn.over_sampling.SVMSMOTE(random_state=0, n_jobs=N_JOBS), imblearn.combine.SMOTEENN(random_state=0), imblearn.combine.SMOTETomek(random_state=0), ) @@ -288,7 +304,12 @@ loaded_df[df_key] = infile2 y = read_columns( - infile2, c=c, c_option=column_option, sep="\t", header=header, parse_dates=True + 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() @@ -416,24 +437,19 @@ 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 + X_test, + scorer=scorer_, ) else: - test_score = _score( - best_estimator_, X_test, y_test, scorer_, is_multimetric=is_multimetric - ) + test_score = _score(best_estimator_, X_test, y_test, scorer_) - if not is_multimetric: + if not isinstance(scorer_, dict): test_score = {primary_scoring: test_score} for key, value in test_score.items(): test_score[key] = [value] @@ -443,6 +459,34 @@ return searcher +def _set_memory(estimator, memory): + """set memeory cache + + Parameters + ---------- + estimator : python object + memory : joblib.Memory object + + Returns + ------- + estimator : estimator object after setting new attributes + """ + if isinstance(estimator, IRAPSClassifier): + estimator.set_params(memory=memory) + return estimator + + estimator_params = estimator.get_params() + + new_params = {} + for k in estimator_params.keys(): + if k.endswith("irapsclassifier__memory"): + new_params[k] = memory + + estimator.set_params(**new_params) + + return estimator + + def main( inputs, infile_estimator, @@ -450,7 +494,6 @@ infile2, outfile_result, outfile_object=None, - outfile_weights=None, groups=None, ref_seq=None, intervals=None, @@ -461,10 +504,10 @@ Parameter --------- inputs : str - File path to galaxy tool parameter + File path to galaxy tool parameter. infile_estimator : str - File path to estimator + File path to estimator. infile1 : str File path to dataset containing features @@ -478,9 +521,6 @@ 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 @@ -505,18 +545,38 @@ params = json.load(param_handler) # Override the refit parameter - params["search_schemes"]["options"]["refit"] = ( - True if params["save"] != "nope" else False + params["options"]["refit"] = ( + True + if ( + params["save"] != "nope" + or params["outer_split"]["split_mode"] == "nested_cv" + ) + else False ) - with open(infile_estimator, "rb") as estimator_handler: - estimator = load_model(estimator_handler) + estimator = load_model_from_h5(infile_estimator) + + estimator = clean_params(estimator) + + if estimator.__class__.__name__ == "KerasGBatchClassifier": + _fit_and_score = try_get_attr( + "galaxy_ml.model_validations", + "_fit_and_score", + ) - optimizer = params["search_schemes"]["selected_search_scheme"] - optimizer = getattr(model_selection, optimizer) + setattr(_search, "_fit_and_score", _fit_and_score) + setattr(_validation, "_fit_and_score", _fit_and_score) + + search_algos_and_options = params["search_algos"] + optimizer = search_algos_and_options.pop("selected_search_algo") + if optimizer == "skopt.BayesSearchCV": + optimizer = BayesSearchCV + else: + optimizer = getattr(model_selection, optimizer) # handle gridsearchcv options - options = params["search_schemes"]["options"] + options = params["options"] + options.update(search_algos_and_options) if groups: header = ( @@ -553,38 +613,36 @@ groups = groups.ravel() options["cv_selector"]["groups_selector"] = groups - splitter, groups = get_cv(options.pop("cv_selector")) + cv_selector = options.pop("cv_selector") + if Version(galaxy_ml_version) < Version("0.8.3"): + cv_selector.pop("n_stratification_bins", None) + splitter, groups = get_cv(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"]) + # TODO make BayesSearchCV support multiple scoring + if optimizer == "skopt.BayesSearchCV" and isinstance(options["scoring"], dict): + options["scoring"] = options["scoring"][primary_scoring] + warnings.warn( + "BayesSearchCV doesn't support multiple " + "scorings! Primary scoring is used." ) - options["scoring"] = get_scoring(options["scoring"]) if options["error_score"]: options["error_score"] = "raise" else: - options["error_score"] = np.nan + 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"] + params_builder = params["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) + dump_model_to_h5(searcher, outfile_object) return 0 # read inputs and loads new attributes, like paths @@ -600,37 +658,36 @@ fasta_path=fasta_path, ) + label_encoder = LabelEncoder() + if get_main_estimator(estimator).__class__.__name__ == "XGBClassifier": + y = label_encoder.fit_transform(y) + # 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) + estimator = _set_memory(estimator, memory) searcher = optimizer(estimator, param_grid, **options) split_mode = params["outer_split"].pop("split_mode") + # Nested CV 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"]) + cv_selector = params["outer_split"]["cv_selector"] + if Version(galaxy_ml_version) < Version("0.8.3"): + cv_selector.pop("n_stratification_bins", None) + outer_cv, _ = get_cv(cv_selector) # nested CV, outer cv using cross_validate if options["error_score"] == "raise": rval = cross_validate( searcher, X, y, + groups=groups, scoring=options["scoring"], cv=outer_cv, n_jobs=N_JOBS, verbose=options["verbose"], + fit_params={"groups": groups}, return_estimator=(params["save"] == "save_estimator"), error_score=options["error_score"], return_train_score=True, @@ -643,10 +700,12 @@ searcher, X, y, + groups=groups, scoring=options["scoring"], cv=outer_cv, n_jobs=N_JOBS, verbose=options["verbose"], + fit_params={"groups": groups}, return_estimator=(params["save"] == "save_estimator"), error_score=options["error_score"], return_train_score=True, @@ -676,8 +735,6 @@ 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: @@ -689,6 +746,9 @@ rval = pd.DataFrame(rval) rval = rval[sorted(rval.columns)] rval.to_csv(path_or_buf=outfile_result, sep="\t", header=True, index=False) + + return 0 + # deprecate train test split mode """searcher = _do_train_test_split_val( searcher, X, y, params, @@ -696,7 +756,6 @@ error_score=options['error_score'], groups=groups, outfile=outfile_result)""" - return 0 # no outer split else: @@ -732,24 +791,7 @@ ) 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) + dump_model_to_h5(best_estimator_, outfile_object) if __name__ == "__main__": @@ -760,7 +802,6 @@ 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") @@ -768,17 +809,4 @@ 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, - ) + main(**vars(args)) diff -r d0352e8b4c10 -r a01fa4e8fe4f simple_model_fit.py --- a/simple_model_fit.py Thu Aug 11 09:52:07 2022 +0000 +++ b/simple_model_fit.py Wed Aug 09 12:54:40 2023 +0000 @@ -1,9 +1,9 @@ import argparse import json -import pickle import pandas as pd -from galaxy_ml.utils import load_model, read_columns +from galaxy_ml.model_persist import dump_model_to_h5, load_model_from_h5 +from galaxy_ml.utils import read_columns from scipy.io import mmread from sklearn.pipeline import Pipeline @@ -148,9 +148,9 @@ 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) + estimator = load_model_from_h5(infile_estimator) + + estimator = clean_params(estimator) X_train, y_train = _get_X_y(params, infile1, infile2) @@ -170,8 +170,7 @@ 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) + dump_model_to_h5(estimator, out_object) if __name__ == "__main__": diff -r d0352e8b4c10 -r a01fa4e8fe4f stacking_ensembles.py --- a/stacking_ensembles.py Thu Aug 11 09:52:07 2022 +0000 +++ b/stacking_ensembles.py Wed Aug 09 12:54:40 2023 +0000 @@ -1,22 +1,22 @@ import argparse import ast import json -import pickle import sys import warnings +from distutils.version import LooseVersion as Version import mlxtend.classifier import mlxtend.regressor -import pandas as pd -from galaxy_ml.utils import (get_cv, get_estimator, get_search_params, - load_model) +from galaxy_ml import __version__ as galaxy_ml_version +from galaxy_ml.model_persist import dump_model_to_h5, load_model_from_h5 +from galaxy_ml.utils import get_cv, get_estimator 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): +def main(inputs_path, output_obj, base_paths=None, meta_path=None): """ Parameter --------- @@ -31,9 +31,6 @@ 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) @@ -43,8 +40,7 @@ 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) + model = load_model_from_h5(base_file) else: estimator_json = params["base_est_builder"][idx]["estimator_selector"] model = get_estimator(estimator_json) @@ -59,8 +55,7 @@ # 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) + meta_estimator = load_model_from_h5(meta_path) else: estimator_json = params["algo_selection"]["meta_estimator"][ "estimator_selector" @@ -71,7 +66,9 @@ cv_selector = options.pop("cv_selector", None) if cv_selector: - splitter, _groups = get_cv(cv_selector) + if Version(galaxy_ml_version) < Version("0.8.3"): + cv_selector.pop("n_stratification_bins", None) + splitter, groups = get_cv(cv_selector) options["cv"] = splitter # set n_jobs options["n_jobs"] = N_JOBS @@ -104,13 +101,7 @@ 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) + dump_model_to_h5(ensemble_estimator, output_obj) if __name__ == "__main__": @@ -119,13 +110,6 @@ 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, - ) + main(args.inputs, args.outfile, base_paths=args.bases, meta_path=args.meta) diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/GridSearchCV01.h5mlm Binary file test-data/GridSearchCV01.h5mlm has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/LinearRegression01.h5mlm Binary file test-data/LinearRegression01.h5mlm has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/RFE.h5mlm Binary file test-data/RFE.h5mlm has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/RandomForestClassifier.h5mlm Binary file test-data/RandomForestClassifier.h5mlm has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/RandomForestRegressor01.h5mlm Binary file test-data/RandomForestRegressor01.h5mlm has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/StackingCVRegressor01.h5mlm Binary file test-data/StackingCVRegressor01.h5mlm has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/StackingRegressor02.h5mlm Binary file test-data/StackingRegressor02.h5mlm has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/StackingVoting03.h5mlm Binary file test-data/StackingVoting03.h5mlm has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/XGBRegressor01.h5mlm Binary file test-data/XGBRegressor01.h5mlm has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/abc_model01 Binary file test-data/abc_model01 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/abc_result01 --- a/test-data/abc_result01 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/abc_result01 Wed Aug 09 12:54:40 2023 +0000 @@ -1,6 +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 +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 d0352e8b4c10 -r a01fa4e8fe4f test-data/abr_model01 Binary file test-data/abr_model01 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/abr_result01 --- a/test-data/abr_result01 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/abr_result01 Wed Aug 09 12:54:40 2023 +0000 @@ -1,6 +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 +86.9702122735 1.00532111569 -1.01739601979 -0.613139481654 0.641846874331 0.94315222831 +91.2021798817 -0.621522971207 1.11914889596 0.390012184498 1.28956938152 1.0812585465566666 +-47.4101632272 -0.638416457964 -0.732777468453 -0.864026104978 -1.06109770116 -0.719169535969 +61.7128046302 -1.09994800577 -0.739679672932 0.585657963012 1.48906827536 1.15031170568 +-206.998295124 0.130238853011 0.70574123041 1.33206565264 -1.33220923738 -0.719169535969 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/auc.txt --- a/test-data/auc.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/auc.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,2 +1,2 @@ auc : -2.5 +3.0 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/best_estimator_.h5mlm Binary file test-data/best_estimator_.h5mlm has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/best_params_.txt --- a/test-data/best_params_.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/best_params_.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,1 +1,1 @@ -{'estimator__n_estimators': 100} \ No newline at end of file +{} \ No newline at end of file diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/best_score_.tabular --- a/test-data/best_score_.tabular Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/best_score_.tabular Wed Aug 09 12:54:40 2023 +0000 @@ -1,2 +1,2 @@ best_score_ -0.7976348550293088 +0.8065123295049499 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/classifier_y.tabular --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/classifier_y.tabular Wed Aug 09 12:54:40 2023 +0000 @@ -0,0 +1,262 @@ +label +high +intermediate +high +intermediate +intermediate +intermediate +intermediate +high +low +low +low +high +intermediate +low +high +high +intermediate +high +intermediate +low +low +intermediate +high +intermediate +low +low +high +intermediate +intermediate +high +intermediate +intermediate +intermediate +intermediate +low +intermediate +intermediate +intermediate +low +low +intermediate +intermediate +low +intermediate +intermediate +intermediate +intermediate +high +high +intermediate +intermediate +high +intermediate +intermediate +high +intermediate +intermediate +intermediate +intermediate +intermediate +intermediate +intermediate +intermediate +intermediate +intermediate +intermediate +intermediate +low +intermediate +intermediate +low +intermediate +high +high +intermediate +high +intermediate +low +high +high +high +high +intermediate +low +high +intermediate +intermediate +high +intermediate +intermediate +low +low +intermediate +intermediate +high +high +intermediate +high +high +low +intermediate +intermediate +intermediate +high +intermediate +high +intermediate +high +intermediate +intermediate +low +intermediate +intermediate +high +high +high +intermediate +high +intermediate +intermediate +low +intermediate +intermediate +intermediate +high +low +intermediate +intermediate +intermediate +intermediate +high +intermediate +intermediate +intermediate +high +intermediate +high +intermediate +high +high +high +intermediate +intermediate +intermediate +high +intermediate +intermediate +low +intermediate +intermediate +low +low +intermediate +intermediate +intermediate +intermediate +high +high +intermediate +high +high +intermediate +intermediate +intermediate +low +high +intermediate +high +intermediate +intermediate +intermediate +high +intermediate +intermediate +intermediate +intermediate +intermediate +intermediate +intermediate +intermediate +intermediate +intermediate +high +intermediate +intermediate +low +intermediate +intermediate +low +intermediate +high +intermediate +high +high +high +low +high +low +intermediate +intermediate +high +intermediate +intermediate +high +high +intermediate +high +intermediate +low +intermediate +intermediate +high +low +intermediate +intermediate +intermediate +intermediate +high +low +high +intermediate +intermediate +low +high +intermediate +low +intermediate +intermediate +intermediate +high +high +intermediate +high +high +intermediate +intermediate +high +high +intermediate +low +intermediate +intermediate +high +intermediate +intermediate +intermediate +high +high +high +intermediate +high +low +high +intermediate +low +intermediate +high +intermediate +high +intermediate +intermediate diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/cluster_result01.txt --- a/test-data/cluster_result01.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/cluster_result01.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,3 +1,4 @@ +0 58 56 -67 0 0 44 64 -76 0 0 51 48 -73 0 0 58 65 -49 0 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/cluster_result02.txt --- a/test-data/cluster_result02.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/cluster_result02.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,48 +1,49 @@ -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 +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 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 d0352e8b4c10 -r a01fa4e8fe4f test-data/cluster_result03.txt --- a/test-data/cluster_result03.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/cluster_result03.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,3 +1,4 @@ +0 58 56 -67 -1 0 44 64 -76 -1 0 51 48 -73 -1 0 58 65 -49 -1 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/cluster_result04.txt --- a/test-data/cluster_result04.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/cluster_result04.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,3 +1,4 @@ +0 58 56 -67 1 0 44 64 -76 1 0 51 48 -73 1 0 58 65 -49 1 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/cluster_result05.txt --- a/test-data/cluster_result05.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/cluster_result05.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,3 +1,4 @@ +0 58 56 -67 0 0 44 64 -76 0 0 51 48 -73 0 0 58 65 -49 0 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/cluster_result06.txt --- a/test-data/cluster_result06.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/cluster_result06.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,3 +1,4 @@ +0 58 56 -67 0 0 44 64 -76 0 0 51 48 -73 0 0 58 65 -49 0 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/cluster_result07.txt --- a/test-data/cluster_result07.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/cluster_result07.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,3 +1,4 @@ +0 58 56 -67 0 0 44 64 -76 0 0 51 48 -73 0 0 58 65 -49 0 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/cluster_result08.txt --- a/test-data/cluster_result08.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/cluster_result08.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,3 +1,4 @@ +0 58 56 -67 0 0 44 64 -76 0 0 51 48 -73 0 0 58 65 -49 0 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/cluster_result09.txt --- a/test-data/cluster_result09.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/cluster_result09.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,3 +1,4 @@ +0 58 56 -67 0 0 44 64 -76 0 0 51 48 -73 0 0 58 65 -49 0 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/cluster_result10.txt --- a/test-data/cluster_result10.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/cluster_result10.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,3 +1,4 @@ +0 58 56 -67 3 0 44 64 -76 3 0 51 48 -73 3 0 58 65 -49 3 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/cluster_result11.txt --- a/test-data/cluster_result11.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/cluster_result11.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,3 +1,4 @@ +0 58 56 -67 2 0 44 64 -76 2 0 51 48 -73 2 0 58 65 -49 2 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/cluster_result12.txt --- a/test-data/cluster_result12.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/cluster_result12.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,48 +1,49 @@ -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 58 56 -67 3 +0 44 64 -76 3 +0 51 48 -73 0 +0 58 65 -49 0 +0 43 61 -49 2 +0 45 43 -79 0 +0 42 60 -98 2 +0 50 55 -59 3 +0 53 53 -56 3 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 +0 43 65 -84 3 +0 35 52 -75 2 +0 56 56 -70 3 +1 -61 86 43 3 +1 -67 93 15 2 +1 -59 94 36 0 1 -50 92 62 0 -1 -78 91 70 1 -1 -35 87 47 1 +1 -78 91 70 2 +1 -35 87 47 0 1 -56 91 52 0 -1 -61 81 46 2 -1 -83 78 34 1 +1 -61 81 46 3 +1 -83 78 34 0 1 -50 87 45 0 -1 -67 73 50 1 +1 -67 73 50 2 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 +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 3 +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 0 +3 42 -92 31 1 3 39 -99 -7 3 -3 48 -115 -5 1 +3 48 -115 -5 2 3 39 -96 2 3 -3 31 -109 9 3 +3 31 -109 9 2 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 +3 23 -102 4 2 +3 38 -90 21 1 +3 34 -107 1 2 +3 35 -78 18 1 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/cluster_result13.txt --- a/test-data/cluster_result13.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/cluster_result13.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,40 +1,41 @@ -0 44 64 -76 4 -0 51 48 -73 0 +0 58 56 -67 2 +0 44 64 -76 2 +0 51 48 -73 1 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 43 61 -49 0 +0 45 43 -79 2 +0 42 60 -98 1 +0 50 55 -59 1 +0 53 53 -56 1 +0 45 44 -61 1 +0 43 65 -84 2 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 +0 56 56 -70 2 +1 -61 86 43 2 +1 -67 93 15 1 +1 -59 94 36 2 +1 -50 92 62 1 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 +1 -35 87 47 1 +1 -56 91 52 1 +1 -61 81 46 2 +1 -83 78 34 2 +1 -50 87 45 1 +1 -67 73 50 0 +1 -50 97 45 1 +1 -61 111 45 2 +2 -109 23 -92 1 +2 -94 20 -96 1 +2 -85 26 -88 1 +2 -90 33 -114 2 +2 -63 9 -106 1 +2 -79 9 -93 2 +2 -99 26 -108 2 +2 -81 19 -110 1 +2 -108 21 -108 2 +2 -92 27 -106 2 2 -88 2 -106 1 -2 -88 15 -103 0 +2 -88 15 -103 1 3 54 -74 4 0 3 42 -92 31 1 3 39 -99 -7 1 @@ -42,7 +43,7 @@ 3 39 -96 2 1 3 31 -109 9 1 3 33 -96 -8 1 -3 23 -102 4 0 +3 23 -102 4 1 3 38 -90 21 1 3 34 -107 1 1 3 35 -78 18 1 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/cluster_result14.txt --- a/test-data/cluster_result14.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/cluster_result14.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,48 +1,49 @@ -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 +0 58 56 -67 3 +0 44 64 -76 7 +0 51 48 -73 3 +0 58 65 -49 3 +0 43 61 -49 3 +0 45 43 -79 3 +0 42 60 -98 7 +0 50 55 -59 3 +0 53 53 -56 3 +0 45 44 -61 3 +0 43 65 -84 7 +0 35 52 -75 3 +0 56 56 -70 3 +1 -61 86 43 4 +1 -67 93 15 4 +1 -59 94 36 4 +1 -50 92 62 4 +1 -78 91 70 4 +1 -35 87 47 4 +1 -56 91 52 4 +1 -61 81 46 4 +1 -83 78 34 4 +1 -50 87 45 4 +1 -67 73 50 4 +1 -50 97 45 4 +1 -61 111 45 4 +2 -109 23 -92 5 +2 -94 20 -96 5 +2 -85 26 -88 2 +2 -90 33 -114 5 +2 -63 9 -106 2 +2 -79 9 -93 2 +2 -99 26 -108 5 +2 -81 19 -110 2 +2 -108 21 -108 5 +2 -92 27 -106 5 +2 -88 2 -106 2 +2 -88 15 -103 2 +3 54 -74 4 6 +3 42 -92 31 6 3 39 -99 -7 0 3 48 -115 -5 0 -3 39 -96 2 0 +3 39 -96 2 1 3 31 -109 9 0 3 33 -96 -8 0 3 23 -102 4 0 -3 38 -90 21 4 +3 38 -90 21 6 3 34 -107 1 0 -3 35 -78 18 4 +3 35 -78 18 6 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/cluster_result15.txt --- a/test-data/cluster_result15.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/cluster_result15.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,48 +1,49 @@ -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 +0 58 56 -67 2 +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 d0352e8b4c10 -r a01fa4e8fe4f test-data/cluster_result16.txt --- a/test-data/cluster_result16.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/cluster_result16.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,3 +1,4 @@ +0 58 56 -67 0 0 44 64 -76 0 0 51 48 -73 0 0 58 65 -49 0 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/cluster_result20.txt --- a/test-data/cluster_result20.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/cluster_result20.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,4 +1,4 @@ -0 1 0 0 +0 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/feature_importances_.tabular --- a/test-data/feature_importances_.tabular Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/feature_importances_.tabular Wed Aug 09 12:54:40 2023 +0000 @@ -1,11 +1,18 @@ feature_importances_ -0.15959252 -0.20373514 -0.22071308 -0.06281833 -0.098471984 -0.06960951 -0.13073005 -0.027164686 -0.022071308 -0.0050933785 +0.0 +0.010321120632288475 +0.020625116573685313 +0.016636826378837406 +0.6664893851561091 +0.20159083801089675 +0.02241562132348836 +0.009496348250813283 +0.012938283097946316 +0.018952436107178415 +0.005185454993705707 +0.0034219510481551417 +0.0032506707056426144 +0.002133755718458784 +0.0010583192894241607 +0.003336217194380454 +0.0021476555189897154 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/feature_selection_result01 --- a/test-data/feature_selection_result01 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/feature_selection_result01 Wed Aug 09 12:54:40 2023 +0000 @@ -1,11 +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 +143.762620712 -0.330941870584 +-88.5787166225 1.08055532812 +-82.8452345578 0.272541389247 +72.4951388149 -0.268686605278 +11.805182128 1.03604670966 +-63.9354970901 -0.101485840571 +126.325840796 -0.359998340179 +23.0341392692 0.518540465136 +67.6714937696 -0.115688051547 +47.3927584881 -0.785096541368 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/feature_selection_result08 --- a/test-data/feature_selection_result08 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/feature_selection_result08 Wed Aug 09 12:54:40 2023 +0000 @@ -2,10 +2,10 @@ 143.762620712 -0.330941870584 -88.5787166225 1.08055532812 -82.8452345578 0.272541389247 -72.4951388149 -0.26868660527800003 -11.805182128 1.0360467096600001 +72.4951388149 -0.268686605278 +11.805182128 1.03604670966 -63.9354970901 -0.101485840571 -126.32584079600001 -0.35999834017899995 -23.0341392692 0.5185404651359999 +126.325840796 -0.359998340179 +23.0341392692 0.518540465136 67.6714937696 -0.115688051547 -47.39275848810001 -0.7850965413680001 +47.3927584881 -0.785096541368 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/feature_selection_result09 --- a/test-data/feature_selection_result09 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/feature_selection_result09 Wed Aug 09 12:54:40 2023 +0000 @@ -1,11 +1,11 @@ -0 -143.762620712 --88.5787166225 --82.8452345578 -72.4951388149 -11.805182128 --63.9354970901 -126.32584079600001 -23.0341392692 -67.6714937696 -47.39275848810001 +0 1 +143.762620712 -0.330941870584 +-88.5787166225 1.08055532812 +-82.8452345578 0.272541389247 +72.4951388149 -0.268686605278 +11.805182128 1.03604670966 +-63.9354970901 -0.101485840571 +126.325840796 -0.359998340179 +23.0341392692 0.518540465136 +67.6714937696 -0.115688051547 +47.3927584881 -0.785096541368 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/feature_selection_result12 --- a/test-data/feature_selection_result12 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/feature_selection_result12 Wed Aug 09 12:54:40 2023 +0000 @@ -1,11 +1,262 @@ -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 +temp_1 average +69.0 69.7 +59.0 58.1 +88.0 77.3 +65.0 64.7 +50.0 47.5 +51.0 48.2 +52.0 48.6 +78.0 76.7 +35.0 45.2 +40.0 46.1 +47.0 45.3 +72.0 76.3 +76.0 74.4 +39.0 45.3 +78.0 72.2 +71.0 67.3 +48.0 47.7 +72.0 77.0 +57.0 54.7 +40.0 45.1 +54.0 47.6 +58.0 53.2 +68.0 58.6 +65.0 55.3 +47.0 48.8 +44.0 45.6 +64.0 67.1 +62.0 57.1 +66.0 65.7 +70.0 71.8 +57.0 54.2 +50.0 50.5 +55.0 51.8 +55.0 49.5 +42.0 45.2 +65.0 60.1 +63.0 65.6 +48.0 47.3 +42.0 46.3 +51.0 46.2 +64.0 68.0 +75.0 74.6 +52.0 46.7 +67.0 68.6 +68.0 68.7 +54.0 55.0 +62.0 56.8 +76.0 76.1 +73.0 73.1 +52.0 50.3 +70.0 73.9 +77.0 77.4 +60.0 56.6 +52.0 53.3 +79.0 75.0 +76.0 57.2 +66.0 66.5 +57.0 61.8 +66.0 57.4 +61.0 58.4 +55.0 53.1 +48.0 48.1 +49.0 49.2 +65.0 66.7 +60.0 62.5 +56.0 53.0 +59.0 57.4 +44.0 45.7 +82.0 63.2 +64.0 67.0 +43.0 45.5 +64.0 55.7 +63.0 52.7 +70.0 70.6 +71.0 52.4 +76.0 73.5 +68.0 62.1 +39.0 45.3 +71.0 70.7 +69.0 71.7 +74.0 71.5 +81.0 64.1 +51.0 49.3 +45.0 46.8 +87.0 76.8 +71.0 73.8 +55.0 60.3 +80.0 76.9 +67.0 69.0 +61.0 61.4 +46.0 46.6 +39.0 45.1 +67.0 68.3 +52.0 47.8 +67.0 69.8 +75.0 71.2 +68.0 73.3 +92.0 68.2 +67.0 72.8 +44.0 45.8 +61.0 61.0 +65.0 53.4 +68.0 73.0 +87.0 62.1 +117.0 54.8 +80.0 76.4 +57.0 51.0 +67.0 63.6 +58.0 54.0 +65.0 56.2 +52.0 48.6 +59.0 55.3 +57.0 53.9 +81.0 59.2 +75.0 77.1 +76.0 77.4 +57.0 64.8 +69.0 74.2 +77.0 66.8 +55.0 49.9 +49.0 46.8 +54.0 52.7 +55.0 51.2 +56.0 55.6 +68.0 74.6 +54.0 53.4 +67.0 69.0 +49.0 46.9 +49.0 49.1 +56.0 48.5 +73.0 71.0 +66.0 66.4 +69.0 66.5 +82.0 64.5 +90.0 76.7 +51.0 50.7 +77.0 57.1 +60.0 61.4 +74.0 72.8 +85.0 77.2 +68.0 62.8 +56.0 49.5 +71.0 56.2 +62.0 59.5 +83.0 77.3 +64.0 65.4 +56.0 48.4 +41.0 45.1 +65.0 66.2 +65.0 53.7 +40.0 46.0 +45.0 45.6 +52.0 48.4 +63.0 51.7 +52.0 47.6 +60.0 57.9 +81.0 75.7 +75.0 75.8 +59.0 51.4 +73.0 77.1 +75.0 77.3 +60.0 58.5 +75.0 71.3 +59.0 57.6 +53.0 49.1 +79.0 77.2 +57.0 52.1 +75.0 67.6 +71.0 69.4 +53.0 50.2 +46.0 48.8 +81.0 76.9 +49.0 48.9 +57.0 48.4 +60.0 58.8 +67.0 73.7 +61.0 64.1 +66.0 69.5 +64.0 51.9 +66.0 65.7 +64.0 52.2 +71.0 65.2 +75.0 63.8 +48.0 46.4 +53.0 52.5 +49.0 47.1 +85.0 68.5 +62.0 49.4 +50.0 47.0 +58.0 55.9 +72.0 77.2 +55.0 50.7 +74.0 72.3 +85.0 77.3 +73.0 77.3 +52.0 47.4 +67.0 67.6 +45.0 45.1 +46.0 47.2 +66.0 60.6 +71.0 77.0 +70.0 69.3 +58.0 49.9 +72.0 77.1 +74.0 75.4 +65.0 64.5 +77.0 58.8 +59.0 50.9 +45.0 45.7 +53.0 50.5 +53.0 54.9 +79.0 77.3 +49.0 49.0 +63.0 62.9 +69.0 56.5 +60.0 50.8 +64.0 62.5 +79.0 71.0 +55.0 47.0 +73.0 56.0 +60.0 59.1 +67.0 70.2 +42.0 45.2 +60.0 65.0 +57.0 49.8 +35.0 45.2 +75.0 70.3 +61.0 51.1 +51.0 50.6 +71.0 71.9 +74.0 75.3 +48.0 45.4 +74.0 74.9 +76.0 70.8 +58.0 51.6 +51.0 50.4 +72.0 72.6 +76.0 67.2 +52.0 47.9 +53.0 48.2 +65.0 69.1 +58.0 58.1 +77.0 75.6 +61.0 52.9 +67.0 65.3 +54.0 49.3 +79.0 67.4 +77.0 64.3 +71.0 67.7 +58.0 57.7 +68.0 55.9 +40.0 45.4 +80.0 77.3 +74.0 62.3 +57.0 45.5 +52.0 47.8 +71.0 75.1 +49.0 53.6 +89.0 59.0 +60.0 60.2 +59.0 58.3 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/final_estimator.h5mlm Binary file test-data/final_estimator.h5mlm has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/fitted_model_eval01.tabular --- a/test-data/fitted_model_eval01.tabular Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/fitted_model_eval01.tabular Wed Aug 09 12:54:40 2023 +0000 @@ -1,2 +1,2 @@ -score -0.8277511130733235 +r2 +0.9740021394589831 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/gbc_model01 Binary file test-data/gbc_model01 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/gbc_result01 --- a/test-data/gbc_result01 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/gbc_result01 Wed Aug 09 12:54:40 2023 +0000 @@ -1,6 +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 +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 d0352e8b4c10 -r a01fa4e8fe4f test-data/gbr_model01 Binary file test-data/gbr_model01 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/get_params.tabular --- a/test-data/get_params.tabular Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/get_params.tabular Wed Aug 09 12:54:40 2023 +0000 @@ -1,6 +1,7 @@ Parameter Value @ copy_X copy_X: True @ fit_intercept fit_intercept: True -* n_jobs n_jobs: 1 -@ normalize normalize: False +* n_jobs n_jobs: None +@ normalize normalize: 'deprecated' +@ positive positive: False Note: @, params eligible for search in searchcv tool. diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/glm_model01 Binary file test-data/glm_model01 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/glm_model02 Binary file test-data/glm_model02 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/glm_model03 Binary file test-data/glm_model03 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/glm_model04 Binary file test-data/glm_model04 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/glm_model05 Binary file test-data/glm_model05 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/glm_model06 Binary file test-data/glm_model06 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/glm_model07 Binary file test-data/glm_model07 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/glm_model08 Binary file test-data/glm_model08 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/glm_result01 --- a/test-data/glm_result01 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/glm_result01 Wed Aug 09 12:54:40 2023 +0000 @@ -1,5 +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 +86.9702122735 1.00532111569 -1.01739601979 -0.613139481654 0.641846874331 20479602419372.582 +91.2021798817 -0.621522971207 1.11914889596 0.390012184498 1.28956938152 21460309408622.086 +-47.4101632272 -0.638416457964 -0.732777468453 -0.864026104978 -1.06109770116 -11245419999719.686 +61.7128046302 -1.09994800577 -0.739679672932 0.585657963012 1.48906827536 14574106078782.537 +-206.998295124 0.130238853011 0.70574123041 1.33206565264 -1.33220923738 -48782519807563.79 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/glm_result02 --- a/test-data/glm_result02 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/glm_result02 Wed Aug 09 12:54:40 2023 +0000 @@ -1,5 +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 +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 d0352e8b4c10 -r a01fa4e8fe4f test-data/glm_result03 --- a/test-data/glm_result03 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/glm_result03 Wed Aug 09 12:54:40 2023 +0000 @@ -1,5 +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 +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 0 +1.41321052084 0.523750660422 -1.4210539291 -1.49298569451 0 +0.76831404394 1.38267855169 -0.989045048734 0.649504257894 1 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/glm_result04 --- a/test-data/glm_result04 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/glm_result04 Wed Aug 09 12:54:40 2023 +0000 @@ -1,5 +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 +86.9702122735 1.00532111569 -1.01739601979 -0.613139481654 0.641846874331 0.5282637592226304 +91.2021798817 -0.621522971207 1.11914889596 0.390012184498 1.28956938152 0.5180352211818147 +-47.4101632272 -0.638416457964 -0.732777468453 -0.864026104978 -1.06109770116 0.012682414140452014 +61.7128046302 -1.09994800577 -0.739679672932 0.585657963012 1.48906827536 0.18698422341553234 +-206.998295124 0.130238853011 0.70574123041 1.33206565264 -1.33220923738 -1.659936090430246 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/glm_result05 --- a/test-data/glm_result05 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/glm_result05 Wed Aug 09 12:54:40 2023 +0000 @@ -1,5 +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 +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 d0352e8b4c10 -r a01fa4e8fe4f test-data/glm_result06 --- a/test-data/glm_result06 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/glm_result06 Wed Aug 09 12:54:40 2023 +0000 @@ -1,5 +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 +3.68258022948 2.82110345641 -3.990140724 -1.9523364774 0 +0.015942057224 -0.711958594347 0.125502976978 -0.972218263337 0 +2.08690768825 0.929399321468 -2.12924084484 -1.99714022188 0 +1.41321052084 0.523750660422 -1.4210539291 -1.49298569451 0 +0.76831404394 1.38267855169 -0.989045048734 0.649504257894 1 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/glm_result07 --- a/test-data/glm_result07 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/glm_result07 Wed Aug 09 12:54:40 2023 +0000 @@ -1,5 +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 +86.9702122735 1.00532111569 -1.01739601979 -0.613139481654 0.641846874331 0.6093152833692668 +91.2021798817 -0.621522971207 1.11914889596 0.390012184498 1.28956938152 0.5963828164943976 +-47.4101632272 -0.638416457964 -0.732777468453 -0.864026104978 -1.06109770116 -0.07927429227258004 +61.7128046302 -1.09994800577 -0.739679672932 0.585657963012 1.48906827536 0.26214404420222365 +-206.998295124 0.130238853011 0.70574123041 1.33206565264 -1.33220923738 -1.7330414645145753 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/glm_result08 --- a/test-data/glm_result08 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/glm_result08 Wed Aug 09 12:54:40 2023 +0000 @@ -1,5 +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 +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 0 +1.41321052084 0.523750660422 -1.4210539291 -1.49298569451 0 +0.76831404394 1.38267855169 -0.989045048734 0.649504257894 1 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/jaccard_similarity_score.txt --- a/test-data/jaccard_similarity_score.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/jaccard_similarity_score.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,2 +1,2 @@ -jaccard_similarity_score : -0.8461538461538461 +jaccard_score : +0.7538461538461538 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/keras01.json --- a/test-data/keras01.json Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/keras01.json Wed Aug 09 12:54:40 2023 +0000 @@ -1,12 +1,25 @@ { "class_name": "Sequential", "config": { - "name": "sequential_1", + "name": "sequential", "layers": [ { + "class_name": "InputLayer", + "config": { + "batch_input_shape": [ + null, + 784 + ], + "dtype": "float32", + "sparse": false, + "ragged": false, + "name": "dense_input" + } + }, + { "class_name": "Dense", "config": { - "name": "dense_1", + "name": "dense", "trainable": true, "batch_input_shape": [ null, @@ -17,11 +30,43 @@ "activation": "linear", "use_bias": true, "kernel_initializer": { - "class_name": "VarianceScaling", + "class_name": "GlorotUniform", "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", + "trainable": true, + "dtype": "float32", + "activation": "relu" + } + }, + { + "class_name": "Dense", + "config": { + "name": "dense_1", + "trainable": true, + "dtype": "float32", + "units": 10, + "activation": "linear", + "use_bias": true, + "kernel_initializer": { + "class_name": "GlorotUniform", + "config": { "seed": null } }, @@ -42,49 +87,11 @@ "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", + "keras_version": "2.10.0", "backend": "tensorflow" } \ No newline at end of file diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/keras02.json --- a/test-data/keras02.json Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/keras02.json Wed Aug 09 12:54:40 2023 +0000 @@ -1,10 +1,9 @@ { - "class_name": "Model", + "class_name": "Functional", "config": { - "name": "model_1", + "name": "model", "layers": [ { - "name": "main_input", "class_name": "InputLayer", "config": { "batch_input_shape": [ @@ -13,15 +12,16 @@ ], "dtype": "int32", "sparse": false, + "ragged": false, "name": "main_input" }, + "name": "main_input", "inbound_nodes": [] }, { - "name": "embedding_1", "class_name": "Embedding", "config": { - "name": "embedding_1", + "name": "embedding", "trainable": true, "batch_input_shape": [ null, @@ -44,6 +44,7 @@ "mask_zero": false, "input_length": 100 }, + "name": "embedding", "inbound_nodes": [ [ [ @@ -56,10 +57,9 @@ ] }, { - "name": "lstm_1", "class_name": "LSTM", "config": { - "name": "lstm_1", + "name": "lstm", "trainable": true, "dtype": "float32", "return_sequences": false, @@ -67,29 +67,30 @@ "go_backwards": false, "stateful": false, "unroll": false, + "time_major": false, "units": 32, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": { - "class_name": "VarianceScaling", + "class_name": "GlorotUniform", "config": { - "scale": 1.0, - "mode": "fan_avg", - "distribution": "uniform", "seed": null - } + }, + "shared_object_id": 3 }, "recurrent_initializer": { "class_name": "Orthogonal", "config": { "gain": 1.0, "seed": null - } + }, + "shared_object_id": 4 }, "bias_initializer": { "class_name": "Zeros", - "config": {} + "config": {}, + "shared_object_id": 5 }, "unit_forget_bias": true, "kernel_regularizer": null, @@ -103,10 +104,11 @@ "recurrent_dropout": 0.0, "implementation": 2 }, + "name": "lstm", "inbound_nodes": [ [ [ - "embedding_1", + "embedding", 0, 0, {} @@ -115,21 +117,17 @@ ] }, { - "name": "dense_1", "class_name": "Dense", "config": { - "name": "dense_1", + "name": "dense", "trainable": true, "dtype": "float32", "units": 1, "activation": "sigmoid", "use_bias": true, "kernel_initializer": { - "class_name": "VarianceScaling", + "class_name": "GlorotUniform", "config": { - "scale": 1.0, - "mode": "fan_avg", - "distribution": "uniform", "seed": null } }, @@ -143,10 +141,11 @@ "kernel_constraint": null, "bias_constraint": null }, + "name": "dense", "inbound_nodes": [ [ [ - "lstm_1", + "lstm", 0, 0, {} @@ -155,7 +154,6 @@ ] }, { - "name": "aux_input", "class_name": "InputLayer", "config": { "batch_input_shape": [ @@ -164,23 +162,25 @@ ], "dtype": "float32", "sparse": false, + "ragged": false, "name": "aux_input" }, + "name": "aux_input", "inbound_nodes": [] }, { - "name": "concatenate_1", "class_name": "Concatenate", "config": { - "name": "concatenate_1", + "name": "concatenate", "trainable": true, "dtype": "float32", "axis": -1 }, + "name": "concatenate", "inbound_nodes": [ [ [ - "dense_1", + "dense", 0, 0, {} @@ -195,21 +195,17 @@ ] }, { - "name": "dense_2", "class_name": "Dense", "config": { - "name": "dense_2", + "name": "dense_1", "trainable": true, "dtype": "float32", "units": 64, "activation": "relu", "use_bias": true, "kernel_initializer": { - "class_name": "VarianceScaling", + "class_name": "GlorotUniform", "config": { - "scale": 1.0, - "mode": "fan_avg", - "distribution": "uniform", "seed": null } }, @@ -223,10 +219,11 @@ "kernel_constraint": null, "bias_constraint": null }, + "name": "dense_1", "inbound_nodes": [ [ [ - "concatenate_1", + "concatenate", 0, 0, {} @@ -235,21 +232,17 @@ ] }, { - "name": "dense_3", "class_name": "Dense", "config": { - "name": "dense_3", + "name": "dense_2", "trainable": true, "dtype": "float32", "units": 64, "activation": "relu", "use_bias": true, "kernel_initializer": { - "class_name": "VarianceScaling", + "class_name": "GlorotUniform", "config": { - "scale": 1.0, - "mode": "fan_avg", - "distribution": "uniform", "seed": null } }, @@ -263,10 +256,11 @@ "kernel_constraint": null, "bias_constraint": null }, + "name": "dense_2", "inbound_nodes": [ [ [ - "dense_2", + "dense_1", 0, 0, {} @@ -275,21 +269,17 @@ ] }, { - "name": "dense_4", "class_name": "Dense", "config": { - "name": "dense_4", + "name": "dense_3", "trainable": true, "dtype": "float32", "units": 64, "activation": "relu", "use_bias": true, "kernel_initializer": { - "class_name": "VarianceScaling", + "class_name": "GlorotUniform", "config": { - "scale": 1.0, - "mode": "fan_avg", - "distribution": "uniform", "seed": null } }, @@ -303,10 +293,11 @@ "kernel_constraint": null, "bias_constraint": null }, + "name": "dense_3", "inbound_nodes": [ [ [ - "dense_3", + "dense_2", 0, 0, {} @@ -315,21 +306,17 @@ ] }, { - "name": "dense_5", "class_name": "Dense", "config": { - "name": "dense_5", + "name": "dense_4", "trainable": true, "dtype": "float32", "units": 1, "activation": "sigmoid", "use_bias": true, "kernel_initializer": { - "class_name": "VarianceScaling", + "class_name": "GlorotUniform", "config": { - "scale": 1.0, - "mode": "fan_avg", - "distribution": "uniform", "seed": null } }, @@ -343,10 +330,11 @@ "kernel_constraint": null, "bias_constraint": null }, + "name": "dense_4", "inbound_nodes": [ [ [ - "dense_4", + "dense_3", 0, 0, {} @@ -369,17 +357,17 @@ ], "output_layers": [ [ - "dense_1", + "dense", 0, 0 ], [ - "dense_5", + "dense_4", 0, 0 ] ] }, - "keras_version": "2.3.1", + "keras_version": "2.10.0", "backend": "tensorflow" } \ No newline at end of file diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/keras03.json --- a/test-data/keras03.json Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/keras03.json Wed Aug 09 12:54:40 2023 +0000 @@ -1,1 +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": 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 +{ + "class_name": "Sequential", + "config": { + "name": "sequential", + "layers": [ + { + "class_name": "InputLayer", + "config": { + "batch_input_shape": [ + null, + 17 + ], + "dtype": "float32", + "sparse": false, + "ragged": false, + "name": "dense_input" + } + }, + { + "class_name": "Dense", + "config": { + "name": "dense", + "trainable": true, + "batch_input_shape": [ + null, + 17 + ], + "dtype": "float32", + "units": 100, + "activation": "linear", + "use_bias": true, + "kernel_initializer": { + "class_name": "GlorotUniform", + "config": { + "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", + "trainable": true, + "dtype": "float32", + "rate": 0.1, + "noise_shape": null, + "seed": null + } + }, + { + "class_name": "Dense", + "config": { + "name": "dense_1", + "trainable": true, + "dtype": "float32", + "units": 1, + "activation": "linear", + "use_bias": true, + "kernel_initializer": { + "class_name": "GlorotUniform", + "config": { + "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.10.0", + "backend": "tensorflow" +} \ No newline at end of file diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/keras04.json --- a/test-data/keras04.json Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/keras04.json Wed Aug 09 12:54:40 2023 +0000 @@ -1,12 +1,25 @@ { "class_name": "Sequential", "config": { - "name": "sequential_1", + "name": "sequential", "layers": [ { + "class_name": "InputLayer", + "config": { + "batch_input_shape": [ + null, + 17 + ], + "dtype": "float32", + "sparse": false, + "ragged": false, + "name": "dense_input" + } + }, + { "class_name": "Dense", "config": { - "name": "dense_1", + "name": "dense", "trainable": true, "batch_input_shape": [ null, @@ -17,11 +30,43 @@ "activation": "linear", "use_bias": true, "kernel_initializer": { - "class_name": "VarianceScaling", + "class_name": "GlorotUniform", "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", + "trainable": true, + "dtype": "float32", + "activation": "linear" + } + }, + { + "class_name": "Dense", + "config": { + "name": "dense_1", + "trainable": true, + "dtype": "float32", + "units": 1, + "activation": "linear", + "use_bias": true, + "kernel_initializer": { + "class_name": "GlorotUniform", + "config": { "seed": null } }, @@ -44,47 +89,9 @@ "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", + "keras_version": "2.10.0", "backend": "tensorflow" } \ No newline at end of file diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/keras05.json --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/keras05.json Wed Aug 09 12:54:40 2023 +0000 @@ -0,0 +1,243 @@ +{ + "class_name": "Sequential", + "config": { + "name": "sequential", + "layers": [ + { + "class_name": "InputLayer", + "config": { + "batch_input_shape": [ + null, + 32, + 32, + 3 + ], + "dtype": "float32", + "sparse": false, + "ragged": false, + "name": "conv2d_input" + } + }, + { + "class_name": "Conv2D", + "config": { + "name": "conv2d", + "trainable": true, + "batch_input_shape": [ + null, + 32, + 32, + 3 + ], + "dtype": "float32", + "filters": 32, + "kernel_size": [ + 3, + 3 + ], + "strides": [ + 1, + 1 + ], + "padding": "same", + "data_format": "channels_last", + "dilation_rate": [ + 1, + 1 + ], + "groups": 1, + "activation": "relu", + "use_bias": true, + "kernel_initializer": { + "class_name": "GlorotUniform", + "config": { + "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": "MaxPooling2D", + "config": { + "name": "max_pooling2d", + "trainable": true, + "dtype": "float32", + "pool_size": [ + 2, + 2 + ], + "padding": "valid", + "strides": [ + 2, + 2 + ], + "data_format": "channels_last" + } + }, + { + "class_name": "Dropout", + "config": { + "name": "dropout", + "trainable": true, + "dtype": "float32", + "rate": 0.25, + "noise_shape": null, + "seed": null + } + }, + { + "class_name": "Conv2D", + "config": { + "name": "conv2d_1", + "trainable": true, + "dtype": "float32", + "filters": 64, + "kernel_size": [ + 3, + 3 + ], + "strides": [ + 1, + 1 + ], + "padding": "same", + "data_format": "channels_last", + "dilation_rate": [ + 1, + 1 + ], + "groups": 1, + "activation": "relu", + "use_bias": true, + "kernel_initializer": { + "class_name": "GlorotUniform", + "config": { + "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": "MaxPooling2D", + "config": { + "name": "max_pooling2d_1", + "trainable": true, + "dtype": "float32", + "pool_size": [ + 2, + 2 + ], + "padding": "valid", + "strides": [ + 2, + 2 + ], + "data_format": "channels_last" + } + }, + { + "class_name": "Dropout", + "config": { + "name": "dropout_1", + "trainable": true, + "dtype": "float32", + "rate": 0.25, + "noise_shape": null, + "seed": null + } + }, + { + "class_name": "Flatten", + "config": { + "name": "flatten", + "trainable": true, + "dtype": "float32", + "data_format": "channels_last" + } + }, + { + "class_name": "Dense", + "config": { + "name": "dense", + "trainable": true, + "dtype": "float32", + "units": 512, + "activation": "relu", + "use_bias": true, + "kernel_initializer": { + "class_name": "GlorotUniform", + "config": { + "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_2", + "trainable": true, + "dtype": "float32", + "rate": 0.5, + "noise_shape": null, + "seed": null + } + }, + { + "class_name": "Dense", + "config": { + "name": "dense_1", + "trainable": true, + "dtype": "float32", + "units": 10, + "activation": "softmax", + "use_bias": true, + "kernel_initializer": { + "class_name": "GlorotUniform", + "config": { + "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.10.0", + "backend": "tensorflow" +} \ No newline at end of file diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/keras_batch_model01 Binary file test-data/keras_batch_model01 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/keras_batch_model02 Binary file test-data/keras_batch_model02 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/keras_batch_model03 Binary file test-data/keras_batch_model03 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/keras_batch_model04 Binary file test-data/keras_batch_model04 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/keras_batch_model05 Binary file test-data/keras_batch_model05 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/keras_model01 Binary file test-data/keras_model01 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/keras_model02 Binary file test-data/keras_model02 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/keras_model04 Binary file test-data/keras_model04 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/lda_model01 Binary file test-data/lda_model01 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/lda_model02 Binary file test-data/lda_model02 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/lda_prediction_result01.tabular --- a/test-data/lda_prediction_result01.tabular Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/lda_prediction_result01.tabular Wed Aug 09 12:54:40 2023 +0000 @@ -1,5 +1,6 @@ -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 +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 0 +1.41321052084 0.523750660422 -1.4210539291 -1.49298569451 0 +0.76831404394 1.38267855169 -0.989045048734 0.649504257894 1 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/lda_prediction_result02.tabular --- a/test-data/lda_prediction_result02.tabular Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/lda_prediction_result02.tabular Wed Aug 09 12:54:40 2023 +0000 @@ -1,5 +1,6 @@ -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 +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 0 +1.41321052084 0.523750660422 -1.4210539291 -1.49298569451 0 +0.76831404394 1.38267855169 -0.989045048734 0.649504257894 1 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/lgb_class_model.txt --- a/test-data/lgb_class_model.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/lgb_class_model.txt Wed Aug 09 12:54:40 2023 +0000 @@ -7,7 +7,7 @@ objective=binary sigmoid:1 feature_names=Column_0 Column_1 Column_2 Column_3 feature_infos=none none none none -tree_sizes=228 +tree_sizes=239 Tree=0 num_leaves=1 @@ -18,18 +18,19 @@ decision_type= left_child= right_child= -leaf_value=-0.40546510810816427 +leaf_value=-0.2876820724517809 leaf_weight= leaf_count= internal_value= internal_weight= internal_count= +is_linear=0 shrinkage=1 end of trees -feature importances: +feature_importances: parameters: [boosting: gbdt] @@ -39,10 +40,14 @@ [device_type: cpu] [data: ] [valid: ] -[num_iterations: 100] +[num_iterations: 10000] [learning_rate: 0.02] [num_leaves: 32] -[num_threads: 0] +[num_threads: 1] +[deterministic: 0] +[force_col_wise: 0] +[force_row_wise: 0] +[histogram_pool_size: -1] [max_depth: 8] [min_data_in_leaf: 20] [min_sum_hessian_in_leaf: 39] @@ -54,11 +59,14 @@ [feature_fraction: 0.9] [feature_fraction_bynode: 1] [feature_fraction_seed: 26500] +[extra_trees: 0] +[extra_seed: 15724] [early_stopping_round: 0] [first_metric_only: 0] [max_delta_step: 0] [lambda_l1: 0.04] [lambda_l2: 0.07] +[linear_lambda: 0] [min_gain_to_split: 0.02] [drop_rate: 0.1] [max_drop: 50] @@ -75,51 +83,41 @@ [max_cat_to_onehot: 4] [top_k: 20] [monotone_constraints: ] +[monotone_constraints_method: basic] +[monotone_penalty: 0] [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: ] +[path_smooth: 0] +[interaction_constraints: ] [verbosity: -1] +[saved_feature_importance_type: 0] +[linear_tree: 0] [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] +[is_enable_sparse: 1] [enable_bundle: 1] -[max_conflict_rate: 0] -[is_enable_sparse: 1] -[sparse_threshold: 0.8] [use_missing: 1] [zero_as_missing: 0] +[feature_pre_filter: 1] +[pre_partition: 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] +[forcedbins_filename: ] +[precise_float_parser: 0] +[objective_seed: 19169] [num_class: 1] [is_unbalance: 0] [scale_pos_weight: 1] @@ -130,13 +128,12 @@ [fair_c: 1] [poisson_max_delta_step: 0.7] [tweedie_variance_power: 1.5] -[max_position: 20] -[lambdamart_norm: 1] +[lambdarank_truncation_level: 30] +[lambdarank_norm: 1] [label_gain: ] -[metric_freq: 1] -[is_provide_training_metric: 0] [eval_at: ] [multi_error_top_k: 1] +[auc_mu_weights: ] [num_machines: 1] [local_listen_port: 12400] [time_out: 120] @@ -145,6 +142,7 @@ [gpu_platform_id: -1] [gpu_device_id: -1] [gpu_use_dp: 0] +[num_gpu: 1] end of parameters diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/lgb_regr_model.txt --- a/test-data/lgb_regr_model.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/lgb_regr_model.txt Wed Aug 09 12:54:40 2023 +0000 @@ -7,180034 +7,1937 @@ 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_sizes=460 470 470 467 468 470 473 469 472 468 473 470 470 471 471 472 472 474 469 471 471 472 473 472 472 472 472 473 474 472 473 475 472 474 473 475 471 474 472 474 473 471 472 475 473 473 473 472 474 474 475 472 474 472 474 476 474 474 470 477 474 475 475 476 475 475 474 474 475 475 473 475 477 473 476 476 473 477 476 476 477 478 476 475 476 476 477 477 475 475 476 477 477 477 476 474 477 473 477 475 -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 +Tree=0 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 +split_feature=4 4 5 +split_gain=21981 3698.68 2535.98 +threshold=59.500000000000007 67.500000000000014 47.650000000000013 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 +leaf_value=62.038341525088761 62.417185134504621 62.618201951498229 62.240866470799915 +leaf_weight=39 60 94 68 +leaf_count=39 60 94 68 +internal_value=62.387 62.5399 62.1669 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 +shrinkage=1 -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 +Tree=1 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 +split_feature=4 4 5 +split_gain=21111.6 3552.29 2435.77 +threshold=59.500000000000007 67.500000000000014 47.650000000000013 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 +left_child=2 -2 -1 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 +leaf_value=-0.34167152258328903 0.029608420815268585 0.22660763291784439 -0.14318757987222047 +leaf_weight=39 60 94 68 +leaf_count=39 60 94 68 +internal_value=0 0.149908 -0.215716 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=2 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 +split_feature=4 4 5 +split_gain=20276.6 3415.3 2339.52 +threshold=59.500000000000007 66.500000000000014 47.650000000000013 decision_type=2 2 2 -left_child=-1 2 -2 +left_child=2 -2 -1 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 +leaf_value=-0.3348503385982704 0.0089941372510880108 0.21121788384969542 -0.1403267720715142 +leaf_weight=39 49 105 68 +leaf_count=39 49 105 68 +internal_value=0 0.146912 -0.211408 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=3 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 +split_feature=7 5 3 +split_gain=19090 2567.75 2335.07 +threshold=58.500000000000007 47.650000000000013 66.500000000000014 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 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.3281653311040843 0.040034522845302317 -0.12700756602102453 0.20620459727014984 +leaf_weight=39 52 73 97 +leaf_count=39 52 73 97 +internal_value=0 -0.197222 0.148264 +internal_weight=0 112 149 +internal_count=261 112 149 +is_linear=0 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 +Tree=4 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 +split_feature=4 4 5 +split_gain=18798 3198.47 2139.76 +threshold=59.500000000000007 67.500000000000014 47.650000000000013 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 +left_child=2 -2 -1 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 +leaf_value=-0.32161378821906822 0.027300954011110927 0.21423159812929224 -0.13557427829296489 +leaf_weight=39 60 94 68 +leaf_count=39 60 94 68 +internal_value=0 0.141452 -0.203556 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=5 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 +split_feature=4 4 3 +split_gain=18054.5 3079.22 1822.15 +threshold=59.500000000000007 69.500000000000014 50.500000000000007 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 +left_child=2 -2 -1 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 +leaf_value=-0.30016486206214116 0.044340271496880447 0.22347693017324013 -0.13158499980318913 +leaf_weight=43 73 81 64 +leaf_count=43 73 81 64 +internal_value=0 0.138625 -0.199491 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=6 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 +split_feature=4 4 5 +split_gain=17340.4 2981.46 2002.65 +threshold=59.500000000000007 66.500000000000014 47.650000000000013 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 +left_child=2 -2 -1 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 +leaf_value=-0.30971825721961382 0.0069955252464128075 0.19593773937672365 -0.12974127892619874 +leaf_weight=39 49 105 68 +leaf_count=39 49 105 68 +internal_value=0 0.135855 -0.195507 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=7 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 +split_feature=4 4 5 +split_gain=16654.6 2872.63 1923.52 +threshold=59.500000000000007 69.500000000000014 47.650000000000013 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 +left_child=2 -2 -1 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 +leaf_value=-0.30353500165565872 0.042073368811812929 0.21509587302077962 -0.12714911865070735 +leaf_weight=39 73 81 68 +leaf_count=39 73 81 68 +internal_value=0 0.13314 -0.191603 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=8 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 +split_feature=4 4 7 +split_gain=15995.9 2781.55 1660.28 +threshold=59.500000000000007 66.500000000000014 50.500000000000007 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 +left_child=2 -2 -1 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 +leaf_value=-0.29178349939917009 0.0060155469641948837 0.18851297724937083 -0.12787558648840908 +leaf_weight=39 49 105 68 +leaf_count=39 49 105 68 +internal_value=0 0.13048 -0.187777 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=9 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 +split_feature=4 4 5 +split_gain=15363.2 2679.9 1800.57 +threshold=59.500000000000007 69.500000000000014 47.650000000000013 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 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.2923212045093983 0.039913678984317705 0.20703066601652659 -0.12166859812825477 +leaf_weight=39 73 81 68 +leaf_count=39 73 81 68 +internal_value=0 0.127872 -0.184027 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=10 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 +split_feature=4 4 3 +split_gain=14755.6 2595.05 1561.67 +threshold=59.500000000000007 66.500000000000014 50.500000000000007 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 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.2735475731958833 0.0050982731326864872 0.18137083129616419 -0.11749331904272589 +leaf_weight=43 49 105 64 +leaf_count=43 49 105 64 +internal_value=0 0.125317 -0.180352 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=11 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 +split_feature=7 4 5 +split_gain=14242.7 2466.46 1849.73 +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.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 +leaf_value=-0.28150340262111084 0.046053944161116273 0.20883624329077224 -0.11075863334709078 +leaf_weight=39 74 75 73 +leaf_count=39 74 75 73 +internal_value=0 0.128056 -0.17036 +internal_weight=0 149 112 +internal_count=261 149 112 +is_linear=0 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 +Tree=12 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 +split_feature=4 4 5 +split_gain=13673.5 2403.74 1605.76 +threshold=59.500000000000007 67.500000000000014 47.650000000000013 decision_type=2 2 2 -left_child=-1 2 -2 +left_child=2 -2 -1 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 +leaf_value=-0.2758834307523893 0.021675200259723221 0.18372553971073033 -0.11472568932724224 +leaf_weight=39 60 94 68 +leaf_count=39 60 94 68 +internal_value=0 0.120633 -0.173615 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=13 +num_leaves=4 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 +split_feature=7 4 5 +split_gain=13197.3 2283.54 1694.68 +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.27037563912728757 0.044361921850125684 0.20099233837202007 -0.10693932551699428 +leaf_weight=39 74 75 73 +leaf_count=39 74 75 73 +internal_value=0 0.123265 -0.163991 +internal_weight=0 149 112 +internal_count=261 149 112 +is_linear=0 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 +Tree=14 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 +split_feature=7 4 5 +split_gain=12675.3 2193.18 1644.69 +threshold=58.500000000000007 70.500000000000014 49.150000000000013 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 +leaf_value=-0.23463256788475495 0.043475522612075317 0.1969762381669509 -0.081107731298485822 +leaf_weight=58 74 75 54 +leaf_count=58 74 75 54 +internal_value=0 0.120803 -0.160716 +internal_weight=0 149 112 +internal_count=261 149 112 +is_linear=0 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 +Tree=15 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 +split_feature=4 4 5 +split_gain=12215.8 2159.23 1420.52 +threshold=59.500000000000007 66.500000000000014 47.650000000000013 decision_type=2 2 2 -left_child=-1 2 -2 +left_child=2 -2 -1 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 +leaf_value=-0.26029357073402842 0.0043585873371366334 0.1651503511322456 -0.10871106014669213 +leaf_weight=39 49 105 68 +leaf_count=39 49 105 68 +internal_value=0 0.11402 -0.164102 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=16 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 +split_feature=6 4 5 +split_gain=11761.5 2001.05 1772.32 +threshold=54.500000000000007 67.500000000000014 49.150000000000013 decision_type=2 2 2 -left_child=-1 2 -2 +left_child=2 -2 -1 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 +leaf_value=-0.22573791294925613 0.025505303906963685 0.18076758567473433 -0.071222441984663543 +leaf_weight=58 53 89 61 +leaf_count=58 53 89 61 +internal_value=0 0.122864 -0.146628 +internal_weight=0 142 119 +internal_count=261 142 119 +is_linear=0 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 +Tree=17 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 +split_feature=4 4 5 +split_gain=11305.7 1992.19 1319.79 +threshold=59.500000000000007 66.500000000000014 47.650000000000013 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 +left_child=2 -2 -1 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 +leaf_value=-0.25059036297965359 0.0043535277886050088 0.15880152616149593 -0.10448087011049792 +leaf_weight=39 49 105 68 +leaf_count=39 49 105 68 +internal_value=0 0.109688 -0.157872 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=18 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 +split_feature=6 4 5 +split_gain=10898.7 1863.04 1636.99 +threshold=54.500000000000007 68.500000000000014 49.150000000000013 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 +leaf_value=-0.21717894152969261 0.034715783310020461 0.181100210328865 -0.068678156229210932 +leaf_weight=58 61 81 61 +leaf_count=58 61 81 61 +internal_value=0 0.11827 -0.141149 +internal_weight=0 142 119 +internal_count=261 142 119 +is_linear=0 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 +Tree=19 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 +split_feature=7 5 5 +split_gain=10475.9 1435.71 1355.36 +threshold=58.500000000000007 70.65000000000002 47.650000000000013 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 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.24125173428920885 0.059465180201735343 0.18645590226622388 -0.095089144787319196 +leaf_weight=39 90 59 73 +leaf_count=39 90 59 73 +internal_value=0 0.109819 -0.146111 +internal_weight=0 149 112 +internal_count=261 149 112 +is_linear=0 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 +Tree=20 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 +split_feature=4 5 4 +split_gain=10110.6 1795.1 1192.37 +threshold=62.500000000000007 50.650000000000013 71.500000000000014 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 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.19247314493976253 0.062248456297474893 -0.040322309717500143 0.18167169112417259 +leaf_weight=73 68 54 66 +leaf_count=73 68 54 66 +internal_value=0 -0.127843 0.121139 +internal_weight=0 127 134 +internal_count=261 127 134 +is_linear=0 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 +Tree=21 +num_leaves=4 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 +split_feature=6 4 5 +split_gain=9722.75 1689.55 1460.53 +threshold=54.500000000000007 67.500000000000014 49.150000000000013 +decision_type=2 2 2 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.20513302208614861 0.022246600106788125 0.16491295479571794 -0.064863171891141727 +leaf_weight=58 53 89 61 +leaf_count=58 53 89 61 +internal_value=0 0.111707 -0.133317 +internal_weight=0 142 119 +internal_count=261 142 119 +is_linear=0 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 +Tree=22 +num_leaves=4 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 +split_feature=4 4 5 +split_gain=9367.57 1667.78 1103.75 +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.22849747334473694 0.033962876400982223 0.16562173291157237 -0.094879876778188654 +leaf_weight=39 77 77 68 +leaf_count=39 77 77 68 +internal_value=0 0.0998428 -0.143707 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=23 +num_leaves=4 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 +split_feature=6 4 7 +split_gain=9019.13 1566.14 1345.24 +threshold=54.500000000000007 68.500000000000014 51.500000000000007 +decision_type=2 2 2 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.20090173729799049 0.030979750485804383 0.16519430648976169 -0.065936576333027783 +leaf_weight=55 61 81 64 +leaf_count=55 61 81 64 +internal_value=0 0.107588 -0.128404 +internal_weight=0 142 119 +internal_count=261 142 119 +is_linear=0 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 +Tree=24 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 +split_feature=4 5 4 +split_gain=8689.93 1548.12 1029.67 +threshold=62.500000000000007 50.650000000000013 71.500000000000014 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 +leaf_value=-0.17854233825942539 0.057578282732052996 -0.037244273918578014 0.16855659520651331 +leaf_weight=73 68 54 66 +leaf_count=73 68 54 66 +internal_value=0 -0.118523 0.112305 +internal_weight=0 127 134 +internal_count=261 127 134 +is_linear=0 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 +Tree=25 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 +split_feature=6 4 5 +split_gain=8360.25 1457.44 1256.27 +threshold=54.500000000000007 67.500000000000014 49.150000000000013 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 +leaf_value=-0.19023033857715096 0.020493948405377941 0.15299969229317281 -0.060136313219107132 +leaf_weight=58 53 89 61 +leaf_count=58 53 89 61 +internal_value=0 0.103583 -0.123625 +internal_weight=0 142 119 +internal_count=261 142 119 +is_linear=0 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 +Tree=26 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 +split_feature=4 4 4 +split_gain=8043.79 1420.23 958.653 +threshold=62.500000000000007 54.500000000000007 71.500000000000014 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 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.17434680477807607 0.055243111778960782 -0.039823369805023677 0.16232583812966694 +leaf_weight=70 68 57 66 +leaf_count=70 68 57 66 +internal_value=0 -0.114032 0.108049 +internal_weight=0 127 134 +internal_count=261 127 134 +is_linear=0 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 +Tree=27 +num_leaves=4 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 +split_feature=6 4 7 +split_gain=7751.5 1358.95 1175.73 +threshold=54.500000000000007 66.500000000000014 51.500000000000007 +decision_type=2 2 2 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.18681557527358206 0.00423485388091604 0.13981399288586213 -0.060640908455316563 +leaf_weight=55 42 100 64 +leaf_count=55 42 100 64 +internal_value=0 0.0997406 -0.119039 +internal_weight=0 142 119 +internal_count=261 142 119 +is_linear=0 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 +Tree=28 +num_leaves=4 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 +split_feature=4 4 5 +split_gain=7457.63 1336.88 926.16 +threshold=59.500000000000007 66.500000000000014 47.650000000000013 +decision_type=2 2 2 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.20589108963405686 0.002792834459350579 0.12931565147582161 -0.083502176337188191 +leaf_weight=39 49 105 68 +leaf_count=39 49 105 68 +internal_value=0 0.0890831 -0.128224 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=29 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 +split_feature=7 4 5 +split_gain=7189.97 1307.17 975.94 +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.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 +leaf_value=-0.20178064601299919 0.031278893632960901 0.14978457703037146 -0.077756204790597222 +leaf_weight=39 74 75 73 +leaf_count=39 74 75 73 +internal_value=0 0.0909771 -0.121049 +internal_weight=0 149 112 +internal_count=261 149 112 +is_linear=0 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 +Tree=30 +num_leaves=4 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 +split_feature=6 4 4 +split_gain=6916.23 1222.69 1068.61 +threshold=54.500000000000007 68.500000000000014 49.500000000000007 +decision_type=2 2 2 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.19822671095214905 0.026522039773300428 0.14511127936820944 -0.070479221298436451 +leaf_weight=39 61 81 80 +leaf_count=39 61 81 80 +internal_value=0 0.0942118 -0.112445 +internal_weight=0 142 119 +internal_count=261 142 119 +is_linear=0 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 +Tree=31 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 +split_feature=4 4 5 +split_gain=6666.68 1190.39 821.481 +threshold=59.500000000000007 66.500000000000014 47.650000000000013 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 +leaf_value=-0.19438337190028557 0.0027978942595499705 0.1221893894128722 -0.079114784676369829 +leaf_weight=39 49 105 68 +leaf_count=39 49 105 68 +internal_value=0 0.0842249 -0.121236 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=32 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 +split_feature=6 4 5 +split_gain=6408.28 1137.07 999.969 +threshold=54.500000000000007 68.500000000000014 50.650000000000013 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 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.15423287890100018 0.025408021547552975 0.13976988160876352 -0.035105500089286437 +leaf_weight=73 61 81 46 +leaf_count=73 61 81 46 +internal_value=0 0.090685 -0.108238 +internal_weight=0 142 119 +internal_count=261 142 119 +is_linear=0 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 +Tree=33 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 +split_feature=4 5 8 +split_gain=6167.61 1130.84 787.375 +threshold=62.500000000000007 50.650000000000013 71.500000000000014 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 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.15115117725504398 0.055910097981640962 -0.030387838018873119 0.15546192378142279 +leaf_weight=73 82 54 52 +leaf_count=73 82 54 52 +internal_value=0 -0.0998543 0.0946091 +internal_weight=0 127 134 +internal_count=261 127 134 +is_linear=0 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 +Tree=34 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 +split_feature=7 4 4 +split_gain=5941.93 1101.46 840.113 +threshold=58.500000000000007 70.500000000000014 49.500000000000007 decision_type=2 2 2 -left_child=-1 2 -2 +left_child=2 -2 -1 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 +leaf_value=-0.18494569565287505 0.027903367161601925 0.13668579431416686 -0.069879465511498748 +leaf_weight=39 74 75 73 +leaf_count=39 74 75 73 +internal_value=0 0.0827035 -0.110045 +internal_weight=0 149 112 +internal_count=261 149 112 +is_linear=0 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 +Tree=35 +num_leaves=4 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 +split_feature=4 4 7 +split_gain=5725.03 1337.48 522.597 +threshold=57.500000000000007 66.500000000000014 51.500000000000007 +decision_type=2 2 2 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.16704778242362789 -0.0031760138937613094 0.11335743056187068 -0.071062845048506962 +leaf_weight=53 63 105 40 +leaf_count=53 63 105 40 +internal_value=0 0.0696695 -0.125857 +internal_weight=0 168 93 +internal_count=261 168 93 +is_linear=0 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 +Tree=36 +num_leaves=4 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 +split_feature=6 4 3 +split_gain=5511.63 1001.9 882.341 +threshold=54.500000000000007 71.500000000000014 50.500000000000007 +decision_type=2 2 2 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.17273797393703175 0.03659311274428638 0.14355385553672384 -0.059311452941824327 +leaf_weight=43 79 63 76 +leaf_count=43 79 63 76 +internal_value=0 0.0841005 -0.100382 +internal_weight=0 142 119 +internal_count=261 142 119 +is_linear=0 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 +Tree=37 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 +split_feature=4 4 8 +split_gain=5309.24 989.543 704.129 +threshold=62.500000000000007 54.500000000000007 71.500000000000014 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 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.14299231621477579 0.051183172598997739 -0.030705498369589815 0.14532277289337997 +leaf_weight=70 82 57 52 +leaf_count=70 82 57 52 +internal_value=0 -0.0926468 0.0877777 +internal_weight=0 127 134 +internal_count=261 127 134 +is_linear=0 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 +Tree=38 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 +split_feature=4 4 4 +split_gain=5106.89 1201.88 480.655 +threshold=57.500000000000007 66.500000000000014 49.500000000000007 decision_type=2 2 2 -left_child=-1 2 -2 +left_child=2 -2 -1 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 +leaf_value=-0.17238339183304294 -0.0032533537318972269 0.10721422911972374 -0.080032333199603803 +leaf_weight=39 63 105 54 +leaf_count=39 63 105 54 +internal_value=0 0.0658 -0.118869 +internal_weight=0 168 93 +internal_count=261 168 93 +is_linear=0 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 +Tree=39 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 +split_feature=6 4 7 +split_gain=4924.32 915.603 797.619 +threshold=54.500000000000007 71.500000000000014 51.500000000000007 decision_type=2 2 2 -left_child=-1 2 -2 +left_child=2 -2 -1 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 +leaf_value=-0.15070699315484995 0.034077799265719681 0.13632743532615663 -0.046786059801489595 +leaf_weight=55 79 63 64 +leaf_count=55 79 63 64 +internal_value=0 0.0794925 -0.0948838 +internal_weight=0 142 119 +internal_count=261 142 119 +is_linear=0 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 +Tree=40 +num_leaves=4 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 +split_feature=4 8 5 +split_gain=4734.79 883.6 632.439 +threshold=59.500000000000007 71.500000000000014 47.650000000000013 +decision_type=2 2 2 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.16635108446751465 0.036715705966177473 0.13802722702242487 -0.065220779812802693 +leaf_weight=39 102 52 68 +leaf_count=39 102 52 68 +internal_value=0 0.0709772 -0.102173 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=41 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 +split_feature=6 4 4 +split_gain=4565.8 858.74 752.42 +threshold=54.500000000000007 71.500000000000014 49.500000000000007 decision_type=2 2 2 -left_child=-1 2 -2 +left_child=2 -2 -1 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 +leaf_value=-0.16334400948216185 0.032561944670437173 0.13158534648849324 -0.056152994614334109 +leaf_weight=39 79 63 80 +leaf_count=39 79 63 80 +internal_value=0 0.0765437 -0.0913649 +internal_weight=0 142 119 +internal_count=261 142 119 +is_linear=0 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 +Tree=42 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 +split_feature=4 4 8 +split_gain=4404.08 829.021 600.783 +threshold=62.500000000000007 54.500000000000007 71.500000000000014 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 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.1304633964270043 0.046142370492615749 -0.027685871841935907 0.1330986424936588 +leaf_weight=70 82 57 52 +leaf_count=70 82 57 52 +internal_value=0 -0.0843819 0.0799444 +internal_weight=0 127 134 +internal_count=261 127 134 +is_linear=0 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 +Tree=43 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 +split_feature=4 4 7 +split_gain=4232.4 1015.45 420.598 +threshold=57.500000000000007 66.500000000000014 50.500000000000007 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 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.15827092910075327 -0.0035699539572421057 0.097967633166321802 -0.071891890702338895 +leaf_weight=39 63 105 54 +leaf_count=39 63 105 54 +internal_value=0 0.0599006 -0.108216 +internal_weight=0 168 93 +internal_count=261 168 93 +is_linear=0 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 +Tree=44 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 +split_feature=6 4 3 +split_gain=4078.71 802.753 687.825 +threshold=54.500000000000007 74.500000000000014 50.500000000000007 decision_type=2 2 2 -left_child=-1 2 -2 +left_child=2 -2 -1 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 +leaf_value=-0.15023851866176297 0.038834724028466369 0.13990206006557437 -0.050094795401939132 +leaf_weight=43 95 47 76 +leaf_count=43 95 47 76 +internal_value=0 0.0723447 -0.086355 +internal_weight=0 142 119 +internal_count=261 142 119 +is_linear=0 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 +Tree=45 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 +split_feature=4 5 8 +split_gain=3929.76 746.973 556.215 +threshold=62.500000000000007 50.650000000000013 71.500000000000014 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 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.12140031106897496 0.042993318161750026 -0.023250147683443637 0.12665974407272054 +leaf_weight=73 82 54 52 +leaf_count=73 82 54 52 +internal_value=0 -0.0797093 0.075516 +internal_weight=0 127 134 +internal_count=261 127 134 +is_linear=0 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 +Tree=46 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 +split_feature=4 4 2 +split_gain=3780.3 1103.01 363.58 +threshold=66.500000000000014 55.500000000000007 9.5000000000000018 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 +leaf_value=-0.11559851510722949 0.044168104430751656 -0.0092390278883806142 0.12133066323452321 +leaf_weight=78 39 78 66 +leaf_count=78 39 78 66 +internal_value=0 -0.0624519 0.0927264 +internal_weight=0 156 105 +internal_count=261 156 105 +is_linear=0 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 +Tree=47 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 +split_feature=7 4 4 +split_gain=3642.49 735.318 565.025 +threshold=58.500000000000007 70.500000000000014 49.500000000000007 decision_type=2 2 2 -left_child=-1 2 -2 +left_child=2 -2 -1 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 +leaf_value=-0.147585776853598 0.019976449028156425 0.10885625324729471 -0.053226788240605095 +leaf_weight=39 74 75 73 +leaf_count=39 74 75 73 +internal_value=0 0.0647501 -0.0861627 +internal_weight=0 149 112 +internal_count=261 149 112 +is_linear=0 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 +Tree=48 +num_leaves=4 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 +split_feature=6 4 7 +split_gain=3507.29 721.205 612.024 +threshold=54.500000000000007 74.500000000000014 50.500000000000007 +decision_type=2 2 2 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.14377574636717819 0.035324445082112001 0.13111907613133078 -0.047716712582438529 +leaf_weight=40 95 47 79 +leaf_count=40 95 47 79 +internal_value=0 0.0670857 -0.0800777 +internal_weight=0 142 119 +internal_count=261 142 119 +is_linear=0 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 +Tree=49 +num_leaves=4 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 +split_feature=4 5 8 +split_gain=3385.79 663.473 501.764 +threshold=62.500000000000007 47.650000000000013 71.500000000000014 +decision_type=2 2 2 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.14259994031097201 0.039206533585775499 -0.043480971405965539 0.11866964307059384 +leaf_weight=39 82 88 52 +leaf_count=39 82 88 52 +internal_value=0 -0.0739872 0.0700948 +internal_weight=0 127 134 +internal_count=261 127 134 +is_linear=0 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 +Tree=50 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 +split_feature=4 4 2 +split_gain=3265.81 789.367 341.976 +threshold=57.500000000000007 66.500000000000014 9.5000000000000018 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 +left_child=-1 -2 -3 +right_child=1 2 -4 +leaf_value=-0.095059929041341445 -0.0033421410073261738 0.039096746876442982 0.11391865746889604 +leaf_weight=93 63 39 66 +leaf_count=93 63 39 66 +internal_value=0 0.0526169 0.0861798 +internal_weight=0 168 105 +internal_count=261 168 105 +is_linear=0 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 +Tree=51 +num_leaves=4 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 +split_feature=6 4 4 +split_gain=3148.79 726.765 459.471 +threshold=52.500000000000007 70.500000000000014 49.500000000000007 +decision_type=2 2 2 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.13802185928055719 0.015510023701005512 0.1024440224827789 -0.051830211357694209 +leaf_weight=39 79 75 68 +leaf_count=39 79 75 68 +internal_value=0 0.0578805 -0.083323 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=52 +num_leaves=4 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 +split_feature=4 5 3 +split_gain=3027.92 737.072 324.801 +threshold=57.500000000000007 67.050000000000011 49.500000000000007 +decision_type=2 2 2 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.13551516446427733 0.0092407518719147073 0.093032633695158129 -0.059617647877766029 +leaf_weight=39 85 83 54 +leaf_count=39 85 83 54 +internal_value=0 0.0506642 -0.0915322 +internal_weight=0 168 93 +internal_count=261 168 93 +is_linear=0 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 +Tree=53 +num_leaves=4 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 +split_feature=4 5 2 +split_gain=2919.57 868.72 325.77 +threshold=66.500000000000014 50.650000000000013 9.5000000000000018 +decision_type=2 2 2 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.10517590317661531 0.035541395461556241 -0.010591015789904033 0.10856016258076928 +leaf_weight=73 39 83 66 +leaf_count=73 39 83 66 +internal_value=0 -0.0548843 0.0814883 +internal_weight=0 156 105 +internal_count=261 156 105 +is_linear=0 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 +Tree=54 +num_leaves=4 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 +split_feature=6 4 7 +split_gain=2811.88 670.389 420.991 +threshold=52.500000000000007 74.500000000000014 50.500000000000007 +decision_type=2 2 2 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.13005769408549456 0.026571552930233833 0.11665769633382329 -0.047986859482376597 +leaf_weight=40 106 48 67 +leaf_count=40 106 48 67 +internal_value=0 0.0546958 -0.07874 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=55 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 +split_feature=4 4 8 +split_gain=2711.77 809.977 220.883 +threshold=66.500000000000014 55.500000000000007 71.500000000000014 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 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.098438125687065739 0.049670317681109327 -0.0072943586875309149 0.10783265088601329 +leaf_weight=78 53 78 52 +leaf_count=78 53 78 52 +internal_value=0 -0.0528951 0.0785348 +internal_weight=0 156 105 +internal_count=261 156 105 +is_linear=0 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 +Tree=56 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 +split_feature=4 4 2 +split_gain=2604.52 779.024 310.214 +threshold=66.500000000000014 54.500000000000007 9.5000000000000018 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 +leaf_value=-0.10134312437522151 0.032136595264737007 -0.011484600334158063 0.10338242423702193 +leaf_weight=70 39 86 66 +leaf_count=70 39 86 66 +internal_value=0 -0.0518382 0.0769663 +internal_weight=0 156 105 +internal_count=261 156 105 +is_linear=0 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 +Tree=57 +num_leaves=4 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 +split_feature=6 4 5 +split_gain=2512.16 614.737 391.77 +threshold=52.500000000000007 74.500000000000014 47.650000000000013 +decision_type=2 2 2 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.12493112468524208 0.024767504784190906 0.11103296259488264 -0.045347745407865812 +leaf_weight=39 106 48 68 +leaf_count=39 106 48 68 +internal_value=0 0.0516989 -0.074425 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=58 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 +split_feature=4 8 7 +split_gain=2421.5 622.079 283.566 +threshold=57.500000000000007 71.500000000000014 51.500000000000007 decision_type=2 2 2 -left_child=-1 2 -2 +left_child=2 -2 -1 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 +leaf_value=-0.11218796501371715 0.0195064040300067 0.1027446595033792 -0.041517923333444354 +leaf_weight=53 116 52 40 +leaf_count=53 116 52 40 +internal_value=0 0.0453074 -0.0818549 +internal_weight=0 168 93 +internal_count=261 168 93 +is_linear=0 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 +Tree=59 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 +split_feature=4 5 2 +split_gain=2340.35 695.478 295.382 +threshold=66.500000000000014 50.650000000000013 9.5000000000000018 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 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.094137749273864785 0.029219195932752493 -0.0095066214306655603 0.098734294850769969 +leaf_weight=73 39 83 66 +leaf_count=73 39 83 66 +internal_value=0 -0.0491392 0.0729587 +internal_weight=0 156 105 +internal_count=261 156 105 +is_linear=0 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 +Tree=60 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 +split_feature=6 4 4 +split_gain=2250.75 534.381 433.052 +threshold=54.500000000000007 74.500000000000014 49.500000000000007 decision_type=2 2 2 -left_child=-1 2 -2 +left_child=2 -2 -1 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 +leaf_value=-0.11875287270771746 0.026403972639249582 0.10885808370068797 -0.037439621827479418 +leaf_weight=39 95 47 80 +leaf_count=39 95 47 80 +internal_value=0 0.0537409 -0.0641494 +internal_weight=0 142 119 +internal_count=261 142 119 +is_linear=0 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 +Tree=61 +num_leaves=4 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 +split_feature=4 6 2 +split_gain=2172.69 650.215 280.29 +threshold=66.500000000000014 46.500000000000007 9.5000000000000018 +decision_type=2 2 2 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.1026356818101487 0.027690743347675198 -0.017180013184060539 0.095404881877088579 +leaf_weight=55 39 101 66 +leaf_count=55 39 101 66 +internal_value=0 -0.0473463 0.0702967 +internal_weight=0 156 105 +internal_count=261 156 105 +is_linear=0 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 +Tree=62 +num_leaves=4 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 +split_feature=4 3 9 +split_gain=2093.96 451.576 337.052 +threshold=62.500000000000007 49.500000000000007 63.500000000000007 +decision_type=2 2 2 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.11478943273756917 0.011922403827755978 -0.033018820817481115 0.078424481321205372 +leaf_weight=39 47 88 87 +leaf_count=39 47 88 87 +internal_value=0 -0.0581852 0.0551235 +internal_weight=0 127 134 +internal_count=261 127 134 +is_linear=0 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 +Tree=63 +num_leaves=4 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 +split_feature=4 5 4 +split_gain=2021.02 632.359 146.212 +threshold=55.500000000000007 67.050000000000011 49.500000000000007 +decision_type=2 2 2 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.11263492548163663 0.0024330164054193687 0.077105150207710346 -0.057618391945870408 +leaf_weight=39 100 83 39 +leaf_count=39 100 83 39 +internal_value=0 0.0363216 -0.0852132 +internal_weight=0 183 78 +internal_count=261 183 78 +is_linear=0 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 +Tree=64 +num_leaves=4 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 +split_feature=4 7 2 +split_gain=1947.06 589.04 266.991 +threshold=66.500000000000014 51.500000000000007 9.5000000000000018 +decision_type=2 2 2 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.097445564074291266 0.024968194328830129 -0.01610892644922941 0.091050187232942892 +leaf_weight=55 39 101 66 +leaf_count=55 39 101 66 +internal_value=0 -0.0448213 0.066546 +internal_weight=0 156 105 +internal_count=261 156 105 +is_linear=0 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 +Tree=65 +num_leaves=4 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 +split_feature=4 8 4 +split_gain=1877.28 594.385 155.343 +threshold=55.500000000000007 71.500000000000014 66.500000000000014 +decision_type=2 2 2 +left_child=-1 2 -2 +right_child=1 -3 -4 +leaf_value=-0.082127656246767752 -0.0056746521547476805 0.09217006707894887 0.038670366244597333 +leaf_weight=78 78 52 53 +leaf_count=78 78 52 53 +internal_value=0 0.0350058 0.0122714 +internal_weight=0 183 131 +internal_count=261 183 131 +is_linear=0 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 +Tree=66 +num_leaves=4 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 +split_feature=6 4 7 +split_gain=1809.37 470.413 364.352 +threshold=54.500000000000007 74.500000000000014 50.500000000000007 +decision_type=2 2 2 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.10666221598481668 0.022536879904992174 0.099895754015468519 -0.032550773429888699 +leaf_weight=40 95 47 79 +leaf_count=40 95 47 79 +internal_value=0 0.0481838 -0.057517 +internal_weight=0 142 119 +internal_count=261 142 119 +is_linear=0 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 +Tree=67 +num_leaves=4 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 +split_feature=4 8 4 +split_gain=1742.7 557.233 142.151 +threshold=55.500000000000007 71.500000000000014 66.500000000000014 +decision_type=2 2 2 +left_child=-1 2 -2 +right_child=1 -3 -4 +leaf_value=-0.079128793706673431 -0.0054514654330595283 0.08907674863078853 0.036968567638000077 +leaf_weight=78 78 52 53 +leaf_count=78 78 52 53 +internal_value=0 0.0337278 0.0117153 +internal_weight=0 183 131 +internal_count=261 183 131 +is_linear=0 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 +Tree=68 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 +split_feature=5 3 4 +split_gain=1680.05 400.812 363.154 +threshold=58.550000000000004 49.500000000000007 74.500000000000014 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 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.10393168303677883 0.026270386964617271 -0.027541445913242583 0.096346831839488806 +leaf_weight=39 83 93 46 +leaf_count=39 83 93 46 +internal_value=0 -0.0501605 0.0513038 +internal_weight=0 132 129 +internal_count=261 132 129 +is_linear=0 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 +Tree=69 +num_leaves=4 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 +split_feature=4 8 4 +split_gain=1618.95 521.359 129.998 +threshold=55.500000000000007 71.500000000000014 66.500000000000014 +decision_type=2 2 2 +left_child=-1 2 -2 +right_child=1 -3 -4 +leaf_value=-0.07626743949673935 -0.0051999797180258735 0.086046170676901554 0.035365921299373201 +leaf_weight=78 78 52 53 +leaf_count=78 78 52 53 +internal_value=0 0.0325085 0.0112162 +internal_weight=0 183 131 +internal_count=261 183 131 +is_linear=0 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 +Tree=70 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 +split_feature=6 4 7 +split_gain=1559 436.644 272.575 +threshold=52.500000000000007 74.500000000000014 50.500000000000007 decision_type=2 2 2 -left_child=-1 2 -2 +left_child=2 -2 -1 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 +leaf_value=-0.099919107282194441 0.018030390686899819 0.090731857518892373 -0.033889368096211285 +leaf_weight=40 106 48 67 +leaf_count=40 106 48 67 +internal_value=0 0.0407267 -0.05863 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=71 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 +split_feature=4 8 4 +split_gain=1502.1 489.952 125.797 +threshold=55.500000000000007 71.500000000000014 49.500000000000007 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 +leaf_value=-0.098888090539228771 0.010672363373392313 0.083213474561814632 -0.047886594675647223 +leaf_weight=39 131 52 39 +leaf_count=39 131 52 39 +internal_value=0 0.0313134 -0.0734634 +internal_weight=0 183 78 +internal_count=261 183 78 +is_linear=0 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 +Tree=72 +num_leaves=4 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 +split_feature=4 3 9 +split_gain=1449.44 333.186 278.692 +threshold=62.500000000000007 49.500000000000007 64.500000000000014 +decision_type=2 2 2 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.097030577972352067 0.0096039477240817215 -0.026792613206987715 0.068816604568203474 +leaf_weight=39 52 88 82 +leaf_count=39 52 88 82 +internal_value=0 -0.0484096 0.0458615 +internal_weight=0 127 134 +internal_count=261 127 134 +is_linear=0 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 +Tree=73 +num_leaves=4 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 +split_feature=4 8 2 +split_gain=1397.97 437.468 246.822 +threshold=66.500000000000014 48.500000000000007 9.5000000000000018 +decision_type=2 2 2 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.08894004624766709 0.016430030175722376 -0.015954624601395 0.079943924377450654 +leaf_weight=47 39 109 66 +leaf_count=47 39 109 66 +internal_value=0 -0.037979 0.0563873 +internal_weight=0 156 105 +internal_count=261 156 105 +is_linear=0 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 +Tree=74 +num_leaves=4 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 +split_feature=4 8 4 +split_gain=1350.38 446.338 113.655 +threshold=55.500000000000007 71.500000000000014 49.500000000000007 +decision_type=2 2 2 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.093822203036431073 0.0099883083074527798 0.079225696140776125 -0.045342596406090854 +leaf_weight=39 131 52 39 +leaf_count=39 131 52 39 +internal_value=0 0.0296895 -0.069655 +internal_weight=0 183 78 +internal_count=261 183 78 +is_linear=0 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 +Tree=75 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 +split_feature=5 7 7 +split_gain=1310.42 323.085 232.009 +threshold=58.550000000000004 50.500000000000007 76.500000000000014 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 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.091713997957740379 0.027602331847683681 -0.023623565213518681 0.086028281073451882 +leaf_weight=40 90 92 39 +leaf_count=40 90 92 39 +internal_value=0 -0.0443008 0.0453093 +internal_weight=0 132 129 +internal_count=261 132 129 +is_linear=0 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 +Tree=76 +num_leaves=4 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 +split_feature=5 5 4 +split_gain=1258.6 310.51 307.063 +threshold=58.550000000000004 47.650000000000013 74.500000000000014 +decision_type=2 2 2 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.090744184127001429 0.021387859224426455 -0.02350690654219894 0.085821386271853609 +leaf_weight=39 83 93 46 +leaf_count=39 83 93 46 +internal_value=0 -0.0434161 0.0444044 +internal_weight=0 132 129 +internal_count=261 132 129 +is_linear=0 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 +Tree=77 +num_leaves=4 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 +split_feature=4 6 2 +split_gain=1213.97 389.423 233.314 +threshold=66.500000000000014 46.500000000000007 9.5000000000000018 +decision_type=2 2 2 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.078180019335000392 0.01370194678999806 -0.012045181356469967 0.075447349763591381 +leaf_weight=55 39 101 66 +leaf_count=55 39 101 66 +internal_value=0 -0.0353917 0.0525454 +internal_weight=0 156 105 +internal_count=261 156 105 +is_linear=0 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 +Tree=78 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 +split_feature=4 8 4 +split_gain=1173.82 392.107 99.6687 +threshold=55.500000000000007 71.500000000000014 49.500000000000007 decision_type=2 2 2 -left_child=-1 2 -2 +left_child=2 -2 -1 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 +leaf_value=-0.087574293244852261 0.0092145505764128655 0.07410997046123019 -0.042173455664556679 +leaf_weight=39 131 52 39 +leaf_count=39 131 52 39 +internal_value=0 0.0276804 -0.0649423 +internal_weight=0 183 78 +internal_count=261 183 78 +is_linear=0 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 +Tree=79 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 +split_feature=6 4 5 +split_gain=1132.26 384.428 86.4257 +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.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 +leaf_value=-0.064369852746122322 -0.012437122188956231 0.061377074511931584 0.023826032519499215 +leaf_weight=77 63 76 45 +leaf_count=77 63 76 45 +internal_value=0 0.0269375 0.00267077 +internal_weight=0 184 108 +internal_count=261 184 108 +is_linear=0 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 +Tree=80 +num_leaves=4 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 +split_feature=6 8 5 +split_gain=1087.46 369.504 72.5916 +threshold=48.500000000000007 71.500000000000014 62.400000000000006 +decision_type=2 2 2 +left_child=-1 2 -2 +right_child=1 -3 -4 +leaf_value=-0.063083623367609101 -0.0047344632961281163 0.071519259579847436 0.025076308636288364 +leaf_weight=77 73 52 59 +leaf_count=77 73 52 59 +internal_value=0 0.0263993 0.00859022 +internal_weight=0 184 132 +internal_count=261 184 132 +is_linear=0 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 +Tree=81 +num_leaves=4 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 +split_feature=6 8 7 +split_gain=1045.28 265.367 196.598 +threshold=52.500000000000007 71.500000000000014 50.500000000000007 +decision_type=2 2 2 +left_child=2 -2 -1 +right_child=1 -3 -4 +leaf_value=-0.083073630779795682 0.014572453866230526 0.070090795754298885 -0.026997516421628669 +leaf_weight=40 102 52 67 +leaf_count=40 102 52 67 +internal_value=0 0.0333474 -0.0480086 +internal_weight=0 154 107 +internal_count=261 154 107 +is_linear=0 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 +Tree=82 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 +split_feature=5 7 9 +split_gain=1006.69 260.649 197.449 +threshold=58.550000000000004 50.500000000000007 65.500000000000014 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 +left_child=1 -1 -2 +right_child=2 -3 -4 +leaf_value=-0.081415060763053243 0.0075336935574978137 -0.020256774397652895 0.058748805452484211 +leaf_weight=40 48 92 81 +leaf_count=40 48 92 81 +internal_value=0 -0.038829 0.0397126 +internal_weight=0 132 129 +internal_count=261 132 129 +is_linear=0 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 +Tree=83 +num_leaves=4 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 +split_feature=4 4 7 +split_gain=984.98 348.686 167.483 +threshold=55.500000000000007 74.500000000000014 69.500000000000014 +decision_type=2 2 2 +left_child=-1 2 -2 +right_child=1 -3 -4 +leaf_value=-0.059489662720961019 -0.0088785829863912286 0.070971565377282261 0.037143016131932147 +leaf_weight=78 83 49 51 +leaf_count=78 83 49 51 +internal_value=0 0.025356 0.00864138 +internal_weight=0 183 134 +internal_count=261 183 134 +is_linear=0 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 +Tree=84 +num_leaves=4 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 +split_feature=4 4 5 +split_gain=946.016 334.897 160.954 +threshold=55.500000000000007 74.500000000000014 62.400000000000006 +decision_type=2 2 2 +left_child=-1 2 -2 +right_child=1 -3 -4 +leaf_value=-0.058300936797510479 -0.014099530491400274 0.069554158458161652 0.029733010597264908 +leaf_weight=78 65 49 69 +leaf_count=78 65 49 69 +internal_value=0 0.0248496 0.00846873 +internal_weight=0 183 134 +internal_count=261 183 134 +is_linear=0 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 +Tree=85 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 +split_feature=4 4 7 +split_gain=908.592 321.654 156.104 +threshold=55.500000000000007 74.500000000000014 70.500000000000014 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 +leaf_value=-0.057135963537151113 -0.0070453593188582473 0.068165059469614445 0.038629477138606039 +leaf_weight=78 89 49 45 +leaf_count=78 89 49 45 +internal_value=0 0.0243533 0.0082994 +internal_weight=0 183 134 +internal_count=261 183 134 +is_linear=0 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 +Tree=86 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 +split_feature=6 4 7 +split_gain=878.314 310.352 150.567 +threshold=48.500000000000007 74.500000000000014 69.500000000000014 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 +leaf_value=-0.056693046295642473 -0.0083932931261077089 0.066803703181778126 0.035143121779023352 +leaf_weight=77 84 49 51 +leaf_count=77 84 49 51 +internal_value=0 0.0237257 0.00805756 +internal_weight=0 184 135 +internal_count=261 184 135 +is_linear=0 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 +Tree=87 +num_leaves=4 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 +split_feature=4 4 7 +split_gain=843.382 295.683 143.553 +threshold=55.500000000000007 74.500000000000014 70.500000000000014 +decision_type=2 2 2 +left_child=-1 2 -2 +right_child=1 -3 -4 +leaf_value=-0.055047026793042422 -0.0066436484773592401 0.065469534139976221 0.037156316556924189 +leaf_weight=78 89 49 45 +leaf_count=78 89 49 45 +internal_value=0 0.0234636 0.00807105 +internal_weight=0 183 134 +internal_count=261 183 134 +is_linear=0 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 +Tree=88 +num_leaves=4 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 +split_feature=6 4 5 +split_gain=815.75 285.868 157.019 +threshold=48.500000000000007 75.500000000000014 62.400000000000006 +decision_type=2 2 2 +left_child=-1 2 -2 +right_child=1 -3 -4 +leaf_value=-0.054636126716220153 -0.012982260333493961 0.070119154692320926 0.028908952562699354 +leaf_weight=77 66 40 78 +leaf_count=77 66 40 78 +internal_value=0 0.0228655 0.00970628 +internal_weight=0 184 144 +internal_count=261 184 144 +is_linear=0 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 +Tree=89 +num_leaves=4 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 +split_feature=6 7 4 +split_gain=783.48 275.126 76.5035 +threshold=48.500000000000007 76.500000000000014 66.500000000000014 +decision_type=2 2 2 +left_child=-1 2 -2 +right_child=1 -3 -4 +leaf_value=-0.053544395197132388 -0.0033820002182035902 0.06951857198938434 0.025810789444286449 +leaf_weight=77 80 39 65 +leaf_count=77 80 39 65 +internal_value=0 0.0224089 0.00970505 +internal_weight=0 184 145 +internal_count=261 184 145 +is_linear=0 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 +Tree=90 +num_leaves=4 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 +split_feature=4 4 5 +split_gain=756.623 265.948 143.901 +threshold=55.500000000000007 75.500000000000014 62.400000000000006 +decision_type=2 2 2 +left_child=-1 2 -2 +right_child=1 -3 -4 +leaf_value=-0.052138224680502082 -0.012509621981790729 0.067767596862427407 0.027759845190230229 +leaf_weight=78 65 40 78 +leaf_count=78 65 40 78 +internal_value=0 0.0222246 0.00945279 +internal_weight=0 183 143 +internal_count=261 183 143 +is_linear=0 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 +Tree=91 +num_leaves=4 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 +split_feature=6 8 4 +split_gain=726.963 261.124 48.2486 +threshold=48.500000000000007 71.500000000000014 66.500000000000014 +decision_type=2 2 2 +left_child=-1 2 -2 +right_child=1 -3 -4 +leaf_value=-0.051576635564550666 -0.0031271978328405764 0.059515961189576347 0.021600060137398347 +leaf_weight=77 80 52 52 +leaf_count=77 80 52 52 +internal_value=0 0.0215859 0.00661407 +internal_weight=0 184 132 +internal_count=261 184 132 +is_linear=0 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 +Tree=92 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 +split_feature=6 8 5 +split_gain=698.205 250.797 38.1011 +threshold=48.500000000000007 71.500000000000014 62.400000000000006 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 +leaf_value=-0.050546040003968236 -0.0031691244030449062 0.058327242277937508 0.018426065890543228 +leaf_weight=77 73 52 59 +leaf_count=77 73 52 59 +internal_value=0 0.0211548 0.00648186 +internal_weight=0 184 132 +internal_count=261 184 132 +is_linear=0 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 +Tree=93 +num_leaves=4 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 +split_feature=6 7 5 +split_gain=670.585 241.77 57.0485 +threshold=48.500000000000007 76.500000000000014 67.050000000000011 +decision_type=2 2 2 +left_child=-1 2 -2 +right_child=1 -3 -4 +leaf_value=-0.049536038443177416 0.0005300771515140834 0.064893918232079323 0.027810366924033027 +leaf_weight=77 101 39 44 +leaf_count=77 101 39 44 +internal_value=0 0.0207322 0.00882317 +internal_weight=0 184 145 +internal_count=261 184 145 +is_linear=0 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 +Tree=94 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 +split_feature=4 4 5 +split_gain=658.157 240.904 121.057 +threshold=55.500000000000007 75.500000000000014 62.400000000000006 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 +leaf_value=-0.048626563442727588 -0.011569915005019209 0.064074417476734979 0.025364842158251358 +leaf_weight=78 65 40 78 +leaf_count=78 65 40 78 +internal_value=0 0.0207289 0.00857328 +internal_weight=0 183 143 +internal_count=261 183 143 +is_linear=0 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 +Tree=95 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 +split_feature=4 4 5 +split_gain=632.121 231.381 116.269 +threshold=55.500000000000007 75.500000000000014 62.400000000000006 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 +leaf_value=-0.047654903551688409 -0.011338766583268574 0.062795169426075742 0.0248580002322062 +leaf_weight=78 65 40 78 +leaf_count=78 65 40 78 +internal_value=0 0.0203149 0.00840184 +internal_weight=0 183 143 +internal_count=261 183 143 +is_linear=0 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 +Tree=96 +num_leaves=4 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 +split_feature=4 4 7 +split_gain=607.115 222.235 87.7326 +threshold=55.500000000000007 75.500000000000014 70.500000000000014 +decision_type=2 2 2 +left_child=-1 2 -2 +right_child=1 -3 -4 +leaf_value=-0.046702659910904311 -0.0037820700728179906 0.061541458737799613 0.028631308654258988 +leaf_weight=78 90 40 53 +leaf_count=78 90 40 53 +internal_value=0 0.0199092 0.00823382 +internal_weight=0 183 143 +internal_count=261 183 143 +is_linear=0 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 +Tree=97 +num_leaves=4 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 +split_feature=4 4 5 +split_gain=583.1 213.45 108.916 +threshold=55.500000000000007 75.500000000000014 62.400000000000006 +decision_type=2 2 2 +left_child=-1 2 -2 +right_child=1 -3 -4 +leaf_value=-0.045769444329570357 -0.011036674237450972 0.060312779501307354 0.023996764877029703 +leaf_weight=78 65 40 78 +leaf_count=78 65 40 78 +internal_value=0 0.0195117 0.00806927 +internal_weight=0 183 143 +internal_count=261 183 143 +is_linear=0 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 +Tree=98 +num_leaves=4 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 +split_feature=6 7 4 +split_gain=561.401 209.215 48.1111 +threshold=48.500000000000007 76.500000000000014 67.500000000000014 +decision_type=2 2 2 +left_child=-1 2 -2 +right_child=1 -3 -4 +leaf_value=-0.045323261236137537 -0.0012403626046866511 0.060051580489612393 0.022403677239155671 +leaf_weight=77 89 39 56 +leaf_count=77 89 39 56 +internal_value=0 0.0189706 0.00789202 +internal_weight=0 184 145 +internal_count=261 184 145 +is_linear=0 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 +Tree=99 +num_leaves=4 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 +split_feature=4 4 5 +split_gain=541.805 199.821 100.908 +threshold=55.500000000000007 75.500000000000014 62.400000000000006 +decision_type=2 2 2 +left_child=-1 2 -2 +right_child=1 -3 -4 +leaf_value=-0.044118620957022098 -0.010652577091750966 0.05828552102169432 0.023068054282883416 +leaf_weight=78 65 40 78 +leaf_count=78 65 40 78 +internal_value=0 0.0188084 0.00773719 +internal_weight=0 183 143 +internal_count=261 183 143 +is_linear=0 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 +feature_importances: +Column_4=145 +Column_5=52 +Column_7=32 +Column_6=31 +Column_8=19 +Column_2=9 +Column_3=9 +Column_9=3 parameters: [boosting: gbdt] [objective: regression] -[metric: ] +[metric: l2] [tree_learner: serial] [device_type: cpu] [data: ] [valid: ] [num_iterations: 100] [learning_rate: 0.02] -[num_leaves: 32] -[num_threads: 0] -[max_depth: 8] +[num_leaves: 4] +[num_threads: 1] +[deterministic: 0] +[force_col_wise: 0] +[force_row_wise: 0] +[histogram_pool_size: -1] +[max_depth: 4] [min_data_in_leaf: 20] [min_sum_hessian_in_leaf: 39] [bagging_fraction: 0.9] @@ -180045,11 +1948,14 @@ [feature_fraction: 0.9] [feature_fraction_bynode: 1] [feature_fraction_seed: 26500] +[extra_trees: 0] +[extra_seed: 15724] [early_stopping_round: 0] [first_metric_only: 0] [max_delta_step: 0] [lambda_l1: 0.04] [lambda_l2: 0.07] +[linear_lambda: 0] [min_gain_to_split: 0.02] [drop_rate: 0.1] [max_drop: 50] @@ -180066,51 +1972,41 @@ [max_cat_to_onehot: 4] [top_k: 20] [monotone_constraints: ] +[monotone_constraints_method: basic] +[monotone_penalty: 0] [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] +[path_smooth: 0] +[interaction_constraints: ] +[verbosity: 0] +[saved_feature_importance_type: 0] +[linear_tree: 0] [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] +[is_enable_sparse: 1] [enable_bundle: 1] -[max_conflict_rate: 0] -[is_enable_sparse: 1] -[sparse_threshold: 0.8] [use_missing: 1] [zero_as_missing: 0] +[feature_pre_filter: 1] +[pre_partition: 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] +[forcedbins_filename: ] +[precise_float_parser: 0] +[objective_seed: 19169] [num_class: 1] [is_unbalance: 0] [scale_pos_weight: 1] @@ -180121,13 +2017,12 @@ [fair_c: 1] [poisson_max_delta_step: 0.7] [tweedie_variance_power: 1.5] -[max_position: 20] -[lambdamart_norm: 1] +[lambdarank_truncation_level: 30] +[lambdarank_norm: 1] [label_gain: ] -[metric_freq: 1] -[is_provide_training_metric: 0] [eval_at: ] [multi_error_top_k: 1] +[auc_mu_weights: ] [num_machines: 1] [local_listen_port: 12400] [time_out: 120] @@ -180136,6 +2031,7 @@ [gpu_platform_id: -1] [gpu_device_id: -1] [gpu_use_dp: 0] +[num_gpu: 1] end of parameters diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/ml_vis01.html --- a/test-data/ml_vis01.html Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/ml_vis01.html Wed Aug 09 12:54:40 2023 +0000 @@ -1,31 +1,67 @@ -
- - +
-
- -
+!function(t){if("object"==typeof exports&&"undefined"!=typeof module)module.exports=t();else if("function"==typeof define&&define.amd)define([],t);else{("undefined"!=typeof window?window:"undefined"!=typeof global?global:"undefined"!=typeof self?self:this).Plotly=t()}}((function(){return function t(e,r,n){function i(o,s){if(!r[o]){if(!e[o]){var l="function"==typeof require&&require;if(!s&&l)return l(o,!0);if(a)return a(o,!0);var c=new Error("Cannot find module '"+o+"'");throw c.code="MODULE_NOT_FOUND",c}var u=r[o]={exports:{}};e[o][0].call(u.exports,(function(t){return i(e[o][1][t]||t)}),u,u.exports,t,e,r,n)}return r[o].exports}for(var a="function"==typeof require&&require,o=0;o:not(.watermark)":"opacity:0;-webkit-transition:opacity 0.3s ease 0s;-moz-transition:opacity 0.3s ease 0s;-ms-transition:opacity 0.3s ease 0s;-o-transition:opacity 0.3s ease 0s;transition:opacity 0.3s ease 0s;","X:hover .modebar--hover .modebar-group":"opacity:1;","X .modebar-group":"float:left;display:inline-block;box-sizing:border-box;padding-left:8px;position:relative;vertical-align:middle;white-space:nowrap;","X .modebar-btn":"position:relative;font-size:16px;padding:3px 4px;height:22px;cursor:pointer;line-height:normal;box-sizing:border-box;","X .modebar-btn svg":"position:relative;top:2px;","X .modebar.vertical":"display:flex;flex-direction:column;flex-wrap:wrap;align-content:flex-end;max-height:100%;","X .modebar.vertical svg":"top:-1px;","X .modebar.vertical .modebar-group":"display:block;float:none;padding-left:0px;padding-bottom:8px;","X .modebar.vertical .modebar-group .modebar-btn":"display:block;text-align:center;","X [data-title]:before,X [data-title]:after":"position:absolute;-webkit-transform:translate3d(0, 0, 0);-moz-transform:translate3d(0, 0, 0);-ms-transform:translate3d(0, 0, 0);-o-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);display:none;opacity:0;z-index:1001;pointer-events:none;top:110%;right:50%;","X [data-title]:hover:before,X [data-title]:hover:after":"display:block;opacity:1;","X [data-title]:before":"content:'';position:absolute;background:transparent;border:6px solid transparent;z-index:1002;margin-top:-12px;border-bottom-color:#69738a;margin-right:-6px;","X [data-title]:after":"content:attr(data-title);background:#69738a;color:white;padding:8px 10px;font-size:12px;line-height:12px;white-space:nowrap;margin-right:-18px;border-radius:2px;","X .vertical [data-title]:before,X .vertical [data-title]:after":"top:0%;right:200%;","X .vertical [data-title]:before":"border:6px solid transparent;border-left-color:#69738a;margin-top:8px;margin-right:-30px;","X .select-outline":"fill:none;stroke-width:1;shape-rendering:crispEdges;","X .select-outline-1":"stroke:white;","X .select-outline-2":"stroke:black;stroke-dasharray:2px 2px;",Y:"font-family:'Open Sans', verdana, arial, sans-serif;position:fixed;top:50px;right:20px;z-index:10000;font-size:10pt;max-width:180px;","Y p":"margin:0;","Y .notifier-note":"min-width:180px;max-width:250px;border:1px solid #fff;z-index:3000;margin:0;background-color:#8c97af;background-color:rgba(140,151,175,0.9);color:#fff;padding:10px;overflow-wrap:break-word;word-wrap:break-word;-ms-hyphens:auto;-webkit-hyphens:auto;hyphens:auto;","Y .notifier-close":"color:#fff;opacity:0.8;float:right;padding:0 5px;background:none;border:none;font-size:20px;font-weight:bold;line-height:20px;","Y .notifier-close:hover":"color:#444;text-decoration:none;cursor:pointer;"};for(var a in i){var o=a.replace(/^,/," ,").replace(/X/g,".js-plotly-plot .plotly").replace(/Y/g,".plotly-notifier");n.addStyleRule(o,i[a])}},{"../src/lib":778}],2:[function(t,e,r){"use strict";e.exports=t("../src/transforms/aggregate")},{"../src/transforms/aggregate":1365}],3:[function(t,e,r){"use strict";e.exports=t("../src/traces/bar")},{"../src/traces/bar":929}],4:[function(t,e,r){"use strict";e.exports=t("../src/traces/barpolar")},{"../src/traces/barpolar":942}],5:[function(t,e,r){"use strict";e.exports=t("../src/traces/box")},{"../src/traces/box":952}],6:[function(t,e,r){"use strict";e.exports=t("../src/components/calendars")},{"../src/components/calendars":641}],7:[function(t,e,r){"use strict";e.exports=t("../src/traces/candlestick")},{"../src/traces/candlestick":961}],8:[function(t,e,r){"use strict";e.exports=t("../src/traces/carpet")},{"../src/traces/carpet":980}],9:[function(t,e,r){"use strict";e.exports=t("../src/traces/choropleth")},{"../src/traces/choropleth":994}],10:[function(t,e,r){"use strict";e.exports=t("../src/traces/choroplethmapbox")},{"../src/traces/choroplethmapbox":1001}],11:[function(t,e,r){"use strict";e.exports=t("../src/traces/cone")},{"../src/traces/cone":1007}],12:[function(t,e,r){"use strict";e.exports=t("../src/traces/contour")},{"../src/traces/contour":1022}],13:[function(t,e,r){"use strict";e.exports=t("../src/traces/contourcarpet")},{"../src/traces/contourcarpet":1033}],14:[function(t,e,r){"use strict";e.exports=t("../src/core")},{"../src/core":755}],15:[function(t,e,r){"use strict";e.exports=t("../src/traces/densitymapbox")},{"../src/traces/densitymapbox":1041}],16:[function(t,e,r){"use strict";e.exports=t("../src/transforms/filter")},{"../src/transforms/filter":1366}],17:[function(t,e,r){"use strict";e.exports=t("../src/traces/funnel")},{"../src/traces/funnel":1051}],18:[function(t,e,r){"use strict";e.exports=t("../src/traces/funnelarea")},{"../src/traces/funnelarea":1060}],19:[function(t,e,r){"use strict";e.exports=t("../src/transforms/groupby")},{"../src/transforms/groupby":1367}],20:[function(t,e,r){"use strict";e.exports=t("../src/traces/heatmap")},{"../src/traces/heatmap":1073}],21:[function(t,e,r){"use strict";e.exports=t("../src/traces/heatmapgl")},{"../src/traces/heatmapgl":1083}],22:[function(t,e,r){"use strict";e.exports=t("../src/traces/histogram")},{"../src/traces/histogram":1095}],23:[function(t,e,r){"use strict";e.exports=t("../src/traces/histogram2d")},{"../src/traces/histogram2d":1101}],24:[function(t,e,r){"use strict";e.exports=t("../src/traces/histogram2dcontour")},{"../src/traces/histogram2dcontour":1105}],25:[function(t,e,r){"use strict";e.exports=t("../src/traces/image")},{"../src/traces/image":1113}],26:[function(t,e,r){"use strict";var n=t("./core");n.register([t("./bar"),t("./box"),t("./heatmap"),t("./histogram"),t("./histogram2d"),t("./histogram2dcontour"),t("./contour"),t("./scatterternary"),t("./violin"),t("./funnel"),t("./waterfall"),t("./image"),t("./pie"),t("./sunburst"),t("./treemap"),t("./funnelarea"),t("./scatter3d"),t("./surface"),t("./isosurface"),t("./volume"),t("./mesh3d"),t("./cone"),t("./streamtube"),t("./scattergeo"),t("./choropleth"),t("./scattergl"),t("./splom"),t("./pointcloud"),t("./heatmapgl"),t("./parcoords"),t("./parcats"),t("./scattermapbox"),t("./choroplethmapbox"),t("./densitymapbox"),t("./sankey"),t("./indicator"),t("./table"),t("./carpet"),t("./scattercarpet"),t("./contourcarpet"),t("./ohlc"),t("./candlestick"),t("./scatterpolar"),t("./scatterpolargl"),t("./barpolar")]),n.register([t("./aggregate"),t("./filter"),t("./groupby"),t("./sort")]),n.register([t("./calendars")]),e.exports=n},{"./aggregate":2,"./bar":3,"./barpolar":4,"./box":5,"./calendars":6,"./candlestick":7,"./carpet":8,"./choropleth":9,"./choroplethmapbox":10,"./cone":11,"./contour":12,"./contourcarpet":13,"./core":14,"./densitymapbox":15,"./filter":16,"./funnel":17,"./funnelarea":18,"./groupby":19,"./heatmap":20,"./heatmapgl":21,"./histogram":22,"./histogram2d":23,"./histogram2dcontour":24,"./image":25,"./indicator":27,"./isosurface":28,"./mesh3d":29,"./ohlc":30,"./parcats":31,"./parcoords":32,"./pie":33,"./pointcloud":34,"./sankey":35,"./scatter3d":36,"./scattercarpet":37,"./scattergeo":38,"./scattergl":39,"./scattermapbox":40,"./scatterpolar":41,"./scatterpolargl":42,"./scatterternary":43,"./sort":44,"./splom":45,"./streamtube":46,"./sunburst":47,"./surface":48,"./table":49,"./treemap":50,"./violin":51,"./volume":52,"./waterfall":53}],27:[function(t,e,r){"use strict";e.exports=t("../src/traces/indicator")},{"../src/traces/indicator":1121}],28:[function(t,e,r){"use strict";e.exports=t("../src/traces/isosurface")},{"../src/traces/isosurface":1127}],29:[function(t,e,r){"use strict";e.exports=t("../src/traces/mesh3d")},{"../src/traces/mesh3d":1132}],30:[function(t,e,r){"use strict";e.exports=t("../src/traces/ohlc")},{"../src/traces/ohlc":1137}],31:[function(t,e,r){"use strict";e.exports=t("../src/traces/parcats")},{"../src/traces/parcats":1146}],32:[function(t,e,r){"use strict";e.exports=t("../src/traces/parcoords")},{"../src/traces/parcoords":1156}],33:[function(t,e,r){"use strict";e.exports=t("../src/traces/pie")},{"../src/traces/pie":1167}],34:[function(t,e,r){"use strict";e.exports=t("../src/traces/pointcloud")},{"../src/traces/pointcloud":1176}],35:[function(t,e,r){"use strict";e.exports=t("../src/traces/sankey")},{"../src/traces/sankey":1182}],36:[function(t,e,r){"use strict";e.exports=t("../src/traces/scatter3d")},{"../src/traces/scatter3d":1220}],37:[function(t,e,r){"use strict";e.exports=t("../src/traces/scattercarpet")},{"../src/traces/scattercarpet":1227}],38:[function(t,e,r){"use strict";e.exports=t("../src/traces/scattergeo")},{"../src/traces/scattergeo":1235}],39:[function(t,e,r){"use strict";e.exports=t("../src/traces/scattergl")},{"../src/traces/scattergl":1248}],40:[function(t,e,r){"use strict";e.exports=t("../src/traces/scattermapbox")},{"../src/traces/scattermapbox":1258}],41:[function(t,e,r){"use strict";e.exports=t("../src/traces/scatterpolar")},{"../src/traces/scatterpolar":1266}],42:[function(t,e,r){"use strict";e.exports=t("../src/traces/scatterpolargl")},{"../src/traces/scatterpolargl":1273}],43:[function(t,e,r){"use strict";e.exports=t("../src/traces/scatterternary")},{"../src/traces/scatterternary":1281}],44:[function(t,e,r){"use strict";e.exports=t("../src/transforms/sort")},{"../src/transforms/sort":1369}],45:[function(t,e,r){"use strict";e.exports=t("../src/traces/splom")},{"../src/traces/splom":1290}],46:[function(t,e,r){"use strict";e.exports=t("../src/traces/streamtube")},{"../src/traces/streamtube":1298}],47:[function(t,e,r){"use strict";e.exports=t("../src/traces/sunburst")},{"../src/traces/sunburst":1306}],48:[function(t,e,r){"use strict";e.exports=t("../src/traces/surface")},{"../src/traces/surface":1315}],49:[function(t,e,r){"use strict";e.exports=t("../src/traces/table")},{"../src/traces/table":1323}],50:[function(t,e,r){"use strict";e.exports=t("../src/traces/treemap")},{"../src/traces/treemap":1332}],51:[function(t,e,r){"use strict";e.exports=t("../src/traces/violin")},{"../src/traces/violin":1344}],52:[function(t,e,r){"use strict";e.exports=t("../src/traces/volume")},{"../src/traces/volume":1352}],53:[function(t,e,r){"use strict";e.exports=t("../src/traces/waterfall")},{"../src/traces/waterfall":1360}],54:[function(t,e,r){"use strict";e.exports=function(t){var e=(t=t||{}).eye||[0,0,1],r=t.center||[0,0,0],s=t.up||[0,1,0],l=t.distanceLimits||[0,1/0],c=t.mode||"turntable",u=n(),f=i(),h=a();return u.setDistanceLimits(l[0],l[1]),u.lookAt(0,e,r,s),f.setDistanceLimits(l[0],l[1]),f.lookAt(0,e,r,s),h.setDistanceLimits(l[0],l[1]),h.lookAt(0,e,r,s),new o({turntable:u,orbit:f,matrix:h},c)};var n=t("turntable-camera-controller"),i=t("orbit-camera-controller"),a=t("matrix-camera-controller");function o(t,e){this._controllerNames=Object.keys(t),this._controllerList=this._controllerNames.map((function(e){return t[e]})),this._mode=e,this._active=t[e],this._active||(this._mode="turntable",this._active=t.turntable),this.modes=this._controllerNames,this.computedMatrix=this._active.computedMatrix,this.computedEye=this._active.computedEye,this.computedUp=this._active.computedUp,this.computedCenter=this._active.computedCenter,this.computedRadius=this._active.computedRadius}var s=o.prototype;[["flush",1],["idle",1],["lookAt",4],["rotate",4],["pan",4],["translate",4],["setMatrix",2],["setDistanceLimits",2],["setDistance",2]].forEach((function(t){for(var e=t[0],r=[],n=0;n1||i>1)}function A(t,e,r){return t.sort(E),t.forEach((function(n,i){var a,o,s=0;if(H(n,r)&&M(n))n.circularPathData.verticalBuffer=s+n.width/2;else{for(var l=0;lo.source.column)){var c=t[l].circularPathData.verticalBuffer+t[l].width/2+e;s=c>s?c:s}n.circularPathData.verticalBuffer=s+n.width/2}})),t}function S(t,r,i,a){var o=e.min(t.links,(function(t){return t.source.y0}));t.links.forEach((function(t){t.circular&&(t.circularPathData={})})),A(t.links.filter((function(t){return"top"==t.circularLinkType})),r,a),A(t.links.filter((function(t){return"bottom"==t.circularLinkType})),r,a),t.links.forEach((function(e){if(e.circular){if(e.circularPathData.arcRadius=e.width+10,e.circularPathData.leftNodeBuffer=5,e.circularPathData.rightNodeBuffer=5,e.circularPathData.sourceWidth=e.source.x1-e.source.x0,e.circularPathData.sourceX=e.source.x0+e.circularPathData.sourceWidth,e.circularPathData.targetX=e.target.x0,e.circularPathData.sourceY=e.y0,e.circularPathData.targetY=e.y1,H(e,a)&&M(e))e.circularPathData.leftSmallArcRadius=10+e.width/2,e.circularPathData.leftLargeArcRadius=10+e.width/2,e.circularPathData.rightSmallArcRadius=10+e.width/2,e.circularPathData.rightLargeArcRadius=10+e.width/2,"bottom"==e.circularLinkType?(e.circularPathData.verticalFullExtent=e.source.y1+25+e.circularPathData.verticalBuffer,e.circularPathData.verticalLeftInnerExtent=e.circularPathData.verticalFullExtent-e.circularPathData.leftLargeArcRadius,e.circularPathData.verticalRightInnerExtent=e.circularPathData.verticalFullExtent-e.circularPathData.rightLargeArcRadius):(e.circularPathData.verticalFullExtent=e.source.y0-25-e.circularPathData.verticalBuffer,e.circularPathData.verticalLeftInnerExtent=e.circularPathData.verticalFullExtent+e.circularPathData.leftLargeArcRadius,e.circularPathData.verticalRightInnerExtent=e.circularPathData.verticalFullExtent+e.circularPathData.rightLargeArcRadius);else{var s=e.source.column,l=e.circularLinkType,c=t.links.filter((function(t){return t.source.column==s&&t.circularLinkType==l}));"bottom"==e.circularLinkType?c.sort(L):c.sort(C);var u=0;c.forEach((function(t,n){t.circularLinkID==e.circularLinkID&&(e.circularPathData.leftSmallArcRadius=10+e.width/2+u,e.circularPathData.leftLargeArcRadius=10+e.width/2+n*r+u),u+=t.width})),s=e.target.column,c=t.links.filter((function(t){return t.target.column==s&&t.circularLinkType==l})),"bottom"==e.circularLinkType?c.sort(P):c.sort(I),u=0,c.forEach((function(t,n){t.circularLinkID==e.circularLinkID&&(e.circularPathData.rightSmallArcRadius=10+e.width/2+u,e.circularPathData.rightLargeArcRadius=10+e.width/2+n*r+u),u+=t.width})),"bottom"==e.circularLinkType?(e.circularPathData.verticalFullExtent=Math.max(i,e.source.y1,e.target.y1)+25+e.circularPathData.verticalBuffer,e.circularPathData.verticalLeftInnerExtent=e.circularPathData.verticalFullExtent-e.circularPathData.leftLargeArcRadius,e.circularPathData.verticalRightInnerExtent=e.circularPathData.verticalFullExtent-e.circularPathData.rightLargeArcRadius):(e.circularPathData.verticalFullExtent=o-25-e.circularPathData.verticalBuffer,e.circularPathData.verticalLeftInnerExtent=e.circularPathData.verticalFullExtent+e.circularPathData.leftLargeArcRadius,e.circularPathData.verticalRightInnerExtent=e.circularPathData.verticalFullExtent+e.circularPathData.rightLargeArcRadius)}e.circularPathData.leftInnerExtent=e.circularPathData.sourceX+e.circularPathData.leftNodeBuffer,e.circularPathData.rightInnerExtent=e.circularPathData.targetX-e.circularPathData.rightNodeBuffer,e.circularPathData.leftFullExtent=e.circularPathData.sourceX+e.circularPathData.leftLargeArcRadius+e.circularPathData.leftNodeBuffer,e.circularPathData.rightFullExtent=e.circularPathData.targetX-e.circularPathData.rightLargeArcRadius-e.circularPathData.rightNodeBuffer}if(e.circular)e.path=function(t){var e="";e="top"==t.circularLinkType?"M"+t.circularPathData.sourceX+" "+t.circularPathData.sourceY+" L"+t.circularPathData.leftInnerExtent+" "+t.circularPathData.sourceY+" A"+t.circularPathData.leftLargeArcRadius+" "+t.circularPathData.leftSmallArcRadius+" 0 0 0 "+t.circularPathData.leftFullExtent+" "+(t.circularPathData.sourceY-t.circularPathData.leftSmallArcRadius)+" L"+t.circularPathData.leftFullExtent+" "+t.circularPathData.verticalLeftInnerExtent+" A"+t.circularPathData.leftLargeArcRadius+" "+t.circularPathData.leftLargeArcRadius+" 0 0 0 "+t.circularPathData.leftInnerExtent+" "+t.circularPathData.verticalFullExtent+" L"+t.circularPathData.rightInnerExtent+" "+t.circularPathData.verticalFullExtent+" A"+t.circularPathData.rightLargeArcRadius+" "+t.circularPathData.rightLargeArcRadius+" 0 0 0 "+t.circularPathData.rightFullExtent+" "+t.circularPathData.verticalRightInnerExtent+" L"+t.circularPathData.rightFullExtent+" "+(t.circularPathData.targetY-t.circularPathData.rightSmallArcRadius)+" A"+t.circularPathData.rightLargeArcRadius+" "+t.circularPathData.rightSmallArcRadius+" 0 0 0 "+t.circularPathData.rightInnerExtent+" "+t.circularPathData.targetY+" L"+t.circularPathData.targetX+" "+t.circularPathData.targetY:"M"+t.circularPathData.sourceX+" "+t.circularPathData.sourceY+" L"+t.circularPathData.leftInnerExtent+" "+t.circularPathData.sourceY+" A"+t.circularPathData.leftLargeArcRadius+" "+t.circularPathData.leftSmallArcRadius+" 0 0 1 "+t.circularPathData.leftFullExtent+" "+(t.circularPathData.sourceY+t.circularPathData.leftSmallArcRadius)+" L"+t.circularPathData.leftFullExtent+" "+t.circularPathData.verticalLeftInnerExtent+" A"+t.circularPathData.leftLargeArcRadius+" "+t.circularPathData.leftLargeArcRadius+" 0 0 1 "+t.circularPathData.leftInnerExtent+" "+t.circularPathData.verticalFullExtent+" L"+t.circularPathData.rightInnerExtent+" "+t.circularPathData.verticalFullExtent+" A"+t.circularPathData.rightLargeArcRadius+" "+t.circularPathData.rightLargeArcRadius+" 0 0 1 "+t.circularPathData.rightFullExtent+" "+t.circularPathData.verticalRightInnerExtent+" L"+t.circularPathData.rightFullExtent+" "+(t.circularPathData.targetY+t.circularPathData.rightSmallArcRadius)+" A"+t.circularPathData.rightLargeArcRadius+" "+t.circularPathData.rightSmallArcRadius+" 0 0 1 "+t.circularPathData.rightInnerExtent+" "+t.circularPathData.targetY+" L"+t.circularPathData.targetX+" "+t.circularPathData.targetY;return e}(e);else{var f=n.linkHorizontal().source((function(t){return[t.source.x0+(t.source.x1-t.source.x0),t.y0]})).target((function(t){return[t.target.x0,t.y1]}));e.path=f(e)}}))}function E(t,e){return z(t)==z(e)?"bottom"==t.circularLinkType?L(t,e):C(t,e):z(e)-z(t)}function C(t,e){return t.y0-e.y0}function L(t,e){return e.y0-t.y0}function I(t,e){return t.y1-e.y1}function P(t,e){return e.y1-t.y1}function z(t){return t.target.column-t.source.column}function O(t){return t.target.x0-t.source.x1}function D(t,e){var r=T(t),n=O(e)/Math.tan(r);return"up"==q(t)?t.y1+n:t.y1-n}function R(t,e){var r=T(t),n=O(e)/Math.tan(r);return"up"==q(t)?t.y1-n:t.y1+n}function F(t,e,r,n){t.links.forEach((function(i){if(!i.circular&&i.target.column-i.source.column>1){var a=i.source.column+1,o=i.target.column-1,s=1,l=o-a+1;for(s=1;a<=o;a++,s++)t.nodes.forEach((function(o){if(o.column==a){var c,u=s/(l+1),f=Math.pow(1-u,3),h=3*u*Math.pow(1-u,2),p=3*Math.pow(u,2)*(1-u),d=Math.pow(u,3),g=f*i.y0+h*i.y0+p*i.y1+d*i.y1,m=g-i.width/2,v=g+i.width/2;m>o.y0&&mo.y0&&vo.y1)&&(c=v-o.y0+10,o=N(o,c,e,r),t.nodes.forEach((function(t){b(t,n)!=b(o,n)&&t.column==o.column&&t.y0o.y1&&N(t,c,e,r)})))}}))}}))}function B(t,e){return t.y0>e.y0&&t.y0e.y0&&t.y1e.y1)}function N(t,e,r,n){return t.y0+e>=r&&t.y1+e<=n&&(t.y0=t.y0+e,t.y1=t.y1+e,t.targetLinks.forEach((function(t){t.y1=t.y1+e})),t.sourceLinks.forEach((function(t){t.y0=t.y0+e}))),t}function j(t,e,r,n){t.nodes.forEach((function(i){n&&i.y+(i.y1-i.y0)>e&&(i.y=i.y-(i.y+(i.y1-i.y0)-e));var a=t.links.filter((function(t){return b(t.source,r)==b(i,r)})),o=a.length;o>1&&a.sort((function(t,e){if(!t.circular&&!e.circular){if(t.target.column==e.target.column)return t.y1-e.y1;if(!V(t,e))return t.y1-e.y1;if(t.target.column>e.target.column){var r=R(e,t);return t.y1-r}if(e.target.column>t.target.column)return R(t,e)-e.y1}return t.circular&&!e.circular?"top"==t.circularLinkType?-1:1:e.circular&&!t.circular?"top"==e.circularLinkType?1:-1:t.circular&&e.circular?t.circularLinkType===e.circularLinkType&&"top"==t.circularLinkType?t.target.column===e.target.column?t.target.y1-e.target.y1:e.target.column-t.target.column:t.circularLinkType===e.circularLinkType&&"bottom"==t.circularLinkType?t.target.column===e.target.column?e.target.y1-t.target.y1:t.target.column-e.target.column:"top"==t.circularLinkType?-1:1:void 0}));var s=i.y0;a.forEach((function(t){t.y0=s+t.width/2,s+=t.width})),a.forEach((function(t,e){if("bottom"==t.circularLinkType){for(var r=e+1,n=0;r1&&n.sort((function(t,e){if(!t.circular&&!e.circular){if(t.source.column==e.source.column)return t.y0-e.y0;if(!V(t,e))return t.y0-e.y0;if(e.source.column0?"up":"down"}function H(t,e){return b(t.source,e)==b(t.target,e)}function G(t,r,n){var i=t.nodes,a=t.links,o=!1,s=!1;if(a.forEach((function(t){"top"==t.circularLinkType?o=!0:"bottom"==t.circularLinkType&&(s=!0)})),0==o||0==s){var l=e.min(i,(function(t){return t.y0})),c=(n-r)/(e.max(i,(function(t){return t.y1}))-l);i.forEach((function(t){var e=(t.y1-t.y0)*c;t.y0=(t.y0-l)*c,t.y1=t.y0+e})),a.forEach((function(t){t.y0=(t.y0-l)*c,t.y1=(t.y1-l)*c,t.width=t.width*c}))}}t.sankeyCircular=function(){var t,n,i=0,a=0,b=1,T=1,M=24,A=m,E=o,C=v,L=y,I=32,P=2,z=null;function O(){var t={nodes:C.apply(null,arguments),links:L.apply(null,arguments)};D(t),_(t,A,z),R(t),B(t),w(t,A),N(t,I,A),V(t);for(var e=4,r=0;r0?r+25+10:r,bottom:n=n>0?n+25+10:n,left:a=a>0?a+25+10:a,right:i=i>0?i+25+10:i}}(o),f=function(t,r){var n=e.max(t.nodes,(function(t){return t.column})),o=b-i,s=T-a,l=o/(o+r.right+r.left),c=s/(s+r.top+r.bottom);return i=i*l+r.left,b=0==r.right?b:b*l,a=a*c+r.top,T*=c,t.nodes.forEach((function(t){t.x0=i+t.column*((b-i-M)/n),t.x1=t.x0+M})),c}(o,u);l*=f,o.links.forEach((function(t){t.width=t.value*l})),c.forEach((function(t){var e=t.length;t.forEach((function(t,n){t.depth==c.length-1&&1==e||0==t.depth&&1==e?(t.y0=T/2-t.value*l,t.y1=t.y0+t.value*l):t.partOfCycle?0==k(t,r)?(t.y0=T/2+n,t.y1=t.y0+t.value*l):"top"==t.circularLinkType?(t.y0=a+n,t.y1=t.y0+t.value*l):(t.y0=T-t.value*l-n,t.y1=t.y0+t.value*l):0==u.top||0==u.bottom?(t.y0=(T-a)/e*n,t.y1=t.y0+t.value*l):(t.y0=(T-a)/2-e/2+n,t.y1=t.y0+t.value*l)}))}))}(l),y();for(var u=1,m=s;m>0;--m)v(u*=.99,l),y();function v(t,r){var n=c.length;c.forEach((function(i){var a=i.length,o=i[0].depth;i.forEach((function(i){var s;if(i.sourceLinks.length||i.targetLinks.length)if(i.partOfCycle&&k(i,r)>0);else if(0==o&&1==a)s=i.y1-i.y0,i.y0=T/2-s/2,i.y1=T/2+s/2;else if(o==n-1&&1==a)s=i.y1-i.y0,i.y0=T/2-s/2,i.y1=T/2+s/2;else{var l=e.mean(i.sourceLinks,g),c=e.mean(i.targetLinks,d),u=((l&&c?(l+c)/2:l||c)-p(i))*t;i.y0+=u,i.y1+=u}}))}))}function y(){c.forEach((function(e){var r,n,i,o=a,s=e.length;for(e.sort(f),i=0;i0&&(r.y0+=n,r.y1+=n),o=r.y1+t;if((n=o-t-T)>0)for(o=r.y0-=n,r.y1-=n,i=s-2;i>=0;--i)(n=(r=e[i]).y1+t-o)>0&&(r.y0-=n,r.y1-=n),o=r.y0}))}}function V(t){t.nodes.forEach((function(t){t.sourceLinks.sort(u),t.targetLinks.sort(c)})),t.nodes.forEach((function(t){var e=t.y0,r=e,n=t.y1,i=n;t.sourceLinks.forEach((function(t){t.circular?(t.y0=n-t.width/2,n-=t.width):(t.y0=e+t.width/2,e+=t.width)})),t.targetLinks.forEach((function(t){t.circular?(t.y1=i-t.width/2,i-=t.width):(t.y1=r+t.width/2,r+=t.width)}))}))}return O.nodeId=function(t){return arguments.length?(A="function"==typeof t?t:s(t),O):A},O.nodeAlign=function(t){return arguments.length?(E="function"==typeof t?t:s(t),O):E},O.nodeWidth=function(t){return arguments.length?(M=+t,O):M},O.nodePadding=function(e){return arguments.length?(t=+e,O):t},O.nodes=function(t){return arguments.length?(C="function"==typeof t?t:s(t),O):C},O.links=function(t){return arguments.length?(L="function"==typeof t?t:s(t),O):L},O.size=function(t){return arguments.length?(i=a=0,b=+t[0],T=+t[1],O):[b-i,T-a]},O.extent=function(t){return arguments.length?(i=+t[0][0],b=+t[1][0],a=+t[0][1],T=+t[1][1],O):[[i,a],[b,T]]},O.iterations=function(t){return arguments.length?(I=+t,O):I},O.circularLinkGap=function(t){return arguments.length?(P=+t,O):P},O.nodePaddingRatio=function(t){return arguments.length?(n=+t,O):n},O.sortNodes=function(t){return arguments.length?(z=t,O):z},O.update=function(t){return w(t,A),V(t),t.links.forEach((function(t){t.circular&&(t.circularLinkType=t.y0+t.y1a&&(b=a);var o=e.min(i,(function(t){return(y-n-(t.length-1)*b)/e.sum(t,u)}));i.forEach((function(t){t.forEach((function(t,e){t.y1=(t.y0=e)+t.value*o}))})),t.links.forEach((function(t){t.width=t.value*o}))}(),d();for(var a=1,o=M;o>0;--o)l(a*=.99),d(),s(a),d();function s(t){i.forEach((function(r){r.forEach((function(r){if(r.targetLinks.length){var n=(e.sum(r.targetLinks,h)/e.sum(r.targetLinks,u)-f(r))*t;r.y0+=n,r.y1+=n}}))}))}function l(t){i.slice().reverse().forEach((function(r){r.forEach((function(r){if(r.sourceLinks.length){var n=(e.sum(r.sourceLinks,p)/e.sum(r.sourceLinks,u)-f(r))*t;r.y0+=n,r.y1+=n}}))}))}function d(){i.forEach((function(t){var e,r,i,a=n,o=t.length;for(t.sort(c),i=0;i0&&(e.y0+=r,e.y1+=r),a=e.y1+b;if((r=a-b-y)>0)for(a=e.y0-=r,e.y1-=r,i=o-2;i>=0;--i)(r=(e=t[i]).y1+b-a)>0&&(e.y0-=r,e.y1-=r),a=e.y0}))}}function I(t){t.nodes.forEach((function(t){t.sourceLinks.sort(l),t.targetLinks.sort(s)})),t.nodes.forEach((function(t){var e=t.y0,r=e;t.sourceLinks.forEach((function(t){t.y0=e+t.width/2,e+=t.width})),t.targetLinks.forEach((function(t){t.y1=r+t.width/2,r+=t.width}))}))}return A.update=function(t){return I(t),t},A.nodeId=function(t){return arguments.length?(_="function"==typeof t?t:o(t),A):_},A.nodeAlign=function(t){return arguments.length?(w="function"==typeof t?t:o(t),A):w},A.nodeWidth=function(t){return arguments.length?(x=+t,A):x},A.nodePadding=function(t){return arguments.length?(b=+t,A):b},A.nodes=function(t){return arguments.length?(T="function"==typeof t?t:o(t),A):T},A.links=function(t){return arguments.length?(k="function"==typeof t?t:o(t),A):k},A.size=function(e){return arguments.length?(t=n=0,i=+e[0],y=+e[1],A):[i-t,y-n]},A.extent=function(e){return arguments.length?(t=+e[0][0],i=+e[1][0],n=+e[0][1],y=+e[1][1],A):[[t,n],[i,y]]},A.iterations=function(t){return arguments.length?(M=+t,A):M},A},t.sankeyCenter=function(t){return t.targetLinks.length?t.depth:t.sourceLinks.length?e.min(t.sourceLinks,i)-1:0},t.sankeyLeft=function(t){return t.depth},t.sankeyRight=function(t,e){return e-1-t.height},t.sankeyJustify=a,t.sankeyLinkHorizontal=function(){return n.linkHorizontal().source(y).target(x)},Object.defineProperty(t,"__esModule",{value:!0})}))},{"d3-array":156,"d3-collection":157,"d3-shape":165}],57:[function(t,e,r){"use strict";e.exports=t("./quad")},{"./quad":58}],58:[function(t,e,r){"use strict";var n=t("binary-search-bounds"),i=t("clamp"),a=t("parse-rect"),o=t("array-bounds"),s=t("pick-by-alias"),l=t("defined"),c=t("flatten-vertex-data"),u=t("is-obj"),f=t("dtype"),h=t("math-log2");function p(t,e){for(var r=e[0],n=e[1],a=1/(e[2]-r),o=1/(e[3]-n),s=new Array(t.length),l=0,c=t.length/2;l>>1;e.dtype||(e.dtype="array"),"string"==typeof e.dtype?d=new(f(e.dtype))(m):e.dtype&&(d=e.dtype,Array.isArray(d)&&(d.length=m));for(var v=0;vr||s>1073741824){for(var h=0;he+n||w>r+n||T=M||a===o)){var s=y[i];void 0===o&&(o=s.length);for(var l=a;l=d&&u<=m&&f>=g&&f<=v&&S.push(c)}var h=x[i],p=h[4*a+0],b=h[4*a+1],A=h[4*a+2],E=h[4*a+3],I=L(h,a+1),P=.5*n,z=i+1;C(e,r,P,z,p,b||A||E||I),C(e,r+P,P,z,b,A||E||I),C(e+P,r,P,z,A,E||I),C(e+P,r+P,P,z,E,I)}}function L(t,e){for(var r=null,n=0;null===r;)if(r=t[4*e+n],++n>t.length)return null;return r}return C(0,0,1,0,0,1),S},d;function E(t,e,r,i,a){for(var o=[],s=0;s0){e+=Math.abs(a(t[0]));for(var r=1;r2){for(s=0;st[0]&&(e[0]=t[0]),e[1]>t[1]&&(e[1]=t[1]),e[2]=0))throw new Error("precision must be a positive number");var r=Math.pow(10,e||0);return Math.round(t*r)/r},r.radiansToLength=f,r.lengthToRadians=h,r.lengthToDegrees=function(t,e){return p(h(t,e))},r.bearingToAzimuth=function(t){var e=t%360;return e<0&&(e+=360),e},r.radiansToDegrees=p,r.degreesToRadians=function(t){return t%360*Math.PI/180},r.convertLength=function(t,e,r){if(void 0===e&&(e="kilometers"),void 0===r&&(r="kilometers"),!(t>=0))throw new Error("length must be a positive number");return f(h(t,e),r)},r.convertArea=function(t,e,n){if(void 0===e&&(e="meters"),void 0===n&&(n="kilometers"),!(t>=0))throw new Error("area must be a positive number");var i=r.areaFactors[e];if(!i)throw new Error("invalid original units");var a=r.areaFactors[n];if(!a)throw new Error("invalid final units");return t/i*a},r.isNumber=d,r.isObject=function(t){return!!t&&t.constructor===Object},r.validateBBox=function(t){if(!t)throw new Error("bbox is required");if(!Array.isArray(t))throw new Error("bbox must be an Array");if(4!==t.length&&6!==t.length)throw new Error("bbox must be an Array of 4 or 6 numbers");t.forEach((function(t){if(!d(t))throw new Error("bbox must only contain numbers")}))},r.validateId=function(t){if(!t)throw new Error("id is required");if(-1===["string","number"].indexOf(typeof t))throw new Error("id must be a number or a string")},r.radians2degrees=function(){throw new Error("method has been renamed to `radiansToDegrees`")},r.degrees2radians=function(){throw new Error("method has been renamed to `degreesToRadians`")},r.distanceToDegrees=function(){throw new Error("method has been renamed to `lengthToDegrees`")},r.distanceToRadians=function(){throw new Error("method has been renamed to `lengthToRadians`")},r.radiansToDistance=function(){throw new Error("method has been renamed to `radiansToLength`")},r.bearingToAngle=function(){throw new Error("method has been renamed to `bearingToAzimuth`")},r.convertDistance=function(){throw new Error("method has been renamed to `convertLength`")}},{}],63:[function(t,e,r){"use strict";Object.defineProperty(r,"__esModule",{value:!0});var n=t("@turf/helpers");function i(t,e,r){if(null!==t)for(var n,a,o,s,l,c,u,f,h=0,p=0,d=t.type,g="FeatureCollection"===d,m="Feature"===d,v=g?t.features.length:1,y=0;yc||p>u||d>f)return l=i,c=r,u=p,f=d,void(o=0);var g=n.lineString([l,i],t.properties);if(!1===e(g,r,a,d,o))return!1;o++,l=i}))&&void 0}}}))}function u(t,e){if(!t)throw new Error("geojson is required");l(t,(function(t,r,i){if(null!==t.geometry){var a=t.geometry.type,o=t.geometry.coordinates;switch(a){case"LineString":if(!1===e(t,r,i,0,0))return!1;break;case"Polygon":for(var s=0;si&&(i=t[o]),t[o] + * @license MIT + */function i(t,e){if(t===e)return 0;for(var r=t.length,n=e.length,i=0,a=Math.min(r,n);i=0;c--)if(u[c]!==f[c])return!1;for(c=u.length-1;c>=0;c--)if(s=u[c],!x(t[s],e[s],r,n))return!1;return!0}(t,e,r,n))}return r?t===e:t==e}function b(t){return"[object Arguments]"==Object.prototype.toString.call(t)}function _(t,e){if(!t||!e)return!1;if("[object RegExp]"==Object.prototype.toString.call(e))return e.test(t);try{if(t instanceof e)return!0}catch(t){}return!Error.isPrototypeOf(e)&&!0===e.call({},t)}function w(t,e,r,n){var i;if("function"!=typeof e)throw new TypeError('"block" argument must be a function');"string"==typeof r&&(n=r,r=null),i=function(t){var e;try{t()}catch(t){e=t}return e}(e),n=(r&&r.name?" ("+r.name+").":".")+(n?" "+n:"."),t&&!i&&v(i,r,"Missing expected exception"+n);var a="string"==typeof n,s=!t&&i&&!r;if((!t&&o.isError(i)&&a&&_(i,r)||s)&&v(i,r,"Got unwanted exception"+n),t&&i&&r&&!_(i,r)||!t&&i)throw i}h.AssertionError=function(t){this.name="AssertionError",this.actual=t.actual,this.expected=t.expected,this.operator=t.operator,t.message?(this.message=t.message,this.generatedMessage=!1):(this.message=function(t){return g(m(t.actual),128)+" "+t.operator+" "+g(m(t.expected),128)}(this),this.generatedMessage=!0);var e=t.stackStartFunction||v;if(Error.captureStackTrace)Error.captureStackTrace(this,e);else{var r=new Error;if(r.stack){var n=r.stack,i=d(e),a=n.indexOf("\n"+i);if(a>=0){var o=n.indexOf("\n",a+1);n=n.substring(o+1)}this.stack=n}}},o.inherits(h.AssertionError,Error),h.fail=v,h.ok=y,h.equal=function(t,e,r){t!=e&&v(t,e,r,"==",h.equal)},h.notEqual=function(t,e,r){t==e&&v(t,e,r,"!=",h.notEqual)},h.deepEqual=function(t,e,r){x(t,e,!1)||v(t,e,r,"deepEqual",h.deepEqual)},h.deepStrictEqual=function(t,e,r){x(t,e,!0)||v(t,e,r,"deepStrictEqual",h.deepStrictEqual)},h.notDeepEqual=function(t,e,r){x(t,e,!1)&&v(t,e,r,"notDeepEqual",h.notDeepEqual)},h.notDeepStrictEqual=function t(e,r,n){x(e,r,!0)&&v(e,r,n,"notDeepStrictEqual",t)},h.strictEqual=function(t,e,r){t!==e&&v(t,e,r,"===",h.strictEqual)},h.notStrictEqual=function(t,e,r){t===e&&v(t,e,r,"!==",h.notStrictEqual)},h.throws=function(t,e,r){w(!0,t,e,r)},h.doesNotThrow=function(t,e,r){w(!1,t,e,r)},h.ifError=function(t){if(t)throw t},h.strict=n((function t(e,r){e||v(e,!0,r,"==",t)}),h,{equal:h.strictEqual,deepEqual:h.deepStrictEqual,notEqual:h.notStrictEqual,notDeepEqual:h.notDeepStrictEqual}),h.strict.strict=h.strict;var T=Object.keys||function(t){var e=[];for(var r in t)s.call(t,r)&&e.push(r);return e}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"object-assign":499,"util/":76}],74:[function(t,e,r){"function"==typeof Object.create?e.exports=function(t,e){t.super_=e,t.prototype=Object.create(e.prototype,{constructor:{value:t,enumerable:!1,writable:!0,configurable:!0}})}:e.exports=function(t,e){t.super_=e;var r=function(){};r.prototype=e.prototype,t.prototype=new r,t.prototype.constructor=t}},{}],75:[function(t,e,r){e.exports=function(t){return t&&"object"==typeof t&&"function"==typeof t.copy&&"function"==typeof t.fill&&"function"==typeof t.readUInt8}},{}],76:[function(t,e,r){(function(e,n){(function(){var i=/%[sdj%]/g;r.format=function(t){if(!v(t)){for(var e=[],r=0;r=a)return t;switch(t){case"%s":return String(n[r++]);case"%d":return Number(n[r++]);case"%j":try{return JSON.stringify(n[r++])}catch(t){return"[Circular]"}default:return t}})),l=n[r];r=3&&(n.depth=arguments[2]),arguments.length>=4&&(n.colors=arguments[3]),d(e)?n.showHidden=e:e&&r._extend(n,e),y(n.showHidden)&&(n.showHidden=!1),y(n.depth)&&(n.depth=2),y(n.colors)&&(n.colors=!1),y(n.customInspect)&&(n.customInspect=!0),n.colors&&(n.stylize=l),u(n,t,n.depth)}function l(t,e){var r=s.styles[e];return r?"\x1b["+s.colors[r][0]+"m"+t+"\x1b["+s.colors[r][1]+"m":t}function c(t,e){return t}function u(t,e,n){if(t.customInspect&&e&&T(e.inspect)&&e.inspect!==r.inspect&&(!e.constructor||e.constructor.prototype!==e)){var i=e.inspect(n,t);return v(i)||(i=u(t,i,n)),i}var a=function(t,e){if(y(e))return t.stylize("undefined","undefined");if(v(e)){var r="'"+JSON.stringify(e).replace(/^"|"$/g,"").replace(/'/g,"\\'").replace(/\\"/g,'"')+"'";return t.stylize(r,"string")}if(m(e))return t.stylize(""+e,"number");if(d(e))return t.stylize(""+e,"boolean");if(g(e))return t.stylize("null","null")}(t,e);if(a)return a;var o=Object.keys(e),s=function(t){var e={};return t.forEach((function(t,r){e[t]=!0})),e}(o);if(t.showHidden&&(o=Object.getOwnPropertyNames(e)),w(e)&&(o.indexOf("message")>=0||o.indexOf("description")>=0))return f(e);if(0===o.length){if(T(e)){var l=e.name?": "+e.name:"";return t.stylize("[Function"+l+"]","special")}if(x(e))return t.stylize(RegExp.prototype.toString.call(e),"regexp");if(_(e))return t.stylize(Date.prototype.toString.call(e),"date");if(w(e))return f(e)}var c,b="",k=!1,M=["{","}"];(p(e)&&(k=!0,M=["[","]"]),T(e))&&(b=" [Function"+(e.name?": "+e.name:"")+"]");return x(e)&&(b=" "+RegExp.prototype.toString.call(e)),_(e)&&(b=" "+Date.prototype.toUTCString.call(e)),w(e)&&(b=" "+f(e)),0!==o.length||k&&0!=e.length?n<0?x(e)?t.stylize(RegExp.prototype.toString.call(e),"regexp"):t.stylize("[Object]","special"):(t.seen.push(e),c=k?function(t,e,r,n,i){for(var a=[],o=0,s=e.length;o=0&&0,t+e.replace(/\u001b\[\d\d?m/g,"").length+1}),0)>60)return r[0]+(""===e?"":e+"\n ")+" "+t.join(",\n ")+" "+r[1];return r[0]+e+" "+t.join(", ")+" "+r[1]}(c,b,M)):M[0]+b+M[1]}function f(t){return"["+Error.prototype.toString.call(t)+"]"}function h(t,e,r,n,i,a){var o,s,l;if((l=Object.getOwnPropertyDescriptor(e,i)||{value:e[i]}).get?s=l.set?t.stylize("[Getter/Setter]","special"):t.stylize("[Getter]","special"):l.set&&(s=t.stylize("[Setter]","special")),E(n,i)||(o="["+i+"]"),s||(t.seen.indexOf(l.value)<0?(s=g(r)?u(t,l.value,null):u(t,l.value,r-1)).indexOf("\n")>-1&&(s=a?s.split("\n").map((function(t){return" "+t})).join("\n").substr(2):"\n"+s.split("\n").map((function(t){return" "+t})).join("\n")):s=t.stylize("[Circular]","special")),y(o)){if(a&&i.match(/^\d+$/))return s;(o=JSON.stringify(""+i)).match(/^"([a-zA-Z_][a-zA-Z_0-9]*)"$/)?(o=o.substr(1,o.length-2),o=t.stylize(o,"name")):(o=o.replace(/'/g,"\\'").replace(/\\"/g,'"').replace(/(^"|"$)/g,"'"),o=t.stylize(o,"string"))}return o+": "+s}function p(t){return Array.isArray(t)}function d(t){return"boolean"==typeof t}function g(t){return null===t}function m(t){return"number"==typeof t}function v(t){return"string"==typeof t}function y(t){return void 0===t}function x(t){return b(t)&&"[object RegExp]"===k(t)}function b(t){return"object"==typeof t&&null!==t}function _(t){return b(t)&&"[object Date]"===k(t)}function w(t){return b(t)&&("[object Error]"===k(t)||t instanceof Error)}function T(t){return"function"==typeof t}function k(t){return Object.prototype.toString.call(t)}function M(t){return t<10?"0"+t.toString(10):t.toString(10)}r.debuglog=function(t){if(y(a)&&(a=e.env.NODE_DEBUG||""),t=t.toUpperCase(),!o[t])if(new RegExp("\\b"+t+"\\b","i").test(a)){var n=e.pid;o[t]=function(){var e=r.format.apply(r,arguments);console.error("%s %d: %s",t,n,e)}}else o[t]=function(){};return o[t]},r.inspect=s,s.colors={bold:[1,22],italic:[3,23],underline:[4,24],inverse:[7,27],white:[37,39],grey:[90,39],black:[30,39],blue:[34,39],cyan:[36,39],green:[32,39],magenta:[35,39],red:[31,39],yellow:[33,39]},s.styles={special:"cyan",number:"yellow",boolean:"yellow",undefined:"grey",null:"bold",string:"green",date:"magenta",regexp:"red"},r.isArray=p,r.isBoolean=d,r.isNull=g,r.isNullOrUndefined=function(t){return null==t},r.isNumber=m,r.isString=v,r.isSymbol=function(t){return"symbol"==typeof t},r.isUndefined=y,r.isRegExp=x,r.isObject=b,r.isDate=_,r.isError=w,r.isFunction=T,r.isPrimitive=function(t){return null===t||"boolean"==typeof t||"number"==typeof t||"string"==typeof t||"symbol"==typeof t||"undefined"==typeof t},r.isBuffer=t("./support/isBuffer");var A=["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"];function S(){var t=new Date,e=[M(t.getHours()),M(t.getMinutes()),M(t.getSeconds())].join(":");return[t.getDate(),A[t.getMonth()],e].join(" ")}function E(t,e){return Object.prototype.hasOwnProperty.call(t,e)}r.log=function(){console.log("%s - %s",S(),r.format.apply(r,arguments))},r.inherits=t("inherits"),r._extend=function(t,e){if(!e||!b(e))return t;for(var r=Object.keys(e),n=r.length;n--;)t[r[n]]=e[r[n]];return t}}).call(this)}).call(this,t("_process"),"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"./support/isBuffer":75,_process:526,inherits:74}],77:[function(t,e,r){e.exports=function(t){return atob(t)}},{}],78:[function(t,e,r){"use strict";e.exports=function(t,e){for(var r=e.length,a=new Array(r+1),o=0;o0?o-4:o;for(r=0;r>16&255,l[u++]=e>>8&255,l[u++]=255&e;2===s&&(e=i[t.charCodeAt(r)]<<2|i[t.charCodeAt(r+1)]>>4,l[u++]=255&e);1===s&&(e=i[t.charCodeAt(r)]<<10|i[t.charCodeAt(r+1)]<<4|i[t.charCodeAt(r+2)]>>2,l[u++]=e>>8&255,l[u++]=255&e);return l},r.fromByteArray=function(t){for(var e,r=t.length,i=r%3,a=[],o=0,s=r-i;os?s:o+16383));1===i?(e=t[r-1],a.push(n[e>>2]+n[e<<4&63]+"==")):2===i&&(e=(t[r-2]<<8)+t[r-1],a.push(n[e>>10]+n[e>>4&63]+n[e<<2&63]+"="));return a.join("")};for(var n=[],i=[],a="undefined"!=typeof Uint8Array?Uint8Array:Array,o="ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/",s=0,l=o.length;s0)throw new Error("Invalid string. Length must be a multiple of 4");var r=t.indexOf("=");return-1===r&&(r=e),[r,r===e?0:4-r%4]}function u(t,e,r){for(var i,a,o=[],s=e;s>18&63]+n[a>>12&63]+n[a>>6&63]+n[63&a]);return o.join("")}i["-".charCodeAt(0)]=62,i["_".charCodeAt(0)]=63},{}],80:[function(t,e,r){"use strict";var n=t("./lib/rationalize");e.exports=function(t,e){return n(t[0].mul(e[1]).add(e[0].mul(t[1])),t[1].mul(e[1]))}},{"./lib/rationalize":90}],81:[function(t,e,r){"use strict";e.exports=function(t,e){return t[0].mul(e[1]).cmp(e[0].mul(t[1]))}},{}],82:[function(t,e,r){"use strict";var n=t("./lib/rationalize");e.exports=function(t,e){return n(t[0].mul(e[1]),t[1].mul(e[0]))}},{"./lib/rationalize":90}],83:[function(t,e,r){"use strict";var n=t("./is-rat"),i=t("./lib/is-bn"),a=t("./lib/num-to-bn"),o=t("./lib/str-to-bn"),s=t("./lib/rationalize"),l=t("./div");e.exports=function t(e,r){if(n(e))return r?l(e,t(r)):[e[0].clone(),e[1].clone()];var c,u,f=0;if(i(e))c=e.clone();else if("string"==typeof e)c=o(e);else{if(0===e)return[a(0),a(1)];if(e===Math.floor(e))c=a(e);else{for(;e!==Math.floor(e);)e*=Math.pow(2,256),f-=256;c=a(e)}}if(n(r))c.mul(r[1]),u=r[0].clone();else if(i(r))u=r.clone();else if("string"==typeof r)u=o(r);else if(r)if(r===Math.floor(r))u=a(r);else{for(;r!==Math.floor(r);)r*=Math.pow(2,256),f+=256;u=a(r)}else u=a(1);f>0?c=c.ushln(f):f<0&&(u=u.ushln(-f));return s(c,u)}},{"./div":82,"./is-rat":84,"./lib/is-bn":88,"./lib/num-to-bn":89,"./lib/rationalize":90,"./lib/str-to-bn":91}],84:[function(t,e,r){"use strict";var n=t("./lib/is-bn");e.exports=function(t){return Array.isArray(t)&&2===t.length&&n(t[0])&&n(t[1])}},{"./lib/is-bn":88}],85:[function(t,e,r){"use strict";var n=t("bn.js");e.exports=function(t){return t.cmp(new n(0))}},{"bn.js":99}],86:[function(t,e,r){"use strict";var n=t("./bn-sign");e.exports=function(t){var e=t.length,r=t.words,i=0;if(1===e)i=r[0];else if(2===e)i=r[0]+67108864*r[1];else for(var a=0;a20)return 52;return r+32}},{"bit-twiddle":97,"double-bits":173}],88:[function(t,e,r){"use strict";t("bn.js");e.exports=function(t){return t&&"object"==typeof t&&Boolean(t.words)}},{"bn.js":99}],89:[function(t,e,r){"use strict";var n=t("bn.js"),i=t("double-bits");e.exports=function(t){var e=i.exponent(t);return e<52?new n(t):new n(t*Math.pow(2,52-e)).ushln(e-52)}},{"bn.js":99,"double-bits":173}],90:[function(t,e,r){"use strict";var n=t("./num-to-bn"),i=t("./bn-sign");e.exports=function(t,e){var r=i(t),a=i(e);if(0===r)return[n(0),n(1)];if(0===a)return[n(0),n(0)];a<0&&(t=t.neg(),e=e.neg());var o=t.gcd(e);if(o.cmpn(1))return[t.div(o),e.div(o)];return[t,e]}},{"./bn-sign":85,"./num-to-bn":89}],91:[function(t,e,r){"use strict";var n=t("bn.js");e.exports=function(t){return new n(t)}},{"bn.js":99}],92:[function(t,e,r){"use strict";var n=t("./lib/rationalize");e.exports=function(t,e){return n(t[0].mul(e[0]),t[1].mul(e[1]))}},{"./lib/rationalize":90}],93:[function(t,e,r){"use strict";var n=t("./lib/bn-sign");e.exports=function(t){return n(t[0])*n(t[1])}},{"./lib/bn-sign":85}],94:[function(t,e,r){"use strict";var n=t("./lib/rationalize");e.exports=function(t,e){return n(t[0].mul(e[1]).sub(t[1].mul(e[0])),t[1].mul(e[1]))}},{"./lib/rationalize":90}],95:[function(t,e,r){"use strict";var n=t("./lib/bn-to-num"),i=t("./lib/ctz");e.exports=function(t){var e=t[0],r=t[1];if(0===e.cmpn(0))return 0;var a=e.abs().divmod(r.abs()),o=a.div,s=n(o),l=a.mod,c=e.negative!==r.negative?-1:1;if(0===l.cmpn(0))return c*s;if(s){var u=i(s)+4,f=n(l.ushln(u).divRound(r));return c*(s+f*Math.pow(2,-u))}var h=r.bitLength()-l.bitLength()+53;f=n(l.ushln(h).divRound(r));return h<1023?c*f*Math.pow(2,-h):(f*=Math.pow(2,-1023),c*f*Math.pow(2,1023-h))}},{"./lib/bn-to-num":86,"./lib/ctz":87}],96:[function(t,e,r){"use strict";function n(t,e,r,n,i){var a=["function ",t,"(a,l,h,",n.join(","),"){",i?"":"var i=",r?"l-1":"h+1",";while(l<=h){var m=(l+h)>>>1,x=a[m]"];return i?e.indexOf("c")<0?a.push(";if(x===y){return m}else if(x<=y){"):a.push(";var p=c(x,y);if(p===0){return m}else if(p<=0){"):a.push(";if(",e,"){i=m;"),r?a.push("l=m+1}else{h=m-1}"):a.push("h=m-1}else{l=m+1}"),a.push("}"),i?a.push("return -1};"):a.push("return i};"),a.join("")}function i(t,e,r,i){return new Function([n("A","x"+t+"y",e,["y"],i),n("P","c(x,y)"+t+"0",e,["y","c"],i),"function dispatchBsearch",r,"(a,y,c,l,h){if(typeof(c)==='function'){return P(a,(l===void 0)?0:l|0,(h===void 0)?a.length-1:h|0,y,c)}else{return A(a,(c===void 0)?0:c|0,(l===void 0)?a.length-1:l|0,y)}}return dispatchBsearch",r].join(""))()}e.exports={ge:i(">=",!1,"GE"),gt:i(">",!1,"GT"),lt:i("<",!0,"LT"),le:i("<=",!0,"LE"),eq:i("-",!0,"EQ",!0)}},{}],97:[function(t,e,r){"use strict";function n(t){var e=32;return(t&=-t)&&e--,65535&t&&(e-=16),16711935&t&&(e-=8),252645135&t&&(e-=4),858993459&t&&(e-=2),1431655765&t&&(e-=1),e}r.INT_BITS=32,r.INT_MAX=2147483647,r.INT_MIN=-1<<31,r.sign=function(t){return(t>0)-(t<0)},r.abs=function(t){var e=t>>31;return(t^e)-e},r.min=function(t,e){return e^(t^e)&-(t65535)<<4,e|=r=((t>>>=e)>255)<<3,e|=r=((t>>>=r)>15)<<2,(e|=r=((t>>>=r)>3)<<1)|(t>>>=r)>>1},r.log10=function(t){return t>=1e9?9:t>=1e8?8:t>=1e7?7:t>=1e6?6:t>=1e5?5:t>=1e4?4:t>=1e3?3:t>=100?2:t>=10?1:0},r.popCount=function(t){return 16843009*((t=(858993459&(t-=t>>>1&1431655765))+(t>>>2&858993459))+(t>>>4)&252645135)>>>24},r.countTrailingZeros=n,r.nextPow2=function(t){return t+=0===t,--t,t|=t>>>1,t|=t>>>2,t|=t>>>4,t|=t>>>8,(t|=t>>>16)+1},r.prevPow2=function(t){return t|=t>>>1,t|=t>>>2,t|=t>>>4,t|=t>>>8,(t|=t>>>16)-(t>>>1)},r.parity=function(t){return t^=t>>>16,t^=t>>>8,t^=t>>>4,27030>>>(t&=15)&1};var i=new Array(256);!function(t){for(var e=0;e<256;++e){var r=e,n=e,i=7;for(r>>>=1;r;r>>>=1)n<<=1,n|=1&r,--i;t[e]=n<>>8&255]<<16|i[t>>>16&255]<<8|i[t>>>24&255]},r.interleave2=function(t,e){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t&=65535)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e&=65535)|e<<8))|e<<4))|e<<2))|e<<1))<<1},r.deinterleave2=function(t,e){return(t=65535&((t=16711935&((t=252645135&((t=858993459&((t=t>>>e&1431655765)|t>>>1))|t>>>2))|t>>>4))|t>>>16))<<16>>16},r.interleave3=function(t,e,r){return t=1227133513&((t=3272356035&((t=251719695&((t=4278190335&((t&=1023)|t<<16))|t<<8))|t<<4))|t<<2),(t|=(e=1227133513&((e=3272356035&((e=251719695&((e=4278190335&((e&=1023)|e<<16))|e<<8))|e<<4))|e<<2))<<1)|(r=1227133513&((r=3272356035&((r=251719695&((r=4278190335&((r&=1023)|r<<16))|r<<8))|r<<4))|r<<2))<<2},r.deinterleave3=function(t,e){return(t=1023&((t=4278190335&((t=251719695&((t=3272356035&((t=t>>>e&1227133513)|t>>>2))|t>>>4))|t>>>8))|t>>>16))<<22>>22},r.nextCombination=function(t){var e=t|t-1;return e+1|(~e&-~e)-1>>>n(t)+1}},{}],98:[function(t,e,r){"use strict";var n=t("clamp");e.exports=function(t,e){e||(e={});var r,o,s,l,c,u,f,h,p,d,g,m=null==e.cutoff?.25:e.cutoff,v=null==e.radius?8:e.radius,y=e.channel||0;if(ArrayBuffer.isView(t)||Array.isArray(t)){if(!e.width||!e.height)throw Error("For raw data width and height should be provided by options");r=e.width,o=e.height,l=t,u=e.stride?e.stride:Math.floor(t.length/r/o)}else window.HTMLCanvasElement&&t instanceof window.HTMLCanvasElement?(f=(h=t).getContext("2d"),r=h.width,o=h.height,p=f.getImageData(0,0,r,o),l=p.data,u=4):window.CanvasRenderingContext2D&&t instanceof window.CanvasRenderingContext2D?(h=t.canvas,f=t,r=h.width,o=h.height,p=f.getImageData(0,0,r,o),l=p.data,u=4):window.ImageData&&t instanceof window.ImageData&&(p=t,r=t.width,o=t.height,l=p.data,u=4);if(s=Math.max(r,o),window.Uint8ClampedArray&&l instanceof window.Uint8ClampedArray||window.Uint8Array&&l instanceof window.Uint8Array)for(c=l,l=Array(r*o),d=0,g=c.length;d=49&&o<=54?o-49+10:o>=17&&o<=22?o-17+10:15&o}return n}function l(t,e,r,n){for(var i=0,a=Math.min(t.length,r),o=e;o=49?s-49+10:s>=17?s-17+10:s}return i}a.isBN=function(t){return t instanceof a||null!==t&&"object"==typeof t&&t.constructor.wordSize===a.wordSize&&Array.isArray(t.words)},a.max=function(t,e){return t.cmp(e)>0?t:e},a.min=function(t,e){return t.cmp(e)<0?t:e},a.prototype._init=function(t,e,r){if("number"==typeof t)return this._initNumber(t,e,r);if("object"==typeof t)return this._initArray(t,e,r);"hex"===e&&(e=16),n(e===(0|e)&&e>=2&&e<=36);var i=0;"-"===(t=t.toString().replace(/\s+/g,""))[0]&&i++,16===e?this._parseHex(t,i):this._parseBase(t,e,i),"-"===t[0]&&(this.negative=1),this.strip(),"le"===r&&this._initArray(this.toArray(),e,r)},a.prototype._initNumber=function(t,e,r){t<0&&(this.negative=1,t=-t),t<67108864?(this.words=[67108863&t],this.length=1):t<4503599627370496?(this.words=[67108863&t,t/67108864&67108863],this.length=2):(n(t<9007199254740992),this.words=[67108863&t,t/67108864&67108863,1],this.length=3),"le"===r&&this._initArray(this.toArray(),e,r)},a.prototype._initArray=function(t,e,r){if(n("number"==typeof t.length),t.length<=0)return this.words=[0],this.length=1,this;this.length=Math.ceil(t.length/3),this.words=new Array(this.length);for(var i=0;i=0;i-=3)o=t[i]|t[i-1]<<8|t[i-2]<<16,this.words[a]|=o<>>26-s&67108863,(s+=24)>=26&&(s-=26,a++);else if("le"===r)for(i=0,a=0;i>>26-s&67108863,(s+=24)>=26&&(s-=26,a++);return this.strip()},a.prototype._parseHex=function(t,e){this.length=Math.ceil((t.length-e)/6),this.words=new Array(this.length);for(var r=0;r=e;r-=6)i=s(t,r,r+6),this.words[n]|=i<>>26-a&4194303,(a+=24)>=26&&(a-=26,n++);r+6!==e&&(i=s(t,e,r+6),this.words[n]|=i<>>26-a&4194303),this.strip()},a.prototype._parseBase=function(t,e,r){this.words=[0],this.length=1;for(var n=0,i=1;i<=67108863;i*=e)n++;n--,i=i/e|0;for(var a=t.length-r,o=a%n,s=Math.min(a,a-o)+r,c=0,u=r;u1&&0===this.words[this.length-1];)this.length--;return this._normSign()},a.prototype._normSign=function(){return 1===this.length&&0===this.words[0]&&(this.negative=0),this},a.prototype.inspect=function(){return(this.red?""};var c=["","0","00","000","0000","00000","000000","0000000","00000000","000000000","0000000000","00000000000","000000000000","0000000000000","00000000000000","000000000000000","0000000000000000","00000000000000000","000000000000000000","0000000000000000000","00000000000000000000","000000000000000000000","0000000000000000000000","00000000000000000000000","000000000000000000000000","0000000000000000000000000"],u=[0,0,25,16,12,11,10,9,8,8,7,7,7,7,6,6,6,6,6,6,6,5,5,5,5,5,5,5,5,5,5,5,5,5,5,5,5],f=[0,0,33554432,43046721,16777216,48828125,60466176,40353607,16777216,43046721,1e7,19487171,35831808,62748517,7529536,11390625,16777216,24137569,34012224,47045881,64e6,4084101,5153632,6436343,7962624,9765625,11881376,14348907,17210368,20511149,243e5,28629151,33554432,39135393,45435424,52521875,60466176];function h(t,e,r){r.negative=e.negative^t.negative;var n=t.length+e.length|0;r.length=n,n=n-1|0;var i=0|t.words[0],a=0|e.words[0],o=i*a,s=67108863&o,l=o/67108864|0;r.words[0]=s;for(var c=1;c>>26,f=67108863&l,h=Math.min(c,e.length-1),p=Math.max(0,c-t.length+1);p<=h;p++){var d=c-p|0;u+=(o=(i=0|t.words[d])*(a=0|e.words[p])+f)/67108864|0,f=67108863&o}r.words[c]=0|f,l=0|u}return 0!==l?r.words[c]=0|l:r.length--,r.strip()}a.prototype.toString=function(t,e){var r;if(e=0|e||1,16===(t=t||10)||"hex"===t){r="";for(var i=0,a=0,o=0;o>>24-i&16777215)||o!==this.length-1?c[6-l.length]+l+r:l+r,(i+=2)>=26&&(i-=26,o--)}for(0!==a&&(r=a.toString(16)+r);r.length%e!=0;)r="0"+r;return 0!==this.negative&&(r="-"+r),r}if(t===(0|t)&&t>=2&&t<=36){var h=u[t],p=f[t];r="";var d=this.clone();for(d.negative=0;!d.isZero();){var g=d.modn(p).toString(t);r=(d=d.idivn(p)).isZero()?g+r:c[h-g.length]+g+r}for(this.isZero()&&(r="0"+r);r.length%e!=0;)r="0"+r;return 0!==this.negative&&(r="-"+r),r}n(!1,"Base should be between 2 and 36")},a.prototype.toNumber=function(){var t=this.words[0];return 2===this.length?t+=67108864*this.words[1]:3===this.length&&1===this.words[2]?t+=4503599627370496+67108864*this.words[1]:this.length>2&&n(!1,"Number can only safely store up to 53 bits"),0!==this.negative?-t:t},a.prototype.toJSON=function(){return this.toString(16)},a.prototype.toBuffer=function(t,e){return n("undefined"!=typeof o),this.toArrayLike(o,t,e)},a.prototype.toArray=function(t,e){return this.toArrayLike(Array,t,e)},a.prototype.toArrayLike=function(t,e,r){var i=this.byteLength(),a=r||Math.max(1,i);n(i<=a,"byte array longer than desired length"),n(a>0,"Requested array length <= 0"),this.strip();var o,s,l="le"===e,c=new t(a),u=this.clone();if(l){for(s=0;!u.isZero();s++)o=u.andln(255),u.iushrn(8),c[s]=o;for(;s=4096&&(r+=13,e>>>=13),e>=64&&(r+=7,e>>>=7),e>=8&&(r+=4,e>>>=4),e>=2&&(r+=2,e>>>=2),r+e},a.prototype._zeroBits=function(t){if(0===t)return 26;var e=t,r=0;return 0==(8191&e)&&(r+=13,e>>>=13),0==(127&e)&&(r+=7,e>>>=7),0==(15&e)&&(r+=4,e>>>=4),0==(3&e)&&(r+=2,e>>>=2),0==(1&e)&&r++,r},a.prototype.bitLength=function(){var t=this.words[this.length-1],e=this._countBits(t);return 26*(this.length-1)+e},a.prototype.zeroBits=function(){if(this.isZero())return 0;for(var t=0,e=0;et.length?this.clone().ior(t):t.clone().ior(this)},a.prototype.uor=function(t){return this.length>t.length?this.clone().iuor(t):t.clone().iuor(this)},a.prototype.iuand=function(t){var e;e=this.length>t.length?t:this;for(var r=0;rt.length?this.clone().iand(t):t.clone().iand(this)},a.prototype.uand=function(t){return this.length>t.length?this.clone().iuand(t):t.clone().iuand(this)},a.prototype.iuxor=function(t){var e,r;this.length>t.length?(e=this,r=t):(e=t,r=this);for(var n=0;nt.length?this.clone().ixor(t):t.clone().ixor(this)},a.prototype.uxor=function(t){return this.length>t.length?this.clone().iuxor(t):t.clone().iuxor(this)},a.prototype.inotn=function(t){n("number"==typeof t&&t>=0);var e=0|Math.ceil(t/26),r=t%26;this._expand(e),r>0&&e--;for(var i=0;i0&&(this.words[i]=~this.words[i]&67108863>>26-r),this.strip()},a.prototype.notn=function(t){return this.clone().inotn(t)},a.prototype.setn=function(t,e){n("number"==typeof t&&t>=0);var r=t/26|0,i=t%26;return this._expand(r+1),this.words[r]=e?this.words[r]|1<t.length?(r=this,n=t):(r=t,n=this);for(var i=0,a=0;a>>26;for(;0!==i&&a>>26;if(this.length=r.length,0!==i)this.words[this.length]=i,this.length++;else if(r!==this)for(;at.length?this.clone().iadd(t):t.clone().iadd(this)},a.prototype.isub=function(t){if(0!==t.negative){t.negative=0;var e=this.iadd(t);return t.negative=1,e._normSign()}if(0!==this.negative)return this.negative=0,this.iadd(t),this.negative=1,this._normSign();var r,n,i=this.cmp(t);if(0===i)return this.negative=0,this.length=1,this.words[0]=0,this;i>0?(r=this,n=t):(r=t,n=this);for(var a=0,o=0;o>26,this.words[o]=67108863&e;for(;0!==a&&o>26,this.words[o]=67108863&e;if(0===a&&o>>13,p=0|o[1],d=8191&p,g=p>>>13,m=0|o[2],v=8191&m,y=m>>>13,x=0|o[3],b=8191&x,_=x>>>13,w=0|o[4],T=8191&w,k=w>>>13,M=0|o[5],A=8191&M,S=M>>>13,E=0|o[6],C=8191&E,L=E>>>13,I=0|o[7],P=8191&I,z=I>>>13,O=0|o[8],D=8191&O,R=O>>>13,F=0|o[9],B=8191&F,N=F>>>13,j=0|s[0],U=8191&j,V=j>>>13,q=0|s[1],H=8191&q,G=q>>>13,Y=0|s[2],W=8191&Y,X=Y>>>13,Z=0|s[3],J=8191&Z,K=Z>>>13,Q=0|s[4],$=8191&Q,tt=Q>>>13,et=0|s[5],rt=8191&et,nt=et>>>13,it=0|s[6],at=8191&it,ot=it>>>13,st=0|s[7],lt=8191&st,ct=st>>>13,ut=0|s[8],ft=8191&ut,ht=ut>>>13,pt=0|s[9],dt=8191&pt,gt=pt>>>13;r.negative=t.negative^e.negative,r.length=19;var mt=(c+(n=Math.imul(f,U))|0)+((8191&(i=(i=Math.imul(f,V))+Math.imul(h,U)|0))<<13)|0;c=((a=Math.imul(h,V))+(i>>>13)|0)+(mt>>>26)|0,mt&=67108863,n=Math.imul(d,U),i=(i=Math.imul(d,V))+Math.imul(g,U)|0,a=Math.imul(g,V);var vt=(c+(n=n+Math.imul(f,H)|0)|0)+((8191&(i=(i=i+Math.imul(f,G)|0)+Math.imul(h,H)|0))<<13)|0;c=((a=a+Math.imul(h,G)|0)+(i>>>13)|0)+(vt>>>26)|0,vt&=67108863,n=Math.imul(v,U),i=(i=Math.imul(v,V))+Math.imul(y,U)|0,a=Math.imul(y,V),n=n+Math.imul(d,H)|0,i=(i=i+Math.imul(d,G)|0)+Math.imul(g,H)|0,a=a+Math.imul(g,G)|0;var yt=(c+(n=n+Math.imul(f,W)|0)|0)+((8191&(i=(i=i+Math.imul(f,X)|0)+Math.imul(h,W)|0))<<13)|0;c=((a=a+Math.imul(h,X)|0)+(i>>>13)|0)+(yt>>>26)|0,yt&=67108863,n=Math.imul(b,U),i=(i=Math.imul(b,V))+Math.imul(_,U)|0,a=Math.imul(_,V),n=n+Math.imul(v,H)|0,i=(i=i+Math.imul(v,G)|0)+Math.imul(y,H)|0,a=a+Math.imul(y,G)|0,n=n+Math.imul(d,W)|0,i=(i=i+Math.imul(d,X)|0)+Math.imul(g,W)|0,a=a+Math.imul(g,X)|0;var xt=(c+(n=n+Math.imul(f,J)|0)|0)+((8191&(i=(i=i+Math.imul(f,K)|0)+Math.imul(h,J)|0))<<13)|0;c=((a=a+Math.imul(h,K)|0)+(i>>>13)|0)+(xt>>>26)|0,xt&=67108863,n=Math.imul(T,U),i=(i=Math.imul(T,V))+Math.imul(k,U)|0,a=Math.imul(k,V),n=n+Math.imul(b,H)|0,i=(i=i+Math.imul(b,G)|0)+Math.imul(_,H)|0,a=a+Math.imul(_,G)|0,n=n+Math.imul(v,W)|0,i=(i=i+Math.imul(v,X)|0)+Math.imul(y,W)|0,a=a+Math.imul(y,X)|0,n=n+Math.imul(d,J)|0,i=(i=i+Math.imul(d,K)|0)+Math.imul(g,J)|0,a=a+Math.imul(g,K)|0;var bt=(c+(n=n+Math.imul(f,$)|0)|0)+((8191&(i=(i=i+Math.imul(f,tt)|0)+Math.imul(h,$)|0))<<13)|0;c=((a=a+Math.imul(h,tt)|0)+(i>>>13)|0)+(bt>>>26)|0,bt&=67108863,n=Math.imul(A,U),i=(i=Math.imul(A,V))+Math.imul(S,U)|0,a=Math.imul(S,V),n=n+Math.imul(T,H)|0,i=(i=i+Math.imul(T,G)|0)+Math.imul(k,H)|0,a=a+Math.imul(k,G)|0,n=n+Math.imul(b,W)|0,i=(i=i+Math.imul(b,X)|0)+Math.imul(_,W)|0,a=a+Math.imul(_,X)|0,n=n+Math.imul(v,J)|0,i=(i=i+Math.imul(v,K)|0)+Math.imul(y,J)|0,a=a+Math.imul(y,K)|0,n=n+Math.imul(d,$)|0,i=(i=i+Math.imul(d,tt)|0)+Math.imul(g,$)|0,a=a+Math.imul(g,tt)|0;var _t=(c+(n=n+Math.imul(f,rt)|0)|0)+((8191&(i=(i=i+Math.imul(f,nt)|0)+Math.imul(h,rt)|0))<<13)|0;c=((a=a+Math.imul(h,nt)|0)+(i>>>13)|0)+(_t>>>26)|0,_t&=67108863,n=Math.imul(C,U),i=(i=Math.imul(C,V))+Math.imul(L,U)|0,a=Math.imul(L,V),n=n+Math.imul(A,H)|0,i=(i=i+Math.imul(A,G)|0)+Math.imul(S,H)|0,a=a+Math.imul(S,G)|0,n=n+Math.imul(T,W)|0,i=(i=i+Math.imul(T,X)|0)+Math.imul(k,W)|0,a=a+Math.imul(k,X)|0,n=n+Math.imul(b,J)|0,i=(i=i+Math.imul(b,K)|0)+Math.imul(_,J)|0,a=a+Math.imul(_,K)|0,n=n+Math.imul(v,$)|0,i=(i=i+Math.imul(v,tt)|0)+Math.imul(y,$)|0,a=a+Math.imul(y,tt)|0,n=n+Math.imul(d,rt)|0,i=(i=i+Math.imul(d,nt)|0)+Math.imul(g,rt)|0,a=a+Math.imul(g,nt)|0;var wt=(c+(n=n+Math.imul(f,at)|0)|0)+((8191&(i=(i=i+Math.imul(f,ot)|0)+Math.imul(h,at)|0))<<13)|0;c=((a=a+Math.imul(h,ot)|0)+(i>>>13)|0)+(wt>>>26)|0,wt&=67108863,n=Math.imul(P,U),i=(i=Math.imul(P,V))+Math.imul(z,U)|0,a=Math.imul(z,V),n=n+Math.imul(C,H)|0,i=(i=i+Math.imul(C,G)|0)+Math.imul(L,H)|0,a=a+Math.imul(L,G)|0,n=n+Math.imul(A,W)|0,i=(i=i+Math.imul(A,X)|0)+Math.imul(S,W)|0,a=a+Math.imul(S,X)|0,n=n+Math.imul(T,J)|0,i=(i=i+Math.imul(T,K)|0)+Math.imul(k,J)|0,a=a+Math.imul(k,K)|0,n=n+Math.imul(b,$)|0,i=(i=i+Math.imul(b,tt)|0)+Math.imul(_,$)|0,a=a+Math.imul(_,tt)|0,n=n+Math.imul(v,rt)|0,i=(i=i+Math.imul(v,nt)|0)+Math.imul(y,rt)|0,a=a+Math.imul(y,nt)|0,n=n+Math.imul(d,at)|0,i=(i=i+Math.imul(d,ot)|0)+Math.imul(g,at)|0,a=a+Math.imul(g,ot)|0;var Tt=(c+(n=n+Math.imul(f,lt)|0)|0)+((8191&(i=(i=i+Math.imul(f,ct)|0)+Math.imul(h,lt)|0))<<13)|0;c=((a=a+Math.imul(h,ct)|0)+(i>>>13)|0)+(Tt>>>26)|0,Tt&=67108863,n=Math.imul(D,U),i=(i=Math.imul(D,V))+Math.imul(R,U)|0,a=Math.imul(R,V),n=n+Math.imul(P,H)|0,i=(i=i+Math.imul(P,G)|0)+Math.imul(z,H)|0,a=a+Math.imul(z,G)|0,n=n+Math.imul(C,W)|0,i=(i=i+Math.imul(C,X)|0)+Math.imul(L,W)|0,a=a+Math.imul(L,X)|0,n=n+Math.imul(A,J)|0,i=(i=i+Math.imul(A,K)|0)+Math.imul(S,J)|0,a=a+Math.imul(S,K)|0,n=n+Math.imul(T,$)|0,i=(i=i+Math.imul(T,tt)|0)+Math.imul(k,$)|0,a=a+Math.imul(k,tt)|0,n=n+Math.imul(b,rt)|0,i=(i=i+Math.imul(b,nt)|0)+Math.imul(_,rt)|0,a=a+Math.imul(_,nt)|0,n=n+Math.imul(v,at)|0,i=(i=i+Math.imul(v,ot)|0)+Math.imul(y,at)|0,a=a+Math.imul(y,ot)|0,n=n+Math.imul(d,lt)|0,i=(i=i+Math.imul(d,ct)|0)+Math.imul(g,lt)|0,a=a+Math.imul(g,ct)|0;var kt=(c+(n=n+Math.imul(f,ft)|0)|0)+((8191&(i=(i=i+Math.imul(f,ht)|0)+Math.imul(h,ft)|0))<<13)|0;c=((a=a+Math.imul(h,ht)|0)+(i>>>13)|0)+(kt>>>26)|0,kt&=67108863,n=Math.imul(B,U),i=(i=Math.imul(B,V))+Math.imul(N,U)|0,a=Math.imul(N,V),n=n+Math.imul(D,H)|0,i=(i=i+Math.imul(D,G)|0)+Math.imul(R,H)|0,a=a+Math.imul(R,G)|0,n=n+Math.imul(P,W)|0,i=(i=i+Math.imul(P,X)|0)+Math.imul(z,W)|0,a=a+Math.imul(z,X)|0,n=n+Math.imul(C,J)|0,i=(i=i+Math.imul(C,K)|0)+Math.imul(L,J)|0,a=a+Math.imul(L,K)|0,n=n+Math.imul(A,$)|0,i=(i=i+Math.imul(A,tt)|0)+Math.imul(S,$)|0,a=a+Math.imul(S,tt)|0,n=n+Math.imul(T,rt)|0,i=(i=i+Math.imul(T,nt)|0)+Math.imul(k,rt)|0,a=a+Math.imul(k,nt)|0,n=n+Math.imul(b,at)|0,i=(i=i+Math.imul(b,ot)|0)+Math.imul(_,at)|0,a=a+Math.imul(_,ot)|0,n=n+Math.imul(v,lt)|0,i=(i=i+Math.imul(v,ct)|0)+Math.imul(y,lt)|0,a=a+Math.imul(y,ct)|0,n=n+Math.imul(d,ft)|0,i=(i=i+Math.imul(d,ht)|0)+Math.imul(g,ft)|0,a=a+Math.imul(g,ht)|0;var Mt=(c+(n=n+Math.imul(f,dt)|0)|0)+((8191&(i=(i=i+Math.imul(f,gt)|0)+Math.imul(h,dt)|0))<<13)|0;c=((a=a+Math.imul(h,gt)|0)+(i>>>13)|0)+(Mt>>>26)|0,Mt&=67108863,n=Math.imul(B,H),i=(i=Math.imul(B,G))+Math.imul(N,H)|0,a=Math.imul(N,G),n=n+Math.imul(D,W)|0,i=(i=i+Math.imul(D,X)|0)+Math.imul(R,W)|0,a=a+Math.imul(R,X)|0,n=n+Math.imul(P,J)|0,i=(i=i+Math.imul(P,K)|0)+Math.imul(z,J)|0,a=a+Math.imul(z,K)|0,n=n+Math.imul(C,$)|0,i=(i=i+Math.imul(C,tt)|0)+Math.imul(L,$)|0,a=a+Math.imul(L,tt)|0,n=n+Math.imul(A,rt)|0,i=(i=i+Math.imul(A,nt)|0)+Math.imul(S,rt)|0,a=a+Math.imul(S,nt)|0,n=n+Math.imul(T,at)|0,i=(i=i+Math.imul(T,ot)|0)+Math.imul(k,at)|0,a=a+Math.imul(k,ot)|0,n=n+Math.imul(b,lt)|0,i=(i=i+Math.imul(b,ct)|0)+Math.imul(_,lt)|0,a=a+Math.imul(_,ct)|0,n=n+Math.imul(v,ft)|0,i=(i=i+Math.imul(v,ht)|0)+Math.imul(y,ft)|0,a=a+Math.imul(y,ht)|0;var At=(c+(n=n+Math.imul(d,dt)|0)|0)+((8191&(i=(i=i+Math.imul(d,gt)|0)+Math.imul(g,dt)|0))<<13)|0;c=((a=a+Math.imul(g,gt)|0)+(i>>>13)|0)+(At>>>26)|0,At&=67108863,n=Math.imul(B,W),i=(i=Math.imul(B,X))+Math.imul(N,W)|0,a=Math.imul(N,X),n=n+Math.imul(D,J)|0,i=(i=i+Math.imul(D,K)|0)+Math.imul(R,J)|0,a=a+Math.imul(R,K)|0,n=n+Math.imul(P,$)|0,i=(i=i+Math.imul(P,tt)|0)+Math.imul(z,$)|0,a=a+Math.imul(z,tt)|0,n=n+Math.imul(C,rt)|0,i=(i=i+Math.imul(C,nt)|0)+Math.imul(L,rt)|0,a=a+Math.imul(L,nt)|0,n=n+Math.imul(A,at)|0,i=(i=i+Math.imul(A,ot)|0)+Math.imul(S,at)|0,a=a+Math.imul(S,ot)|0,n=n+Math.imul(T,lt)|0,i=(i=i+Math.imul(T,ct)|0)+Math.imul(k,lt)|0,a=a+Math.imul(k,ct)|0,n=n+Math.imul(b,ft)|0,i=(i=i+Math.imul(b,ht)|0)+Math.imul(_,ft)|0,a=a+Math.imul(_,ht)|0;var St=(c+(n=n+Math.imul(v,dt)|0)|0)+((8191&(i=(i=i+Math.imul(v,gt)|0)+Math.imul(y,dt)|0))<<13)|0;c=((a=a+Math.imul(y,gt)|0)+(i>>>13)|0)+(St>>>26)|0,St&=67108863,n=Math.imul(B,J),i=(i=Math.imul(B,K))+Math.imul(N,J)|0,a=Math.imul(N,K),n=n+Math.imul(D,$)|0,i=(i=i+Math.imul(D,tt)|0)+Math.imul(R,$)|0,a=a+Math.imul(R,tt)|0,n=n+Math.imul(P,rt)|0,i=(i=i+Math.imul(P,nt)|0)+Math.imul(z,rt)|0,a=a+Math.imul(z,nt)|0,n=n+Math.imul(C,at)|0,i=(i=i+Math.imul(C,ot)|0)+Math.imul(L,at)|0,a=a+Math.imul(L,ot)|0,n=n+Math.imul(A,lt)|0,i=(i=i+Math.imul(A,ct)|0)+Math.imul(S,lt)|0,a=a+Math.imul(S,ct)|0,n=n+Math.imul(T,ft)|0,i=(i=i+Math.imul(T,ht)|0)+Math.imul(k,ft)|0,a=a+Math.imul(k,ht)|0;var Et=(c+(n=n+Math.imul(b,dt)|0)|0)+((8191&(i=(i=i+Math.imul(b,gt)|0)+Math.imul(_,dt)|0))<<13)|0;c=((a=a+Math.imul(_,gt)|0)+(i>>>13)|0)+(Et>>>26)|0,Et&=67108863,n=Math.imul(B,$),i=(i=Math.imul(B,tt))+Math.imul(N,$)|0,a=Math.imul(N,tt),n=n+Math.imul(D,rt)|0,i=(i=i+Math.imul(D,nt)|0)+Math.imul(R,rt)|0,a=a+Math.imul(R,nt)|0,n=n+Math.imul(P,at)|0,i=(i=i+Math.imul(P,ot)|0)+Math.imul(z,at)|0,a=a+Math.imul(z,ot)|0,n=n+Math.imul(C,lt)|0,i=(i=i+Math.imul(C,ct)|0)+Math.imul(L,lt)|0,a=a+Math.imul(L,ct)|0,n=n+Math.imul(A,ft)|0,i=(i=i+Math.imul(A,ht)|0)+Math.imul(S,ft)|0,a=a+Math.imul(S,ht)|0;var Ct=(c+(n=n+Math.imul(T,dt)|0)|0)+((8191&(i=(i=i+Math.imul(T,gt)|0)+Math.imul(k,dt)|0))<<13)|0;c=((a=a+Math.imul(k,gt)|0)+(i>>>13)|0)+(Ct>>>26)|0,Ct&=67108863,n=Math.imul(B,rt),i=(i=Math.imul(B,nt))+Math.imul(N,rt)|0,a=Math.imul(N,nt),n=n+Math.imul(D,at)|0,i=(i=i+Math.imul(D,ot)|0)+Math.imul(R,at)|0,a=a+Math.imul(R,ot)|0,n=n+Math.imul(P,lt)|0,i=(i=i+Math.imul(P,ct)|0)+Math.imul(z,lt)|0,a=a+Math.imul(z,ct)|0,n=n+Math.imul(C,ft)|0,i=(i=i+Math.imul(C,ht)|0)+Math.imul(L,ft)|0,a=a+Math.imul(L,ht)|0;var Lt=(c+(n=n+Math.imul(A,dt)|0)|0)+((8191&(i=(i=i+Math.imul(A,gt)|0)+Math.imul(S,dt)|0))<<13)|0;c=((a=a+Math.imul(S,gt)|0)+(i>>>13)|0)+(Lt>>>26)|0,Lt&=67108863,n=Math.imul(B,at),i=(i=Math.imul(B,ot))+Math.imul(N,at)|0,a=Math.imul(N,ot),n=n+Math.imul(D,lt)|0,i=(i=i+Math.imul(D,ct)|0)+Math.imul(R,lt)|0,a=a+Math.imul(R,ct)|0,n=n+Math.imul(P,ft)|0,i=(i=i+Math.imul(P,ht)|0)+Math.imul(z,ft)|0,a=a+Math.imul(z,ht)|0;var It=(c+(n=n+Math.imul(C,dt)|0)|0)+((8191&(i=(i=i+Math.imul(C,gt)|0)+Math.imul(L,dt)|0))<<13)|0;c=((a=a+Math.imul(L,gt)|0)+(i>>>13)|0)+(It>>>26)|0,It&=67108863,n=Math.imul(B,lt),i=(i=Math.imul(B,ct))+Math.imul(N,lt)|0,a=Math.imul(N,ct),n=n+Math.imul(D,ft)|0,i=(i=i+Math.imul(D,ht)|0)+Math.imul(R,ft)|0,a=a+Math.imul(R,ht)|0;var Pt=(c+(n=n+Math.imul(P,dt)|0)|0)+((8191&(i=(i=i+Math.imul(P,gt)|0)+Math.imul(z,dt)|0))<<13)|0;c=((a=a+Math.imul(z,gt)|0)+(i>>>13)|0)+(Pt>>>26)|0,Pt&=67108863,n=Math.imul(B,ft),i=(i=Math.imul(B,ht))+Math.imul(N,ft)|0,a=Math.imul(N,ht);var zt=(c+(n=n+Math.imul(D,dt)|0)|0)+((8191&(i=(i=i+Math.imul(D,gt)|0)+Math.imul(R,dt)|0))<<13)|0;c=((a=a+Math.imul(R,gt)|0)+(i>>>13)|0)+(zt>>>26)|0,zt&=67108863;var Ot=(c+(n=Math.imul(B,dt))|0)+((8191&(i=(i=Math.imul(B,gt))+Math.imul(N,dt)|0))<<13)|0;return c=((a=Math.imul(N,gt))+(i>>>13)|0)+(Ot>>>26)|0,Ot&=67108863,l[0]=mt,l[1]=vt,l[2]=yt,l[3]=xt,l[4]=bt,l[5]=_t,l[6]=wt,l[7]=Tt,l[8]=kt,l[9]=Mt,l[10]=At,l[11]=St,l[12]=Et,l[13]=Ct,l[14]=Lt,l[15]=It,l[16]=Pt,l[17]=zt,l[18]=Ot,0!==c&&(l[19]=c,r.length++),r};function d(t,e,r){return(new g).mulp(t,e,r)}function g(t,e){this.x=t,this.y=e}Math.imul||(p=h),a.prototype.mulTo=function(t,e){var r=this.length+t.length;return 10===this.length&&10===t.length?p(this,t,e):r<63?h(this,t,e):r<1024?function(t,e,r){r.negative=e.negative^t.negative,r.length=t.length+e.length;for(var n=0,i=0,a=0;a>>26)|0)>>>26,o&=67108863}r.words[a]=s,n=o,o=i}return 0!==n?r.words[a]=n:r.length--,r.strip()}(this,t,e):d(this,t,e)},g.prototype.makeRBT=function(t){for(var e=new Array(t),r=a.prototype._countBits(t)-1,n=0;n>=1;return n},g.prototype.permute=function(t,e,r,n,i,a){for(var o=0;o>>=1)i++;return 1<>>=13,r[2*o+1]=8191&a,a>>>=13;for(o=2*e;o>=26,e+=i/67108864|0,e+=a>>>26,this.words[r]=67108863&a}return 0!==e&&(this.words[r]=e,this.length++),this},a.prototype.muln=function(t){return this.clone().imuln(t)},a.prototype.sqr=function(){return this.mul(this)},a.prototype.isqr=function(){return this.imul(this.clone())},a.prototype.pow=function(t){var e=function(t){for(var e=new Array(t.bitLength()),r=0;r>>i}return e}(t);if(0===e.length)return new a(1);for(var r=this,n=0;n=0);var e,r=t%26,i=(t-r)/26,a=67108863>>>26-r<<26-r;if(0!==r){var o=0;for(e=0;e>>26-r}o&&(this.words[e]=o,this.length++)}if(0!==i){for(e=this.length-1;e>=0;e--)this.words[e+i]=this.words[e];for(e=0;e=0),i=e?(e-e%26)/26:0;var a=t%26,o=Math.min((t-a)/26,this.length),s=67108863^67108863>>>a<o)for(this.length-=o,c=0;c=0&&(0!==u||c>=i);c--){var f=0|this.words[c];this.words[c]=u<<26-a|f>>>a,u=f&s}return l&&0!==u&&(l.words[l.length++]=u),0===this.length&&(this.words[0]=0,this.length=1),this.strip()},a.prototype.ishrn=function(t,e,r){return n(0===this.negative),this.iushrn(t,e,r)},a.prototype.shln=function(t){return this.clone().ishln(t)},a.prototype.ushln=function(t){return this.clone().iushln(t)},a.prototype.shrn=function(t){return this.clone().ishrn(t)},a.prototype.ushrn=function(t){return this.clone().iushrn(t)},a.prototype.testn=function(t){n("number"==typeof t&&t>=0);var e=t%26,r=(t-e)/26,i=1<=0);var e=t%26,r=(t-e)/26;if(n(0===this.negative,"imaskn works only with positive numbers"),this.length<=r)return this;if(0!==e&&r++,this.length=Math.min(r,this.length),0!==e){var i=67108863^67108863>>>e<=67108864;e++)this.words[e]-=67108864,e===this.length-1?this.words[e+1]=1:this.words[e+1]++;return this.length=Math.max(this.length,e+1),this},a.prototype.isubn=function(t){if(n("number"==typeof t),n(t<67108864),t<0)return this.iaddn(-t);if(0!==this.negative)return this.negative=0,this.iaddn(t),this.negative=1,this;if(this.words[0]-=t,1===this.length&&this.words[0]<0)this.words[0]=-this.words[0],this.negative=1;else for(var e=0;e>26)-(l/67108864|0),this.words[i+r]=67108863&a}for(;i>26,this.words[i+r]=67108863&a;if(0===s)return this.strip();for(n(-1===s),s=0,i=0;i>26,this.words[i]=67108863&a;return this.negative=1,this.strip()},a.prototype._wordDiv=function(t,e){var r=(this.length,t.length),n=this.clone(),i=t,o=0|i.words[i.length-1];0!==(r=26-this._countBits(o))&&(i=i.ushln(r),n.iushln(r),o=0|i.words[i.length-1]);var s,l=n.length-i.length;if("mod"!==e){(s=new a(null)).length=l+1,s.words=new Array(s.length);for(var c=0;c=0;f--){var h=67108864*(0|n.words[i.length+f])+(0|n.words[i.length+f-1]);for(h=Math.min(h/o|0,67108863),n._ishlnsubmul(i,h,f);0!==n.negative;)h--,n.negative=0,n._ishlnsubmul(i,1,f),n.isZero()||(n.negative^=1);s&&(s.words[f]=h)}return s&&s.strip(),n.strip(),"div"!==e&&0!==r&&n.iushrn(r),{div:s||null,mod:n}},a.prototype.divmod=function(t,e,r){return n(!t.isZero()),this.isZero()?{div:new a(0),mod:new a(0)}:0!==this.negative&&0===t.negative?(s=this.neg().divmod(t,e),"mod"!==e&&(i=s.div.neg()),"div"!==e&&(o=s.mod.neg(),r&&0!==o.negative&&o.iadd(t)),{div:i,mod:o}):0===this.negative&&0!==t.negative?(s=this.divmod(t.neg(),e),"mod"!==e&&(i=s.div.neg()),{div:i,mod:s.mod}):0!=(this.negative&t.negative)?(s=this.neg().divmod(t.neg(),e),"div"!==e&&(o=s.mod.neg(),r&&0!==o.negative&&o.isub(t)),{div:s.div,mod:o}):t.length>this.length||this.cmp(t)<0?{div:new a(0),mod:this}:1===t.length?"div"===e?{div:this.divn(t.words[0]),mod:null}:"mod"===e?{div:null,mod:new a(this.modn(t.words[0]))}:{div:this.divn(t.words[0]),mod:new a(this.modn(t.words[0]))}:this._wordDiv(t,e);var i,o,s},a.prototype.div=function(t){return this.divmod(t,"div",!1).div},a.prototype.mod=function(t){return this.divmod(t,"mod",!1).mod},a.prototype.umod=function(t){return this.divmod(t,"mod",!0).mod},a.prototype.divRound=function(t){var e=this.divmod(t);if(e.mod.isZero())return e.div;var r=0!==e.div.negative?e.mod.isub(t):e.mod,n=t.ushrn(1),i=t.andln(1),a=r.cmp(n);return a<0||1===i&&0===a?e.div:0!==e.div.negative?e.div.isubn(1):e.div.iaddn(1)},a.prototype.modn=function(t){n(t<=67108863);for(var e=(1<<26)%t,r=0,i=this.length-1;i>=0;i--)r=(e*r+(0|this.words[i]))%t;return r},a.prototype.idivn=function(t){n(t<=67108863);for(var e=0,r=this.length-1;r>=0;r--){var i=(0|this.words[r])+67108864*e;this.words[r]=i/t|0,e=i%t}return this.strip()},a.prototype.divn=function(t){return this.clone().idivn(t)},a.prototype.egcd=function(t){n(0===t.negative),n(!t.isZero());var e=this,r=t.clone();e=0!==e.negative?e.umod(t):e.clone();for(var i=new a(1),o=new a(0),s=new a(0),l=new a(1),c=0;e.isEven()&&r.isEven();)e.iushrn(1),r.iushrn(1),++c;for(var u=r.clone(),f=e.clone();!e.isZero();){for(var h=0,p=1;0==(e.words[0]&p)&&h<26;++h,p<<=1);if(h>0)for(e.iushrn(h);h-- >0;)(i.isOdd()||o.isOdd())&&(i.iadd(u),o.isub(f)),i.iushrn(1),o.iushrn(1);for(var d=0,g=1;0==(r.words[0]&g)&&d<26;++d,g<<=1);if(d>0)for(r.iushrn(d);d-- >0;)(s.isOdd()||l.isOdd())&&(s.iadd(u),l.isub(f)),s.iushrn(1),l.iushrn(1);e.cmp(r)>=0?(e.isub(r),i.isub(s),o.isub(l)):(r.isub(e),s.isub(i),l.isub(o))}return{a:s,b:l,gcd:r.iushln(c)}},a.prototype._invmp=function(t){n(0===t.negative),n(!t.isZero());var e=this,r=t.clone();e=0!==e.negative?e.umod(t):e.clone();for(var i,o=new a(1),s=new a(0),l=r.clone();e.cmpn(1)>0&&r.cmpn(1)>0;){for(var c=0,u=1;0==(e.words[0]&u)&&c<26;++c,u<<=1);if(c>0)for(e.iushrn(c);c-- >0;)o.isOdd()&&o.iadd(l),o.iushrn(1);for(var f=0,h=1;0==(r.words[0]&h)&&f<26;++f,h<<=1);if(f>0)for(r.iushrn(f);f-- >0;)s.isOdd()&&s.iadd(l),s.iushrn(1);e.cmp(r)>=0?(e.isub(r),o.isub(s)):(r.isub(e),s.isub(o))}return(i=0===e.cmpn(1)?o:s).cmpn(0)<0&&i.iadd(t),i},a.prototype.gcd=function(t){if(this.isZero())return t.abs();if(t.isZero())return this.abs();var e=this.clone(),r=t.clone();e.negative=0,r.negative=0;for(var n=0;e.isEven()&&r.isEven();n++)e.iushrn(1),r.iushrn(1);for(;;){for(;e.isEven();)e.iushrn(1);for(;r.isEven();)r.iushrn(1);var i=e.cmp(r);if(i<0){var a=e;e=r,r=a}else if(0===i||0===r.cmpn(1))break;e.isub(r)}return r.iushln(n)},a.prototype.invm=function(t){return this.egcd(t).a.umod(t)},a.prototype.isEven=function(){return 0==(1&this.words[0])},a.prototype.isOdd=function(){return 1==(1&this.words[0])},a.prototype.andln=function(t){return this.words[0]&t},a.prototype.bincn=function(t){n("number"==typeof t);var e=t%26,r=(t-e)/26,i=1<>>26,s&=67108863,this.words[o]=s}return 0!==a&&(this.words[o]=a,this.length++),this},a.prototype.isZero=function(){return 1===this.length&&0===this.words[0]},a.prototype.cmpn=function(t){var e,r=t<0;if(0!==this.negative&&!r)return-1;if(0===this.negative&&r)return 1;if(this.strip(),this.length>1)e=1;else{r&&(t=-t),n(t<=67108863,"Number is too big");var i=0|this.words[0];e=i===t?0:it.length)return 1;if(this.length=0;r--){var n=0|this.words[r],i=0|t.words[r];if(n!==i){ni&&(e=1);break}}return e},a.prototype.gtn=function(t){return 1===this.cmpn(t)},a.prototype.gt=function(t){return 1===this.cmp(t)},a.prototype.gten=function(t){return this.cmpn(t)>=0},a.prototype.gte=function(t){return this.cmp(t)>=0},a.prototype.ltn=function(t){return-1===this.cmpn(t)},a.prototype.lt=function(t){return-1===this.cmp(t)},a.prototype.lten=function(t){return this.cmpn(t)<=0},a.prototype.lte=function(t){return this.cmp(t)<=0},a.prototype.eqn=function(t){return 0===this.cmpn(t)},a.prototype.eq=function(t){return 0===this.cmp(t)},a.red=function(t){return new w(t)},a.prototype.toRed=function(t){return n(!this.red,"Already a number in reduction context"),n(0===this.negative,"red works only with positives"),t.convertTo(this)._forceRed(t)},a.prototype.fromRed=function(){return n(this.red,"fromRed works only with numbers in reduction context"),this.red.convertFrom(this)},a.prototype._forceRed=function(t){return this.red=t,this},a.prototype.forceRed=function(t){return n(!this.red,"Already a number in reduction context"),this._forceRed(t)},a.prototype.redAdd=function(t){return n(this.red,"redAdd works only with red numbers"),this.red.add(this,t)},a.prototype.redIAdd=function(t){return n(this.red,"redIAdd works only with red numbers"),this.red.iadd(this,t)},a.prototype.redSub=function(t){return n(this.red,"redSub works only with red numbers"),this.red.sub(this,t)},a.prototype.redISub=function(t){return n(this.red,"redISub works only with red numbers"),this.red.isub(this,t)},a.prototype.redShl=function(t){return n(this.red,"redShl works only with red numbers"),this.red.shl(this,t)},a.prototype.redMul=function(t){return n(this.red,"redMul works only with red numbers"),this.red._verify2(this,t),this.red.mul(this,t)},a.prototype.redIMul=function(t){return n(this.red,"redMul works only with red numbers"),this.red._verify2(this,t),this.red.imul(this,t)},a.prototype.redSqr=function(){return n(this.red,"redSqr works only with red numbers"),this.red._verify1(this),this.red.sqr(this)},a.prototype.redISqr=function(){return n(this.red,"redISqr works only with red numbers"),this.red._verify1(this),this.red.isqr(this)},a.prototype.redSqrt=function(){return n(this.red,"redSqrt works only with red numbers"),this.red._verify1(this),this.red.sqrt(this)},a.prototype.redInvm=function(){return n(this.red,"redInvm works only with red numbers"),this.red._verify1(this),this.red.invm(this)},a.prototype.redNeg=function(){return n(this.red,"redNeg works only with red numbers"),this.red._verify1(this),this.red.neg(this)},a.prototype.redPow=function(t){return n(this.red&&!t.red,"redPow(normalNum)"),this.red._verify1(this),this.red.pow(this,t)};var m={k256:null,p224:null,p192:null,p25519:null};function v(t,e){this.name=t,this.p=new a(e,16),this.n=this.p.bitLength(),this.k=new a(1).iushln(this.n).isub(this.p),this.tmp=this._tmp()}function y(){v.call(this,"k256","ffffffff ffffffff ffffffff ffffffff ffffffff ffffffff fffffffe fffffc2f")}function x(){v.call(this,"p224","ffffffff ffffffff ffffffff ffffffff 00000000 00000000 00000001")}function b(){v.call(this,"p192","ffffffff ffffffff ffffffff fffffffe ffffffff ffffffff")}function _(){v.call(this,"25519","7fffffffffffffff ffffffffffffffff ffffffffffffffff ffffffffffffffed")}function w(t){if("string"==typeof t){var e=a._prime(t);this.m=e.p,this.prime=e}else n(t.gtn(1),"modulus must be greater than 1"),this.m=t,this.prime=null}function T(t){w.call(this,t),this.shift=this.m.bitLength(),this.shift%26!=0&&(this.shift+=26-this.shift%26),this.r=new a(1).iushln(this.shift),this.r2=this.imod(this.r.sqr()),this.rinv=this.r._invmp(this.m),this.minv=this.rinv.mul(this.r).isubn(1).div(this.m),this.minv=this.minv.umod(this.r),this.minv=this.r.sub(this.minv)}v.prototype._tmp=function(){var t=new a(null);return t.words=new Array(Math.ceil(this.n/13)),t},v.prototype.ireduce=function(t){var e,r=t;do{this.split(r,this.tmp),e=(r=(r=this.imulK(r)).iadd(this.tmp)).bitLength()}while(e>this.n);var n=e0?r.isub(this.p):r.strip(),r},v.prototype.split=function(t,e){t.iushrn(this.n,0,e)},v.prototype.imulK=function(t){return t.imul(this.k)},i(y,v),y.prototype.split=function(t,e){for(var r=Math.min(t.length,9),n=0;n>>22,i=a}i>>>=22,t.words[n-10]=i,0===i&&t.length>10?t.length-=10:t.length-=9},y.prototype.imulK=function(t){t.words[t.length]=0,t.words[t.length+1]=0,t.length+=2;for(var e=0,r=0;r>>=26,t.words[r]=i,e=n}return 0!==e&&(t.words[t.length++]=e),t},a._prime=function(t){if(m[t])return m[t];var e;if("k256"===t)e=new y;else if("p224"===t)e=new x;else if("p192"===t)e=new b;else{if("p25519"!==t)throw new Error("Unknown prime "+t);e=new _}return m[t]=e,e},w.prototype._verify1=function(t){n(0===t.negative,"red works only with positives"),n(t.red,"red works only with red numbers")},w.prototype._verify2=function(t,e){n(0==(t.negative|e.negative),"red works only with positives"),n(t.red&&t.red===e.red,"red works only with red numbers")},w.prototype.imod=function(t){return this.prime?this.prime.ireduce(t)._forceRed(this):t.umod(this.m)._forceRed(this)},w.prototype.neg=function(t){return t.isZero()?t.clone():this.m.sub(t)._forceRed(this)},w.prototype.add=function(t,e){this._verify2(t,e);var r=t.add(e);return r.cmp(this.m)>=0&&r.isub(this.m),r._forceRed(this)},w.prototype.iadd=function(t,e){this._verify2(t,e);var r=t.iadd(e);return r.cmp(this.m)>=0&&r.isub(this.m),r},w.prototype.sub=function(t,e){this._verify2(t,e);var r=t.sub(e);return r.cmpn(0)<0&&r.iadd(this.m),r._forceRed(this)},w.prototype.isub=function(t,e){this._verify2(t,e);var r=t.isub(e);return r.cmpn(0)<0&&r.iadd(this.m),r},w.prototype.shl=function(t,e){return this._verify1(t),this.imod(t.ushln(e))},w.prototype.imul=function(t,e){return this._verify2(t,e),this.imod(t.imul(e))},w.prototype.mul=function(t,e){return this._verify2(t,e),this.imod(t.mul(e))},w.prototype.isqr=function(t){return this.imul(t,t.clone())},w.prototype.sqr=function(t){return this.mul(t,t)},w.prototype.sqrt=function(t){if(t.isZero())return t.clone();var e=this.m.andln(3);if(n(e%2==1),3===e){var r=this.m.add(new a(1)).iushrn(2);return this.pow(t,r)}for(var i=this.m.subn(1),o=0;!i.isZero()&&0===i.andln(1);)o++,i.iushrn(1);n(!i.isZero());var s=new a(1).toRed(this),l=s.redNeg(),c=this.m.subn(1).iushrn(1),u=this.m.bitLength();for(u=new a(2*u*u).toRed(this);0!==this.pow(u,c).cmp(l);)u.redIAdd(l);for(var f=this.pow(u,i),h=this.pow(t,i.addn(1).iushrn(1)),p=this.pow(t,i),d=o;0!==p.cmp(s);){for(var g=p,m=0;0!==g.cmp(s);m++)g=g.redSqr();n(m=0;n--){for(var c=e.words[n],u=l-1;u>=0;u--){var f=c>>u&1;i!==r[0]&&(i=this.sqr(i)),0!==f||0!==o?(o<<=1,o|=f,(4===++s||0===n&&0===u)&&(i=this.mul(i,r[o]),s=0,o=0)):s=0}l=26}return i},w.prototype.convertTo=function(t){var e=t.umod(this.m);return e===t?e.clone():e},w.prototype.convertFrom=function(t){var e=t.clone();return e.red=null,e},a.mont=function(t){return new T(t)},i(T,w),T.prototype.convertTo=function(t){return this.imod(t.ushln(this.shift))},T.prototype.convertFrom=function(t){var e=this.imod(t.mul(this.rinv));return e.red=null,e},T.prototype.imul=function(t,e){if(t.isZero()||e.isZero())return t.words[0]=0,t.length=1,t;var r=t.imul(e),n=r.maskn(this.shift).mul(this.minv).imaskn(this.shift).mul(this.m),i=r.isub(n).iushrn(this.shift),a=i;return i.cmp(this.m)>=0?a=i.isub(this.m):i.cmpn(0)<0&&(a=i.iadd(this.m)),a._forceRed(this)},T.prototype.mul=function(t,e){if(t.isZero()||e.isZero())return new a(0)._forceRed(this);var r=t.mul(e),n=r.maskn(this.shift).mul(this.minv).imaskn(this.shift).mul(this.m),i=r.isub(n).iushrn(this.shift),o=i;return i.cmp(this.m)>=0?o=i.isub(this.m):i.cmpn(0)<0&&(o=i.iadd(this.m)),o._forceRed(this)},T.prototype.invm=function(t){return this.imod(t._invmp(this.m).mul(this.r2))._forceRed(this)}}("undefined"==typeof e||e,this)},{buffer:108}],100:[function(t,e,r){"use strict";e.exports=function(t){var e,r,n,i=t.length,a=0;for(e=0;e>>1;if(!(u<=0)){var f,h=i.mallocDouble(2*u*s),p=i.mallocInt32(s);if((s=l(t,u,h,p))>0){if(1===u&&n)a.init(s),f=a.sweepComplete(u,r,0,s,h,p,0,s,h,p);else{var d=i.mallocDouble(2*u*c),g=i.mallocInt32(c);(c=l(e,u,d,g))>0&&(a.init(s+c),f=1===u?a.sweepBipartite(u,r,0,s,h,p,0,c,d,g):o(u,r,n,s,h,p,c,d,g),i.free(d),i.free(g))}i.free(h),i.free(p)}return f}}}function u(t,e){n.push([t,e])}function f(t){return n=[],c(t,t,u,!0),n}function h(t,e){return n=[],c(t,e,u,!1),n}},{"./lib/intersect":103,"./lib/sweep":107,"typedarray-pool":595}],102:[function(t,e,r){"use strict";var n=["d","ax","vv","rs","re","rb","ri","bs","be","bb","bi"];function i(t){var e="bruteForce"+(t?"Full":"Partial"),r=[],i=n.slice();t||i.splice(3,0,"fp");var a=["function "+e+"("+i.join()+"){"];function o(e,i){var o=function(t,e,r){var i="bruteForce"+(t?"Red":"Blue")+(e?"Flip":"")+(r?"Full":""),a=["function ",i,"(",n.join(),"){","var ","es","=2*","d",";"],o="for(var i=rs,rp=es*rs;ibe-bs){"),t?(o(!0,!1),a.push("}else{"),o(!1,!1)):(a.push("if(fp){"),o(!0,!0),a.push("}else{"),o(!0,!1),a.push("}}else{if(fp){"),o(!1,!0),a.push("}else{"),o(!1,!1),a.push("}")),a.push("}}return "+e);var s=r.join("")+a.join("");return new Function(s)()}r.partial=i(!1),r.full=i(!0)},{}],103:[function(t,e,r){"use strict";e.exports=function(t,e,r,a,u,w,T,k,M){!function(t,e){var r=8*i.log2(e+1)*(t+1)|0,a=i.nextPow2(6*r);v.length0;){var C=6*(S-=1),L=v[C],I=v[C+1],P=v[C+2],z=v[C+3],O=v[C+4],D=v[C+5],R=2*S,F=y[R],B=y[R+1],N=1&D,j=!!(16&D),U=u,V=w,q=k,H=M;if(N&&(U=k,V=M,q=u,H=w),!(2&D&&(P=p(t,L,I,P,U,V,B),I>=P)||4&D&&(I=d(t,L,I,P,U,V,F))>=P)){var G=P-I,Y=O-z;if(j){if(t*G*(G+Y)<1<<22){if(void 0!==(A=l.scanComplete(t,L,e,I,P,U,V,z,O,q,H)))return A;continue}}else{if(t*Math.min(G,Y)<128){if(void 0!==(A=o(t,L,e,N,I,P,U,V,z,O,q,H)))return A;continue}if(t*G*Y<1<<22){if(void 0!==(A=l.scanBipartite(t,L,e,N,I,P,U,V,z,O,q,H)))return A;continue}}var W=f(t,L,I,P,U,V,F,B);if(I=p0)&&!(p1>=hi)",["p0","p1"]),h=u("lo===p0",["p0"]),p=u("lo>>1,f=2*t,h=u,p=o[f*u+e];for(;l=y?(h=v,p=y):m>=b?(h=g,p=m):(h=x,p=b):y>=b?(h=v,p=y):b>=m?(h=g,p=m):(h=x,p=b);for(var _=f*(c-1),w=f*h,T=0;Tr&&i[f+e]>c;--u,f-=o){for(var h=f,p=f+o,d=0;d=0&&n.push("lo=e[k+n]");t.indexOf("hi")>=0&&n.push("hi=e[k+o]");return r.push("for(var j=2*a,k=j*c,l=k,m=c,n=b,o=a+b,p=c;d>p;++p,k+=j){var _;if($)if(m===p)m+=1,l+=j;else{for(var s=0;j>s;++s){var t=e[k+s];e[k+s]=e[l],e[l++]=t}var u=f[p];f[p]=f[m],f[m++]=u}}return m".replace("_",n.join()).replace("$",t)),Function.apply(void 0,r)}},{}],106:[function(t,e,r){"use strict";e.exports=function(t,e){e<=128?n(0,e-1,t):function t(e,r,u){var f=(r-e+1)/6|0,h=e+f,p=r-f,d=e+r>>1,g=d-f,m=d+f,v=h,y=g,x=d,b=m,_=p,w=e+1,T=r-1,k=0;l(v,y,u)&&(k=v,v=y,y=k);l(b,_,u)&&(k=b,b=_,_=k);l(v,x,u)&&(k=v,v=x,x=k);l(y,x,u)&&(k=y,y=x,x=k);l(v,b,u)&&(k=v,v=b,b=k);l(x,b,u)&&(k=x,x=b,b=k);l(y,_,u)&&(k=y,y=_,_=k);l(y,x,u)&&(k=y,y=x,x=k);l(b,_,u)&&(k=b,b=_,_=k);for(var M=u[2*y],A=u[2*y+1],S=u[2*b],E=u[2*b+1],C=2*v,L=2*x,I=2*_,P=2*h,z=2*d,O=2*p,D=0;D<2;++D){var R=u[C+D],F=u[L+D],B=u[I+D];u[P+D]=R,u[z+D]=F,u[O+D]=B}a(g,e,u),a(m,r,u);for(var N=w;N<=T;++N)if(c(N,M,A,u))N!==w&&i(N,w,u),++w;else if(!c(N,S,E,u))for(;;){if(c(T,S,E,u)){c(T,M,A,u)?(o(N,w,T,u),++w,--T):(i(N,T,u),--T);break}if(--Tt;){var c=r[l-2],u=r[l-1];if(cr[e+1])}function c(t,e,r,n){var i=n[t*=2];return i>>1;a(h,A);var S=0,E=0;for(w=0;w=1<<28)p(l,c,E--,C=C-(1<<28)|0);else if(C>=0)p(o,s,S--,C);else if(C<=-(1<<28)){C=-C-(1<<28)|0;for(var L=0;L>>1;a(h,E);var C=0,L=0,I=0;for(k=0;k>1==h[2*k+3]>>1&&(z=2,k+=1),P<0){for(var O=-(P>>1)-1,D=0;D>1)-1;0===z?p(o,s,C--,O):1===z?p(l,c,L--,O):2===z&&p(u,f,I--,O)}}},scanBipartite:function(t,e,r,n,i,l,c,u,f,g,m,v){var y=0,x=2*t,b=e,_=e+t,w=1,T=1;n?T=1<<28:w=1<<28;for(var k=i;k>>1;a(h,E);var C=0;for(k=0;k=1<<28?(I=!n,M-=1<<28):(I=!!n,M-=1),I)d(o,s,C++,M);else{var P=v[M],z=x*M,O=m[z+e+1],D=m[z+e+1+t];t:for(var R=0;R>>1;a(h,w);var T=0;for(y=0;y=1<<28)o[T++]=x-(1<<28);else{var M=p[x-=1],A=g*x,S=f[A+e+1],E=f[A+e+1+t];t:for(var C=0;C=0;--C)if(o[C]===x){for(z=C+1;z0&&o.length>i&&!o.warned){o.warned=!0;var l=new Error("Possible EventEmitter memory leak detected. "+o.length+" "+String(e)+" listeners added. Use emitter.setMaxListeners() to increase limit");l.name="MaxListenersExceededWarning",l.emitter=t,l.type=e,l.count=o.length,s=l,console&&console.warn&&console.warn(s)}return t}function h(){if(!this.fired)return this.target.removeListener(this.type,this.wrapFn),this.fired=!0,0===arguments.length?this.listener.call(this.target):this.listener.apply(this.target,arguments)}function p(t,e,r){var n={fired:!1,wrapFn:void 0,target:t,type:e,listener:r},i=h.bind(n);return i.listener=r,n.wrapFn=i,i}function d(t,e,r){var n=t._events;if(void 0===n)return[];var i=n[e];return void 0===i?[]:"function"==typeof i?r?[i.listener||i]:[i]:r?function(t){for(var e=new Array(t.length),r=0;r0&&(o=e[0]),o instanceof Error)throw o;var s=new Error("Unhandled error."+(o?" ("+o.message+")":""));throw s.context=o,s}var l=i[t];if(void 0===l)return!1;if("function"==typeof l)a(l,this,e);else{var c=l.length,u=m(l,c);for(r=0;r=0;a--)if(r[a]===e||r[a].listener===e){o=r[a].listener,i=a;break}if(i<0)return this;0===i?r.shift():function(t,e){for(;e+1=0;n--)this.removeListener(t,e[n]);return this},s.prototype.listeners=function(t){return d(this,t,!0)},s.prototype.rawListeners=function(t){return d(this,t,!1)},s.listenerCount=function(t,e){return"function"==typeof t.listenerCount?t.listenerCount(e):g.call(t,e)},s.prototype.listenerCount=g,s.prototype.eventNames=function(){return this._eventsCount>0?n(this._events):[]}},{}],111:[function(t,e,r){(function(e){(function(){ +/*! + * The buffer module from node.js, for the browser. + * + * @author Feross Aboukhadijeh + * @license MIT + */ +"use strict";var e=t("base64-js"),n=t("ieee754");r.Buffer=a,r.SlowBuffer=function(t){+t!=t&&(t=0);return a.alloc(+t)},r.INSPECT_MAX_BYTES=50;function i(t){if(t>2147483647)throw new RangeError('The value "'+t+'" is invalid for option "size"');var e=new Uint8Array(t);return e.__proto__=a.prototype,e}function a(t,e,r){if("number"==typeof t){if("string"==typeof e)throw new TypeError('The "string" argument must be of type string. Received type number');return l(t)}return o(t,e,r)}function o(t,e,r){if("string"==typeof t)return function(t,e){"string"==typeof e&&""!==e||(e="utf8");if(!a.isEncoding(e))throw new TypeError("Unknown encoding: "+e);var r=0|f(t,e),n=i(r),o=n.write(t,e);o!==r&&(n=n.slice(0,o));return n}(t,e);if(ArrayBuffer.isView(t))return c(t);if(null==t)throw TypeError("The first argument must be one of type string, Buffer, ArrayBuffer, Array, or Array-like Object. Received type "+typeof t);if(B(t,ArrayBuffer)||t&&B(t.buffer,ArrayBuffer))return function(t,e,r){if(e<0||t.byteLength=2147483647)throw new RangeError("Attempt to allocate Buffer larger than maximum size: 0x"+2147483647..toString(16)+" bytes");return 0|t}function f(t,e){if(a.isBuffer(t))return t.length;if(ArrayBuffer.isView(t)||B(t,ArrayBuffer))return t.byteLength;if("string"!=typeof t)throw new TypeError('The "string" argument must be one of type string, Buffer, or ArrayBuffer. Received type '+typeof t);var r=t.length,n=arguments.length>2&&!0===arguments[2];if(!n&&0===r)return 0;for(var i=!1;;)switch(e){case"ascii":case"latin1":case"binary":return r;case"utf8":case"utf-8":return D(t).length;case"ucs2":case"ucs-2":case"utf16le":case"utf-16le":return 2*r;case"hex":return r>>>1;case"base64":return R(t).length;default:if(i)return n?-1:D(t).length;e=(""+e).toLowerCase(),i=!0}}function h(t,e,r){var n=!1;if((void 0===e||e<0)&&(e=0),e>this.length)return"";if((void 0===r||r>this.length)&&(r=this.length),r<=0)return"";if((r>>>=0)<=(e>>>=0))return"";for(t||(t="utf8");;)switch(t){case"hex":return A(this,e,r);case"utf8":case"utf-8":return T(this,e,r);case"ascii":return k(this,e,r);case"latin1":case"binary":return M(this,e,r);case"base64":return w(this,e,r);case"ucs2":case"ucs-2":case"utf16le":case"utf-16le":return S(this,e,r);default:if(n)throw new TypeError("Unknown encoding: "+t);t=(t+"").toLowerCase(),n=!0}}function p(t,e,r){var n=t[e];t[e]=t[r],t[r]=n}function d(t,e,r,n,i){if(0===t.length)return-1;if("string"==typeof r?(n=r,r=0):r>2147483647?r=2147483647:r<-2147483648&&(r=-2147483648),N(r=+r)&&(r=i?0:t.length-1),r<0&&(r=t.length+r),r>=t.length){if(i)return-1;r=t.length-1}else if(r<0){if(!i)return-1;r=0}if("string"==typeof e&&(e=a.from(e,n)),a.isBuffer(e))return 0===e.length?-1:g(t,e,r,n,i);if("number"==typeof e)return e&=255,"function"==typeof Uint8Array.prototype.indexOf?i?Uint8Array.prototype.indexOf.call(t,e,r):Uint8Array.prototype.lastIndexOf.call(t,e,r):g(t,[e],r,n,i);throw new TypeError("val must be string, number or Buffer")}function g(t,e,r,n,i){var a,o=1,s=t.length,l=e.length;if(void 0!==n&&("ucs2"===(n=String(n).toLowerCase())||"ucs-2"===n||"utf16le"===n||"utf-16le"===n)){if(t.length<2||e.length<2)return-1;o=2,s/=2,l/=2,r/=2}function c(t,e){return 1===o?t[e]:t.readUInt16BE(e*o)}if(i){var u=-1;for(a=r;as&&(r=s-l),a=r;a>=0;a--){for(var f=!0,h=0;hi&&(n=i):n=i;var a=e.length;n>a/2&&(n=a/2);for(var o=0;o>8,i=r%256,a.push(i),a.push(n);return a}(e,t.length-r),t,r,n)}function w(t,r,n){return 0===r&&n===t.length?e.fromByteArray(t):e.fromByteArray(t.slice(r,n))}function T(t,e,r){r=Math.min(t.length,r);for(var n=[],i=e;i239?4:c>223?3:c>191?2:1;if(i+f<=r)switch(f){case 1:c<128&&(u=c);break;case 2:128==(192&(a=t[i+1]))&&(l=(31&c)<<6|63&a)>127&&(u=l);break;case 3:a=t[i+1],o=t[i+2],128==(192&a)&&128==(192&o)&&(l=(15&c)<<12|(63&a)<<6|63&o)>2047&&(l<55296||l>57343)&&(u=l);break;case 4:a=t[i+1],o=t[i+2],s=t[i+3],128==(192&a)&&128==(192&o)&&128==(192&s)&&(l=(15&c)<<18|(63&a)<<12|(63&o)<<6|63&s)>65535&&l<1114112&&(u=l)}null===u?(u=65533,f=1):u>65535&&(u-=65536,n.push(u>>>10&1023|55296),u=56320|1023&u),n.push(u),i+=f}return function(t){var e=t.length;if(e<=4096)return String.fromCharCode.apply(String,t);var r="",n=0;for(;ne&&(t+=" ... "),""},a.prototype.compare=function(t,e,r,n,i){if(B(t,Uint8Array)&&(t=a.from(t,t.offset,t.byteLength)),!a.isBuffer(t))throw new TypeError('The "target" argument must be one of type Buffer or Uint8Array. Received type '+typeof t);if(void 0===e&&(e=0),void 0===r&&(r=t?t.length:0),void 0===n&&(n=0),void 0===i&&(i=this.length),e<0||r>t.length||n<0||i>this.length)throw new RangeError("out of range index");if(n>=i&&e>=r)return 0;if(n>=i)return-1;if(e>=r)return 1;if(this===t)return 0;for(var o=(i>>>=0)-(n>>>=0),s=(r>>>=0)-(e>>>=0),l=Math.min(o,s),c=this.slice(n,i),u=t.slice(e,r),f=0;f>>=0,isFinite(r)?(r>>>=0,void 0===n&&(n="utf8")):(n=r,r=void 0)}var i=this.length-e;if((void 0===r||r>i)&&(r=i),t.length>0&&(r<0||e<0)||e>this.length)throw new RangeError("Attempt to write outside buffer bounds");n||(n="utf8");for(var a=!1;;)switch(n){case"hex":return m(this,t,e,r);case"utf8":case"utf-8":return v(this,t,e,r);case"ascii":return y(this,t,e,r);case"latin1":case"binary":return x(this,t,e,r);case"base64":return b(this,t,e,r);case"ucs2":case"ucs-2":case"utf16le":case"utf-16le":return _(this,t,e,r);default:if(a)throw new TypeError("Unknown encoding: "+n);n=(""+n).toLowerCase(),a=!0}},a.prototype.toJSON=function(){return{type:"Buffer",data:Array.prototype.slice.call(this._arr||this,0)}};function k(t,e,r){var n="";r=Math.min(t.length,r);for(var i=e;in)&&(r=n);for(var i="",a=e;ar)throw new RangeError("Trying to access beyond buffer length")}function C(t,e,r,n,i,o){if(!a.isBuffer(t))throw new TypeError('"buffer" argument must be a Buffer instance');if(e>i||et.length)throw new RangeError("Index out of range")}function L(t,e,r,n,i,a){if(r+n>t.length)throw new RangeError("Index out of range");if(r<0)throw new RangeError("Index out of range")}function I(t,e,r,i,a){return e=+e,r>>>=0,a||L(t,0,r,4),n.write(t,e,r,i,23,4),r+4}function P(t,e,r,i,a){return e=+e,r>>>=0,a||L(t,0,r,8),n.write(t,e,r,i,52,8),r+8}a.prototype.slice=function(t,e){var r=this.length;(t=~~t)<0?(t+=r)<0&&(t=0):t>r&&(t=r),(e=void 0===e?r:~~e)<0?(e+=r)<0&&(e=0):e>r&&(e=r),e>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t],i=1,a=0;++a>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t+--e],i=1;e>0&&(i*=256);)n+=this[t+--e]*i;return n},a.prototype.readUInt8=function(t,e){return t>>>=0,e||E(t,1,this.length),this[t]},a.prototype.readUInt16LE=function(t,e){return t>>>=0,e||E(t,2,this.length),this[t]|this[t+1]<<8},a.prototype.readUInt16BE=function(t,e){return t>>>=0,e||E(t,2,this.length),this[t]<<8|this[t+1]},a.prototype.readUInt32LE=function(t,e){return t>>>=0,e||E(t,4,this.length),(this[t]|this[t+1]<<8|this[t+2]<<16)+16777216*this[t+3]},a.prototype.readUInt32BE=function(t,e){return t>>>=0,e||E(t,4,this.length),16777216*this[t]+(this[t+1]<<16|this[t+2]<<8|this[t+3])},a.prototype.readIntLE=function(t,e,r){t>>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t],i=1,a=0;++a=(i*=128)&&(n-=Math.pow(2,8*e)),n},a.prototype.readIntBE=function(t,e,r){t>>>=0,e>>>=0,r||E(t,e,this.length);for(var n=e,i=1,a=this[t+--n];n>0&&(i*=256);)a+=this[t+--n]*i;return a>=(i*=128)&&(a-=Math.pow(2,8*e)),a},a.prototype.readInt8=function(t,e){return t>>>=0,e||E(t,1,this.length),128&this[t]?-1*(255-this[t]+1):this[t]},a.prototype.readInt16LE=function(t,e){t>>>=0,e||E(t,2,this.length);var r=this[t]|this[t+1]<<8;return 32768&r?4294901760|r:r},a.prototype.readInt16BE=function(t,e){t>>>=0,e||E(t,2,this.length);var r=this[t+1]|this[t]<<8;return 32768&r?4294901760|r:r},a.prototype.readInt32LE=function(t,e){return t>>>=0,e||E(t,4,this.length),this[t]|this[t+1]<<8|this[t+2]<<16|this[t+3]<<24},a.prototype.readInt32BE=function(t,e){return t>>>=0,e||E(t,4,this.length),this[t]<<24|this[t+1]<<16|this[t+2]<<8|this[t+3]},a.prototype.readFloatLE=function(t,e){return t>>>=0,e||E(t,4,this.length),n.read(this,t,!0,23,4)},a.prototype.readFloatBE=function(t,e){return t>>>=0,e||E(t,4,this.length),n.read(this,t,!1,23,4)},a.prototype.readDoubleLE=function(t,e){return t>>>=0,e||E(t,8,this.length),n.read(this,t,!0,52,8)},a.prototype.readDoubleBE=function(t,e){return t>>>=0,e||E(t,8,this.length),n.read(this,t,!1,52,8)},a.prototype.writeUIntLE=function(t,e,r,n){(t=+t,e>>>=0,r>>>=0,n)||C(this,t,e,r,Math.pow(2,8*r)-1,0);var i=1,a=0;for(this[e]=255&t;++a>>=0,r>>>=0,n)||C(this,t,e,r,Math.pow(2,8*r)-1,0);var i=r-1,a=1;for(this[e+i]=255&t;--i>=0&&(a*=256);)this[e+i]=t/a&255;return e+r},a.prototype.writeUInt8=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,1,255,0),this[e]=255&t,e+1},a.prototype.writeUInt16LE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,2,65535,0),this[e]=255&t,this[e+1]=t>>>8,e+2},a.prototype.writeUInt16BE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,2,65535,0),this[e]=t>>>8,this[e+1]=255&t,e+2},a.prototype.writeUInt32LE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,4,4294967295,0),this[e+3]=t>>>24,this[e+2]=t>>>16,this[e+1]=t>>>8,this[e]=255&t,e+4},a.prototype.writeUInt32BE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,4,4294967295,0),this[e]=t>>>24,this[e+1]=t>>>16,this[e+2]=t>>>8,this[e+3]=255&t,e+4},a.prototype.writeIntLE=function(t,e,r,n){if(t=+t,e>>>=0,!n){var i=Math.pow(2,8*r-1);C(this,t,e,r,i-1,-i)}var a=0,o=1,s=0;for(this[e]=255&t;++a>0)-s&255;return e+r},a.prototype.writeIntBE=function(t,e,r,n){if(t=+t,e>>>=0,!n){var i=Math.pow(2,8*r-1);C(this,t,e,r,i-1,-i)}var a=r-1,o=1,s=0;for(this[e+a]=255&t;--a>=0&&(o*=256);)t<0&&0===s&&0!==this[e+a+1]&&(s=1),this[e+a]=(t/o>>0)-s&255;return e+r},a.prototype.writeInt8=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,1,127,-128),t<0&&(t=255+t+1),this[e]=255&t,e+1},a.prototype.writeInt16LE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,2,32767,-32768),this[e]=255&t,this[e+1]=t>>>8,e+2},a.prototype.writeInt16BE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,2,32767,-32768),this[e]=t>>>8,this[e+1]=255&t,e+2},a.prototype.writeInt32LE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,4,2147483647,-2147483648),this[e]=255&t,this[e+1]=t>>>8,this[e+2]=t>>>16,this[e+3]=t>>>24,e+4},a.prototype.writeInt32BE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,4,2147483647,-2147483648),t<0&&(t=4294967295+t+1),this[e]=t>>>24,this[e+1]=t>>>16,this[e+2]=t>>>8,this[e+3]=255&t,e+4},a.prototype.writeFloatLE=function(t,e,r){return I(this,t,e,!0,r)},a.prototype.writeFloatBE=function(t,e,r){return I(this,t,e,!1,r)},a.prototype.writeDoubleLE=function(t,e,r){return P(this,t,e,!0,r)},a.prototype.writeDoubleBE=function(t,e,r){return P(this,t,e,!1,r)},a.prototype.copy=function(t,e,r,n){if(!a.isBuffer(t))throw new TypeError("argument should be a Buffer");if(r||(r=0),n||0===n||(n=this.length),e>=t.length&&(e=t.length),e||(e=0),n>0&&n=this.length)throw new RangeError("Index out of range");if(n<0)throw new RangeError("sourceEnd out of bounds");n>this.length&&(n=this.length),t.length-e=0;--o)t[o+e]=this[o+r];else Uint8Array.prototype.set.call(t,this.subarray(r,n),e);return i},a.prototype.fill=function(t,e,r,n){if("string"==typeof t){if("string"==typeof e?(n=e,e=0,r=this.length):"string"==typeof r&&(n=r,r=this.length),void 0!==n&&"string"!=typeof n)throw new TypeError("encoding must be a string");if("string"==typeof n&&!a.isEncoding(n))throw new TypeError("Unknown encoding: "+n);if(1===t.length){var i=t.charCodeAt(0);("utf8"===n&&i<128||"latin1"===n)&&(t=i)}}else"number"==typeof t&&(t&=255);if(e<0||this.length>>=0,r=void 0===r?this.length:r>>>0,t||(t=0),"number"==typeof t)for(o=e;o55295&&r<57344){if(!i){if(r>56319){(e-=3)>-1&&a.push(239,191,189);continue}if(o+1===n){(e-=3)>-1&&a.push(239,191,189);continue}i=r;continue}if(r<56320){(e-=3)>-1&&a.push(239,191,189),i=r;continue}r=65536+(i-55296<<10|r-56320)}else i&&(e-=3)>-1&&a.push(239,191,189);if(i=null,r<128){if((e-=1)<0)break;a.push(r)}else if(r<2048){if((e-=2)<0)break;a.push(r>>6|192,63&r|128)}else if(r<65536){if((e-=3)<0)break;a.push(r>>12|224,r>>6&63|128,63&r|128)}else{if(!(r<1114112))throw new Error("Invalid code point");if((e-=4)<0)break;a.push(r>>18|240,r>>12&63|128,r>>6&63|128,63&r|128)}}return a}function R(t){return e.toByteArray(function(t){if((t=(t=t.split("=")[0]).trim().replace(z,"")).length<2)return"";for(;t.length%4!=0;)t+="=";return t}(t))}function F(t,e,r,n){for(var i=0;i=e.length||i>=t.length);++i)e[i+r]=t[i];return i}function B(t,e){return t instanceof e||null!=t&&null!=t.constructor&&null!=t.constructor.name&&t.constructor.name===e.name}function N(t){return t!=t}}).call(this)}).call(this,t("buffer").Buffer)},{"base64-js":79,buffer:111,ieee754:442}],112:[function(t,e,r){"use strict";var n=t("./lib/monotone"),i=t("./lib/triangulation"),a=t("./lib/delaunay"),o=t("./lib/filter");function s(t){return[Math.min(t[0],t[1]),Math.max(t[0],t[1])]}function l(t,e){return t[0]-e[0]||t[1]-e[1]}function c(t,e,r){return e in t?t[e]:r}e.exports=function(t,e,r){Array.isArray(e)?(r=r||{},e=e||[]):(r=e||{},e=[]);var u=!!c(r,"delaunay",!0),f=!!c(r,"interior",!0),h=!!c(r,"exterior",!0),p=!!c(r,"infinity",!1);if(!f&&!h||0===t.length)return[];var d=n(t,e);if(u||f!==h||p){for(var g=i(t.length,function(t){return t.map(s).sort(l)}(e)),m=0;m0;){for(var p=r.pop(),d=(s=r.pop(),u=-1,f=-1,l=o[s],1);d=0||(e.flip(s,p),i(t,e,r,u,s,f),i(t,e,r,s,f,u),i(t,e,r,f,p,u),i(t,e,r,p,u,f)))}}},{"binary-search-bounds":96,"robust-in-sphere":546}],114:[function(t,e,r){"use strict";var n,i=t("binary-search-bounds");function a(t,e,r,n,i,a,o){this.cells=t,this.neighbor=e,this.flags=n,this.constraint=r,this.active=i,this.next=a,this.boundary=o}function o(t,e){return t[0]-e[0]||t[1]-e[1]||t[2]-e[2]}e.exports=function(t,e,r){var n=function(t,e){for(var r=t.cells(),n=r.length,i=0;i0||l.length>0;){for(;s.length>0;){var p=s.pop();if(c[p]!==-i){c[p]=i;u[p];for(var d=0;d<3;++d){var g=h[3*p+d];g>=0&&0===c[g]&&(f[3*p+d]?l.push(g):(s.push(g),c[g]=i))}}}var m=l;l=s,s=m,l.length=0,i=-i}var v=function(t,e,r){for(var n=0,i=0;i1&&i(r[h[p-2]],r[h[p-1]],a)>0;)t.push([h[p-1],h[p-2],o]),p-=1;h.length=p,h.push(o);var d=f.upperIds;for(p=d.length;p>1&&i(r[d[p-2]],r[d[p-1]],a)<0;)t.push([d[p-2],d[p-1],o]),p-=1;d.length=p,d.push(o)}}function u(t,e){var r;return(r=t.a[0]d[0]&&i.push(new o(d,p,2,l),new o(p,d,1,l))}i.sort(s);for(var g=i[0].a[0]-(1+Math.abs(i[0].a[0]))*Math.pow(2,-52),m=[new a([g,1],[g,0],-1,[],[],[],[])],v=[],y=(l=0,i.length);l=0}}(),a.removeTriangle=function(t,e,r){var n=this.stars;o(n[t],e,r),o(n[e],r,t),o(n[r],t,e)},a.addTriangle=function(t,e,r){var n=this.stars;n[t].push(e,r),n[e].push(r,t),n[r].push(t,e)},a.opposite=function(t,e){for(var r=this.stars[e],n=1,i=r.length;nr?r:t:te?e:t}},{}],121:[function(t,e,r){"use strict";e.exports=function(t,e,r){var n;if(r){n=e;for(var i=new Array(e.length),a=0;ae[2]?1:0)}function v(t,e,r){if(0!==t.length){if(e)for(var n=0;n=0;--a){var x=e[u=(S=n[a])[0]],b=x[0],_=x[1],w=t[b],T=t[_];if((w[0]-T[0]||w[1]-T[1])<0){var k=b;b=_,_=k}x[0]=b;var M,A=x[1]=S[1];for(i&&(M=x[2]);a>0&&n[a-1][0]===u;){var S,E=(S=n[--a])[1];i?e.push([A,E,M]):e.push([A,E]),A=E}i?e.push([A,_,M]):e.push([A,_])}return h}(t,e,h,m,r));return v(e,y,r),!!y||(h.length>0||m.length>0)}},{"./lib/rat-seg-intersect":122,"big-rat":83,"big-rat/cmp":81,"big-rat/to-float":95,"box-intersect":101,nextafter:496,"rat-vec":530,"robust-segment-intersect":551,"union-find":596}],122:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){var a=s(e,t),f=s(n,r),h=u(a,f);if(0===o(h))return null;var p=s(t,r),d=u(f,p),g=i(d,h),m=c(a,g);return l(t,m)};var n=t("big-rat/mul"),i=t("big-rat/div"),a=t("big-rat/sub"),o=t("big-rat/sign"),s=t("rat-vec/sub"),l=t("rat-vec/add"),c=t("rat-vec/muls");function u(t,e){return a(n(t[0],e[1]),n(t[1],e[0]))}},{"big-rat/div":82,"big-rat/mul":92,"big-rat/sign":93,"big-rat/sub":94,"rat-vec/add":529,"rat-vec/muls":531,"rat-vec/sub":532}],123:[function(t,e,r){"use strict";var n=t("clamp");function i(t,e){null==e&&(e=!0);var r=t[0],i=t[1],a=t[2],o=t[3];return null==o&&(o=e?1:255),e&&(r*=255,i*=255,a*=255,o*=255),16777216*(r=255&n(r,0,255))+((i=255&n(i,0,255))<<16)+((a=255&n(a,0,255))<<8)+(o=255&n(o,0,255))}e.exports=i,e.exports.to=i,e.exports.from=function(t,e){var r=(t=+t)>>>24,n=(16711680&t)>>>16,i=(65280&t)>>>8,a=255&t;return!1===e?[r,n,i,a]:[r/255,n/255,i/255,a/255]}},{clamp:120}],124:[function(t,e,r){"use strict";e.exports={aliceblue:[240,248,255],antiquewhite:[250,235,215],aqua:[0,255,255],aquamarine:[127,255,212],azure:[240,255,255],beige:[245,245,220],bisque:[255,228,196],black:[0,0,0],blanchedalmond:[255,235,205],blue:[0,0,255],blueviolet:[138,43,226],brown:[165,42,42],burlywood:[222,184,135],cadetblue:[95,158,160],chartreuse:[127,255,0],chocolate:[210,105,30],coral:[255,127,80],cornflowerblue:[100,149,237],cornsilk:[255,248,220],crimson:[220,20,60],cyan:[0,255,255],darkblue:[0,0,139],darkcyan:[0,139,139],darkgoldenrod:[184,134,11],darkgray:[169,169,169],darkgreen:[0,100,0],darkgrey:[169,169,169],darkkhaki:[189,183,107],darkmagenta:[139,0,139],darkolivegreen:[85,107,47],darkorange:[255,140,0],darkorchid:[153,50,204],darkred:[139,0,0],darksalmon:[233,150,122],darkseagreen:[143,188,143],darkslateblue:[72,61,139],darkslategray:[47,79,79],darkslategrey:[47,79,79],darkturquoise:[0,206,209],darkviolet:[148,0,211],deeppink:[255,20,147],deepskyblue:[0,191,255],dimgray:[105,105,105],dimgrey:[105,105,105],dodgerblue:[30,144,255],firebrick:[178,34,34],floralwhite:[255,250,240],forestgreen:[34,139,34],fuchsia:[255,0,255],gainsboro:[220,220,220],ghostwhite:[248,248,255],gold:[255,215,0],goldenrod:[218,165,32],gray:[128,128,128],green:[0,128,0],greenyellow:[173,255,47],grey:[128,128,128],honeydew:[240,255,240],hotpink:[255,105,180],indianred:[205,92,92],indigo:[75,0,130],ivory:[255,255,240],khaki:[240,230,140],lavender:[230,230,250],lavenderblush:[255,240,245],lawngreen:[124,252,0],lemonchiffon:[255,250,205],lightblue:[173,216,230],lightcoral:[240,128,128],lightcyan:[224,255,255],lightgoldenrodyellow:[250,250,210],lightgray:[211,211,211],lightgreen:[144,238,144],lightgrey:[211,211,211],lightpink:[255,182,193],lightsalmon:[255,160,122],lightseagreen:[32,178,170],lightskyblue:[135,206,250],lightslategray:[119,136,153],lightslategrey:[119,136,153],lightsteelblue:[176,196,222],lightyellow:[255,255,224],lime:[0,255,0],limegreen:[50,205,50],linen:[250,240,230],magenta:[255,0,255],maroon:[128,0,0],mediumaquamarine:[102,205,170],mediumblue:[0,0,205],mediumorchid:[186,85,211],mediumpurple:[147,112,219],mediumseagreen:[60,179,113],mediumslateblue:[123,104,238],mediumspringgreen:[0,250,154],mediumturquoise:[72,209,204],mediumvioletred:[199,21,133],midnightblue:[25,25,112],mintcream:[245,255,250],mistyrose:[255,228,225],moccasin:[255,228,181],navajowhite:[255,222,173],navy:[0,0,128],oldlace:[253,245,230],olive:[128,128,0],olivedrab:[107,142,35],orange:[255,165,0],orangered:[255,69,0],orchid:[218,112,214],palegoldenrod:[238,232,170],palegreen:[152,251,152],paleturquoise:[175,238,238],palevioletred:[219,112,147],papayawhip:[255,239,213],peachpuff:[255,218,185],peru:[205,133,63],pink:[255,192,203],plum:[221,160,221],powderblue:[176,224,230],purple:[128,0,128],rebeccapurple:[102,51,153],red:[255,0,0],rosybrown:[188,143,143],royalblue:[65,105,225],saddlebrown:[139,69,19],salmon:[250,128,114],sandybrown:[244,164,96],seagreen:[46,139,87],seashell:[255,245,238],sienna:[160,82,45],silver:[192,192,192],skyblue:[135,206,235],slateblue:[106,90,205],slategray:[112,128,144],slategrey:[112,128,144],snow:[255,250,250],springgreen:[0,255,127],steelblue:[70,130,180],tan:[210,180,140],teal:[0,128,128],thistle:[216,191,216],tomato:[255,99,71],turquoise:[64,224,208],violet:[238,130,238],wheat:[245,222,179],white:[255,255,255],whitesmoke:[245,245,245],yellow:[255,255,0],yellowgreen:[154,205,50]}},{}],125:[function(t,e,r){"use strict";var n=t("color-rgba"),i=t("clamp"),a=t("dtype");e.exports=function(t,e){"float"!==e&&e||(e="array"),"uint"===e&&(e="uint8"),"uint_clamped"===e&&(e="uint8_clamped");var r=new(a(e))(4),o="uint8"!==e&&"uint8_clamped"!==e;return t.length&&"string"!=typeof t||((t=n(t))[0]/=255,t[1]/=255,t[2]/=255),function(t){return t instanceof Uint8Array||t instanceof Uint8ClampedArray||!!(Array.isArray(t)&&(t[0]>1||0===t[0])&&(t[1]>1||0===t[1])&&(t[2]>1||0===t[2])&&(!t[3]||t[3]>1))}(t)?(r[0]=t[0],r[1]=t[1],r[2]=t[2],r[3]=null!=t[3]?t[3]:255,o&&(r[0]/=255,r[1]/=255,r[2]/=255,r[3]/=255),r):(o?(r[0]=t[0],r[1]=t[1],r[2]=t[2],r[3]=null!=t[3]?t[3]:1):(r[0]=i(Math.floor(255*t[0]),0,255),r[1]=i(Math.floor(255*t[1]),0,255),r[2]=i(Math.floor(255*t[2]),0,255),r[3]=null==t[3]?255:i(Math.floor(255*t[3]),0,255)),r)}},{clamp:120,"color-rgba":127,dtype:175}],126:[function(t,e,r){(function(r){(function(){"use strict";var n=t("color-name"),i=t("is-plain-obj"),a=t("defined");e.exports=function(t){var e,s,l=[],c=1;if("string"==typeof t)if(n[t])l=n[t].slice(),s="rgb";else if("transparent"===t)c=0,s="rgb",l=[0,0,0];else if(/^#[A-Fa-f0-9]+$/.test(t)){var u=(p=t.slice(1)).length;c=1,u<=4?(l=[parseInt(p[0]+p[0],16),parseInt(p[1]+p[1],16),parseInt(p[2]+p[2],16)],4===u&&(c=parseInt(p[3]+p[3],16)/255)):(l=[parseInt(p[0]+p[1],16),parseInt(p[2]+p[3],16),parseInt(p[4]+p[5],16)],8===u&&(c=parseInt(p[6]+p[7],16)/255)),l[0]||(l[0]=0),l[1]||(l[1]=0),l[2]||(l[2]=0),s="rgb"}else if(e=/^((?:rgb|hs[lvb]|hwb|cmyk?|xy[zy]|gray|lab|lchu?v?|[ly]uv|lms)a?)\s*\(([^\)]*)\)/.exec(t)){var f=e[1],h="rgb"===f,p=f.replace(/a$/,"");s=p;u="cmyk"===p?4:"gray"===p?1:3;l=e[2].trim().split(/\s*,\s*/).map((function(t,e){if(/%$/.test(t))return e===u?parseFloat(t)/100:"rgb"===p?255*parseFloat(t)/100:parseFloat(t);if("h"===p[e]){if(/deg$/.test(t))return parseFloat(t);if(void 0!==o[t])return o[t]}return parseFloat(t)})),f===p&&l.push(1),c=h||void 0===l[u]?1:l[u],l=l.slice(0,u)}else t.length>10&&/[0-9](?:\s|\/)/.test(t)&&(l=t.match(/([0-9]+)/g).map((function(t){return parseFloat(t)})),s=t.match(/([a-z])/gi).join("").toLowerCase());else if(isNaN(t))if(i(t)){var d=a(t.r,t.red,t.R,null);null!==d?(s="rgb",l=[d,a(t.g,t.green,t.G),a(t.b,t.blue,t.B)]):(s="hsl",l=[a(t.h,t.hue,t.H),a(t.s,t.saturation,t.S),a(t.l,t.lightness,t.L,t.b,t.brightness)]),c=a(t.a,t.alpha,t.opacity,1),null!=t.opacity&&(c/=100)}else(Array.isArray(t)||r.ArrayBuffer&&ArrayBuffer.isView&&ArrayBuffer.isView(t))&&(l=[t[0],t[1],t[2]],s="rgb",c=4===t.length?t[3]:1);else s="rgb",l=[t>>>16,(65280&t)>>>8,255&t];return{space:s,values:l,alpha:c}};var o={red:0,orange:60,yellow:120,green:180,blue:240,purple:300}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"color-name":124,defined:170,"is-plain-obj":469}],127:[function(t,e,r){"use strict";var n=t("color-parse"),i=t("color-space/hsl"),a=t("clamp");e.exports=function(t){var e,r=n(t);return r.space?((e=Array(3))[0]=a(r.values[0],0,255),e[1]=a(r.values[1],0,255),e[2]=a(r.values[2],0,255),"h"===r.space[0]&&(e=i.rgb(e)),e.push(a(r.alpha,0,1)),e):[]}},{clamp:120,"color-parse":126,"color-space/hsl":128}],128:[function(t,e,r){"use strict";var n=t("./rgb");e.exports={name:"hsl",min:[0,0,0],max:[360,100,100],channel:["hue","saturation","lightness"],alias:["HSL"],rgb:function(t){var e,r,n,i,a,o=t[0]/360,s=t[1]/100,l=t[2]/100;if(0===s)return[a=255*l,a,a];e=2*l-(r=l<.5?l*(1+s):l+s-l*s),i=[0,0,0];for(var c=0;c<3;c++)(n=o+1/3*-(c-1))<0?n++:n>1&&n--,a=6*n<1?e+6*(r-e)*n:2*n<1?r:3*n<2?e+(r-e)*(2/3-n)*6:e,i[c]=255*a;return i}},n.hsl=function(t){var e,r,n=t[0]/255,i=t[1]/255,a=t[2]/255,o=Math.min(n,i,a),s=Math.max(n,i,a),l=s-o;return s===o?e=0:n===s?e=(i-a)/l:i===s?e=2+(a-n)/l:a===s&&(e=4+(n-i)/l),(e=Math.min(60*e,360))<0&&(e+=360),r=(o+s)/2,[e,100*(s===o?0:r<=.5?l/(s+o):l/(2-s-o)),100*r]}},{"./rgb":129}],129:[function(t,e,r){"use strict";e.exports={name:"rgb",min:[0,0,0],max:[255,255,255],channel:["red","green","blue"],alias:["RGB"]}},{}],130:[function(t,e,r){e.exports={jet:[{index:0,rgb:[0,0,131]},{index:.125,rgb:[0,60,170]},{index:.375,rgb:[5,255,255]},{index:.625,rgb:[255,255,0]},{index:.875,rgb:[250,0,0]},{index:1,rgb:[128,0,0]}],hsv:[{index:0,rgb:[255,0,0]},{index:.169,rgb:[253,255,2]},{index:.173,rgb:[247,255,2]},{index:.337,rgb:[0,252,4]},{index:.341,rgb:[0,252,10]},{index:.506,rgb:[1,249,255]},{index:.671,rgb:[2,0,253]},{index:.675,rgb:[8,0,253]},{index:.839,rgb:[255,0,251]},{index:.843,rgb:[255,0,245]},{index:1,rgb:[255,0,6]}],hot:[{index:0,rgb:[0,0,0]},{index:.3,rgb:[230,0,0]},{index:.6,rgb:[255,210,0]},{index:1,rgb:[255,255,255]}],cool:[{index:0,rgb:[0,255,255]},{index:1,rgb:[255,0,255]}],spring:[{index:0,rgb:[255,0,255]},{index:1,rgb:[255,255,0]}],summer:[{index:0,rgb:[0,128,102]},{index:1,rgb:[255,255,102]}],autumn:[{index:0,rgb:[255,0,0]},{index:1,rgb:[255,255,0]}],winter:[{index:0,rgb:[0,0,255]},{index:1,rgb:[0,255,128]}],bone:[{index:0,rgb:[0,0,0]},{index:.376,rgb:[84,84,116]},{index:.753,rgb:[169,200,200]},{index:1,rgb:[255,255,255]}],copper:[{index:0,rgb:[0,0,0]},{index:.804,rgb:[255,160,102]},{index:1,rgb:[255,199,127]}],greys:[{index:0,rgb:[0,0,0]},{index:1,rgb:[255,255,255]}],yignbu:[{index:0,rgb:[8,29,88]},{index:.125,rgb:[37,52,148]},{index:.25,rgb:[34,94,168]},{index:.375,rgb:[29,145,192]},{index:.5,rgb:[65,182,196]},{index:.625,rgb:[127,205,187]},{index:.75,rgb:[199,233,180]},{index:.875,rgb:[237,248,217]},{index:1,rgb:[255,255,217]}],greens:[{index:0,rgb:[0,68,27]},{index:.125,rgb:[0,109,44]},{index:.25,rgb:[35,139,69]},{index:.375,rgb:[65,171,93]},{index:.5,rgb:[116,196,118]},{index:.625,rgb:[161,217,155]},{index:.75,rgb:[199,233,192]},{index:.875,rgb:[229,245,224]},{index:1,rgb:[247,252,245]}],yiorrd:[{index:0,rgb:[128,0,38]},{index:.125,rgb:[189,0,38]},{index:.25,rgb:[227,26,28]},{index:.375,rgb:[252,78,42]},{index:.5,rgb:[253,141,60]},{index:.625,rgb:[254,178,76]},{index:.75,rgb:[254,217,118]},{index:.875,rgb:[255,237,160]},{index:1,rgb:[255,255,204]}],bluered:[{index:0,rgb:[0,0,255]},{index:1,rgb:[255,0,0]}],rdbu:[{index:0,rgb:[5,10,172]},{index:.35,rgb:[106,137,247]},{index:.5,rgb:[190,190,190]},{index:.6,rgb:[220,170,132]},{index:.7,rgb:[230,145,90]},{index:1,rgb:[178,10,28]}],picnic:[{index:0,rgb:[0,0,255]},{index:.1,rgb:[51,153,255]},{index:.2,rgb:[102,204,255]},{index:.3,rgb:[153,204,255]},{index:.4,rgb:[204,204,255]},{index:.5,rgb:[255,255,255]},{index:.6,rgb:[255,204,255]},{index:.7,rgb:[255,153,255]},{index:.8,rgb:[255,102,204]},{index:.9,rgb:[255,102,102]},{index:1,rgb:[255,0,0]}],rainbow:[{index:0,rgb:[150,0,90]},{index:.125,rgb:[0,0,200]},{index:.25,rgb:[0,25,255]},{index:.375,rgb:[0,152,255]},{index:.5,rgb:[44,255,150]},{index:.625,rgb:[151,255,0]},{index:.75,rgb:[255,234,0]},{index:.875,rgb:[255,111,0]},{index:1,rgb:[255,0,0]}],portland:[{index:0,rgb:[12,51,131]},{index:.25,rgb:[10,136,186]},{index:.5,rgb:[242,211,56]},{index:.75,rgb:[242,143,56]},{index:1,rgb:[217,30,30]}],blackbody:[{index:0,rgb:[0,0,0]},{index:.2,rgb:[230,0,0]},{index:.4,rgb:[230,210,0]},{index:.7,rgb:[255,255,255]},{index:1,rgb:[160,200,255]}],earth:[{index:0,rgb:[0,0,130]},{index:.1,rgb:[0,180,180]},{index:.2,rgb:[40,210,40]},{index:.4,rgb:[230,230,50]},{index:.6,rgb:[120,70,20]},{index:1,rgb:[255,255,255]}],electric:[{index:0,rgb:[0,0,0]},{index:.15,rgb:[30,0,100]},{index:.4,rgb:[120,0,100]},{index:.6,rgb:[160,90,0]},{index:.8,rgb:[230,200,0]},{index:1,rgb:[255,250,220]}],alpha:[{index:0,rgb:[255,255,255,0]},{index:1,rgb:[255,255,255,1]}],viridis:[{index:0,rgb:[68,1,84]},{index:.13,rgb:[71,44,122]},{index:.25,rgb:[59,81,139]},{index:.38,rgb:[44,113,142]},{index:.5,rgb:[33,144,141]},{index:.63,rgb:[39,173,129]},{index:.75,rgb:[92,200,99]},{index:.88,rgb:[170,220,50]},{index:1,rgb:[253,231,37]}],inferno:[{index:0,rgb:[0,0,4]},{index:.13,rgb:[31,12,72]},{index:.25,rgb:[85,15,109]},{index:.38,rgb:[136,34,106]},{index:.5,rgb:[186,54,85]},{index:.63,rgb:[227,89,51]},{index:.75,rgb:[249,140,10]},{index:.88,rgb:[249,201,50]},{index:1,rgb:[252,255,164]}],magma:[{index:0,rgb:[0,0,4]},{index:.13,rgb:[28,16,68]},{index:.25,rgb:[79,18,123]},{index:.38,rgb:[129,37,129]},{index:.5,rgb:[181,54,122]},{index:.63,rgb:[229,80,100]},{index:.75,rgb:[251,135,97]},{index:.88,rgb:[254,194,135]},{index:1,rgb:[252,253,191]}],plasma:[{index:0,rgb:[13,8,135]},{index:.13,rgb:[75,3,161]},{index:.25,rgb:[125,3,168]},{index:.38,rgb:[168,34,150]},{index:.5,rgb:[203,70,121]},{index:.63,rgb:[229,107,93]},{index:.75,rgb:[248,148,65]},{index:.88,rgb:[253,195,40]},{index:1,rgb:[240,249,33]}],warm:[{index:0,rgb:[125,0,179]},{index:.13,rgb:[172,0,187]},{index:.25,rgb:[219,0,170]},{index:.38,rgb:[255,0,130]},{index:.5,rgb:[255,63,74]},{index:.63,rgb:[255,123,0]},{index:.75,rgb:[234,176,0]},{index:.88,rgb:[190,228,0]},{index:1,rgb:[147,255,0]}],cool:[{index:0,rgb:[125,0,179]},{index:.13,rgb:[116,0,218]},{index:.25,rgb:[98,74,237]},{index:.38,rgb:[68,146,231]},{index:.5,rgb:[0,204,197]},{index:.63,rgb:[0,247,146]},{index:.75,rgb:[0,255,88]},{index:.88,rgb:[40,255,8]},{index:1,rgb:[147,255,0]}],"rainbow-soft":[{index:0,rgb:[125,0,179]},{index:.1,rgb:[199,0,180]},{index:.2,rgb:[255,0,121]},{index:.3,rgb:[255,108,0]},{index:.4,rgb:[222,194,0]},{index:.5,rgb:[150,255,0]},{index:.6,rgb:[0,255,55]},{index:.7,rgb:[0,246,150]},{index:.8,rgb:[50,167,222]},{index:.9,rgb:[103,51,235]},{index:1,rgb:[124,0,186]}],bathymetry:[{index:0,rgb:[40,26,44]},{index:.13,rgb:[59,49,90]},{index:.25,rgb:[64,76,139]},{index:.38,rgb:[63,110,151]},{index:.5,rgb:[72,142,158]},{index:.63,rgb:[85,174,163]},{index:.75,rgb:[120,206,163]},{index:.88,rgb:[187,230,172]},{index:1,rgb:[253,254,204]}],cdom:[{index:0,rgb:[47,15,62]},{index:.13,rgb:[87,23,86]},{index:.25,rgb:[130,28,99]},{index:.38,rgb:[171,41,96]},{index:.5,rgb:[206,67,86]},{index:.63,rgb:[230,106,84]},{index:.75,rgb:[242,149,103]},{index:.88,rgb:[249,193,135]},{index:1,rgb:[254,237,176]}],chlorophyll:[{index:0,rgb:[18,36,20]},{index:.13,rgb:[25,63,41]},{index:.25,rgb:[24,91,59]},{index:.38,rgb:[13,119,72]},{index:.5,rgb:[18,148,80]},{index:.63,rgb:[80,173,89]},{index:.75,rgb:[132,196,122]},{index:.88,rgb:[175,221,162]},{index:1,rgb:[215,249,208]}],density:[{index:0,rgb:[54,14,36]},{index:.13,rgb:[89,23,80]},{index:.25,rgb:[110,45,132]},{index:.38,rgb:[120,77,178]},{index:.5,rgb:[120,113,213]},{index:.63,rgb:[115,151,228]},{index:.75,rgb:[134,185,227]},{index:.88,rgb:[177,214,227]},{index:1,rgb:[230,241,241]}],"freesurface-blue":[{index:0,rgb:[30,4,110]},{index:.13,rgb:[47,14,176]},{index:.25,rgb:[41,45,236]},{index:.38,rgb:[25,99,212]},{index:.5,rgb:[68,131,200]},{index:.63,rgb:[114,156,197]},{index:.75,rgb:[157,181,203]},{index:.88,rgb:[200,208,216]},{index:1,rgb:[241,237,236]}],"freesurface-red":[{index:0,rgb:[60,9,18]},{index:.13,rgb:[100,17,27]},{index:.25,rgb:[142,20,29]},{index:.38,rgb:[177,43,27]},{index:.5,rgb:[192,87,63]},{index:.63,rgb:[205,125,105]},{index:.75,rgb:[216,162,148]},{index:.88,rgb:[227,199,193]},{index:1,rgb:[241,237,236]}],oxygen:[{index:0,rgb:[64,5,5]},{index:.13,rgb:[106,6,15]},{index:.25,rgb:[144,26,7]},{index:.38,rgb:[168,64,3]},{index:.5,rgb:[188,100,4]},{index:.63,rgb:[206,136,11]},{index:.75,rgb:[220,174,25]},{index:.88,rgb:[231,215,44]},{index:1,rgb:[248,254,105]}],par:[{index:0,rgb:[51,20,24]},{index:.13,rgb:[90,32,35]},{index:.25,rgb:[129,44,34]},{index:.38,rgb:[159,68,25]},{index:.5,rgb:[182,99,19]},{index:.63,rgb:[199,134,22]},{index:.75,rgb:[212,171,35]},{index:.88,rgb:[221,210,54]},{index:1,rgb:[225,253,75]}],phase:[{index:0,rgb:[145,105,18]},{index:.13,rgb:[184,71,38]},{index:.25,rgb:[186,58,115]},{index:.38,rgb:[160,71,185]},{index:.5,rgb:[110,97,218]},{index:.63,rgb:[50,123,164]},{index:.75,rgb:[31,131,110]},{index:.88,rgb:[77,129,34]},{index:1,rgb:[145,105,18]}],salinity:[{index:0,rgb:[42,24,108]},{index:.13,rgb:[33,50,162]},{index:.25,rgb:[15,90,145]},{index:.38,rgb:[40,118,137]},{index:.5,rgb:[59,146,135]},{index:.63,rgb:[79,175,126]},{index:.75,rgb:[120,203,104]},{index:.88,rgb:[193,221,100]},{index:1,rgb:[253,239,154]}],temperature:[{index:0,rgb:[4,35,51]},{index:.13,rgb:[23,51,122]},{index:.25,rgb:[85,59,157]},{index:.38,rgb:[129,79,143]},{index:.5,rgb:[175,95,130]},{index:.63,rgb:[222,112,101]},{index:.75,rgb:[249,146,66]},{index:.88,rgb:[249,196,65]},{index:1,rgb:[232,250,91]}],turbidity:[{index:0,rgb:[34,31,27]},{index:.13,rgb:[65,50,41]},{index:.25,rgb:[98,69,52]},{index:.38,rgb:[131,89,57]},{index:.5,rgb:[161,112,59]},{index:.63,rgb:[185,140,66]},{index:.75,rgb:[202,174,88]},{index:.88,rgb:[216,209,126]},{index:1,rgb:[233,246,171]}],"velocity-blue":[{index:0,rgb:[17,32,64]},{index:.13,rgb:[35,52,116]},{index:.25,rgb:[29,81,156]},{index:.38,rgb:[31,113,162]},{index:.5,rgb:[50,144,169]},{index:.63,rgb:[87,173,176]},{index:.75,rgb:[149,196,189]},{index:.88,rgb:[203,221,211]},{index:1,rgb:[254,251,230]}],"velocity-green":[{index:0,rgb:[23,35,19]},{index:.13,rgb:[24,64,38]},{index:.25,rgb:[11,95,45]},{index:.38,rgb:[39,123,35]},{index:.5,rgb:[95,146,12]},{index:.63,rgb:[152,165,18]},{index:.75,rgb:[201,186,69]},{index:.88,rgb:[233,216,137]},{index:1,rgb:[255,253,205]}],cubehelix:[{index:0,rgb:[0,0,0]},{index:.07,rgb:[22,5,59]},{index:.13,rgb:[60,4,105]},{index:.2,rgb:[109,1,135]},{index:.27,rgb:[161,0,147]},{index:.33,rgb:[210,2,142]},{index:.4,rgb:[251,11,123]},{index:.47,rgb:[255,29,97]},{index:.53,rgb:[255,54,69]},{index:.6,rgb:[255,85,46]},{index:.67,rgb:[255,120,34]},{index:.73,rgb:[255,157,37]},{index:.8,rgb:[241,191,57]},{index:.87,rgb:[224,220,93]},{index:.93,rgb:[218,241,142]},{index:1,rgb:[227,253,198]}]}},{}],131:[function(t,e,r){"use strict";var n=t("./colorScale"),i=t("lerp");function a(t){return[t[0]/255,t[1]/255,t[2]/255,t[3]]}function o(t){for(var e,r="#",n=0;n<3;++n)r+=("00"+(e=(e=t[n]).toString(16))).substr(e.length);return r}function s(t){return"rgba("+t.join(",")+")"}e.exports=function(t){var e,r,l,c,u,f,h,p,d,g;t||(t={});p=(t.nshades||72)-1,h=t.format||"hex",(f=t.colormap)||(f="jet");if("string"==typeof f){if(f=f.toLowerCase(),!n[f])throw Error(f+" not a supported colorscale");u=n[f]}else{if(!Array.isArray(f))throw Error("unsupported colormap option",f);u=f.slice()}if(u.length>p+1)throw new Error(f+" map requires nshades to be at least size "+u.length);d=Array.isArray(t.alpha)?2!==t.alpha.length?[1,1]:t.alpha.slice():"number"==typeof t.alpha?[t.alpha,t.alpha]:[1,1];e=u.map((function(t){return Math.round(t.index*p)})),d[0]=Math.min(Math.max(d[0],0),1),d[1]=Math.min(Math.max(d[1],0),1);var m=u.map((function(t,e){var r=u[e].index,n=u[e].rgb.slice();return 4===n.length&&n[3]>=0&&n[3]<=1||(n[3]=d[0]+(d[1]-d[0])*r),n})),v=[];for(g=0;g0||l(t,e,a)?-1:1:0===s?c>0||l(t,e,r)?1:-1:i(c-s)}var h=n(t,e,r);return h>0?o>0&&n(t,e,a)>0?1:-1:h<0?o>0||n(t,e,a)>0?1:-1:n(t,e,a)>0||l(t,e,r)?1:-1};var n=t("robust-orientation"),i=t("signum"),a=t("two-sum"),o=t("robust-product"),s=t("robust-sum");function l(t,e,r){var n=a(t[0],-e[0]),i=a(t[1],-e[1]),l=a(r[0],-e[0]),c=a(r[1],-e[1]),u=s(o(n,l),o(i,c));return u[u.length-1]>=0}},{"robust-orientation":548,"robust-product":549,"robust-sum":553,signum:554,"two-sum":583}],133:[function(t,e,r){e.exports=function(t,e){var r=t.length,a=t.length-e.length;if(a)return a;switch(r){case 0:return 0;case 1:return t[0]-e[0];case 2:return t[0]+t[1]-e[0]-e[1]||n(t[0],t[1])-n(e[0],e[1]);case 3:var o=t[0]+t[1],s=e[0]+e[1];if(a=o+t[2]-(s+e[2]))return a;var l=n(t[0],t[1]),c=n(e[0],e[1]);return n(l,t[2])-n(c,e[2])||n(l+t[2],o)-n(c+e[2],s);case 4:var u=t[0],f=t[1],h=t[2],p=t[3],d=e[0],g=e[1],m=e[2],v=e[3];return u+f+h+p-(d+g+m+v)||n(u,f,h,p)-n(d,g,m,v,d)||n(u+f,u+h,u+p,f+h,f+p,h+p)-n(d+g,d+m,d+v,g+m,g+v,m+v)||n(u+f+h,u+f+p,u+h+p,f+h+p)-n(d+g+m,d+g+v,d+m+v,g+m+v);default:for(var y=t.slice().sort(i),x=e.slice().sort(i),b=0;bt[r][0]&&(r=n);return er?[[r],[e]]:[[e]]}},{}],137:[function(t,e,r){"use strict";e.exports=function(t){var e=n(t),r=e.length;if(r<=2)return[];for(var i=new Array(r),a=e[r-1],o=0;o=e[l]&&(s+=1);a[o]=s}}return t}(n(a,!0),r)}};var n=t("incremental-convex-hull"),i=t("affine-hull")},{"affine-hull":67,"incremental-convex-hull":459}],139:[function(t,e,r){e.exports={AFG:"afghan",ALA:"\\b\\wland",ALB:"albania",DZA:"algeria",ASM:"^(?=.*americ).*samoa",AND:"andorra",AGO:"angola",AIA:"anguill?a",ATA:"antarctica",ATG:"antigua",ARG:"argentin",ARM:"armenia",ABW:"^(?!.*bonaire).*\\baruba",AUS:"australia",AUT:"^(?!.*hungary).*austria|\\baustri.*\\bemp",AZE:"azerbaijan",BHS:"bahamas",BHR:"bahrain",BGD:"bangladesh|^(?=.*east).*paki?stan",BRB:"barbados",BLR:"belarus|byelo",BEL:"^(?!.*luxem).*belgium",BLZ:"belize|^(?=.*british).*honduras",BEN:"benin|dahome",BMU:"bermuda",BTN:"bhutan",BOL:"bolivia",BES:"^(?=.*bonaire).*eustatius|^(?=.*carib).*netherlands|\\bbes.?islands",BIH:"herzegovina|bosnia",BWA:"botswana|bechuana",BVT:"bouvet",BRA:"brazil",IOT:"british.?indian.?ocean",BRN:"brunei",BGR:"bulgaria",BFA:"burkina|\\bfaso|upper.?volta",BDI:"burundi",CPV:"verde",KHM:"cambodia|kampuchea|khmer",CMR:"cameroon",CAN:"canada",CYM:"cayman",CAF:"\\bcentral.african.republic",TCD:"\\bchad",CHL:"\\bchile",CHN:"^(?!.*\\bmac)(?!.*\\bhong)(?!.*\\btai)(?!.*\\brep).*china|^(?=.*peo)(?=.*rep).*china",CXR:"christmas",CCK:"\\bcocos|keeling",COL:"colombia",COM:"comoro",COG:"^(?!.*\\bdem)(?!.*\\bd[\\.]?r)(?!.*kinshasa)(?!.*zaire)(?!.*belg)(?!.*l.opoldville)(?!.*free).*\\bcongo",COK:"\\bcook",CRI:"costa.?rica",CIV:"ivoire|ivory",HRV:"croatia",CUB:"\\bcuba",CUW:"^(?!.*bonaire).*\\bcura(c|\xe7)ao",CYP:"cyprus",CSK:"czechoslovakia",CZE:"^(?=.*rep).*czech|czechia|bohemia",COD:"\\bdem.*congo|congo.*\\bdem|congo.*\\bd[\\.]?r|\\bd[\\.]?r.*congo|belgian.?congo|congo.?free.?state|kinshasa|zaire|l.opoldville|drc|droc|rdc",DNK:"denmark",DJI:"djibouti",DMA:"dominica(?!n)",DOM:"dominican.rep",ECU:"ecuador",EGY:"egypt",SLV:"el.?salvador",GNQ:"guine.*eq|eq.*guine|^(?=.*span).*guinea",ERI:"eritrea",EST:"estonia",ETH:"ethiopia|abyssinia",FLK:"falkland|malvinas",FRO:"faroe|faeroe",FJI:"fiji",FIN:"finland",FRA:"^(?!.*\\bdep)(?!.*martinique).*france|french.?republic|\\bgaul",GUF:"^(?=.*french).*guiana",PYF:"french.?polynesia|tahiti",ATF:"french.?southern",GAB:"gabon",GMB:"gambia",GEO:"^(?!.*south).*georgia",DDR:"german.?democratic.?republic|democratic.?republic.*germany|east.germany",DEU:"^(?!.*east).*germany|^(?=.*\\bfed.*\\brep).*german",GHA:"ghana|gold.?coast",GIB:"gibraltar",GRC:"greece|hellenic|hellas",GRL:"greenland",GRD:"grenada",GLP:"guadeloupe",GUM:"\\bguam",GTM:"guatemala",GGY:"guernsey",GIN:"^(?!.*eq)(?!.*span)(?!.*bissau)(?!.*portu)(?!.*new).*guinea",GNB:"bissau|^(?=.*portu).*guinea",GUY:"guyana|british.?guiana",HTI:"haiti",HMD:"heard.*mcdonald",VAT:"holy.?see|vatican|papal.?st",HND:"^(?!.*brit).*honduras",HKG:"hong.?kong",HUN:"^(?!.*austr).*hungary",ISL:"iceland",IND:"india(?!.*ocea)",IDN:"indonesia",IRN:"\\biran|persia",IRQ:"\\biraq|mesopotamia",IRL:"(^ireland)|(^republic.*ireland)",IMN:"^(?=.*isle).*\\bman",ISR:"israel",ITA:"italy",JAM:"jamaica",JPN:"japan",JEY:"jersey",JOR:"jordan",KAZ:"kazak",KEN:"kenya|british.?east.?africa|east.?africa.?prot",KIR:"kiribati",PRK:"^(?=.*democrat|people|north|d.*p.*.r).*\\bkorea|dprk|korea.*(d.*p.*r)",KWT:"kuwait",KGZ:"kyrgyz|kirghiz",LAO:"\\blaos?\\b",LVA:"latvia",LBN:"lebanon",LSO:"lesotho|basuto",LBR:"liberia",LBY:"libya",LIE:"liechtenstein",LTU:"lithuania",LUX:"^(?!.*belg).*luxem",MAC:"maca(o|u)",MDG:"madagascar|malagasy",MWI:"malawi|nyasa",MYS:"malaysia",MDV:"maldive",MLI:"\\bmali\\b",MLT:"\\bmalta",MHL:"marshall",MTQ:"martinique",MRT:"mauritania",MUS:"mauritius",MYT:"\\bmayotte",MEX:"\\bmexic",FSM:"fed.*micronesia|micronesia.*fed",MCO:"monaco",MNG:"mongolia",MNE:"^(?!.*serbia).*montenegro",MSR:"montserrat",MAR:"morocco|\\bmaroc",MOZ:"mozambique",MMR:"myanmar|burma",NAM:"namibia",NRU:"nauru",NPL:"nepal",NLD:"^(?!.*\\bant)(?!.*\\bcarib).*netherlands",ANT:"^(?=.*\\bant).*(nether|dutch)",NCL:"new.?caledonia",NZL:"new.?zealand",NIC:"nicaragua",NER:"\\bniger(?!ia)",NGA:"nigeria",NIU:"niue",NFK:"norfolk",MNP:"mariana",NOR:"norway",OMN:"\\boman|trucial",PAK:"^(?!.*east).*paki?stan",PLW:"palau",PSE:"palestin|\\bgaza|west.?bank",PAN:"panama",PNG:"papua|new.?guinea",PRY:"paraguay",PER:"peru",PHL:"philippines",PCN:"pitcairn",POL:"poland",PRT:"portugal",PRI:"puerto.?rico",QAT:"qatar",KOR:"^(?!.*d.*p.*r)(?!.*democrat)(?!.*people)(?!.*north).*\\bkorea(?!.*d.*p.*r)",MDA:"moldov|b(a|e)ssarabia",REU:"r(e|\xe9)union",ROU:"r(o|u|ou)mania",RUS:"\\brussia|soviet.?union|u\\.?s\\.?s\\.?r|socialist.?republics",RWA:"rwanda",BLM:"barth(e|\xe9)lemy",SHN:"helena",KNA:"kitts|\\bnevis",LCA:"\\blucia",MAF:"^(?=.*collectivity).*martin|^(?=.*france).*martin(?!ique)|^(?=.*french).*martin(?!ique)",SPM:"miquelon",VCT:"vincent",WSM:"^(?!.*amer).*samoa",SMR:"san.?marino",STP:"\\bs(a|\xe3)o.?tom(e|\xe9)",SAU:"\\bsa\\w*.?arabia",SEN:"senegal",SRB:"^(?!.*monte).*serbia",SYC:"seychell",SLE:"sierra",SGP:"singapore",SXM:"^(?!.*martin)(?!.*saba).*maarten",SVK:"^(?!.*cze).*slovak",SVN:"slovenia",SLB:"solomon",SOM:"somali",ZAF:"south.africa|s\\\\..?africa",SGS:"south.?georgia|sandwich",SSD:"\\bs\\w*.?sudan",ESP:"spain",LKA:"sri.?lanka|ceylon",SDN:"^(?!.*\\bs(?!u)).*sudan",SUR:"surinam|dutch.?guiana",SJM:"svalbard",SWZ:"swaziland",SWE:"sweden",CHE:"switz|swiss",SYR:"syria",TWN:"taiwan|taipei|formosa|^(?!.*peo)(?=.*rep).*china",TJK:"tajik",THA:"thailand|\\bsiam",MKD:"macedonia|fyrom",TLS:"^(?=.*leste).*timor|^(?=.*east).*timor",TGO:"togo",TKL:"tokelau",TON:"tonga",TTO:"trinidad|tobago",TUN:"tunisia",TUR:"turkey",TKM:"turkmen",TCA:"turks",TUV:"tuvalu",UGA:"uganda",UKR:"ukrain",ARE:"emirates|^u\\.?a\\.?e\\.?$|united.?arab.?em",GBR:"united.?kingdom|britain|^u\\.?k\\.?$",TZA:"tanzania",USA:"united.?states\\b(?!.*islands)|\\bu\\.?s\\.?a\\.?\\b|^\\s*u\\.?s\\.?\\b(?!.*islands)",UMI:"minor.?outlying.?is",URY:"uruguay",UZB:"uzbek",VUT:"vanuatu|new.?hebrides",VEN:"venezuela",VNM:"^(?!.*republic).*viet.?nam|^(?=.*socialist).*viet.?nam",VGB:"^(?=.*\\bu\\.?\\s?k).*virgin|^(?=.*brit).*virgin|^(?=.*kingdom).*virgin",VIR:"^(?=.*\\bu\\.?\\s?s).*virgin|^(?=.*states).*virgin",WLF:"futuna|wallis",ESH:"western.sahara",YEM:"^(?!.*arab)(?!.*north)(?!.*sana)(?!.*peo)(?!.*dem)(?!.*south)(?!.*aden)(?!.*\\bp\\.?d\\.?r).*yemen",YMD:"^(?=.*peo).*yemen|^(?!.*rep)(?=.*dem).*yemen|^(?=.*south).*yemen|^(?=.*aden).*yemen|^(?=.*\\bp\\.?d\\.?r).*yemen",YUG:"yugoslavia",ZMB:"zambia|northern.?rhodesia",EAZ:"zanzibar",ZWE:"zimbabwe|^(?!.*northern).*rhodesia"}},{}],140:[function(t,e,r){e.exports=["xx-small","x-small","small","medium","large","x-large","xx-large","larger","smaller"]},{}],141:[function(t,e,r){e.exports=["normal","condensed","semi-condensed","extra-condensed","ultra-condensed","expanded","semi-expanded","extra-expanded","ultra-expanded"]},{}],142:[function(t,e,r){e.exports=["normal","italic","oblique"]},{}],143:[function(t,e,r){e.exports=["normal","bold","bolder","lighter","100","200","300","400","500","600","700","800","900"]},{}],144:[function(t,e,r){"use strict";e.exports={parse:t("./parse"),stringify:t("./stringify")}},{"./parse":146,"./stringify":147}],145:[function(t,e,r){"use strict";var n=t("css-font-size-keywords");e.exports={isSize:function(t){return/^[\d\.]/.test(t)||-1!==t.indexOf("/")||-1!==n.indexOf(t)}}},{"css-font-size-keywords":140}],146:[function(t,e,r){"use strict";var n=t("unquote"),i=t("css-global-keywords"),a=t("css-system-font-keywords"),o=t("css-font-weight-keywords"),s=t("css-font-style-keywords"),l=t("css-font-stretch-keywords"),c=t("string-split-by"),u=t("./lib/util").isSize;e.exports=h;var f=h.cache={};function h(t){if("string"!=typeof t)throw new Error("Font argument must be a string.");if(f[t])return f[t];if(""===t)throw new Error("Cannot parse an empty string.");if(-1!==a.indexOf(t))return f[t]={system:t};for(var e,r={style:"normal",variant:"normal",weight:"normal",stretch:"normal",lineHeight:"normal",size:"1rem",family:["serif"]},h=c(t,/\s+/);e=h.shift();){if(-1!==i.indexOf(e))return["style","variant","weight","stretch"].forEach((function(t){r[t]=e})),f[t]=r;if(-1===s.indexOf(e))if("normal"!==e&&"small-caps"!==e)if(-1===l.indexOf(e)){if(-1===o.indexOf(e)){if(u(e)){var d=c(e,"/");if(r.size=d[0],null!=d[1]?r.lineHeight=p(d[1]):"/"===h[0]&&(h.shift(),r.lineHeight=p(h.shift())),!h.length)throw new Error("Missing required font-family.");return r.family=c(h.join(" "),/\s*,\s*/).map(n),f[t]=r}throw new Error("Unknown or unsupported font token: "+e)}r.weight=e}else r.stretch=e;else r.variant=e;else r.style=e}throw new Error("Missing required font-size.")}function p(t){var e=parseFloat(t);return e.toString()===t?e:t}},{"./lib/util":145,"css-font-stretch-keywords":141,"css-font-style-keywords":142,"css-font-weight-keywords":143,"css-global-keywords":148,"css-system-font-keywords":149,"string-split-by":568,unquote:598}],147:[function(t,e,r){"use strict";var n=t("pick-by-alias"),i=t("./lib/util").isSize,a=g(t("css-global-keywords")),o=g(t("css-system-font-keywords")),s=g(t("css-font-weight-keywords")),l=g(t("css-font-style-keywords")),c=g(t("css-font-stretch-keywords")),u={normal:1,"small-caps":1},f={serif:1,"sans-serif":1,monospace:1,cursive:1,fantasy:1,"system-ui":1},h="1rem",p="serif";function d(t,e){if(t&&!e[t]&&!a[t])throw Error("Unknown keyword `"+t+"`");return t}function g(t){for(var e={},r=0;r=0;--p)a[p]=c*t[p]+u*e[p]+f*r[p]+h*n[p];return a}return c*t+u*e+f*r+h*n},e.exports.derivative=function(t,e,r,n,i,a){var o=6*i*i-6*i,s=3*i*i-4*i+1,l=-6*i*i+6*i,c=3*i*i-2*i;if(t.length){a||(a=new Array(t.length));for(var u=t.length-1;u>=0;--u)a[u]=o*t[u]+s*e[u]+l*r[u]+c*n[u];return a}return o*t+s*e+l*r[u]+c*n}},{}],151:[function(t,e,r){"use strict";var n=t("./lib/thunk.js");function i(){this.argTypes=[],this.shimArgs=[],this.arrayArgs=[],this.arrayBlockIndices=[],this.scalarArgs=[],this.offsetArgs=[],this.offsetArgIndex=[],this.indexArgs=[],this.shapeArgs=[],this.funcName="",this.pre=null,this.body=null,this.post=null,this.debug=!1}e.exports=function(t){var e=new i;e.pre=t.pre,e.body=t.body,e.post=t.post;var r=t.args.slice(0);e.argTypes=r;for(var a=0;a0)throw new Error("cwise: pre() block may not reference array args");if(a0)throw new Error("cwise: post() block may not reference array args")}else if("scalar"===o)e.scalarArgs.push(a),e.shimArgs.push("scalar"+a);else if("index"===o){if(e.indexArgs.push(a),a0)throw new Error("cwise: pre() block may not reference array index");if(a0)throw new Error("cwise: post() block may not reference array index")}else if("shape"===o){if(e.shapeArgs.push(a),ar.length)throw new Error("cwise: Too many arguments in pre() block");if(e.body.args.length>r.length)throw new Error("cwise: Too many arguments in body() block");if(e.post.args.length>r.length)throw new Error("cwise: Too many arguments in post() block");return e.debug=!!t.printCode||!!t.debug,e.funcName=t.funcName||"cwise",e.blockSize=t.blockSize||64,n(e)}},{"./lib/thunk.js":153}],152:[function(t,e,r){"use strict";var n=t("uniq");function i(t,e,r){var n,i,a=t.length,o=e.arrayArgs.length,s=e.indexArgs.length>0,l=[],c=[],u=0,f=0;for(n=0;n0&&l.push("var "+c.join(",")),n=a-1;n>=0;--n)u=t[n],l.push(["for(i",n,"=0;i",n,"0&&l.push(["index[",f,"]-=s",f].join("")),l.push(["++index[",u,"]"].join(""))),l.push("}")}return l.join("\n")}function a(t,e,r){for(var n=t.body,i=[],a=[],o=0;o0&&(r=r&&e[n]===e[n-1])}return r?e[0]:e.join("")}e.exports=function(t,e){for(var r=e[1].length-Math.abs(t.arrayBlockIndices[0])|0,s=new Array(t.arrayArgs.length),l=new Array(t.arrayArgs.length),c=0;c0&&x.push("shape=SS.slice(0)"),t.indexArgs.length>0){var b=new Array(r);for(c=0;c0&&y.push("var "+x.join(",")),c=0;c3&&y.push(a(t.pre,t,l));var k=a(t.body,t,l),M=function(t){for(var e=0,r=t[0].length;e0,c=[],u=0;u0;){"].join("")),c.push(["if(j",u,"<",s,"){"].join("")),c.push(["s",e[u],"=j",u].join("")),c.push(["j",u,"=0"].join("")),c.push(["}else{s",e[u],"=",s].join("")),c.push(["j",u,"-=",s,"}"].join("")),l&&c.push(["index[",e[u],"]=j",u].join(""));for(u=0;u3&&y.push(a(t.post,t,l)),t.debug&&console.log("-----Generated cwise routine for ",e,":\n"+y.join("\n")+"\n----------");var A=[t.funcName||"unnamed","_cwise_loop_",s[0].join("s"),"m",M,o(l)].join("");return new Function(["function ",A,"(",v.join(","),"){",y.join("\n"),"} return ",A].join(""))()}},{uniq:597}],153:[function(t,e,r){"use strict";var n=t("./compile.js");e.exports=function(t){var e=["'use strict'","var CACHED={}"],r=[],i=t.funcName+"_cwise_thunk";e.push(["return function ",i,"(",t.shimArgs.join(","),"){"].join(""));for(var a=[],o=[],s=[["array",t.arrayArgs[0],".shape.slice(",Math.max(0,t.arrayBlockIndices[0]),t.arrayBlockIndices[0]<0?","+t.arrayBlockIndices[0]+")":")"].join("")],l=[],c=[],u=0;u0&&(l.push("array"+t.arrayArgs[0]+".shape.length===array"+f+".shape.length+"+(Math.abs(t.arrayBlockIndices[0])-Math.abs(t.arrayBlockIndices[u]))),c.push("array"+t.arrayArgs[0]+".shape[shapeIndex+"+Math.max(0,t.arrayBlockIndices[0])+"]===array"+f+".shape[shapeIndex+"+Math.max(0,t.arrayBlockIndices[u])+"]"))}for(t.arrayArgs.length>1&&(e.push("if (!("+l.join(" && ")+")) throw new Error('cwise: Arrays do not all have the same dimensionality!')"),e.push("for(var shapeIndex=array"+t.arrayArgs[0]+".shape.length-"+Math.abs(t.arrayBlockIndices[0])+"; shapeIndex--\x3e0;) {"),e.push("if (!("+c.join(" && ")+")) throw new Error('cwise: Arrays do not all have the same shape!')"),e.push("}")),u=0;ue?1:t>=e?0:NaN}function r(t){var r;return 1===t.length&&(r=t,t=function(t,n){return e(r(t),n)}),{left:function(e,r,n,i){for(null==n&&(n=0),null==i&&(i=e.length);n>>1;t(e[a],r)<0?n=a+1:i=a}return n},right:function(e,r,n,i){for(null==n&&(n=0),null==i&&(i=e.length);n>>1;t(e[a],r)>0?i=a:n=a+1}return n}}}var n=r(e),i=n.right,a=n.left;function o(t,e){return[t,e]}function s(t){return null===t?NaN:+t}function l(t,e){var r,n,i=t.length,a=0,o=-1,l=0,c=0;if(null==e)for(;++o1)return c/(a-1)}function c(t,e){var r=l(t,e);return r?Math.sqrt(r):r}function u(t,e){var r,n,i,a=t.length,o=-1;if(null==e){for(;++o=r)for(n=i=r;++or&&(n=r),i=r)for(n=i=r;++or&&(n=r),i=0?(a>=v?10:a>=y?5:a>=x?2:1)*Math.pow(10,i):-Math.pow(10,-i)/(a>=v?10:a>=y?5:a>=x?2:1)}function _(t,e,r){var n=Math.abs(e-t)/Math.max(0,r),i=Math.pow(10,Math.floor(Math.log(n)/Math.LN10)),a=n/i;return a>=v?i*=10:a>=y?i*=5:a>=x&&(i*=2),e=1)return+r(t[n-1],n-1,t);var n,i=(n-1)*e,a=Math.floor(i),o=+r(t[a],a,t);return o+(+r(t[a+1],a+1,t)-o)*(i-a)}}function k(t,e){var r,n,i=t.length,a=-1;if(null==e){for(;++a=r)for(n=r;++ar&&(n=r)}else for(;++a=r)for(n=r;++ar&&(n=r);return n}function M(t){if(!(i=t.length))return[];for(var e=-1,r=k(t,A),n=new Array(r);++et?1:e>=t?0:NaN},t.deviation=c,t.extent=u,t.histogram=function(){var t=g,e=u,r=w;function n(n){var a,o,s=n.length,l=new Array(s);for(a=0;af;)h.pop(),--p;var d,g=new Array(p+1);for(a=0;a<=p;++a)(d=g[a]=[]).x0=a>0?h[a-1]:u,d.x1=a=r)for(n=r;++an&&(n=r)}else for(;++a=r)for(n=r;++an&&(n=r);return n},t.mean=function(t,e){var r,n=t.length,i=n,a=-1,o=0;if(null==e)for(;++a=0;)for(e=(n=t[i]).length;--e>=0;)r[--o]=n[e];return r},t.min=k,t.pairs=function(t,e){null==e&&(e=o);for(var r=0,n=t.length-1,i=t[0],a=new Array(n<0?0:n);r0)return[t];if((n=e0)for(t=Math.ceil(t/o),e=Math.floor(e/o),a=new Array(i=Math.ceil(e-t+1));++s=l.length)return null!=t&&n.sort(t),null!=e?e(n):n;for(var s,c,f,h=-1,p=n.length,d=l[i++],g=r(),m=a();++hl.length)return r;var i,a=c[n-1];return null!=e&&n>=l.length?i=r.entries():(i=[],r.each((function(e,r){i.push({key:r,values:t(e,n)})}))),null!=a?i.sort((function(t,e){return a(t.key,e.key)})):i}(u(t,0,a,o),0)},key:function(t){return l.push(t),s},sortKeys:function(t){return c[l.length-1]=t,s},sortValues:function(e){return t=e,s},rollup:function(t){return e=t,s}}},t.set=c,t.map=r,t.keys=function(t){var e=[];for(var r in t)e.push(r);return e},t.values=function(t){var e=[];for(var r in t)e.push(t[r]);return e},t.entries=function(t){var e=[];for(var r in t)e.push({key:r,value:t[r]});return e},Object.defineProperty(t,"__esModule",{value:!0})}))},{}],158:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?n(r):n((t=t||self).d3=t.d3||{})}(this,(function(t){"use strict";function e(t,e,r){t.prototype=e.prototype=r,r.constructor=t}function r(t,e){var r=Object.create(t.prototype);for(var n in e)r[n]=e[n];return r}function n(){}var i="\\s*([+-]?\\d+)\\s*",a="\\s*([+-]?\\d*\\.?\\d+(?:[eE][+-]?\\d+)?)\\s*",o="\\s*([+-]?\\d*\\.?\\d+(?:[eE][+-]?\\d+)?)%\\s*",s=/^#([0-9a-f]{3,8})$/,l=new RegExp("^rgb\\("+[i,i,i]+"\\)$"),c=new RegExp("^rgb\\("+[o,o,o]+"\\)$"),u=new RegExp("^rgba\\("+[i,i,i,a]+"\\)$"),f=new RegExp("^rgba\\("+[o,o,o,a]+"\\)$"),h=new RegExp("^hsl\\("+[a,o,o]+"\\)$"),p=new RegExp("^hsla\\("+[a,o,o,a]+"\\)$"),d={aliceblue:15792383,antiquewhite:16444375,aqua:65535,aquamarine:8388564,azure:15794175,beige:16119260,bisque:16770244,black:0,blanchedalmond:16772045,blue:255,blueviolet:9055202,brown:10824234,burlywood:14596231,cadetblue:6266528,chartreuse:8388352,chocolate:13789470,coral:16744272,cornflowerblue:6591981,cornsilk:16775388,crimson:14423100,cyan:65535,darkblue:139,darkcyan:35723,darkgoldenrod:12092939,darkgray:11119017,darkgreen:25600,darkgrey:11119017,darkkhaki:12433259,darkmagenta:9109643,darkolivegreen:5597999,darkorange:16747520,darkorchid:10040012,darkred:9109504,darksalmon:15308410,darkseagreen:9419919,darkslateblue:4734347,darkslategray:3100495,darkslategrey:3100495,darkturquoise:52945,darkviolet:9699539,deeppink:16716947,deepskyblue:49151,dimgray:6908265,dimgrey:6908265,dodgerblue:2003199,firebrick:11674146,floralwhite:16775920,forestgreen:2263842,fuchsia:16711935,gainsboro:14474460,ghostwhite:16316671,gold:16766720,goldenrod:14329120,gray:8421504,green:32768,greenyellow:11403055,grey:8421504,honeydew:15794160,hotpink:16738740,indianred:13458524,indigo:4915330,ivory:16777200,khaki:15787660,lavender:15132410,lavenderblush:16773365,lawngreen:8190976,lemonchiffon:16775885,lightblue:11393254,lightcoral:15761536,lightcyan:14745599,lightgoldenrodyellow:16448210,lightgray:13882323,lightgreen:9498256,lightgrey:13882323,lightpink:16758465,lightsalmon:16752762,lightseagreen:2142890,lightskyblue:8900346,lightslategray:7833753,lightslategrey:7833753,lightsteelblue:11584734,lightyellow:16777184,lime:65280,limegreen:3329330,linen:16445670,magenta:16711935,maroon:8388608,mediumaquamarine:6737322,mediumblue:205,mediumorchid:12211667,mediumpurple:9662683,mediumseagreen:3978097,mediumslateblue:8087790,mediumspringgreen:64154,mediumturquoise:4772300,mediumvioletred:13047173,midnightblue:1644912,mintcream:16121850,mistyrose:16770273,moccasin:16770229,navajowhite:16768685,navy:128,oldlace:16643558,olive:8421376,olivedrab:7048739,orange:16753920,orangered:16729344,orchid:14315734,palegoldenrod:15657130,palegreen:10025880,paleturquoise:11529966,palevioletred:14381203,papayawhip:16773077,peachpuff:16767673,peru:13468991,pink:16761035,plum:14524637,powderblue:11591910,purple:8388736,rebeccapurple:6697881,red:16711680,rosybrown:12357519,royalblue:4286945,saddlebrown:9127187,salmon:16416882,sandybrown:16032864,seagreen:3050327,seashell:16774638,sienna:10506797,silver:12632256,skyblue:8900331,slateblue:6970061,slategray:7372944,slategrey:7372944,snow:16775930,springgreen:65407,steelblue:4620980,tan:13808780,teal:32896,thistle:14204888,tomato:16737095,turquoise:4251856,violet:15631086,wheat:16113331,white:16777215,whitesmoke:16119285,yellow:16776960,yellowgreen:10145074};function g(){return this.rgb().formatHex()}function m(){return this.rgb().formatRgb()}function v(t){var e,r;return t=(t+"").trim().toLowerCase(),(e=s.exec(t))?(r=e[1].length,e=parseInt(e[1],16),6===r?y(e):3===r?new w(e>>8&15|e>>4&240,e>>4&15|240&e,(15&e)<<4|15&e,1):8===r?x(e>>24&255,e>>16&255,e>>8&255,(255&e)/255):4===r?x(e>>12&15|e>>8&240,e>>8&15|e>>4&240,e>>4&15|240&e,((15&e)<<4|15&e)/255):null):(e=l.exec(t))?new w(e[1],e[2],e[3],1):(e=c.exec(t))?new w(255*e[1]/100,255*e[2]/100,255*e[3]/100,1):(e=u.exec(t))?x(e[1],e[2],e[3],e[4]):(e=f.exec(t))?x(255*e[1]/100,255*e[2]/100,255*e[3]/100,e[4]):(e=h.exec(t))?A(e[1],e[2]/100,e[3]/100,1):(e=p.exec(t))?A(e[1],e[2]/100,e[3]/100,e[4]):d.hasOwnProperty(t)?y(d[t]):"transparent"===t?new w(NaN,NaN,NaN,0):null}function y(t){return new w(t>>16&255,t>>8&255,255&t,1)}function x(t,e,r,n){return n<=0&&(t=e=r=NaN),new w(t,e,r,n)}function b(t){return t instanceof n||(t=v(t)),t?new w((t=t.rgb()).r,t.g,t.b,t.opacity):new w}function _(t,e,r,n){return 1===arguments.length?b(t):new w(t,e,r,null==n?1:n)}function w(t,e,r,n){this.r=+t,this.g=+e,this.b=+r,this.opacity=+n}function T(){return"#"+M(this.r)+M(this.g)+M(this.b)}function k(){var t=this.opacity;return(1===(t=isNaN(t)?1:Math.max(0,Math.min(1,t)))?"rgb(":"rgba(")+Math.max(0,Math.min(255,Math.round(this.r)||0))+", "+Math.max(0,Math.min(255,Math.round(this.g)||0))+", "+Math.max(0,Math.min(255,Math.round(this.b)||0))+(1===t?")":", "+t+")")}function M(t){return((t=Math.max(0,Math.min(255,Math.round(t)||0)))<16?"0":"")+t.toString(16)}function A(t,e,r,n){return n<=0?t=e=r=NaN:r<=0||r>=1?t=e=NaN:e<=0&&(t=NaN),new C(t,e,r,n)}function S(t){if(t instanceof C)return new C(t.h,t.s,t.l,t.opacity);if(t instanceof n||(t=v(t)),!t)return new C;if(t instanceof C)return t;var e=(t=t.rgb()).r/255,r=t.g/255,i=t.b/255,a=Math.min(e,r,i),o=Math.max(e,r,i),s=NaN,l=o-a,c=(o+a)/2;return l?(s=e===o?(r-i)/l+6*(r0&&c<1?0:s,new C(s,l,c,t.opacity)}function E(t,e,r,n){return 1===arguments.length?S(t):new C(t,e,r,null==n?1:n)}function C(t,e,r,n){this.h=+t,this.s=+e,this.l=+r,this.opacity=+n}function L(t,e,r){return 255*(t<60?e+(r-e)*t/60:t<180?r:t<240?e+(r-e)*(240-t)/60:e)}e(n,v,{copy:function(t){return Object.assign(new this.constructor,this,t)},displayable:function(){return this.rgb().displayable()},hex:g,formatHex:g,formatHsl:function(){return S(this).formatHsl()},formatRgb:m,toString:m}),e(w,_,r(n,{brighter:function(t){return t=null==t?1/.7:Math.pow(1/.7,t),new w(this.r*t,this.g*t,this.b*t,this.opacity)},darker:function(t){return t=null==t?.7:Math.pow(.7,t),new w(this.r*t,this.g*t,this.b*t,this.opacity)},rgb:function(){return this},displayable:function(){return-.5<=this.r&&this.r<255.5&&-.5<=this.g&&this.g<255.5&&-.5<=this.b&&this.b<255.5&&0<=this.opacity&&this.opacity<=1},hex:T,formatHex:T,formatRgb:k,toString:k})),e(C,E,r(n,{brighter:function(t){return t=null==t?1/.7:Math.pow(1/.7,t),new C(this.h,this.s,this.l*t,this.opacity)},darker:function(t){return t=null==t?.7:Math.pow(.7,t),new C(this.h,this.s,this.l*t,this.opacity)},rgb:function(){var t=this.h%360+360*(this.h<0),e=isNaN(t)||isNaN(this.s)?0:this.s,r=this.l,n=r+(r<.5?r:1-r)*e,i=2*r-n;return new w(L(t>=240?t-240:t+120,i,n),L(t,i,n),L(t<120?t+240:t-120,i,n),this.opacity)},displayable:function(){return(0<=this.s&&this.s<=1||isNaN(this.s))&&0<=this.l&&this.l<=1&&0<=this.opacity&&this.opacity<=1},formatHsl:function(){var t=this.opacity;return(1===(t=isNaN(t)?1:Math.max(0,Math.min(1,t)))?"hsl(":"hsla(")+(this.h||0)+", "+100*(this.s||0)+"%, "+100*(this.l||0)+"%"+(1===t?")":", "+t+")")}}));var I=Math.PI/180,P=180/Math.PI,z=6/29,O=3*z*z;function D(t){if(t instanceof F)return new F(t.l,t.a,t.b,t.opacity);if(t instanceof H)return G(t);t instanceof w||(t=b(t));var e,r,n=U(t.r),i=U(t.g),a=U(t.b),o=B((.2225045*n+.7168786*i+.0606169*a)/1);return n===i&&i===a?e=r=o:(e=B((.4360747*n+.3850649*i+.1430804*a)/.96422),r=B((.0139322*n+.0971045*i+.7141733*a)/.82521)),new F(116*o-16,500*(e-o),200*(o-r),t.opacity)}function R(t,e,r,n){return 1===arguments.length?D(t):new F(t,e,r,null==n?1:n)}function F(t,e,r,n){this.l=+t,this.a=+e,this.b=+r,this.opacity=+n}function B(t){return t>.008856451679035631?Math.pow(t,1/3):t/O+4/29}function N(t){return t>z?t*t*t:O*(t-4/29)}function j(t){return 255*(t<=.0031308?12.92*t:1.055*Math.pow(t,1/2.4)-.055)}function U(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function V(t){if(t instanceof H)return new H(t.h,t.c,t.l,t.opacity);if(t instanceof F||(t=D(t)),0===t.a&&0===t.b)return new H(NaN,0=0&&(r=t.slice(n+1),t=t.slice(0,n)),t&&!e.hasOwnProperty(t))throw new Error("unknown type: "+t);return{type:t,name:r}}))}function a(t,e){for(var r,n=0,i=t.length;n0)for(var r,n,i=new Array(r),a=0;ah+c||np+c||au.index){var f=h-s.x-s.vx,m=p-s.y-s.vy,v=f*f+m*m;vt.r&&(t.r=t[e].r)}function h(){if(r){var e,i,a=r.length;for(n=new Array(a),e=0;e=c)){(t.data!==r||t.next)&&(0===f&&(d+=(f=o())*f),0===h&&(d+=(h=o())*h),d1?(null==r?u.remove(t):u.set(t,v(r)),e):u.get(t)},find:function(e,r,n){var i,a,o,s,l,c=0,u=t.length;for(null==n?n=1/0:n*=n,c=0;c1?(h.on(t,r),e):h.on(t)}}},t.forceX=function(t){var e,r,n,i=a(.1);function o(t){for(var i,a=0,o=e.length;a=0;)e+=r[n].value;else e=1;t.value=e}function a(t,e){var r,n,i,a,s,u=new c(t),f=+t.value&&(u.value=t.value),h=[u];for(null==e&&(e=o);r=h.pop();)if(f&&(r.value=+r.data.value),(i=e(r.data))&&(s=i.length))for(r.children=new Array(s),a=s-1;a>=0;--a)h.push(n=r.children[a]=new c(i[a])),n.parent=r,n.depth=r.depth+1;return u.eachBefore(l)}function o(t){return t.children}function s(t){t.data=t.data.data}function l(t){var e=0;do{t.height=e}while((t=t.parent)&&t.height<++e)}function c(t){this.data=t,this.depth=this.height=0,this.parent=null}c.prototype=a.prototype={constructor:c,count:function(){return this.eachAfter(i)},each:function(t){var e,r,n,i,a=this,o=[a];do{for(e=o.reverse(),o=[];a=e.pop();)if(t(a),r=a.children)for(n=0,i=r.length;n=0;--r)i.push(e[r]);return this},sum:function(t){return this.eachAfter((function(e){for(var r=+t(e.data)||0,n=e.children,i=n&&n.length;--i>=0;)r+=n[i].value;e.value=r}))},sort:function(t){return this.eachBefore((function(e){e.children&&e.children.sort(t)}))},path:function(t){for(var e=this,r=function(t,e){if(t===e)return t;var r=t.ancestors(),n=e.ancestors(),i=null;t=r.pop(),e=n.pop();for(;t===e;)i=t,t=r.pop(),e=n.pop();return i}(e,t),n=[e];e!==r;)e=e.parent,n.push(e);for(var i=n.length;t!==r;)n.splice(i,0,t),t=t.parent;return n},ancestors:function(){for(var t=this,e=[t];t=t.parent;)e.push(t);return e},descendants:function(){var t=[];return this.each((function(e){t.push(e)})),t},leaves:function(){var t=[];return this.eachBefore((function(e){e.children||t.push(e)})),t},links:function(){var t=this,e=[];return t.each((function(r){r!==t&&e.push({source:r.parent,target:r})})),e},copy:function(){return a(this).eachBefore(s)}};var u=Array.prototype.slice;function f(t){for(var e,r,n=0,i=(t=function(t){for(var e,r,n=t.length;n;)r=Math.random()*n--|0,e=t[n],t[n]=t[r],t[r]=e;return t}(u.call(t))).length,a=[];n0&&r*r>n*n+i*i}function g(t,e){for(var r=0;r(o*=o)?(n=(c+o-i)/(2*c),a=Math.sqrt(Math.max(0,o/c-n*n)),r.x=t.x-n*s-a*l,r.y=t.y-n*l+a*s):(n=(c+i-o)/(2*c),a=Math.sqrt(Math.max(0,i/c-n*n)),r.x=e.x+n*s-a*l,r.y=e.y+n*l+a*s)):(r.x=e.x+r.r,r.y=e.y)}function b(t,e){var r=t.r+e.r-1e-6,n=e.x-t.x,i=e.y-t.y;return r>0&&r*r>n*n+i*i}function _(t){var e=t._,r=t.next._,n=e.r+r.r,i=(e.x*r.r+r.x*e.r)/n,a=(e.y*r.r+r.y*e.r)/n;return i*i+a*a}function w(t){this._=t,this.next=null,this.previous=null}function T(t){if(!(i=t.length))return 0;var e,r,n,i,a,o,s,l,c,u,h;if((e=t[0]).x=0,e.y=0,!(i>1))return e.r;if(r=t[1],e.x=-r.r,r.x=e.r,r.y=0,!(i>2))return e.r+r.r;x(r,e,n=t[2]),e=new w(e),r=new w(r),n=new w(n),e.next=n.previous=r,r.next=e.previous=n,n.next=r.previous=e;t:for(s=3;sh&&(h=s),m=u*u*g,(p=Math.max(h/m,m/f))>d){u-=s;break}d=p}v.push(o={value:u,dice:l1?e:1)},r}(G);var X=function t(e){function r(t,r,n,i,a){if((o=t._squarify)&&o.ratio===e)for(var o,s,l,c,u,f=-1,h=o.length,p=t.value;++f1?e:1)},r}(G);t.cluster=function(){var t=e,i=1,a=1,o=!1;function s(e){var s,l=0;e.eachAfter((function(e){var i=e.children;i?(e.x=function(t){return t.reduce(r,0)/t.length}(i),e.y=function(t){return 1+t.reduce(n,0)}(i)):(e.x=s?l+=t(e,s):0,e.y=0,s=e)}));var c=function(t){for(var e;e=t.children;)t=e[0];return t}(e),u=function(t){for(var e;e=t.children;)t=e[e.length-1];return t}(e),f=c.x-t(c,u)/2,h=u.x+t(u,c)/2;return e.eachAfter(o?function(t){t.x=(t.x-e.x)*i,t.y=(e.y-t.y)*a}:function(t){t.x=(t.x-f)/(h-f)*i,t.y=(1-(e.y?t.y/e.y:1))*a})}return s.separation=function(e){return arguments.length?(t=e,s):t},s.size=function(t){return arguments.length?(o=!1,i=+t[0],a=+t[1],s):o?null:[i,a]},s.nodeSize=function(t){return arguments.length?(o=!0,i=+t[0],a=+t[1],s):o?[i,a]:null},s},t.hierarchy=a,t.pack=function(){var t=null,e=1,r=1,n=A;function i(i){return i.x=e/2,i.y=r/2,t?i.eachBefore(C(t)).eachAfter(L(n,.5)).eachBefore(I(1)):i.eachBefore(C(E)).eachAfter(L(A,1)).eachAfter(L(n,i.r/Math.min(e,r))).eachBefore(I(Math.min(e,r)/(2*i.r))),i}return i.radius=function(e){return arguments.length?(t=k(e),i):t},i.size=function(t){return arguments.length?(e=+t[0],r=+t[1],i):[e,r]},i.padding=function(t){return arguments.length?(n="function"==typeof t?t:S(+t),i):n},i},t.packEnclose=f,t.packSiblings=function(t){return T(t),t},t.partition=function(){var t=1,e=1,r=0,n=!1;function i(i){var a=i.height+1;return i.x0=i.y0=r,i.x1=t,i.y1=e/a,i.eachBefore(function(t,e){return function(n){n.children&&z(n,n.x0,t*(n.depth+1)/e,n.x1,t*(n.depth+2)/e);var i=n.x0,a=n.y0,o=n.x1-r,s=n.y1-r;o0)throw new Error("cycle");return a}return r.id=function(e){return arguments.length?(t=M(e),r):t},r.parentId=function(t){return arguments.length?(e=M(t),r):e},r},t.tree=function(){var t=B,e=1,r=1,n=null;function i(i){var l=function(t){for(var e,r,n,i,a,o=new q(t,0),s=[o];e=s.pop();)if(n=e._.children)for(e.children=new Array(a=n.length),i=a-1;i>=0;--i)s.push(r=e.children[i]=new q(n[i],i)),r.parent=e;return(o.parent=new q(null,0)).children=[o],o}(i);if(l.eachAfter(a),l.parent.m=-l.z,l.eachBefore(o),n)i.eachBefore(s);else{var c=i,u=i,f=i;i.eachBefore((function(t){t.xu.x&&(u=t),t.depth>f.depth&&(f=t)}));var h=c===u?1:t(c,u)/2,p=h-c.x,d=e/(u.x+h+p),g=r/(f.depth||1);i.eachBefore((function(t){t.x=(t.x+p)*d,t.y=t.depth*g}))}return i}function a(e){var r=e.children,n=e.parent.children,i=e.i?n[e.i-1]:null;if(r){!function(t){for(var e,r=0,n=0,i=t.children,a=i.length;--a>=0;)(e=i[a]).z+=r,e.m+=r,r+=e.s+(n+=e.c)}(e);var a=(r[0].z+r[r.length-1].z)/2;i?(e.z=i.z+t(e._,i._),e.m=e.z-a):e.z=a}else i&&(e.z=i.z+t(e._,i._));e.parent.A=function(e,r,n){if(r){for(var i,a=e,o=e,s=r,l=a.parent.children[0],c=a.m,u=o.m,f=s.m,h=l.m;s=j(s),a=N(a),s&&a;)l=N(l),(o=j(o)).a=e,(i=s.z+f-a.z-c+t(s._,a._))>0&&(U(V(s,e,n),e,i),c+=i,u+=i),f+=s.m,c+=a.m,h+=l.m,u+=o.m;s&&!j(o)&&(o.t=s,o.m+=f-u),a&&!N(l)&&(l.t=a,l.m+=c-h,n=e)}return n}(e,i,e.parent.A||n[0])}function o(t){t._.x=t.z+t.parent.m,t.m+=t.parent.m}function s(t){t.x*=e,t.y=t.depth*r}return i.separation=function(e){return arguments.length?(t=e,i):t},i.size=function(t){return arguments.length?(n=!1,e=+t[0],r=+t[1],i):n?null:[e,r]},i.nodeSize=function(t){return arguments.length?(n=!0,e=+t[0],r=+t[1],i):n?[e,r]:null},i},t.treemap=function(){var t=W,e=!1,r=1,n=1,i=[0],a=A,o=A,s=A,l=A,c=A;function u(t){return t.x0=t.y0=0,t.x1=r,t.y1=n,t.eachBefore(f),i=[0],e&&t.eachBefore(P),t}function f(e){var r=i[e.depth],n=e.x0+r,u=e.y0+r,f=e.x1-r,h=e.y1-r;f=r-1){var u=s[e];return u.x0=i,u.y0=a,u.x1=o,void(u.y1=l)}var f=c[e],h=n/2+f,p=e+1,d=r-1;for(;p>>1;c[g]l-a){var y=(i*v+o*m)/n;t(e,p,m,i,a,y,l),t(p,r,v,y,a,o,l)}else{var x=(a*v+l*m)/n;t(e,p,m,i,a,o,x),t(p,r,v,i,x,o,l)}}(0,l,t.value,e,r,n,i)},t.treemapDice=z,t.treemapResquarify=X,t.treemapSlice=H,t.treemapSliceDice=function(t,e,r,n,i){(1&t.depth?H:z)(t,e,r,n,i)},t.treemapSquarify=W,Object.defineProperty(t,"__esModule",{value:!0})}))},{}],162:[function(t,e,r){!function(n,i){"object"==typeof r&&"undefined"!=typeof e?i(r,t("d3-color")):i((n=n||self).d3=n.d3||{},n.d3)}(this,(function(t,e){"use strict";function r(t,e,r,n,i){var a=t*t,o=a*t;return((1-3*t+3*a-o)*e+(4-6*a+3*o)*r+(1+3*t+3*a-3*o)*n+o*i)/6}function n(t){var e=t.length-1;return function(n){var i=n<=0?n=0:n>=1?(n=1,e-1):Math.floor(n*e),a=t[i],o=t[i+1],s=i>0?t[i-1]:2*a-o,l=i180||r<-180?r-360*Math.round(r/360):r):a(isNaN(t)?e:t)}function l(t){return 1==(t=+t)?c:function(e,r){return r-e?function(t,e,r){return t=Math.pow(t,r),e=Math.pow(e,r)-t,r=1/r,function(n){return Math.pow(t+n*e,r)}}(e,r,t):a(isNaN(e)?r:e)}}function c(t,e){var r=e-t;return r?o(t,r):a(isNaN(t)?e:t)}var u=function t(r){var n=l(r);function i(t,r){var i=n((t=e.rgb(t)).r,(r=e.rgb(r)).r),a=n(t.g,r.g),o=n(t.b,r.b),s=c(t.opacity,r.opacity);return function(e){return t.r=i(e),t.g=a(e),t.b=o(e),t.opacity=s(e),t+""}}return i.gamma=t,i}(1);function f(t){return function(r){var n,i,a=r.length,o=new Array(a),s=new Array(a),l=new Array(a);for(n=0;na&&(i=e.slice(a,i),s[o]?s[o]+=i:s[++o]=i),(r=r[0])===(n=n[0])?s[o]?s[o]+=n:s[++o]=n:(s[++o]=null,l.push({i:o,x:y(r,n)})),a=_.lastIndex;return a180?e+=360:e-t>180&&(t+=360),a.push({i:r.push(i(r)+"rotate(",null,n)-2,x:y(t,e)})):e&&r.push(i(r)+"rotate("+e+n)}(a.rotate,o.rotate,s,l),function(t,e,r,a){t!==e?a.push({i:r.push(i(r)+"skewX(",null,n)-2,x:y(t,e)}):e&&r.push(i(r)+"skewX("+e+n)}(a.skewX,o.skewX,s,l),function(t,e,r,n,a,o){if(t!==r||e!==n){var s=a.push(i(a)+"scale(",null,",",null,")");o.push({i:s-4,x:y(t,r)},{i:s-2,x:y(e,n)})}else 1===r&&1===n||a.push(i(a)+"scale("+r+","+n+")")}(a.scaleX,a.scaleY,o.scaleX,o.scaleY,s,l),a=o=null,function(t){for(var e,r=-1,n=l.length;++r1e-6)if(Math.abs(f*l-c*u)>1e-6&&a){var p=n-o,d=i-s,g=l*l+c*c,m=p*p+d*d,v=Math.sqrt(g),y=Math.sqrt(h),x=a*Math.tan((e-Math.acos((g+h-m)/(2*v*y)))/2),b=x/y,_=x/v;Math.abs(b-1)>1e-6&&(this._+="L"+(t+b*u)+","+(r+b*f)),this._+="A"+a+","+a+",0,0,"+ +(f*p>u*d)+","+(this._x1=t+_*l)+","+(this._y1=r+_*c)}else this._+="L"+(this._x1=t)+","+(this._y1=r);else;},arc:function(t,i,a,o,s,l){t=+t,i=+i,l=!!l;var c=(a=+a)*Math.cos(o),u=a*Math.sin(o),f=t+c,h=i+u,p=1^l,d=l?o-s:s-o;if(a<0)throw new Error("negative radius: "+a);null===this._x1?this._+="M"+f+","+h:(Math.abs(this._x1-f)>1e-6||Math.abs(this._y1-h)>1e-6)&&(this._+="L"+f+","+h),a&&(d<0&&(d=d%r+r),d>n?this._+="A"+a+","+a+",0,1,"+p+","+(t-c)+","+(i-u)+"A"+a+","+a+",0,1,"+p+","+(this._x1=f)+","+(this._y1=h):d>1e-6&&(this._+="A"+a+","+a+",0,"+ +(d>=e)+","+p+","+(this._x1=t+a*Math.cos(s))+","+(this._y1=i+a*Math.sin(s))))},rect:function(t,e,r,n){this._+="M"+(this._x0=this._x1=+t)+","+(this._y0=this._y1=+e)+"h"+ +r+"v"+ +n+"h"+-r+"Z"},toString:function(){return this._}},t.path=a,Object.defineProperty(t,"__esModule",{value:!0})}))},{}],164:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?n(r):n((t=t||self).d3=t.d3||{})}(this,(function(t){"use strict";function e(t,e,r,n){if(isNaN(e)||isNaN(r))return t;var i,a,o,s,l,c,u,f,h,p=t._root,d={data:n},g=t._x0,m=t._y0,v=t._x1,y=t._y1;if(!p)return t._root=d,t;for(;p.length;)if((c=e>=(a=(g+v)/2))?g=a:v=a,(u=r>=(o=(m+y)/2))?m=o:y=o,i=p,!(p=p[f=u<<1|c]))return i[f]=d,t;if(s=+t._x.call(null,p.data),l=+t._y.call(null,p.data),e===s&&r===l)return d.next=p,i?i[f]=d:t._root=d,t;do{i=i?i[f]=new Array(4):t._root=new Array(4),(c=e>=(a=(g+v)/2))?g=a:v=a,(u=r>=(o=(m+y)/2))?m=o:y=o}while((f=u<<1|c)==(h=(l>=o)<<1|s>=a));return i[h]=p,i[f]=d,t}function r(t,e,r,n,i){this.node=t,this.x0=e,this.y0=r,this.x1=n,this.y1=i}function n(t){return t[0]}function i(t){return t[1]}function a(t,e,r){var a=new o(null==e?n:e,null==r?i:r,NaN,NaN,NaN,NaN);return null==t?a:a.addAll(t)}function o(t,e,r,n,i,a){this._x=t,this._y=e,this._x0=r,this._y0=n,this._x1=i,this._y1=a,this._root=void 0}function s(t){for(var e={data:t.data},r=e;t=t.next;)r=r.next={data:t.data};return e}var l=a.prototype=o.prototype;l.copy=function(){var t,e,r=new o(this._x,this._y,this._x0,this._y0,this._x1,this._y1),n=this._root;if(!n)return r;if(!n.length)return r._root=s(n),r;for(t=[{source:n,target:r._root=new Array(4)}];n=t.pop();)for(var i=0;i<4;++i)(e=n.source[i])&&(e.length?t.push({source:e,target:n.target[i]=new Array(4)}):n.target[i]=s(e));return r},l.add=function(t){var r=+this._x.call(null,t),n=+this._y.call(null,t);return e(this.cover(r,n),r,n,t)},l.addAll=function(t){var r,n,i,a,o=t.length,s=new Array(o),l=new Array(o),c=1/0,u=1/0,f=-1/0,h=-1/0;for(n=0;nf&&(f=i),ah&&(h=a));if(c>f||u>h)return this;for(this.cover(c,u).cover(f,h),n=0;nt||t>=i||n>e||e>=a;)switch(s=(ep||(o=c.y0)>d||(s=c.x1)=y)<<1|t>=v)&&(c=g[g.length-1],g[g.length-1]=g[g.length-1-u],g[g.length-1-u]=c)}else{var x=t-+this._x.call(null,m.data),b=e-+this._y.call(null,m.data),_=x*x+b*b;if(_=(s=(d+m)/2))?d=s:m=s,(u=o>=(l=(g+v)/2))?g=l:v=l,e=p,!(p=p[f=u<<1|c]))return this;if(!p.length)break;(e[f+1&3]||e[f+2&3]||e[f+3&3])&&(r=e,h=f)}for(;p.data!==t;)if(n=p,!(p=p.next))return this;return(i=p.next)&&delete p.next,n?(i?n.next=i:delete n.next,this):e?(i?e[f]=i:delete e[f],(p=e[0]||e[1]||e[2]||e[3])&&p===(e[3]||e[2]||e[1]||e[0])&&!p.length&&(r?r[h]=p:this._root=p),this):(this._root=i,this)},l.removeAll=function(t){for(var e=0,r=t.length;e1?0:t<-1?u:Math.acos(t)}function d(t){return t>=1?f:t<=-1?-f:Math.asin(t)}function g(t){return t.innerRadius}function m(t){return t.outerRadius}function v(t){return t.startAngle}function y(t){return t.endAngle}function x(t){return t&&t.padAngle}function b(t,e,r,n,i,a,o,s){var l=r-t,c=n-e,u=o-i,f=s-a,h=f*l-u*c;if(!(h*h<1e-12))return[t+(h=(u*(e-a)-f*(t-i))/h)*l,e+h*c]}function _(t,e,r,n,i,a,s){var l=t-r,u=e-n,f=(s?a:-a)/c(l*l+u*u),h=f*u,p=-f*l,d=t+h,g=e+p,m=r+h,v=n+p,y=(d+m)/2,x=(g+v)/2,b=m-d,_=v-g,w=b*b+_*_,T=i-a,k=d*v-m*g,M=(_<0?-1:1)*c(o(0,T*T*w-k*k)),A=(k*_-b*M)/w,S=(-k*b-_*M)/w,E=(k*_+b*M)/w,C=(-k*b+_*M)/w,L=A-y,I=S-x,P=E-y,z=C-x;return L*L+I*I>P*P+z*z&&(A=E,S=C),{cx:A,cy:S,x01:-h,y01:-p,x11:A*(i/T-1),y11:S*(i/T-1)}}function w(t){this._context=t}function T(t){return new w(t)}function k(t){return t[0]}function M(t){return t[1]}function A(){var t=k,n=M,i=r(!0),a=null,o=T,s=null;function l(r){var l,c,u,f=r.length,h=!1;for(null==a&&(s=o(u=e.path())),l=0;l<=f;++l)!(l=f;--h)c.point(v[h],y[h]);c.lineEnd(),c.areaEnd()}m&&(v[u]=+t(p,u,r),y[u]=+i(p,u,r),c.point(n?+n(p,u,r):v[u],a?+a(p,u,r):y[u]))}if(d)return c=null,d+""||null}function f(){return A().defined(o).curve(l).context(s)}return u.x=function(e){return arguments.length?(t="function"==typeof e?e:r(+e),n=null,u):t},u.x0=function(e){return arguments.length?(t="function"==typeof e?e:r(+e),u):t},u.x1=function(t){return arguments.length?(n=null==t?null:"function"==typeof t?t:r(+t),u):n},u.y=function(t){return arguments.length?(i="function"==typeof t?t:r(+t),a=null,u):i},u.y0=function(t){return arguments.length?(i="function"==typeof t?t:r(+t),u):i},u.y1=function(t){return arguments.length?(a=null==t?null:"function"==typeof t?t:r(+t),u):a},u.lineX0=u.lineY0=function(){return f().x(t).y(i)},u.lineY1=function(){return f().x(t).y(a)},u.lineX1=function(){return f().x(n).y(i)},u.defined=function(t){return arguments.length?(o="function"==typeof t?t:r(!!t),u):o},u.curve=function(t){return arguments.length?(l=t,null!=s&&(c=l(s)),u):l},u.context=function(t){return arguments.length?(null==t?s=c=null:c=l(s=t),u):s},u}function E(t,e){return et?1:e>=t?0:NaN}function C(t){return t}w.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._point=0},lineEnd:function(){(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;default:this._context.lineTo(t,e)}}};var L=P(T);function I(t){this._curve=t}function P(t){function e(e){return new I(t(e))}return e._curve=t,e}function z(t){var e=t.curve;return t.angle=t.x,delete t.x,t.radius=t.y,delete t.y,t.curve=function(t){return arguments.length?e(P(t)):e()._curve},t}function O(){return z(A().curve(L))}function D(){var t=S().curve(L),e=t.curve,r=t.lineX0,n=t.lineX1,i=t.lineY0,a=t.lineY1;return t.angle=t.x,delete t.x,t.startAngle=t.x0,delete t.x0,t.endAngle=t.x1,delete t.x1,t.radius=t.y,delete t.y,t.innerRadius=t.y0,delete t.y0,t.outerRadius=t.y1,delete t.y1,t.lineStartAngle=function(){return z(r())},delete t.lineX0,t.lineEndAngle=function(){return z(n())},delete t.lineX1,t.lineInnerRadius=function(){return z(i())},delete t.lineY0,t.lineOuterRadius=function(){return z(a())},delete t.lineY1,t.curve=function(t){return arguments.length?e(P(t)):e()._curve},t}function R(t,e){return[(e=+e)*Math.cos(t-=Math.PI/2),e*Math.sin(t)]}I.prototype={areaStart:function(){this._curve.areaStart()},areaEnd:function(){this._curve.areaEnd()},lineStart:function(){this._curve.lineStart()},lineEnd:function(){this._curve.lineEnd()},point:function(t,e){this._curve.point(e*Math.sin(t),e*-Math.cos(t))}};var F=Array.prototype.slice;function B(t){return t.source}function N(t){return t.target}function j(t){var n=B,i=N,a=k,o=M,s=null;function l(){var r,l=F.call(arguments),c=n.apply(this,l),u=i.apply(this,l);if(s||(s=r=e.path()),t(s,+a.apply(this,(l[0]=c,l)),+o.apply(this,l),+a.apply(this,(l[0]=u,l)),+o.apply(this,l)),r)return s=null,r+""||null}return l.source=function(t){return arguments.length?(n=t,l):n},l.target=function(t){return arguments.length?(i=t,l):i},l.x=function(t){return arguments.length?(a="function"==typeof t?t:r(+t),l):a},l.y=function(t){return arguments.length?(o="function"==typeof t?t:r(+t),l):o},l.context=function(t){return arguments.length?(s=null==t?null:t,l):s},l}function U(t,e,r,n,i){t.moveTo(e,r),t.bezierCurveTo(e=(e+n)/2,r,e,i,n,i)}function V(t,e,r,n,i){t.moveTo(e,r),t.bezierCurveTo(e,r=(r+i)/2,n,r,n,i)}function q(t,e,r,n,i){var a=R(e,r),o=R(e,r=(r+i)/2),s=R(n,r),l=R(n,i);t.moveTo(a[0],a[1]),t.bezierCurveTo(o[0],o[1],s[0],s[1],l[0],l[1])}var H={draw:function(t,e){var r=Math.sqrt(e/u);t.moveTo(r,0),t.arc(0,0,r,0,h)}},G={draw:function(t,e){var r=Math.sqrt(e/5)/2;t.moveTo(-3*r,-r),t.lineTo(-r,-r),t.lineTo(-r,-3*r),t.lineTo(r,-3*r),t.lineTo(r,-r),t.lineTo(3*r,-r),t.lineTo(3*r,r),t.lineTo(r,r),t.lineTo(r,3*r),t.lineTo(-r,3*r),t.lineTo(-r,r),t.lineTo(-3*r,r),t.closePath()}},Y=Math.sqrt(1/3),W=2*Y,X={draw:function(t,e){var r=Math.sqrt(e/W),n=r*Y;t.moveTo(0,-r),t.lineTo(n,0),t.lineTo(0,r),t.lineTo(-n,0),t.closePath()}},Z=Math.sin(u/10)/Math.sin(7*u/10),J=Math.sin(h/10)*Z,K=-Math.cos(h/10)*Z,Q={draw:function(t,e){var r=Math.sqrt(.8908130915292852*e),n=J*r,i=K*r;t.moveTo(0,-r),t.lineTo(n,i);for(var a=1;a<5;++a){var o=h*a/5,s=Math.cos(o),l=Math.sin(o);t.lineTo(l*r,-s*r),t.lineTo(s*n-l*i,l*n+s*i)}t.closePath()}},$={draw:function(t,e){var r=Math.sqrt(e),n=-r/2;t.rect(n,n,r,r)}},tt=Math.sqrt(3),et={draw:function(t,e){var r=-Math.sqrt(e/(3*tt));t.moveTo(0,2*r),t.lineTo(-tt*r,-r),t.lineTo(tt*r,-r),t.closePath()}},rt=-.5,nt=Math.sqrt(3)/2,it=1/Math.sqrt(12),at=3*(it/2+1),ot={draw:function(t,e){var r=Math.sqrt(e/at),n=r/2,i=r*it,a=n,o=r*it+r,s=-a,l=o;t.moveTo(n,i),t.lineTo(a,o),t.lineTo(s,l),t.lineTo(rt*n-nt*i,nt*n+rt*i),t.lineTo(rt*a-nt*o,nt*a+rt*o),t.lineTo(rt*s-nt*l,nt*s+rt*l),t.lineTo(rt*n+nt*i,rt*i-nt*n),t.lineTo(rt*a+nt*o,rt*o-nt*a),t.lineTo(rt*s+nt*l,rt*l-nt*s),t.closePath()}},st=[H,G,X,$,Q,et,ot];function lt(){}function ct(t,e,r){t._context.bezierCurveTo((2*t._x0+t._x1)/3,(2*t._y0+t._y1)/3,(t._x0+2*t._x1)/3,(t._y0+2*t._y1)/3,(t._x0+4*t._x1+e)/6,(t._y0+4*t._y1+r)/6)}function ut(t){this._context=t}function ft(t){this._context=t}function ht(t){this._context=t}function pt(t,e){this._basis=new ut(t),this._beta=e}ut.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._y0=this._y1=NaN,this._point=0},lineEnd:function(){switch(this._point){case 3:ct(this,this._x1,this._y1);case 2:this._context.lineTo(this._x1,this._y1)}(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;break;case 2:this._point=3,this._context.lineTo((5*this._x0+this._x1)/6,(5*this._y0+this._y1)/6);default:ct(this,t,e)}this._x0=this._x1,this._x1=t,this._y0=this._y1,this._y1=e}},ft.prototype={areaStart:lt,areaEnd:lt,lineStart:function(){this._x0=this._x1=this._x2=this._x3=this._x4=this._y0=this._y1=this._y2=this._y3=this._y4=NaN,this._point=0},lineEnd:function(){switch(this._point){case 1:this._context.moveTo(this._x2,this._y2),this._context.closePath();break;case 2:this._context.moveTo((this._x2+2*this._x3)/3,(this._y2+2*this._y3)/3),this._context.lineTo((this._x3+2*this._x2)/3,(this._y3+2*this._y2)/3),this._context.closePath();break;case 3:this.point(this._x2,this._y2),this.point(this._x3,this._y3),this.point(this._x4,this._y4)}},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._x2=t,this._y2=e;break;case 1:this._point=2,this._x3=t,this._y3=e;break;case 2:this._point=3,this._x4=t,this._y4=e,this._context.moveTo((this._x0+4*this._x1+t)/6,(this._y0+4*this._y1+e)/6);break;default:ct(this,t,e)}this._x0=this._x1,this._x1=t,this._y0=this._y1,this._y1=e}},ht.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._y0=this._y1=NaN,this._point=0},lineEnd:function(){(this._line||0!==this._line&&3===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1;break;case 1:this._point=2;break;case 2:this._point=3;var r=(this._x0+4*this._x1+t)/6,n=(this._y0+4*this._y1+e)/6;this._line?this._context.lineTo(r,n):this._context.moveTo(r,n);break;case 3:this._point=4;default:ct(this,t,e)}this._x0=this._x1,this._x1=t,this._y0=this._y1,this._y1=e}},pt.prototype={lineStart:function(){this._x=[],this._y=[],this._basis.lineStart()},lineEnd:function(){var t=this._x,e=this._y,r=t.length-1;if(r>0)for(var n,i=t[0],a=e[0],o=t[r]-i,s=e[r]-a,l=-1;++l<=r;)n=l/r,this._basis.point(this._beta*t[l]+(1-this._beta)*(i+n*o),this._beta*e[l]+(1-this._beta)*(a+n*s));this._x=this._y=null,this._basis.lineEnd()},point:function(t,e){this._x.push(+t),this._y.push(+e)}};var dt=function t(e){function r(t){return 1===e?new ut(t):new pt(t,e)}return r.beta=function(e){return t(+e)},r}(.85);function gt(t,e,r){t._context.bezierCurveTo(t._x1+t._k*(t._x2-t._x0),t._y1+t._k*(t._y2-t._y0),t._x2+t._k*(t._x1-e),t._y2+t._k*(t._y1-r),t._x2,t._y2)}function mt(t,e){this._context=t,this._k=(1-e)/6}mt.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._point=0},lineEnd:function(){switch(this._point){case 2:this._context.lineTo(this._x2,this._y2);break;case 3:gt(this,this._x1,this._y1)}(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2,this._x1=t,this._y1=e;break;case 2:this._point=3;default:gt(this,t,e)}this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var vt=function t(e){function r(t){return new mt(t,e)}return r.tension=function(e){return t(+e)},r}(0);function yt(t,e){this._context=t,this._k=(1-e)/6}yt.prototype={areaStart:lt,areaEnd:lt,lineStart:function(){this._x0=this._x1=this._x2=this._x3=this._x4=this._x5=this._y0=this._y1=this._y2=this._y3=this._y4=this._y5=NaN,this._point=0},lineEnd:function(){switch(this._point){case 1:this._context.moveTo(this._x3,this._y3),this._context.closePath();break;case 2:this._context.lineTo(this._x3,this._y3),this._context.closePath();break;case 3:this.point(this._x3,this._y3),this.point(this._x4,this._y4),this.point(this._x5,this._y5)}},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._x3=t,this._y3=e;break;case 1:this._point=2,this._context.moveTo(this._x4=t,this._y4=e);break;case 2:this._point=3,this._x5=t,this._y5=e;break;default:gt(this,t,e)}this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var xt=function t(e){function r(t){return new yt(t,e)}return r.tension=function(e){return t(+e)},r}(0);function bt(t,e){this._context=t,this._k=(1-e)/6}bt.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._point=0},lineEnd:function(){(this._line||0!==this._line&&3===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1;break;case 1:this._point=2;break;case 2:this._point=3,this._line?this._context.lineTo(this._x2,this._y2):this._context.moveTo(this._x2,this._y2);break;case 3:this._point=4;default:gt(this,t,e)}this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var _t=function t(e){function r(t){return new bt(t,e)}return r.tension=function(e){return t(+e)},r}(0);function wt(t,e,r){var n=t._x1,i=t._y1,a=t._x2,o=t._y2;if(t._l01_a>1e-12){var s=2*t._l01_2a+3*t._l01_a*t._l12_a+t._l12_2a,l=3*t._l01_a*(t._l01_a+t._l12_a);n=(n*s-t._x0*t._l12_2a+t._x2*t._l01_2a)/l,i=(i*s-t._y0*t._l12_2a+t._y2*t._l01_2a)/l}if(t._l23_a>1e-12){var c=2*t._l23_2a+3*t._l23_a*t._l12_a+t._l12_2a,u=3*t._l23_a*(t._l23_a+t._l12_a);a=(a*c+t._x1*t._l23_2a-e*t._l12_2a)/u,o=(o*c+t._y1*t._l23_2a-r*t._l12_2a)/u}t._context.bezierCurveTo(n,i,a,o,t._x2,t._y2)}function Tt(t,e){this._context=t,this._alpha=e}Tt.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._l01_a=this._l12_a=this._l23_a=this._l01_2a=this._l12_2a=this._l23_2a=this._point=0},lineEnd:function(){switch(this._point){case 2:this._context.lineTo(this._x2,this._y2);break;case 3:this.point(this._x2,this._y2)}(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){if(t=+t,e=+e,this._point){var r=this._x2-t,n=this._y2-e;this._l23_a=Math.sqrt(this._l23_2a=Math.pow(r*r+n*n,this._alpha))}switch(this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;break;case 2:this._point=3;default:wt(this,t,e)}this._l01_a=this._l12_a,this._l12_a=this._l23_a,this._l01_2a=this._l12_2a,this._l12_2a=this._l23_2a,this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var kt=function t(e){function r(t){return e?new Tt(t,e):new mt(t,0)}return r.alpha=function(e){return t(+e)},r}(.5);function Mt(t,e){this._context=t,this._alpha=e}Mt.prototype={areaStart:lt,areaEnd:lt,lineStart:function(){this._x0=this._x1=this._x2=this._x3=this._x4=this._x5=this._y0=this._y1=this._y2=this._y3=this._y4=this._y5=NaN,this._l01_a=this._l12_a=this._l23_a=this._l01_2a=this._l12_2a=this._l23_2a=this._point=0},lineEnd:function(){switch(this._point){case 1:this._context.moveTo(this._x3,this._y3),this._context.closePath();break;case 2:this._context.lineTo(this._x3,this._y3),this._context.closePath();break;case 3:this.point(this._x3,this._y3),this.point(this._x4,this._y4),this.point(this._x5,this._y5)}},point:function(t,e){if(t=+t,e=+e,this._point){var r=this._x2-t,n=this._y2-e;this._l23_a=Math.sqrt(this._l23_2a=Math.pow(r*r+n*n,this._alpha))}switch(this._point){case 0:this._point=1,this._x3=t,this._y3=e;break;case 1:this._point=2,this._context.moveTo(this._x4=t,this._y4=e);break;case 2:this._point=3,this._x5=t,this._y5=e;break;default:wt(this,t,e)}this._l01_a=this._l12_a,this._l12_a=this._l23_a,this._l01_2a=this._l12_2a,this._l12_2a=this._l23_2a,this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var At=function t(e){function r(t){return e?new Mt(t,e):new yt(t,0)}return r.alpha=function(e){return t(+e)},r}(.5);function St(t,e){this._context=t,this._alpha=e}St.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._l01_a=this._l12_a=this._l23_a=this._l01_2a=this._l12_2a=this._l23_2a=this._point=0},lineEnd:function(){(this._line||0!==this._line&&3===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){if(t=+t,e=+e,this._point){var r=this._x2-t,n=this._y2-e;this._l23_a=Math.sqrt(this._l23_2a=Math.pow(r*r+n*n,this._alpha))}switch(this._point){case 0:this._point=1;break;case 1:this._point=2;break;case 2:this._point=3,this._line?this._context.lineTo(this._x2,this._y2):this._context.moveTo(this._x2,this._y2);break;case 3:this._point=4;default:wt(this,t,e)}this._l01_a=this._l12_a,this._l12_a=this._l23_a,this._l01_2a=this._l12_2a,this._l12_2a=this._l23_2a,this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var Et=function t(e){function r(t){return e?new St(t,e):new bt(t,0)}return r.alpha=function(e){return t(+e)},r}(.5);function Ct(t){this._context=t}function Lt(t){return t<0?-1:1}function It(t,e,r){var n=t._x1-t._x0,i=e-t._x1,a=(t._y1-t._y0)/(n||i<0&&-0),o=(r-t._y1)/(i||n<0&&-0),s=(a*i+o*n)/(n+i);return(Lt(a)+Lt(o))*Math.min(Math.abs(a),Math.abs(o),.5*Math.abs(s))||0}function Pt(t,e){var r=t._x1-t._x0;return r?(3*(t._y1-t._y0)/r-e)/2:e}function zt(t,e,r){var n=t._x0,i=t._y0,a=t._x1,o=t._y1,s=(a-n)/3;t._context.bezierCurveTo(n+s,i+s*e,a-s,o-s*r,a,o)}function Ot(t){this._context=t}function Dt(t){this._context=new Rt(t)}function Rt(t){this._context=t}function Ft(t){this._context=t}function Bt(t){var e,r,n=t.length-1,i=new Array(n),a=new Array(n),o=new Array(n);for(i[0]=0,a[0]=2,o[0]=t[0]+2*t[1],e=1;e=0;--e)i[e]=(o[e]-i[e+1])/a[e];for(a[n-1]=(t[n]+i[n-1])/2,e=0;e1)for(var r,n,i,a=1,o=t[e[0]],s=o.length;a=0;)r[e]=e;return r}function Vt(t,e){return t[e]}function qt(t){var e=t.map(Ht);return Ut(t).sort((function(t,r){return e[t]-e[r]}))}function Ht(t){for(var e,r=-1,n=0,i=t.length,a=-1/0;++ra&&(a=e,n=r);return n}function Gt(t){var e=t.map(Yt);return Ut(t).sort((function(t,r){return e[t]-e[r]}))}function Yt(t){for(var e,r=0,n=-1,i=t.length;++n=0&&(this._t=1-this._t,this._line=1-this._line)},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;default:if(this._t<=0)this._context.lineTo(this._x,e),this._context.lineTo(t,e);else{var r=this._x*(1-this._t)+t*this._t;this._context.lineTo(r,this._y),this._context.lineTo(r,e)}}this._x=t,this._y=e}},t.arc=function(){var t=g,o=m,w=r(0),T=null,k=v,M=y,A=x,S=null;function E(){var r,g,m=+t.apply(this,arguments),v=+o.apply(this,arguments),y=k.apply(this,arguments)-f,x=M.apply(this,arguments)-f,E=n(x-y),C=x>y;if(S||(S=r=e.path()),v1e-12)if(E>h-1e-12)S.moveTo(v*a(y),v*l(y)),S.arc(0,0,v,y,x,!C),m>1e-12&&(S.moveTo(m*a(x),m*l(x)),S.arc(0,0,m,x,y,C));else{var L,I,P=y,z=x,O=y,D=x,R=E,F=E,B=A.apply(this,arguments)/2,N=B>1e-12&&(T?+T.apply(this,arguments):c(m*m+v*v)),j=s(n(v-m)/2,+w.apply(this,arguments)),U=j,V=j;if(N>1e-12){var q=d(N/m*l(B)),H=d(N/v*l(B));(R-=2*q)>1e-12?(O+=q*=C?1:-1,D-=q):(R=0,O=D=(y+x)/2),(F-=2*H)>1e-12?(P+=H*=C?1:-1,z-=H):(F=0,P=z=(y+x)/2)}var G=v*a(P),Y=v*l(P),W=m*a(D),X=m*l(D);if(j>1e-12){var Z,J=v*a(z),K=v*l(z),Q=m*a(O),$=m*l(O);if(E1e-12?V>1e-12?(L=_(Q,$,G,Y,v,V,C),I=_(J,K,W,X,v,V,C),S.moveTo(L.cx+L.x01,L.cy+L.y01),V1e-12&&R>1e-12?U>1e-12?(L=_(W,X,J,K,m,-U,C),I=_(G,Y,Q,$,m,-U,C),S.lineTo(L.cx+L.x01,L.cy+L.y01),U0&&(d+=f);for(null!=e?g.sort((function(t,r){return e(m[t],m[r])})):null!=n&&g.sort((function(t,e){return n(r[t],r[e])})),s=0,c=d?(y-p*b)/d:0;s0?f*c:0)+b,m[l]={data:r[l],index:s,value:f,startAngle:v,endAngle:u,padAngle:x};return m}return s.value=function(e){return arguments.length?(t="function"==typeof e?e:r(+e),s):t},s.sortValues=function(t){return arguments.length?(e=t,n=null,s):e},s.sort=function(t){return arguments.length?(n=t,e=null,s):n},s.startAngle=function(t){return arguments.length?(i="function"==typeof t?t:r(+t),s):i},s.endAngle=function(t){return arguments.length?(a="function"==typeof t?t:r(+t),s):a},s.padAngle=function(t){return arguments.length?(o="function"==typeof t?t:r(+t),s):o},s},t.pointRadial=R,t.radialArea=D,t.radialLine=O,t.stack=function(){var t=r([]),e=Ut,n=jt,i=Vt;function a(r){var a,o,s=t.apply(this,arguments),l=r.length,c=s.length,u=new Array(c);for(a=0;a0)for(var r,n,i,a,o,s,l=0,c=t[e[0]].length;l0?(n[0]=a,n[1]=a+=i):i<0?(n[1]=o,n[0]=o+=i):(n[0]=0,n[1]=i)},t.stackOffsetExpand=function(t,e){if((n=t.length)>0){for(var r,n,i,a=0,o=t[0].length;a0){for(var r,n=0,i=t[e[0]],a=i.length;n0&&(n=(r=t[e[0]]).length)>0){for(var r,n,i,a=0,o=1;o=12)]},q:function(t){return 1+~~(t.getMonth()/3)},Q:mt,s:vt,S:q,u:H,U:G,V:Y,w:W,W:X,x:null,X:null,y:Z,Y:J,Z:K,"%":gt},Lt={a:function(t){return f[t.getUTCDay()]},A:function(t){return u[t.getUTCDay()]},b:function(t){return yt[t.getUTCMonth()]},B:function(t){return h[t.getUTCMonth()]},c:null,d:Q,e:Q,f:nt,H:$,I:tt,j:et,L:rt,m:it,M:at,p:function(t){return c[+(t.getUTCHours()>=12)]},q:function(t){return 1+~~(t.getUTCMonth()/3)},Q:mt,s:vt,S:ot,u:st,U:lt,V:ct,w:ut,W:ft,x:null,X:null,y:ht,Y:pt,Z:dt,"%":gt},It={a:function(t,e,r){var n=Tt.exec(e.slice(r));return n?(t.w=kt[n[0].toLowerCase()],r+n[0].length):-1},A:function(t,e,r){var n=_t.exec(e.slice(r));return n?(t.w=wt[n[0].toLowerCase()],r+n[0].length):-1},b:function(t,e,r){var n=St.exec(e.slice(r));return n?(t.m=Et[n[0].toLowerCase()],r+n[0].length):-1},B:function(t,e,r){var n=Mt.exec(e.slice(r));return n?(t.m=At[n[0].toLowerCase()],r+n[0].length):-1},c:function(t,e,r){return Ot(t,a,e,r)},d:M,e:M,f:I,H:S,I:S,j:A,L:L,m:k,M:E,p:function(t,e,r){var n=xt.exec(e.slice(r));return n?(t.p=bt[n[0].toLowerCase()],r+n[0].length):-1},q:T,Q:z,s:O,S:C,u:m,U:v,V:y,w:g,W:x,x:function(t,e,r){return Ot(t,o,e,r)},X:function(t,e,r){return Ot(t,l,e,r)},y:_,Y:b,Z:w,"%":P};function Pt(t,e){return function(r){var n,i,a,o=[],l=-1,c=0,u=t.length;for(r instanceof Date||(r=new Date(+r));++l53)return null;"w"in c||(c.w=1),"Z"in c?(l=(s=n(i(c.y,0,1))).getUTCDay(),s=l>4||0===l?e.utcMonday.ceil(s):e.utcMonday(s),s=e.utcDay.offset(s,7*(c.V-1)),c.y=s.getUTCFullYear(),c.m=s.getUTCMonth(),c.d=s.getUTCDate()+(c.w+6)%7):(l=(s=r(i(c.y,0,1))).getDay(),s=l>4||0===l?e.timeMonday.ceil(s):e.timeMonday(s),s=e.timeDay.offset(s,7*(c.V-1)),c.y=s.getFullYear(),c.m=s.getMonth(),c.d=s.getDate()+(c.w+6)%7)}else("W"in c||"U"in c)&&("w"in c||(c.w="u"in c?c.u%7:"W"in c?1:0),l="Z"in c?n(i(c.y,0,1)).getUTCDay():r(i(c.y,0,1)).getDay(),c.m=0,c.d="W"in c?(c.w+6)%7+7*c.W-(l+5)%7:c.w+7*c.U-(l+6)%7);return"Z"in c?(c.H+=c.Z/100|0,c.M+=c.Z%100,n(c)):r(c)}}function Ot(t,e,r,n){for(var i,a,o=0,l=e.length,c=r.length;o=c)return-1;if(37===(i=e.charCodeAt(o++))){if(i=e.charAt(o++),!(a=It[i in s?e.charAt(o++):i])||(n=a(t,r,n))<0)return-1}else if(i!=r.charCodeAt(n++))return-1}return n}return Ct.x=Pt(o,Ct),Ct.X=Pt(l,Ct),Ct.c=Pt(a,Ct),Lt.x=Pt(o,Lt),Lt.X=Pt(l,Lt),Lt.c=Pt(a,Lt),{format:function(t){var e=Pt(t+="",Ct);return e.toString=function(){return t},e},parse:function(t){var e=zt(t+="",!1);return e.toString=function(){return t},e},utcFormat:function(t){var e=Pt(t+="",Lt);return e.toString=function(){return t},e},utcParse:function(t){var e=zt(t+="",!0);return e.toString=function(){return t},e}}}var o,s={"-":"",_:" ",0:"0"},l=/^\s*\d+/,c=/^%/,u=/[\\^$*+?|[\]().{}]/g;function f(t,e,r){var n=t<0?"-":"",i=(n?-t:t)+"",a=i.length;return n+(a68?1900:2e3),r+n[0].length):-1}function w(t,e,r){var n=/^(Z)|([+-]\d\d)(?::?(\d\d))?/.exec(e.slice(r,r+6));return n?(t.Z=n[1]?0:-(n[2]+(n[3]||"00")),r+n[0].length):-1}function T(t,e,r){var n=l.exec(e.slice(r,r+1));return n?(t.q=3*n[0]-3,r+n[0].length):-1}function k(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.m=n[0]-1,r+n[0].length):-1}function M(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.d=+n[0],r+n[0].length):-1}function A(t,e,r){var n=l.exec(e.slice(r,r+3));return n?(t.m=0,t.d=+n[0],r+n[0].length):-1}function S(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.H=+n[0],r+n[0].length):-1}function E(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.M=+n[0],r+n[0].length):-1}function C(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.S=+n[0],r+n[0].length):-1}function L(t,e,r){var n=l.exec(e.slice(r,r+3));return n?(t.L=+n[0],r+n[0].length):-1}function I(t,e,r){var n=l.exec(e.slice(r,r+6));return n?(t.L=Math.floor(n[0]/1e3),r+n[0].length):-1}function P(t,e,r){var n=c.exec(e.slice(r,r+1));return n?r+n[0].length:-1}function z(t,e,r){var n=l.exec(e.slice(r));return n?(t.Q=+n[0],r+n[0].length):-1}function O(t,e,r){var n=l.exec(e.slice(r));return n?(t.s=+n[0],r+n[0].length):-1}function D(t,e){return f(t.getDate(),e,2)}function R(t,e){return f(t.getHours(),e,2)}function F(t,e){return f(t.getHours()%12||12,e,2)}function B(t,r){return f(1+e.timeDay.count(e.timeYear(t),t),r,3)}function N(t,e){return f(t.getMilliseconds(),e,3)}function j(t,e){return N(t,e)+"000"}function U(t,e){return f(t.getMonth()+1,e,2)}function V(t,e){return f(t.getMinutes(),e,2)}function q(t,e){return f(t.getSeconds(),e,2)}function H(t){var e=t.getDay();return 0===e?7:e}function G(t,r){return f(e.timeSunday.count(e.timeYear(t)-1,t),r,2)}function Y(t,r){var n=t.getDay();return t=n>=4||0===n?e.timeThursday(t):e.timeThursday.ceil(t),f(e.timeThursday.count(e.timeYear(t),t)+(4===e.timeYear(t).getDay()),r,2)}function W(t){return t.getDay()}function X(t,r){return f(e.timeMonday.count(e.timeYear(t)-1,t),r,2)}function Z(t,e){return f(t.getFullYear()%100,e,2)}function J(t,e){return f(t.getFullYear()%1e4,e,4)}function K(t){var e=t.getTimezoneOffset();return(e>0?"-":(e*=-1,"+"))+f(e/60|0,"0",2)+f(e%60,"0",2)}function Q(t,e){return f(t.getUTCDate(),e,2)}function $(t,e){return f(t.getUTCHours(),e,2)}function tt(t,e){return f(t.getUTCHours()%12||12,e,2)}function et(t,r){return f(1+e.utcDay.count(e.utcYear(t),t),r,3)}function rt(t,e){return f(t.getUTCMilliseconds(),e,3)}function nt(t,e){return rt(t,e)+"000"}function it(t,e){return f(t.getUTCMonth()+1,e,2)}function at(t,e){return f(t.getUTCMinutes(),e,2)}function ot(t,e){return f(t.getUTCSeconds(),e,2)}function st(t){var e=t.getUTCDay();return 0===e?7:e}function lt(t,r){return f(e.utcSunday.count(e.utcYear(t)-1,t),r,2)}function ct(t,r){var n=t.getUTCDay();return t=n>=4||0===n?e.utcThursday(t):e.utcThursday.ceil(t),f(e.utcThursday.count(e.utcYear(t),t)+(4===e.utcYear(t).getUTCDay()),r,2)}function ut(t){return t.getUTCDay()}function ft(t,r){return f(e.utcMonday.count(e.utcYear(t)-1,t),r,2)}function ht(t,e){return f(t.getUTCFullYear()%100,e,2)}function pt(t,e){return f(t.getUTCFullYear()%1e4,e,4)}function dt(){return"+0000"}function gt(){return"%"}function mt(t){return+t}function vt(t){return Math.floor(+t/1e3)}function yt(e){return o=a(e),t.timeFormat=o.format,t.timeParse=o.parse,t.utcFormat=o.utcFormat,t.utcParse=o.utcParse,o}yt({dateTime:"%x, %X",date:"%-m/%-d/%Y",time:"%-I:%M:%S %p",periods:["AM","PM"],days:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],shortDays:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],months:["January","February","March","April","May","June","July","August","September","October","November","December"],shortMonths:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"]});var xt=Date.prototype.toISOString?function(t){return t.toISOString()}:t.utcFormat("%Y-%m-%dT%H:%M:%S.%LZ");var bt=+new Date("2000-01-01T00:00:00.000Z")?function(t){var e=new Date(t);return isNaN(e)?null:e}:t.utcParse("%Y-%m-%dT%H:%M:%S.%LZ");t.isoFormat=xt,t.isoParse=bt,t.timeFormatDefaultLocale=yt,t.timeFormatLocale=a,Object.defineProperty(t,"__esModule",{value:!0})}))},{"d3-time":167}],167:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?n(r):n((t=t||self).d3=t.d3||{})}(this,(function(t){"use strict";var e=new Date,r=new Date;function n(t,i,a,o){function s(e){return t(e=0===arguments.length?new Date:new Date(+e)),e}return s.floor=function(e){return t(e=new Date(+e)),e},s.ceil=function(e){return t(e=new Date(e-1)),i(e,1),t(e),e},s.round=function(t){var e=s(t),r=s.ceil(t);return t-e0))return o;do{o.push(a=new Date(+e)),i(e,n),t(e)}while(a=r)for(;t(r),!e(r);)r.setTime(r-1)}),(function(t,r){if(t>=t)if(r<0)for(;++r<=0;)for(;i(t,-1),!e(t););else for(;--r>=0;)for(;i(t,1),!e(t););}))},a&&(s.count=function(n,i){return e.setTime(+n),r.setTime(+i),t(e),t(r),Math.floor(a(e,r))},s.every=function(t){return t=Math.floor(t),isFinite(t)&&t>0?t>1?s.filter(o?function(e){return o(e)%t==0}:function(e){return s.count(0,e)%t==0}):s:null}),s}var i=n((function(){}),(function(t,e){t.setTime(+t+e)}),(function(t,e){return e-t}));i.every=function(t){return t=Math.floor(t),isFinite(t)&&t>0?t>1?n((function(e){e.setTime(Math.floor(e/t)*t)}),(function(e,r){e.setTime(+e+r*t)}),(function(e,r){return(r-e)/t})):i:null};var a=i.range,o=n((function(t){t.setTime(t-t.getMilliseconds())}),(function(t,e){t.setTime(+t+1e3*e)}),(function(t,e){return(e-t)/1e3}),(function(t){return t.getUTCSeconds()})),s=o.range,l=n((function(t){t.setTime(t-t.getMilliseconds()-1e3*t.getSeconds())}),(function(t,e){t.setTime(+t+6e4*e)}),(function(t,e){return(e-t)/6e4}),(function(t){return t.getMinutes()})),c=l.range,u=n((function(t){t.setTime(t-t.getMilliseconds()-1e3*t.getSeconds()-6e4*t.getMinutes())}),(function(t,e){t.setTime(+t+36e5*e)}),(function(t,e){return(e-t)/36e5}),(function(t){return t.getHours()})),f=u.range,h=n((function(t){t.setHours(0,0,0,0)}),(function(t,e){t.setDate(t.getDate()+e)}),(function(t,e){return(e-t-6e4*(e.getTimezoneOffset()-t.getTimezoneOffset()))/864e5}),(function(t){return t.getDate()-1})),p=h.range;function d(t){return n((function(e){e.setDate(e.getDate()-(e.getDay()+7-t)%7),e.setHours(0,0,0,0)}),(function(t,e){t.setDate(t.getDate()+7*e)}),(function(t,e){return(e-t-6e4*(e.getTimezoneOffset()-t.getTimezoneOffset()))/6048e5}))}var g=d(0),m=d(1),v=d(2),y=d(3),x=d(4),b=d(5),_=d(6),w=g.range,T=m.range,k=v.range,M=y.range,A=x.range,S=b.range,E=_.range,C=n((function(t){t.setDate(1),t.setHours(0,0,0,0)}),(function(t,e){t.setMonth(t.getMonth()+e)}),(function(t,e){return e.getMonth()-t.getMonth()+12*(e.getFullYear()-t.getFullYear())}),(function(t){return t.getMonth()})),L=C.range,I=n((function(t){t.setMonth(0,1),t.setHours(0,0,0,0)}),(function(t,e){t.setFullYear(t.getFullYear()+e)}),(function(t,e){return e.getFullYear()-t.getFullYear()}),(function(t){return t.getFullYear()}));I.every=function(t){return isFinite(t=Math.floor(t))&&t>0?n((function(e){e.setFullYear(Math.floor(e.getFullYear()/t)*t),e.setMonth(0,1),e.setHours(0,0,0,0)}),(function(e,r){e.setFullYear(e.getFullYear()+r*t)})):null};var P=I.range,z=n((function(t){t.setUTCSeconds(0,0)}),(function(t,e){t.setTime(+t+6e4*e)}),(function(t,e){return(e-t)/6e4}),(function(t){return t.getUTCMinutes()})),O=z.range,D=n((function(t){t.setUTCMinutes(0,0,0)}),(function(t,e){t.setTime(+t+36e5*e)}),(function(t,e){return(e-t)/36e5}),(function(t){return t.getUTCHours()})),R=D.range,F=n((function(t){t.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCDate(t.getUTCDate()+e)}),(function(t,e){return(e-t)/864e5}),(function(t){return t.getUTCDate()-1})),B=F.range;function N(t){return n((function(e){e.setUTCDate(e.getUTCDate()-(e.getUTCDay()+7-t)%7),e.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCDate(t.getUTCDate()+7*e)}),(function(t,e){return(e-t)/6048e5}))}var j=N(0),U=N(1),V=N(2),q=N(3),H=N(4),G=N(5),Y=N(6),W=j.range,X=U.range,Z=V.range,J=q.range,K=H.range,Q=G.range,$=Y.range,tt=n((function(t){t.setUTCDate(1),t.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCMonth(t.getUTCMonth()+e)}),(function(t,e){return e.getUTCMonth()-t.getUTCMonth()+12*(e.getUTCFullYear()-t.getUTCFullYear())}),(function(t){return t.getUTCMonth()})),et=tt.range,rt=n((function(t){t.setUTCMonth(0,1),t.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCFullYear(t.getUTCFullYear()+e)}),(function(t,e){return e.getUTCFullYear()-t.getUTCFullYear()}),(function(t){return t.getUTCFullYear()}));rt.every=function(t){return isFinite(t=Math.floor(t))&&t>0?n((function(e){e.setUTCFullYear(Math.floor(e.getUTCFullYear()/t)*t),e.setUTCMonth(0,1),e.setUTCHours(0,0,0,0)}),(function(e,r){e.setUTCFullYear(e.getUTCFullYear()+r*t)})):null};var nt=rt.range;t.timeDay=h,t.timeDays=p,t.timeFriday=b,t.timeFridays=S,t.timeHour=u,t.timeHours=f,t.timeInterval=n,t.timeMillisecond=i,t.timeMilliseconds=a,t.timeMinute=l,t.timeMinutes=c,t.timeMonday=m,t.timeMondays=T,t.timeMonth=C,t.timeMonths=L,t.timeSaturday=_,t.timeSaturdays=E,t.timeSecond=o,t.timeSeconds=s,t.timeSunday=g,t.timeSundays=w,t.timeThursday=x,t.timeThursdays=A,t.timeTuesday=v,t.timeTuesdays=k,t.timeWednesday=y,t.timeWednesdays=M,t.timeWeek=g,t.timeWeeks=w,t.timeYear=I,t.timeYears=P,t.utcDay=F,t.utcDays=B,t.utcFriday=G,t.utcFridays=Q,t.utcHour=D,t.utcHours=R,t.utcMillisecond=i,t.utcMilliseconds=a,t.utcMinute=z,t.utcMinutes=O,t.utcMonday=U,t.utcMondays=X,t.utcMonth=tt,t.utcMonths=et,t.utcSaturday=Y,t.utcSaturdays=$,t.utcSecond=o,t.utcSeconds=s,t.utcSunday=j,t.utcSundays=W,t.utcThursday=H,t.utcThursdays=K,t.utcTuesday=V,t.utcTuesdays=Z,t.utcWednesday=q,t.utcWednesdays=J,t.utcWeek=j,t.utcWeeks=W,t.utcYear=rt,t.utcYears=nt,Object.defineProperty(t,"__esModule",{value:!0})}))},{}],168:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?n(r):n((t=t||self).d3=t.d3||{})}(this,(function(t){"use strict";var e,r,n=0,i=0,a=0,o=0,s=0,l=0,c="object"==typeof performance&&performance.now?performance:Date,u="object"==typeof window&&window.requestAnimationFrame?window.requestAnimationFrame.bind(window):function(t){setTimeout(t,17)};function f(){return s||(u(h),s=c.now()+l)}function h(){s=0}function p(){this._call=this._time=this._next=null}function d(t,e,r){var n=new p;return n.restart(t,e,r),n}function g(){f(),++n;for(var t,r=e;r;)(t=s-r._time)>=0&&r._call.call(null,t),r=r._next;--n}function m(){s=(o=c.now())+l,n=i=0;try{g()}finally{n=0,function(){var t,n,i=e,a=1/0;for(;i;)i._call?(a>i._time&&(a=i._time),t=i,i=i._next):(n=i._next,i._next=null,i=t?t._next=n:e=n);r=t,y(a)}(),s=0}}function v(){var t=c.now(),e=t-o;e>1e3&&(l-=e,o=t)}function y(t){n||(i&&(i=clearTimeout(i)),t-s>24?(t<1/0&&(i=setTimeout(m,t-c.now()-l)),a&&(a=clearInterval(a))):(a||(o=c.now(),a=setInterval(v,1e3)),n=1,u(m)))}p.prototype=d.prototype={constructor:p,restart:function(t,n,i){if("function"!=typeof t)throw new TypeError("callback is not a function");i=(null==i?f():+i)+(null==n?0:+n),this._next||r===this||(r?r._next=this:e=this,r=this),this._call=t,this._time=i,y()},stop:function(){this._call&&(this._call=null,this._time=1/0,y())}},t.interval=function(t,e,r){var n=new p,i=e;return null==e?(n.restart(t,e,r),n):(e=+e,r=null==r?f():+r,n.restart((function a(o){o+=i,n.restart(a,i+=e,r),t(o)}),e,r),n)},t.now=f,t.timeout=function(t,e,r){var n=new p;return e=null==e?0:+e,n.restart((function(r){n.stop(),t(r+e)}),e,r),n},t.timer=d,t.timerFlush=g,Object.defineProperty(t,"__esModule",{value:!0})}))},{}],169:[function(t,e,r){!function(){var t={version:"3.5.17"},r=[].slice,n=function(t){return r.call(t)},i=this.document;function a(t){return t&&(t.ownerDocument||t.document||t).documentElement}function o(t){return t&&(t.ownerDocument&&t.ownerDocument.defaultView||t.document&&t||t.defaultView)}if(i)try{n(i.documentElement.childNodes)[0].nodeType}catch(t){n=function(t){for(var e=t.length,r=new Array(e);e--;)r[e]=t[e];return r}}if(Date.now||(Date.now=function(){return+new Date}),i)try{i.createElement("DIV").style.setProperty("opacity",0,"")}catch(t){var s=this.Element.prototype,l=s.setAttribute,c=s.setAttributeNS,u=this.CSSStyleDeclaration.prototype,f=u.setProperty;s.setAttribute=function(t,e){l.call(this,t,e+"")},s.setAttributeNS=function(t,e,r){c.call(this,t,e,r+"")},u.setProperty=function(t,e,r){f.call(this,t,e+"",r)}}function h(t,e){return te?1:t>=e?0:NaN}function p(t){return null===t?NaN:+t}function d(t){return!isNaN(t)}function g(t){return{left:function(e,r,n,i){for(arguments.length<3&&(n=0),arguments.length<4&&(i=e.length);n>>1;t(e[a],r)<0?n=a+1:i=a}return n},right:function(e,r,n,i){for(arguments.length<3&&(n=0),arguments.length<4&&(i=e.length);n>>1;t(e[a],r)>0?i=a:n=a+1}return n}}}t.ascending=h,t.descending=function(t,e){return et?1:e>=t?0:NaN},t.min=function(t,e){var r,n,i=-1,a=t.length;if(1===arguments.length){for(;++i=n){r=n;break}for(;++in&&(r=n)}else{for(;++i=n){r=n;break}for(;++in&&(r=n)}return r},t.max=function(t,e){var r,n,i=-1,a=t.length;if(1===arguments.length){for(;++i=n){r=n;break}for(;++ir&&(r=n)}else{for(;++i=n){r=n;break}for(;++ir&&(r=n)}return r},t.extent=function(t,e){var r,n,i,a=-1,o=t.length;if(1===arguments.length){for(;++a=n){r=i=n;break}for(;++an&&(r=n),i=n){r=i=n;break}for(;++an&&(r=n),i1)return o/(l-1)},t.deviation=function(){var e=t.variance.apply(this,arguments);return e?Math.sqrt(e):e};var m=g(h);function v(t){return t.length}t.bisectLeft=m.left,t.bisect=t.bisectRight=m.right,t.bisector=function(t){return g(1===t.length?function(e,r){return h(t(e),r)}:t)},t.shuffle=function(t,e,r){(a=arguments.length)<3&&(r=t.length,a<2&&(e=0));for(var n,i,a=r-e;a;)i=Math.random()*a--|0,n=t[a+e],t[a+e]=t[i+e],t[i+e]=n;return t},t.permute=function(t,e){for(var r=e.length,n=new Array(r);r--;)n[r]=t[e[r]];return n},t.pairs=function(t){for(var e=0,r=t.length-1,n=t[0],i=new Array(r<0?0:r);e=0;)for(e=(n=t[i]).length;--e>=0;)r[--o]=n[e];return r};var y=Math.abs;function x(t){for(var e=1;t*e%1;)e*=10;return e}function b(t,e){for(var r in e)Object.defineProperty(t.prototype,r,{value:e[r],enumerable:!1})}function _(){this._=Object.create(null)}t.range=function(t,e,r){if(arguments.length<3&&(r=1,arguments.length<2&&(e=t,t=0)),(e-t)/r==1/0)throw new Error("infinite range");var n,i=[],a=x(y(r)),o=-1;if(t*=a,e*=a,(r*=a)<0)for(;(n=t+r*++o)>e;)i.push(n/a);else for(;(n=t+r*++o)=i.length)return r?r.call(n,a):e?a.sort(e):a;for(var l,c,u,f,h=-1,p=a.length,d=i[s++],g=new _;++h=i.length)return e;var n=[],o=a[r++];return e.forEach((function(e,i){n.push({key:e,values:t(i,r)})})),o?n.sort((function(t,e){return o(t.key,e.key)})):n}(o(t.map,e,0),0)},n.key=function(t){return i.push(t),n},n.sortKeys=function(t){return a[i.length-1]=t,n},n.sortValues=function(t){return e=t,n},n.rollup=function(t){return r=t,n},n},t.set=function(t){var e=new C;if(t)for(var r=0,n=t.length;r=0&&(n=t.slice(r+1),t=t.slice(0,r)),t)return arguments.length<2?this[t].on(n):this[t].on(n,e);if(2===arguments.length){if(null==e)for(t in this)this.hasOwnProperty(t)&&this[t].on(n,null);return this}},t.event=null,t.requote=function(t){return t.replace(j,"\\$&")};var j=/[\\\^\$\*\+\?\|\[\]\(\)\.\{\}]/g,U={}.__proto__?function(t,e){t.__proto__=e}:function(t,e){for(var r in e)t[r]=e[r]};function V(t){return U(t,Y),t}var q=function(t,e){return e.querySelector(t)},H=function(t,e){return e.querySelectorAll(t)},G=function(t,e){var r=t.matches||t[P(t,"matchesSelector")];return(G=function(t,e){return r.call(t,e)})(t,e)};"function"==typeof Sizzle&&(q=function(t,e){return Sizzle(t,e)[0]||null},H=Sizzle,G=Sizzle.matchesSelector),t.selection=function(){return t.select(i.documentElement)};var Y=t.selection.prototype=[];function W(t){return"function"==typeof t?t:function(){return q(t,this)}}function X(t){return"function"==typeof t?t:function(){return H(t,this)}}Y.select=function(t){var e,r,n,i,a=[];t=W(t);for(var o=-1,s=this.length;++o=0&&"xmlns"!==(r=t.slice(0,e))&&(t=t.slice(e+1)),J.hasOwnProperty(r)?{space:J[r],local:t}:t}},Y.attr=function(e,r){if(arguments.length<2){if("string"==typeof e){var n=this.node();return(e=t.ns.qualify(e)).local?n.getAttributeNS(e.space,e.local):n.getAttribute(e)}for(r in e)this.each(K(r,e[r]));return this}return this.each(K(e,r))},Y.classed=function(t,e){if(arguments.length<2){if("string"==typeof t){var r=this.node(),n=(t=tt(t)).length,i=-1;if(e=r.classList){for(;++i=0;)(r=n[i])&&(a&&a!==r.nextSibling&&a.parentNode.insertBefore(r,a),a=r);return this},Y.sort=function(t){t=ct.apply(this,arguments);for(var e=-1,r=this.length;++e=e&&(e=i+1);!(o=s[e])&&++e0&&(e=e.slice(0,o));var l=gt.get(e);function c(){var t=this[a];t&&(this.removeEventListener(e,t,t.$),delete this[a])}return l&&(e=l,s=vt),o?r?function(){var t=s(r,n(arguments));c.call(this),this.addEventListener(e,this[a]=t,t.$=i),t._=r}:c:r?O:function(){var r,n=new RegExp("^__on([^.]+)"+t.requote(e)+"$");for(var i in this)if(r=i.match(n)){var a=this[i];this.removeEventListener(r[1],a,a.$),delete this[i]}}}t.selection.enter=ft,t.selection.enter.prototype=ht,ht.append=Y.append,ht.empty=Y.empty,ht.node=Y.node,ht.call=Y.call,ht.size=Y.size,ht.select=function(t){for(var e,r,n,i,a,o=[],s=-1,l=this.length;++s0?1:t<0?-1:0}function zt(t,e,r){return(e[0]-t[0])*(r[1]-t[1])-(e[1]-t[1])*(r[0]-t[0])}function Ot(t){return t>1?0:t<-1?At:Math.acos(t)}function Dt(t){return t>1?Ct:t<-1?-Ct:Math.asin(t)}function Rt(t){return((t=Math.exp(t))+1/t)/2}function Ft(t){return(t=Math.sin(t/2))*t}var Bt=Math.SQRT2;t.interpolateZoom=function(t,e){var r,n,i=t[0],a=t[1],o=t[2],s=e[0],l=e[1],c=e[2],u=s-i,f=l-a,h=u*u+f*f;if(h0&&(e=e.transition().duration(g)),e.call(w.event)}function S(){c&&c.domain(l.range().map((function(t){return(t-h.x)/h.k})).map(l.invert)),f&&f.domain(u.range().map((function(t){return(t-h.y)/h.k})).map(u.invert))}function E(t){m++||t({type:"zoomstart"})}function C(t){S(),t({type:"zoom",scale:h.k,translate:[h.x,h.y]})}function L(t){--m||(t({type:"zoomend"}),r=null)}function I(){var e=this,r=_.of(e,arguments),n=0,i=t.select(o(e)).on(y,l).on(x,c),a=T(t.mouse(e)),s=bt(e);function l(){n=1,M(t.mouse(e),a),C(r)}function c(){i.on(y,null).on(x,null),s(n),L(r)}vs.call(e),E(r)}function P(){var e,r=this,n=_.of(r,arguments),i={},a=0,o=".zoom-"+t.event.changedTouches[0].identifier,l="touchmove"+o,c="touchend"+o,u=[],f=t.select(r),p=bt(r);function d(){var n=t.touches(r);return e=h.k,n.forEach((function(t){t.identifier in i&&(i[t.identifier]=T(t))})),n}function g(){var e=t.event.target;t.select(e).on(l,m).on(c,y),u.push(e);for(var n=t.event.changedTouches,o=0,f=n.length;o1){v=p[0];var x=p[1],b=v[0]-x[0],_=v[1]-x[1];a=b*b+_*_}}function m(){var o,l,c,u,f=t.touches(r);vs.call(r);for(var h=0,p=f.length;h360?t-=360:t<0&&(t+=360),t<60?n+(i-n)*t/60:t<180?i:t<240?n+(i-n)*(240-t)/60:n}(t))}return t=isNaN(t)?0:(t%=360)<0?t+360:t,e=isNaN(e)||e<0?0:e>1?1:e,n=2*(r=r<0?0:r>1?1:r)-(i=r<=.5?r*(1+e):r+e-r*e),new ne(a(t+120),a(t),a(t-120))}function Yt(e,r,n){return this instanceof Yt?(this.h=+e,this.c=+r,void(this.l=+n)):arguments.length<2?e instanceof Yt?new Yt(e.h,e.c,e.l):$t(e instanceof Zt?e.l:(e=ue((e=t.rgb(e)).r,e.g,e.b)).l,e.a,e.b):new Yt(e,r,n)}Ht.brighter=function(t){return t=Math.pow(.7,arguments.length?t:1),new qt(this.h,this.s,this.l/t)},Ht.darker=function(t){return t=Math.pow(.7,arguments.length?t:1),new qt(this.h,this.s,t*this.l)},Ht.rgb=function(){return Gt(this.h,this.s,this.l)},t.hcl=Yt;var Wt=Yt.prototype=new Vt;function Xt(t,e,r){return isNaN(t)&&(t=0),isNaN(e)&&(e=0),new Zt(r,Math.cos(t*=Lt)*e,Math.sin(t)*e)}function Zt(t,e,r){return this instanceof Zt?(this.l=+t,this.a=+e,void(this.b=+r)):arguments.length<2?t instanceof Zt?new Zt(t.l,t.a,t.b):t instanceof Yt?Xt(t.h,t.c,t.l):ue((t=ne(t)).r,t.g,t.b):new Zt(t,e,r)}Wt.brighter=function(t){return new Yt(this.h,this.c,Math.min(100,this.l+Jt*(arguments.length?t:1)))},Wt.darker=function(t){return new Yt(this.h,this.c,Math.max(0,this.l-Jt*(arguments.length?t:1)))},Wt.rgb=function(){return Xt(this.h,this.c,this.l).rgb()},t.lab=Zt;var Jt=18,Kt=Zt.prototype=new Vt;function Qt(t,e,r){var n=(t+16)/116,i=n+e/500,a=n-r/200;return new ne(re(3.2404542*(i=.95047*te(i))-1.5371385*(n=1*te(n))-.4985314*(a=1.08883*te(a))),re(-.969266*i+1.8760108*n+.041556*a),re(.0556434*i-.2040259*n+1.0572252*a))}function $t(t,e,r){return t>0?new Yt(Math.atan2(r,e)*It,Math.sqrt(e*e+r*r),t):new Yt(NaN,NaN,t)}function te(t){return t>.206893034?t*t*t:(t-4/29)/7.787037}function ee(t){return t>.008856?Math.pow(t,1/3):7.787037*t+4/29}function re(t){return Math.round(255*(t<=.00304?12.92*t:1.055*Math.pow(t,1/2.4)-.055))}function ne(t,e,r){return this instanceof ne?(this.r=~~t,this.g=~~e,void(this.b=~~r)):arguments.length<2?t instanceof ne?new ne(t.r,t.g,t.b):le(""+t,ne,Gt):new ne(t,e,r)}function ie(t){return new ne(t>>16,t>>8&255,255&t)}function ae(t){return ie(t)+""}Kt.brighter=function(t){return new Zt(Math.min(100,this.l+Jt*(arguments.length?t:1)),this.a,this.b)},Kt.darker=function(t){return new Zt(Math.max(0,this.l-Jt*(arguments.length?t:1)),this.a,this.b)},Kt.rgb=function(){return Qt(this.l,this.a,this.b)},t.rgb=ne;var oe=ne.prototype=new Vt;function se(t){return t<16?"0"+Math.max(0,t).toString(16):Math.min(255,t).toString(16)}function le(t,e,r){var n,i,a,o=0,s=0,l=0;if(n=/([a-z]+)\((.*)\)/.exec(t=t.toLowerCase()))switch(i=n[2].split(","),n[1]){case"hsl":return r(parseFloat(i[0]),parseFloat(i[1])/100,parseFloat(i[2])/100);case"rgb":return e(he(i[0]),he(i[1]),he(i[2]))}return(a=pe.get(t))?e(a.r,a.g,a.b):(null==t||"#"!==t.charAt(0)||isNaN(a=parseInt(t.slice(1),16))||(4===t.length?(o=(3840&a)>>4,o|=o>>4,s=240&a,s|=s>>4,l=15&a,l|=l<<4):7===t.length&&(o=(16711680&a)>>16,s=(65280&a)>>8,l=255&a)),e(o,s,l))}function ce(t,e,r){var n,i,a=Math.min(t/=255,e/=255,r/=255),o=Math.max(t,e,r),s=o-a,l=(o+a)/2;return s?(i=l<.5?s/(o+a):s/(2-o-a),n=t==o?(e-r)/s+(e0&&l<1?0:n),new qt(n,i,l)}function ue(t,e,r){var n=ee((.4124564*(t=fe(t))+.3575761*(e=fe(e))+.1804375*(r=fe(r)))/.95047),i=ee((.2126729*t+.7151522*e+.072175*r)/1);return Zt(116*i-16,500*(n-i),200*(i-ee((.0193339*t+.119192*e+.9503041*r)/1.08883)))}function fe(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function he(t){var e=parseFloat(t);return"%"===t.charAt(t.length-1)?Math.round(2.55*e):e}oe.brighter=function(t){t=Math.pow(.7,arguments.length?t:1);var e=this.r,r=this.g,n=this.b,i=30;return e||r||n?(e&&e=200&&e<300||304===e){try{t=i.call(o,c)}catch(t){return void s.error.call(o,t)}s.load.call(o,t)}else s.error.call(o,c)}return this.XDomainRequest&&!("withCredentials"in c)&&/^(http(s)?:)?\/\//.test(e)&&(c=new XDomainRequest),"onload"in c?c.onload=c.onerror=f:c.onreadystatechange=function(){c.readyState>3&&f()},c.onprogress=function(e){var r=t.event;t.event=e;try{s.progress.call(o,c)}finally{t.event=r}},o.header=function(t,e){return t=(t+"").toLowerCase(),arguments.length<2?l[t]:(null==e?delete l[t]:l[t]=e+"",o)},o.mimeType=function(t){return arguments.length?(r=null==t?null:t+"",o):r},o.responseType=function(t){return arguments.length?(u=t,o):u},o.response=function(t){return i=t,o},["get","post"].forEach((function(t){o[t]=function(){return o.send.apply(o,[t].concat(n(arguments)))}})),o.send=function(t,n,i){if(2===arguments.length&&"function"==typeof n&&(i=n,n=null),c.open(t,e,!0),null==r||"accept"in l||(l.accept=r+",*/*"),c.setRequestHeader)for(var a in l)c.setRequestHeader(a,l[a]);return null!=r&&c.overrideMimeType&&c.overrideMimeType(r),null!=u&&(c.responseType=u),null!=i&&o.on("error",i).on("load",(function(t){i(null,t)})),s.beforesend.call(o,c),c.send(null==n?null:n),o},o.abort=function(){return c.abort(),o},t.rebind(o,s,"on"),null==a?o:o.get(function(t){return 1===t.length?function(e,r){t(null==e?r:null)}:t}(a))}pe.forEach((function(t,e){pe.set(t,ie(e))})),t.functor=de,t.xhr=ge(L),t.dsv=function(t,e){var r=new RegExp('["'+t+"\n]"),n=t.charCodeAt(0);function i(t,r,n){arguments.length<3&&(n=r,r=null);var i=me(t,e,null==r?a:o(r),n);return i.row=function(t){return arguments.length?i.response(null==(r=t)?a:o(t)):r},i}function a(t){return i.parse(t.responseText)}function o(t){return function(e){return i.parse(e.responseText,t)}}function s(e){return e.map(l).join(t)}function l(t){return r.test(t)?'"'+t.replace(/\"/g,'""')+'"':t}return i.parse=function(t,e){var r;return i.parseRows(t,(function(t,n){if(r)return r(t,n-1);var i=new Function("d","return {"+t.map((function(t,e){return JSON.stringify(t)+": d["+e+"]"})).join(",")+"}");r=e?function(t,r){return e(i(t),r)}:i}))},i.parseRows=function(t,e){var r,i,a={},o={},s=[],l=t.length,c=0,u=0;function f(){if(c>=l)return o;if(i)return i=!1,a;var e=c;if(34===t.charCodeAt(e)){for(var r=e;r++24?(isFinite(e)&&(clearTimeout(be),be=setTimeout(Te,e)),xe=0):(xe=1,_e(Te))}function ke(){for(var t=Date.now(),e=ve;e;)t>=e.t&&e.c(t-e.t)&&(e.c=null),e=e.n;return t}function Me(){for(var t,e=ve,r=1/0;e;)e.c?(e.t8?function(t){return t/r}:function(t){return t*r},symbol:t}}));function Ee(e){var r=e.decimal,n=e.thousands,i=e.grouping,a=e.currency,o=i&&n?function(t,e){for(var r=t.length,a=[],o=0,s=i[0],l=0;r>0&&s>0&&(l+s+1>e&&(s=Math.max(1,e-l)),a.push(t.substring(r-=s,r+s)),!((l+=s+1)>e));)s=i[o=(o+1)%i.length];return a.reverse().join(n)}:L;return function(e){var n=Ce.exec(e),i=n[1]||" ",s=n[2]||">",l=n[3]||"-",c=n[4]||"",u=n[5],f=+n[6],h=n[7],p=n[8],d=n[9],g=1,m="",v="",y=!1,x=!0;switch(p&&(p=+p.substring(1)),(u||"0"===i&&"="===s)&&(u=i="0",s="="),d){case"n":h=!0,d="g";break;case"%":g=100,v="%",d="f";break;case"p":g=100,v="%",d="r";break;case"b":case"o":case"x":case"X":"#"===c&&(m="0"+d.toLowerCase());case"c":x=!1;case"d":y=!0,p=0;break;case"s":g=-1,d="r"}"$"===c&&(m=a[0],v=a[1]),"r"!=d||p||(d="g"),null!=p&&("g"==d?p=Math.max(1,Math.min(21,p)):"e"!=d&&"f"!=d||(p=Math.max(0,Math.min(20,p)))),d=Le.get(d)||Ie;var b=u&&h;return function(e){var n=v;if(y&&e%1)return"";var a=e<0||0===e&&1/e<0?(e=-e,"-"):"-"===l?"":l;if(g<0){var c=t.formatPrefix(e,p);e=c.scale(e),n=c.symbol+v}else e*=g;var _,w,T=(e=d(e,p)).lastIndexOf(".");if(T<0){var k=x?e.lastIndexOf("e"):-1;k<0?(_=e,w=""):(_=e.substring(0,k),w=e.substring(k))}else _=e.substring(0,T),w=r+e.substring(T+1);!u&&h&&(_=o(_,1/0));var M=m.length+_.length+w.length+(b?0:a.length),A=M"===s?A+a+e:"^"===s?A.substring(0,M>>=1)+a+e+A.substring(M):a+(b?e:A+e))+n}}}t.formatPrefix=function(e,r){var n=0;return(e=+e)&&(e<0&&(e*=-1),r&&(e=t.round(e,Ae(e,r))),n=1+Math.floor(1e-12+Math.log(e)/Math.LN10),n=Math.max(-24,Math.min(24,3*Math.floor((n-1)/3)))),Se[8+n/3]};var Ce=/(?:([^{])?([<>=^]))?([+\- ])?([$#])?(0)?(\d+)?(,)?(\.-?\d+)?([a-z%])?/i,Le=t.map({b:function(t){return t.toString(2)},c:function(t){return String.fromCharCode(t)},o:function(t){return t.toString(8)},x:function(t){return t.toString(16)},X:function(t){return t.toString(16).toUpperCase()},g:function(t,e){return t.toPrecision(e)},e:function(t,e){return t.toExponential(e)},f:function(t,e){return t.toFixed(e)},r:function(e,r){return(e=t.round(e,Ae(e,r))).toFixed(Math.max(0,Math.min(20,Ae(e*(1+1e-15),r))))}});function Ie(t){return t+""}var Pe=t.time={},ze=Date;function Oe(){this._=new Date(arguments.length>1?Date.UTC.apply(this,arguments):arguments[0])}Oe.prototype={getDate:function(){return this._.getUTCDate()},getDay:function(){return this._.getUTCDay()},getFullYear:function(){return this._.getUTCFullYear()},getHours:function(){return this._.getUTCHours()},getMilliseconds:function(){return this._.getUTCMilliseconds()},getMinutes:function(){return this._.getUTCMinutes()},getMonth:function(){return this._.getUTCMonth()},getSeconds:function(){return this._.getUTCSeconds()},getTime:function(){return this._.getTime()},getTimezoneOffset:function(){return 0},valueOf:function(){return this._.valueOf()},setDate:function(){De.setUTCDate.apply(this._,arguments)},setDay:function(){De.setUTCDay.apply(this._,arguments)},setFullYear:function(){De.setUTCFullYear.apply(this._,arguments)},setHours:function(){De.setUTCHours.apply(this._,arguments)},setMilliseconds:function(){De.setUTCMilliseconds.apply(this._,arguments)},setMinutes:function(){De.setUTCMinutes.apply(this._,arguments)},setMonth:function(){De.setUTCMonth.apply(this._,arguments)},setSeconds:function(){De.setUTCSeconds.apply(this._,arguments)},setTime:function(){De.setTime.apply(this._,arguments)}};var De=Date.prototype;function Re(t,e,r){function n(e){var r=t(e),n=a(r,1);return e-r1)for(;o=c)return-1;if(37===(i=e.charCodeAt(s++))){if(o=e.charAt(s++),!(a=w[o in Ne?e.charAt(s++):o])||(n=a(t,r,n))<0)return-1}else if(i!=r.charCodeAt(n++))return-1}return n}u.utc=function(t){var e=u(t);function r(t){try{var r=new(ze=Oe);return r._=t,e(r)}finally{ze=Date}}return r.parse=function(t){try{ze=Oe;var r=e.parse(t);return r&&r._}finally{ze=Date}},r.toString=e.toString,r},u.multi=u.utc.multi=or;var h=t.map(),p=qe(o),d=He(o),g=qe(s),m=He(s),v=qe(l),y=He(l),x=qe(c),b=He(c);a.forEach((function(t,e){h.set(t.toLowerCase(),e)}));var _={a:function(t){return s[t.getDay()]},A:function(t){return o[t.getDay()]},b:function(t){return c[t.getMonth()]},B:function(t){return l[t.getMonth()]},c:u(r),d:function(t,e){return Ve(t.getDate(),e,2)},e:function(t,e){return Ve(t.getDate(),e,2)},H:function(t,e){return Ve(t.getHours(),e,2)},I:function(t,e){return Ve(t.getHours()%12||12,e,2)},j:function(t,e){return Ve(1+Pe.dayOfYear(t),e,3)},L:function(t,e){return Ve(t.getMilliseconds(),e,3)},m:function(t,e){return Ve(t.getMonth()+1,e,2)},M:function(t,e){return Ve(t.getMinutes(),e,2)},p:function(t){return a[+(t.getHours()>=12)]},S:function(t,e){return Ve(t.getSeconds(),e,2)},U:function(t,e){return Ve(Pe.sundayOfYear(t),e,2)},w:function(t){return t.getDay()},W:function(t,e){return Ve(Pe.mondayOfYear(t),e,2)},x:u(n),X:u(i),y:function(t,e){return Ve(t.getFullYear()%100,e,2)},Y:function(t,e){return Ve(t.getFullYear()%1e4,e,4)},Z:ir,"%":function(){return"%"}},w={a:function(t,e,r){g.lastIndex=0;var n=g.exec(e.slice(r));return n?(t.w=m.get(n[0].toLowerCase()),r+n[0].length):-1},A:function(t,e,r){p.lastIndex=0;var n=p.exec(e.slice(r));return n?(t.w=d.get(n[0].toLowerCase()),r+n[0].length):-1},b:function(t,e,r){x.lastIndex=0;var n=x.exec(e.slice(r));return n?(t.m=b.get(n[0].toLowerCase()),r+n[0].length):-1},B:function(t,e,r){v.lastIndex=0;var n=v.exec(e.slice(r));return n?(t.m=y.get(n[0].toLowerCase()),r+n[0].length):-1},c:function(t,e,r){return f(t,_.c.toString(),e,r)},d:Qe,e:Qe,H:tr,I:tr,j:$e,L:nr,m:Ke,M:er,p:function(t,e,r){var n=h.get(e.slice(r,r+=2).toLowerCase());return null==n?-1:(t.p=n,r)},S:rr,U:Ye,w:Ge,W:We,x:function(t,e,r){return f(t,_.x.toString(),e,r)},X:function(t,e,r){return f(t,_.X.toString(),e,r)},y:Ze,Y:Xe,Z:Je,"%":ar};return u}Pe.year=Re((function(t){return(t=Pe.day(t)).setMonth(0,1),t}),(function(t,e){t.setFullYear(t.getFullYear()+e)}),(function(t){return t.getFullYear()})),Pe.years=Pe.year.range,Pe.years.utc=Pe.year.utc.range,Pe.day=Re((function(t){var e=new ze(2e3,0);return e.setFullYear(t.getFullYear(),t.getMonth(),t.getDate()),e}),(function(t,e){t.setDate(t.getDate()+e)}),(function(t){return t.getDate()-1})),Pe.days=Pe.day.range,Pe.days.utc=Pe.day.utc.range,Pe.dayOfYear=function(t){var e=Pe.year(t);return Math.floor((t-e-6e4*(t.getTimezoneOffset()-e.getTimezoneOffset()))/864e5)},["sunday","monday","tuesday","wednesday","thursday","friday","saturday"].forEach((function(t,e){e=7-e;var r=Pe[t]=Re((function(t){return(t=Pe.day(t)).setDate(t.getDate()-(t.getDay()+e)%7),t}),(function(t,e){t.setDate(t.getDate()+7*Math.floor(e))}),(function(t){var r=Pe.year(t).getDay();return Math.floor((Pe.dayOfYear(t)+(r+e)%7)/7)-(r!==e)}));Pe[t+"s"]=r.range,Pe[t+"s"].utc=r.utc.range,Pe[t+"OfYear"]=function(t){var r=Pe.year(t).getDay();return Math.floor((Pe.dayOfYear(t)+(r+e)%7)/7)}})),Pe.week=Pe.sunday,Pe.weeks=Pe.sunday.range,Pe.weeks.utc=Pe.sunday.utc.range,Pe.weekOfYear=Pe.sundayOfYear;var Ne={"-":"",_:" ",0:"0"},je=/^\s*\d+/,Ue=/^%/;function Ve(t,e,r){var n=t<0?"-":"",i=(n?-t:t)+"",a=i.length;return n+(a68?1900:2e3),r+i[0].length):-1}function Je(t,e,r){return/^[+-]\d{4}$/.test(e=e.slice(r,r+5))?(t.Z=-e,r+5):-1}function Ke(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.m=n[0]-1,r+n[0].length):-1}function Qe(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.d=+n[0],r+n[0].length):-1}function $e(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+3));return n?(t.j=+n[0],r+n[0].length):-1}function tr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.H=+n[0],r+n[0].length):-1}function er(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.M=+n[0],r+n[0].length):-1}function rr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.S=+n[0],r+n[0].length):-1}function nr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+3));return n?(t.L=+n[0],r+n[0].length):-1}function ir(t){var e=t.getTimezoneOffset(),r=e>0?"-":"+",n=y(e)/60|0,i=y(e)%60;return r+Ve(n,"0",2)+Ve(i,"0",2)}function ar(t,e,r){Ue.lastIndex=0;var n=Ue.exec(e.slice(r,r+1));return n?r+n[0].length:-1}function or(t){for(var e=t.length,r=-1;++r=0?1:-1,s=o*a,l=Math.cos(e),c=Math.sin(e),u=i*c,f=n*l+u*Math.cos(s),h=u*o*Math.sin(s);Er.add(Math.atan2(h,f)),r=t,n=l,i=c}Cr.point=function(o,s){Cr.point=a,r=(t=o)*Lt,n=Math.cos(s=(e=s)*Lt/2+At/4),i=Math.sin(s)},Cr.lineEnd=function(){a(t,e)}}function Ir(t){var e=t[0],r=t[1],n=Math.cos(r);return[n*Math.cos(e),n*Math.sin(e),Math.sin(r)]}function Pr(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]}function zr(t,e){return[t[1]*e[2]-t[2]*e[1],t[2]*e[0]-t[0]*e[2],t[0]*e[1]-t[1]*e[0]]}function Or(t,e){t[0]+=e[0],t[1]+=e[1],t[2]+=e[2]}function Dr(t,e){return[t[0]*e,t[1]*e,t[2]*e]}function Rr(t){var e=Math.sqrt(t[0]*t[0]+t[1]*t[1]+t[2]*t[2]);t[0]/=e,t[1]/=e,t[2]/=e}function Fr(t){return[Math.atan2(t[1],t[0]),Dt(t[2])]}function Br(t,e){return y(t[0]-e[0])kt?i=90:c<-kt&&(r=-90),f[0]=e,f[1]=n}};function p(t,a){u.push(f=[e=t,n=t]),ai&&(i=a)}function d(t,o){var s=Ir([t*Lt,o*Lt]);if(l){var c=zr(l,s),u=zr([c[1],-c[0],0],c);Rr(u),u=Fr(u);var f=t-a,h=f>0?1:-1,d=u[0]*It*h,g=y(f)>180;if(g^(h*ai&&(i=m);else if(g^(h*a<(d=(d+360)%360-180)&&di&&(i=o);g?t_(e,n)&&(n=t):_(t,n)>_(e,n)&&(e=t):n>=e?(tn&&(n=t)):t>a?_(e,t)>_(e,n)&&(n=t):_(t,n)>_(e,n)&&(e=t)}else p(t,o);l=s,a=t}function g(){h.point=d}function m(){f[0]=e,f[1]=n,h.point=p,l=null}function v(t,e){if(l){var r=t-a;c+=y(r)>180?r+(r>0?360:-360):r}else o=t,s=e;Cr.point(t,e),d(t,e)}function x(){Cr.lineStart()}function b(){v(o,s),Cr.lineEnd(),y(c)>kt&&(e=-(n=180)),f[0]=e,f[1]=n,l=null}function _(t,e){return(e-=t)<0?e+360:e}function w(t,e){return t[0]-e[0]}function T(t,e){return e[0]<=e[1]?e[0]<=t&&t<=e[1]:t_(g[0],g[1])&&(g[1]=p[1]),_(p[0],g[1])>_(g[0],g[1])&&(g[0]=p[0])):s.push(g=p);for(var l,c,p,d=-1/0,g=(o=0,s[c=s.length-1]);o<=c;g=p,++o)p=s[o],(l=_(g[1],p[0]))>d&&(d=l,e=p[0],n=g[1])}return u=f=null,e===1/0||r===1/0?[[NaN,NaN],[NaN,NaN]]:[[e,r],[n,i]]}}(),t.geo.centroid=function(e){vr=yr=xr=br=_r=wr=Tr=kr=Mr=Ar=Sr=0,t.geo.stream(e,Nr);var r=Mr,n=Ar,i=Sr,a=r*r+n*n+i*i;return a=0;--s)i.point((f=u[s])[0],f[1]);else n(p.x,p.p.x,-1,i);p=p.p}u=(p=p.o).z,d=!d}while(!p.v);i.lineEnd()}}}function Xr(t){if(e=t.length){for(var e,r,n=0,i=t[0];++n=0?1:-1,T=w*_,k=T>At,M=d*x;if(Er.add(Math.atan2(M*w*Math.sin(T),g*b+M*Math.cos(T))),a+=k?_+w*St:_,k^h>=r^v>=r){var A=zr(Ir(f),Ir(t));Rr(A);var S=zr(i,A);Rr(S);var E=(k^_>=0?-1:1)*Dt(S[2]);(n>E||n===E&&(A[0]||A[1]))&&(o+=k^_>=0?1:-1)}if(!m++)break;h=v,d=x,g=b,f=t}}return(a<-kt||a0){for(x||(o.polygonStart(),x=!0),o.lineStart();++a1&&2&e&&r.push(r.pop().concat(r.shift())),s.push(r.filter(Kr))}return u}}function Kr(t){return t.length>1}function Qr(){var t,e=[];return{lineStart:function(){e.push(t=[])},point:function(e,r){t.push([e,r])},lineEnd:O,buffer:function(){var r=e;return e=[],t=null,r},rejoin:function(){e.length>1&&e.push(e.pop().concat(e.shift()))}}}function $r(t,e){return((t=t.x)[0]<0?t[1]-Ct-kt:Ct-t[1])-((e=e.x)[0]<0?e[1]-Ct-kt:Ct-e[1])}var tn=Jr(Yr,(function(t){var e,r=NaN,n=NaN,i=NaN;return{lineStart:function(){t.lineStart(),e=1},point:function(a,o){var s=a>0?At:-At,l=y(a-r);y(l-At)0?Ct:-Ct),t.point(i,n),t.lineEnd(),t.lineStart(),t.point(s,n),t.point(a,n),e=0):i!==s&&l>=At&&(y(r-i)kt?Math.atan((Math.sin(e)*(a=Math.cos(n))*Math.sin(r)-Math.sin(n)*(i=Math.cos(e))*Math.sin(t))/(i*a*o)):(e+n)/2}(r,n,a,o),t.point(i,n),t.lineEnd(),t.lineStart(),t.point(s,n),e=0),t.point(r=a,n=o),i=s},lineEnd:function(){t.lineEnd(),r=n=NaN},clean:function(){return 2-e}}}),(function(t,e,r,n){var i;if(null==t)i=r*Ct,n.point(-At,i),n.point(0,i),n.point(At,i),n.point(At,0),n.point(At,-i),n.point(0,-i),n.point(-At,-i),n.point(-At,0),n.point(-At,i);else if(y(t[0]-e[0])>kt){var a=t[0]0,n=y(e)>kt;return Jr(i,(function(t){var e,s,l,c,u;return{lineStart:function(){c=l=!1,u=1},point:function(f,h){var p,d=[f,h],g=i(f,h),m=r?g?0:o(f,h):g?o(f+(f<0?At:-At),h):0;if(!e&&(c=l=g)&&t.lineStart(),g!==l&&(p=a(e,d),(Br(e,p)||Br(d,p))&&(d[0]+=kt,d[1]+=kt,g=i(d[0],d[1]))),g!==l)u=0,g?(t.lineStart(),p=a(d,e),t.point(p[0],p[1])):(p=a(e,d),t.point(p[0],p[1]),t.lineEnd()),e=p;else if(n&&e&&r^g){var v;m&s||!(v=a(d,e,!0))||(u=0,r?(t.lineStart(),t.point(v[0][0],v[0][1]),t.point(v[1][0],v[1][1]),t.lineEnd()):(t.point(v[1][0],v[1][1]),t.lineEnd(),t.lineStart(),t.point(v[0][0],v[0][1])))}!g||e&&Br(e,d)||t.point(d[0],d[1]),e=d,l=g,s=m},lineEnd:function(){l&&t.lineEnd(),e=null},clean:function(){return u|(c&&l)<<1}}}),Bn(t,6*Lt),r?[0,-t]:[-At,t-At]);function i(t,r){return Math.cos(t)*Math.cos(r)>e}function a(t,r,n){var i=[1,0,0],a=zr(Ir(t),Ir(r)),o=Pr(a,a),s=a[0],l=o-s*s;if(!l)return!n&&t;var c=e*o/l,u=-e*s/l,f=zr(i,a),h=Dr(i,c);Or(h,Dr(a,u));var p=f,d=Pr(h,p),g=Pr(p,p),m=d*d-g*(Pr(h,h)-1);if(!(m<0)){var v=Math.sqrt(m),x=Dr(p,(-d-v)/g);if(Or(x,h),x=Fr(x),!n)return x;var b,_=t[0],w=r[0],T=t[1],k=r[1];w<_&&(b=_,_=w,w=b);var M=w-_,A=y(M-At)0^x[1]<(y(x[0]-_)At^(_<=x[0]&&x[0]<=w)){var S=Dr(p,(-d+v)/g);return Or(S,h),[x,Fr(S)]}}}function o(e,n){var i=r?t:At-t,a=0;return e<-i?a|=1:e>i&&(a|=2),n<-i?a|=4:n>i&&(a|=8),a}}function rn(t,e,r,n){return function(i){var a,o=i.a,s=i.b,l=o.x,c=o.y,u=0,f=1,h=s.x-l,p=s.y-c;if(a=t-l,h||!(a>0)){if(a/=h,h<0){if(a0){if(a>f)return;a>u&&(u=a)}if(a=r-l,h||!(a<0)){if(a/=h,h<0){if(a>f)return;a>u&&(u=a)}else if(h>0){if(a0)){if(a/=p,p<0){if(a0){if(a>f)return;a>u&&(u=a)}if(a=n-c,p||!(a<0)){if(a/=p,p<0){if(a>f)return;a>u&&(u=a)}else if(p>0){if(a0&&(i.a={x:l+u*h,y:c+u*p}),f<1&&(i.b={x:l+f*h,y:c+f*p}),i}}}}}}function nn(e,r,n,i){return function(l){var c,u,f,h,p,d,g,m,v,y,x,b=l,_=Qr(),w=rn(e,r,n,i),T={point:A,lineStart:function(){T.point=S,u&&u.push(f=[]);y=!0,v=!1,g=m=NaN},lineEnd:function(){c&&(S(h,p),d&&v&&_.rejoin(),c.push(_.buffer()));T.point=A,v&&l.lineEnd()},polygonStart:function(){l=_,c=[],u=[],x=!0},polygonEnd:function(){l=b,c=t.merge(c);var r=function(t){for(var e=0,r=u.length,n=t[1],i=0;in&&zt(c,a,t)>0&&++e:a[1]<=n&&zt(c,a,t)<0&&--e,c=a;return 0!==e}([e,i]),n=x&&r,a=c.length;(n||a)&&(l.polygonStart(),n&&(l.lineStart(),k(null,null,1,l),l.lineEnd()),a&&Wr(c,o,r,k,l),l.polygonEnd()),c=u=f=null}};function k(t,o,l,c){var u=0,f=0;if(null==t||(u=a(t,l))!==(f=a(o,l))||s(t,o)<0^l>0)do{c.point(0===u||3===u?e:n,u>1?i:r)}while((u=(u+l+4)%4)!==f);else c.point(o[0],o[1])}function M(t,a){return e<=t&&t<=n&&r<=a&&a<=i}function A(t,e){M(t,e)&&l.point(t,e)}function S(t,e){var r=M(t=Math.max(-1e9,Math.min(1e9,t)),e=Math.max(-1e9,Math.min(1e9,e)));if(u&&f.push([t,e]),y)h=t,p=e,d=r,y=!1,r&&(l.lineStart(),l.point(t,e));else if(r&&v)l.point(t,e);else{var n={a:{x:g,y:m},b:{x:t,y:e}};w(n)?(v||(l.lineStart(),l.point(n.a.x,n.a.y)),l.point(n.b.x,n.b.y),r||l.lineEnd(),x=!1):r&&(l.lineStart(),l.point(t,e),x=!1)}g=t,m=e,v=r}return T};function a(t,i){return y(t[0]-e)0?0:3:y(t[0]-n)0?2:1:y(t[1]-r)0?1:0:i>0?3:2}function o(t,e){return s(t.x,e.x)}function s(t,e){var r=a(t,1),n=a(e,1);return r!==n?r-n:0===r?e[1]-t[1]:1===r?t[0]-e[0]:2===r?t[1]-e[1]:e[0]-t[0]}}function an(t){var e=0,r=At/3,n=Ln(t),i=n(e,r);return i.parallels=function(t){return arguments.length?n(e=t[0]*At/180,r=t[1]*At/180):[e/At*180,r/At*180]},i}function on(t,e){var r=Math.sin(t),n=(r+Math.sin(e))/2,i=1+r*(2*n-r),a=Math.sqrt(i)/n;function o(t,e){var r=Math.sqrt(i-2*n*Math.sin(e))/n;return[r*Math.sin(t*=n),a-r*Math.cos(t)]}return o.invert=function(t,e){var r=a-e;return[Math.atan2(t,r)/n,Dt((i-(t*t+r*r)*n*n)/(2*n))]},o}t.geo.clipExtent=function(){var t,e,r,n,i,a,o={stream:function(t){return i&&(i.valid=!1),(i=a(t)).valid=!0,i},extent:function(s){return arguments.length?(a=nn(t=+s[0][0],e=+s[0][1],r=+s[1][0],n=+s[1][1]),i&&(i.valid=!1,i=null),o):[[t,e],[r,n]]}};return o.extent([[0,0],[960,500]])},(t.geo.conicEqualArea=function(){return an(on)}).raw=on,t.geo.albers=function(){return t.geo.conicEqualArea().rotate([96,0]).center([-.6,38.7]).parallels([29.5,45.5]).scale(1070)},t.geo.albersUsa=function(){var e,r,n,i,a=t.geo.albers(),o=t.geo.conicEqualArea().rotate([154,0]).center([-2,58.5]).parallels([55,65]),s=t.geo.conicEqualArea().rotate([157,0]).center([-3,19.9]).parallels([8,18]),l={point:function(t,r){e=[t,r]}};function c(t){var a=t[0],o=t[1];return e=null,r(a,o),e||(n(a,o),e)||i(a,o),e}return c.invert=function(t){var e=a.scale(),r=a.translate(),n=(t[0]-r[0])/e,i=(t[1]-r[1])/e;return(i>=.12&&i<.234&&n>=-.425&&n<-.214?o:i>=.166&&i<.234&&n>=-.214&&n<-.115?s:a).invert(t)},c.stream=function(t){var e=a.stream(t),r=o.stream(t),n=s.stream(t);return{point:function(t,i){e.point(t,i),r.point(t,i),n.point(t,i)},sphere:function(){e.sphere(),r.sphere(),n.sphere()},lineStart:function(){e.lineStart(),r.lineStart(),n.lineStart()},lineEnd:function(){e.lineEnd(),r.lineEnd(),n.lineEnd()},polygonStart:function(){e.polygonStart(),r.polygonStart(),n.polygonStart()},polygonEnd:function(){e.polygonEnd(),r.polygonEnd(),n.polygonEnd()}}},c.precision=function(t){return arguments.length?(a.precision(t),o.precision(t),s.precision(t),c):a.precision()},c.scale=function(t){return arguments.length?(a.scale(t),o.scale(.35*t),s.scale(t),c.translate(a.translate())):a.scale()},c.translate=function(t){if(!arguments.length)return a.translate();var e=a.scale(),u=+t[0],f=+t[1];return r=a.translate(t).clipExtent([[u-.455*e,f-.238*e],[u+.455*e,f+.238*e]]).stream(l).point,n=o.translate([u-.307*e,f+.201*e]).clipExtent([[u-.425*e+kt,f+.12*e+kt],[u-.214*e-kt,f+.234*e-kt]]).stream(l).point,i=s.translate([u-.205*e,f+.212*e]).clipExtent([[u-.214*e+kt,f+.166*e+kt],[u-.115*e-kt,f+.234*e-kt]]).stream(l).point,c},c.scale(1070)};var sn,ln,cn,un,fn,hn,pn={point:O,lineStart:O,lineEnd:O,polygonStart:function(){ln=0,pn.lineStart=dn},polygonEnd:function(){pn.lineStart=pn.lineEnd=pn.point=O,sn+=y(ln/2)}};function dn(){var t,e,r,n;function i(t,e){ln+=n*t-r*e,r=t,n=e}pn.point=function(a,o){pn.point=i,t=r=a,e=n=o},pn.lineEnd=function(){i(t,e)}}var gn={point:function(t,e){tfn&&(fn=t);ehn&&(hn=e)},lineStart:O,lineEnd:O,polygonStart:O,polygonEnd:O};function mn(){var t=vn(4.5),e=[],r={point:n,lineStart:function(){r.point=i},lineEnd:o,polygonStart:function(){r.lineEnd=s},polygonEnd:function(){r.lineEnd=o,r.point=n},pointRadius:function(e){return t=vn(e),r},result:function(){if(e.length){var t=e.join("");return e=[],t}}};function n(r,n){e.push("M",r,",",n,t)}function i(t,n){e.push("M",t,",",n),r.point=a}function a(t,r){e.push("L",t,",",r)}function o(){r.point=n}function s(){e.push("Z")}return r}function vn(t){return"m0,"+t+"a"+t+","+t+" 0 1,1 0,"+-2*t+"a"+t+","+t+" 0 1,1 0,"+2*t+"z"}var yn,xn={point:bn,lineStart:_n,lineEnd:wn,polygonStart:function(){xn.lineStart=Tn},polygonEnd:function(){xn.point=bn,xn.lineStart=_n,xn.lineEnd=wn}};function bn(t,e){xr+=t,br+=e,++_r}function _n(){var t,e;function r(r,n){var i=r-t,a=n-e,o=Math.sqrt(i*i+a*a);wr+=o*(t+r)/2,Tr+=o*(e+n)/2,kr+=o,bn(t=r,e=n)}xn.point=function(n,i){xn.point=r,bn(t=n,e=i)}}function wn(){xn.point=bn}function Tn(){var t,e,r,n;function i(t,e){var i=t-r,a=e-n,o=Math.sqrt(i*i+a*a);wr+=o*(r+t)/2,Tr+=o*(n+e)/2,kr+=o,Mr+=(o=n*t-r*e)*(r+t),Ar+=o*(n+e),Sr+=3*o,bn(r=t,n=e)}xn.point=function(a,o){xn.point=i,bn(t=r=a,e=n=o)},xn.lineEnd=function(){i(t,e)}}function kn(t){var e=4.5,r={point:n,lineStart:function(){r.point=i},lineEnd:o,polygonStart:function(){r.lineEnd=s},polygonEnd:function(){r.lineEnd=o,r.point=n},pointRadius:function(t){return e=t,r},result:O};function n(r,n){t.moveTo(r+e,n),t.arc(r,n,e,0,St)}function i(e,n){t.moveTo(e,n),r.point=a}function a(e,r){t.lineTo(e,r)}function o(){r.point=n}function s(){t.closePath()}return r}function Mn(t){var e=.5,r=Math.cos(30*Lt),n=16;function i(t){return(n?o:a)(t)}function a(e){return En(e,(function(r,n){r=t(r,n),e.point(r[0],r[1])}))}function o(e){var r,i,a,o,l,c,u,f,h,p,d,g,m={point:v,lineStart:y,lineEnd:b,polygonStart:function(){e.polygonStart(),m.lineStart=_},polygonEnd:function(){e.polygonEnd(),m.lineStart=y}};function v(r,n){r=t(r,n),e.point(r[0],r[1])}function y(){f=NaN,m.point=x,e.lineStart()}function x(r,i){var a=Ir([r,i]),o=t(r,i);s(f,h,u,p,d,g,f=o[0],h=o[1],u=r,p=a[0],d=a[1],g=a[2],n,e),e.point(f,h)}function b(){m.point=v,e.lineEnd()}function _(){y(),m.point=w,m.lineEnd=T}function w(t,e){x(r=t,e),i=f,a=h,o=p,l=d,c=g,m.point=x}function T(){s(f,h,u,p,d,g,i,a,r,o,l,c,n,e),m.lineEnd=b,b()}return m}function s(n,i,a,o,l,c,u,f,h,p,d,g,m,v){var x=u-n,b=f-i,_=x*x+b*b;if(_>4*e&&m--){var w=o+p,T=l+d,k=c+g,M=Math.sqrt(w*w+T*T+k*k),A=Math.asin(k/=M),S=y(y(k)-1)e||y((x*I+b*P)/_-.5)>.3||o*p+l*d+c*g0&&16,i):Math.sqrt(e)},i}function An(t){var e=Mn((function(e,r){return t([e*It,r*It])}));return function(t){return In(e(t))}}function Sn(t){this.stream=t}function En(t,e){return{point:e,sphere:function(){t.sphere()},lineStart:function(){t.lineStart()},lineEnd:function(){t.lineEnd()},polygonStart:function(){t.polygonStart()},polygonEnd:function(){t.polygonEnd()}}}function Cn(t){return Ln((function(){return t}))()}function Ln(e){var r,n,i,a,o,s,l=Mn((function(t,e){return[(t=r(t,e))[0]*c+a,o-t[1]*c]})),c=150,u=480,f=250,h=0,p=0,d=0,g=0,m=0,v=tn,y=L,x=null,b=null;function _(t){return[(t=i(t[0]*Lt,t[1]*Lt))[0]*c+a,o-t[1]*c]}function w(t){return(t=i.invert((t[0]-a)/c,(o-t[1])/c))&&[t[0]*It,t[1]*It]}function T(){i=Gr(n=On(d,g,m),r);var t=r(h,p);return a=u-t[0]*c,o=f+t[1]*c,k()}function k(){return s&&(s.valid=!1,s=null),_}return _.stream=function(t){return s&&(s.valid=!1),(s=In(v(n,l(y(t))))).valid=!0,s},_.clipAngle=function(t){return arguments.length?(v=null==t?(x=t,tn):en((x=+t)*Lt),k()):x},_.clipExtent=function(t){return arguments.length?(b=t,y=t?nn(t[0][0],t[0][1],t[1][0],t[1][1]):L,k()):b},_.scale=function(t){return arguments.length?(c=+t,T()):c},_.translate=function(t){return arguments.length?(u=+t[0],f=+t[1],T()):[u,f]},_.center=function(t){return arguments.length?(h=t[0]%360*Lt,p=t[1]%360*Lt,T()):[h*It,p*It]},_.rotate=function(t){return arguments.length?(d=t[0]%360*Lt,g=t[1]%360*Lt,m=t.length>2?t[2]%360*Lt:0,T()):[d*It,g*It,m*It]},t.rebind(_,l,"precision"),function(){return r=e.apply(this,arguments),_.invert=r.invert&&w,T()}}function In(t){return En(t,(function(e,r){t.point(e*Lt,r*Lt)}))}function Pn(t,e){return[t,e]}function zn(t,e){return[t>At?t-St:t<-At?t+St:t,e]}function On(t,e,r){return t?e||r?Gr(Rn(t),Fn(e,r)):Rn(t):e||r?Fn(e,r):zn}function Dn(t){return function(e,r){return[(e+=t)>At?e-St:e<-At?e+St:e,r]}}function Rn(t){var e=Dn(t);return e.invert=Dn(-t),e}function Fn(t,e){var r=Math.cos(t),n=Math.sin(t),i=Math.cos(e),a=Math.sin(e);function o(t,e){var o=Math.cos(e),s=Math.cos(t)*o,l=Math.sin(t)*o,c=Math.sin(e),u=c*r+s*n;return[Math.atan2(l*i-u*a,s*r-c*n),Dt(u*i+l*a)]}return o.invert=function(t,e){var o=Math.cos(e),s=Math.cos(t)*o,l=Math.sin(t)*o,c=Math.sin(e),u=c*i-l*a;return[Math.atan2(l*i+c*a,s*r+u*n),Dt(u*r-s*n)]},o}function Bn(t,e){var r=Math.cos(t),n=Math.sin(t);return function(i,a,o,s){var l=o*e;null!=i?(i=Nn(r,i),a=Nn(r,a),(o>0?ia)&&(i+=o*St)):(i=t+o*St,a=t-.5*l);for(var c,u=i;o>0?u>a:u2?t[2]*Lt:0),e.invert=function(e){return(e=t.invert(e[0]*Lt,e[1]*Lt))[0]*=It,e[1]*=It,e},e},zn.invert=Pn,t.geo.circle=function(){var t,e,r=[0,0],n=6;function i(){var t="function"==typeof r?r.apply(this,arguments):r,n=On(-t[0]*Lt,-t[1]*Lt,0).invert,i=[];return e(null,null,1,{point:function(t,e){i.push(t=n(t,e)),t[0]*=It,t[1]*=It}}),{type:"Polygon",coordinates:[i]}}return i.origin=function(t){return arguments.length?(r=t,i):r},i.angle=function(r){return arguments.length?(e=Bn((t=+r)*Lt,n*Lt),i):t},i.precision=function(r){return arguments.length?(e=Bn(t*Lt,(n=+r)*Lt),i):n},i.angle(90)},t.geo.distance=function(t,e){var r,n=(e[0]-t[0])*Lt,i=t[1]*Lt,a=e[1]*Lt,o=Math.sin(n),s=Math.cos(n),l=Math.sin(i),c=Math.cos(i),u=Math.sin(a),f=Math.cos(a);return Math.atan2(Math.sqrt((r=f*o)*r+(r=c*u-l*f*s)*r),l*u+c*f*s)},t.geo.graticule=function(){var e,r,n,i,a,o,s,l,c,u,f,h,p=10,d=p,g=90,m=360,v=2.5;function x(){return{type:"MultiLineString",coordinates:b()}}function b(){return t.range(Math.ceil(i/g)*g,n,g).map(f).concat(t.range(Math.ceil(l/m)*m,s,m).map(h)).concat(t.range(Math.ceil(r/p)*p,e,p).filter((function(t){return y(t%g)>kt})).map(c)).concat(t.range(Math.ceil(o/d)*d,a,d).filter((function(t){return y(t%m)>kt})).map(u))}return x.lines=function(){return b().map((function(t){return{type:"LineString",coordinates:t}}))},x.outline=function(){return{type:"Polygon",coordinates:[f(i).concat(h(s).slice(1),f(n).reverse().slice(1),h(l).reverse().slice(1))]}},x.extent=function(t){return arguments.length?x.majorExtent(t).minorExtent(t):x.minorExtent()},x.majorExtent=function(t){return arguments.length?(i=+t[0][0],n=+t[1][0],l=+t[0][1],s=+t[1][1],i>n&&(t=i,i=n,n=t),l>s&&(t=l,l=s,s=t),x.precision(v)):[[i,l],[n,s]]},x.minorExtent=function(t){return arguments.length?(r=+t[0][0],e=+t[1][0],o=+t[0][1],a=+t[1][1],r>e&&(t=r,r=e,e=t),o>a&&(t=o,o=a,a=t),x.precision(v)):[[r,o],[e,a]]},x.step=function(t){return arguments.length?x.majorStep(t).minorStep(t):x.minorStep()},x.majorStep=function(t){return arguments.length?(g=+t[0],m=+t[1],x):[g,m]},x.minorStep=function(t){return arguments.length?(p=+t[0],d=+t[1],x):[p,d]},x.precision=function(t){return arguments.length?(v=+t,c=jn(o,a,90),u=Un(r,e,v),f=jn(l,s,90),h=Un(i,n,v),x):v},x.majorExtent([[-180,-90+kt],[180,90-kt]]).minorExtent([[-180,-80-kt],[180,80+kt]])},t.geo.greatArc=function(){var e,r,n=Vn,i=qn;function a(){return{type:"LineString",coordinates:[e||n.apply(this,arguments),r||i.apply(this,arguments)]}}return a.distance=function(){return t.geo.distance(e||n.apply(this,arguments),r||i.apply(this,arguments))},a.source=function(t){return arguments.length?(n=t,e="function"==typeof t?null:t,a):n},a.target=function(t){return arguments.length?(i=t,r="function"==typeof t?null:t,a):i},a.precision=function(){return arguments.length?a:0},a},t.geo.interpolate=function(t,e){return r=t[0]*Lt,n=t[1]*Lt,i=e[0]*Lt,a=e[1]*Lt,o=Math.cos(n),s=Math.sin(n),l=Math.cos(a),c=Math.sin(a),u=o*Math.cos(r),f=o*Math.sin(r),h=l*Math.cos(i),p=l*Math.sin(i),d=2*Math.asin(Math.sqrt(Ft(a-n)+o*l*Ft(i-r))),g=1/Math.sin(d),(m=d?function(t){var e=Math.sin(t*=d)*g,r=Math.sin(d-t)*g,n=r*u+e*h,i=r*f+e*p,a=r*s+e*c;return[Math.atan2(i,n)*It,Math.atan2(a,Math.sqrt(n*n+i*i))*It]}:function(){return[r*It,n*It]}).distance=d,m;var r,n,i,a,o,s,l,c,u,f,h,p,d,g,m},t.geo.length=function(e){return yn=0,t.geo.stream(e,Hn),yn};var Hn={sphere:O,point:O,lineStart:function(){var t,e,r;function n(n,i){var a=Math.sin(i*=Lt),o=Math.cos(i),s=y((n*=Lt)-t),l=Math.cos(s);yn+=Math.atan2(Math.sqrt((s=o*Math.sin(s))*s+(s=r*a-e*o*l)*s),e*a+r*o*l),t=n,e=a,r=o}Hn.point=function(i,a){t=i*Lt,e=Math.sin(a*=Lt),r=Math.cos(a),Hn.point=n},Hn.lineEnd=function(){Hn.point=Hn.lineEnd=O}},lineEnd:O,polygonStart:O,polygonEnd:O};function Gn(t,e){function r(e,r){var n=Math.cos(e),i=Math.cos(r),a=t(n*i);return[a*i*Math.sin(e),a*Math.sin(r)]}return r.invert=function(t,r){var n=Math.sqrt(t*t+r*r),i=e(n),a=Math.sin(i),o=Math.cos(i);return[Math.atan2(t*a,n*o),Math.asin(n&&r*a/n)]},r}var Yn=Gn((function(t){return Math.sqrt(2/(1+t))}),(function(t){return 2*Math.asin(t/2)}));(t.geo.azimuthalEqualArea=function(){return Cn(Yn)}).raw=Yn;var Wn=Gn((function(t){var e=Math.acos(t);return e&&e/Math.sin(e)}),L);function Xn(t,e){var r=Math.cos(t),n=function(t){return Math.tan(At/4+t/2)},i=t===e?Math.sin(t):Math.log(r/Math.cos(e))/Math.log(n(e)/n(t)),a=r*Math.pow(n(t),i)/i;if(!i)return Kn;function o(t,e){a>0?e<-Ct+kt&&(e=-Ct+kt):e>Ct-kt&&(e=Ct-kt);var r=a/Math.pow(n(e),i);return[r*Math.sin(i*t),a-r*Math.cos(i*t)]}return o.invert=function(t,e){var r=a-e,n=Pt(i)*Math.sqrt(t*t+r*r);return[Math.atan2(t,r)/i,2*Math.atan(Math.pow(a/n,1/i))-Ct]},o}function Zn(t,e){var r=Math.cos(t),n=t===e?Math.sin(t):(r-Math.cos(e))/(e-t),i=r/n+t;if(y(n)1&&zt(t[r[n-2]],t[r[n-1]],t[i])<=0;)--n;r[n++]=i}return r.slice(0,n)}function ai(t,e){return t[0]-e[0]||t[1]-e[1]}(t.geo.stereographic=function(){return Cn(ti)}).raw=ti,ei.invert=function(t,e){return[-e,2*Math.atan(Math.exp(t))-Ct]},(t.geo.transverseMercator=function(){var t=Qn(ei),e=t.center,r=t.rotate;return t.center=function(t){return t?e([-t[1],t[0]]):[(t=e())[1],-t[0]]},t.rotate=function(t){return t?r([t[0],t[1],t.length>2?t[2]+90:90]):[(t=r())[0],t[1],t[2]-90]},r([0,0,90])}).raw=ei,t.geom={},t.geom.hull=function(t){var e=ri,r=ni;if(arguments.length)return n(t);function n(t){if(t.length<3)return[];var n,i=de(e),a=de(r),o=t.length,s=[],l=[];for(n=0;n=0;--n)p.push(t[s[c[n]][2]]);for(n=+f;nkt)s=s.L;else{if(!((i=a-Ti(s,o))>kt)){n>-kt?(e=s.P,r=s):i>-kt?(e=s,r=s.N):e=r=s;break}if(!s.R){e=s;break}s=s.R}var l=yi(t);if(hi.insert(e,l),e||r){if(e===r)return Ei(e),r=yi(e.site),hi.insert(l,r),l.edge=r.edge=Ii(e.site,l.site),Si(e),void Si(r);if(r){Ei(e),Ei(r);var c=e.site,u=c.x,f=c.y,h=t.x-u,p=t.y-f,d=r.site,g=d.x-u,m=d.y-f,v=2*(h*m-p*g),y=h*h+p*p,x=g*g+m*m,b={x:(m*y-p*x)/v+u,y:(h*x-g*y)/v+f};zi(r.edge,c,d,b),l.edge=Ii(c,t,null,b),r.edge=Ii(t,d,null,b),Si(e),Si(r)}else l.edge=Ii(e.site,l.site)}}function wi(t,e){var r=t.site,n=r.x,i=r.y,a=i-e;if(!a)return n;var o=t.P;if(!o)return-1/0;var s=(r=o.site).x,l=r.y,c=l-e;if(!c)return s;var u=s-n,f=1/a-1/c,h=u/c;return f?(-h+Math.sqrt(h*h-2*f*(u*u/(-2*c)-l+c/2+i-a/2)))/f+n:(n+s)/2}function Ti(t,e){var r=t.N;if(r)return wi(r,e);var n=t.site;return n.y===e?n.x:1/0}function ki(t){this.site=t,this.edges=[]}function Mi(t,e){return e.angle-t.angle}function Ai(){Ri(this),this.x=this.y=this.arc=this.site=this.cy=null}function Si(t){var e=t.P,r=t.N;if(e&&r){var n=e.site,i=t.site,a=r.site;if(n!==a){var o=i.x,s=i.y,l=n.x-o,c=n.y-s,u=a.x-o,f=2*(l*(m=a.y-s)-c*u);if(!(f>=-Mt)){var h=l*l+c*c,p=u*u+m*m,d=(m*h-c*p)/f,g=(l*p-u*h)/f,m=g+s,v=mi.pop()||new Ai;v.arc=t,v.site=i,v.x=d+o,v.y=m+Math.sqrt(d*d+g*g),v.cy=m,t.circle=v;for(var y=null,x=di._;x;)if(v.y=s)return;if(h>d){if(a){if(a.y>=c)return}else a={x:m,y:l};r={x:m,y:c}}else{if(a){if(a.y1)if(h>d){if(a){if(a.y>=c)return}else a={x:(l-i)/n,y:l};r={x:(c-i)/n,y:c}}else{if(a){if(a.y=s)return}else a={x:o,y:n*o+i};r={x:s,y:n*s+i}}else{if(a){if(a.xkt||y(i-r)>kt)&&(s.splice(o,0,new Oi(Pi(a.site,u,y(n-f)kt?{x:f,y:y(e-f)kt?{x:y(r-d)kt?{x:h,y:y(e-h)kt?{x:y(r-p)=r&&c.x<=i&&c.y>=n&&c.y<=o?[[r,o],[i,o],[i,n],[r,n]]:[]).point=t[s]})),e}function s(t){return t.map((function(t,e){return{x:Math.round(n(t,e)/kt)*kt,y:Math.round(i(t,e)/kt)*kt,i:e}}))}return o.links=function(t){return ji(s(t)).edges.filter((function(t){return t.l&&t.r})).map((function(e){return{source:t[e.l.i],target:t[e.r.i]}}))},o.triangles=function(t){var e=[];return ji(s(t)).cells.forEach((function(r,n){for(var i,a,o,s,l=r.site,c=r.edges.sort(Mi),u=-1,f=c.length,h=c[f-1].edge,p=h.l===l?h.r:h.l;++ua||f>o||h=_)<<1|e>=b,T=w+4;wa&&(i=e.slice(a,i),s[o]?s[o]+=i:s[++o]=i),(r=r[0])===(n=n[0])?s[o]?s[o]+=n:s[++o]=n:(s[++o]=null,l.push({i:o,x:Zi(r,n)})),a=Qi.lastIndex;return ag&&(g=l.x),l.y>m&&(m=l.y),c.push(l.x),u.push(l.y);else for(f=0;fg&&(g=b),_>m&&(m=_),c.push(b),u.push(_)}var w=g-p,T=m-d;function k(t,e,r,n,i,a,o,s){if(!isNaN(r)&&!isNaN(n))if(t.leaf){var l=t.x,c=t.y;if(null!=l)if(y(l-r)+y(c-n)<.01)M(t,e,r,n,i,a,o,s);else{var u=t.point;t.x=t.y=t.point=null,M(t,u,l,c,i,a,o,s),M(t,e,r,n,i,a,o,s)}else t.x=r,t.y=n,t.point=e}else M(t,e,r,n,i,a,o,s)}function M(t,e,r,n,i,a,o,s){var l=.5*(i+o),c=.5*(a+s),u=r>=l,f=n>=c,h=f<<1|u;t.leaf=!1,u?i=l:o=l,f?a=c:s=c,k(t=t.nodes[h]||(t.nodes[h]={leaf:!0,nodes:[],point:null,x:null,y:null}),e,r,n,i,a,o,s)}w>T?m=d+w:g=p+T;var A={leaf:!0,nodes:[],point:null,x:null,y:null,add:function(t){k(A,t,+v(t,++f),+x(t,f),p,d,g,m)},visit:function(t){Gi(t,A,p,d,g,m)},find:function(t){return Yi(A,t[0],t[1],p,d,g,m)}};if(f=-1,null==e){for(;++f=0&&!(n=t.interpolators[i](e,r)););return n}function ta(t,e){var r,n=[],i=[],a=t.length,o=e.length,s=Math.min(t.length,e.length);for(r=0;r=1?1:t(e)}}function aa(t){return function(e){return 1-t(1-e)}}function oa(t){return function(e){return.5*(e<.5?t(2*e):2-t(2-2*e))}}function sa(t){return t*t}function la(t){return t*t*t}function ca(t){if(t<=0)return 0;if(t>=1)return 1;var e=t*t,r=e*t;return 4*(t<.5?r:3*(t-e)+r-.75)}function ua(t){return 1-Math.cos(t*Ct)}function fa(t){return Math.pow(2,10*(t-1))}function ha(t){return 1-Math.sqrt(1-t*t)}function pa(t){return t<1/2.75?7.5625*t*t:t<2/2.75?7.5625*(t-=1.5/2.75)*t+.75:t<2.5/2.75?7.5625*(t-=2.25/2.75)*t+.9375:7.5625*(t-=2.625/2.75)*t+.984375}function da(t,e){return e-=t,function(r){return Math.round(t+e*r)}}function ga(t){var e,r,n,i=[t.a,t.b],a=[t.c,t.d],o=va(i),s=ma(i,a),l=va(((e=a)[0]+=(n=-s)*(r=i)[0],e[1]+=n*r[1],e))||0;i[0]*a[1]=0?t.slice(0,e):t,i=e>=0?t.slice(e+1):"in";return n=ra.get(n)||ea,ia((i=na.get(i)||L)(n.apply(null,r.call(arguments,1))))},t.interpolateHcl=function(e,r){e=t.hcl(e),r=t.hcl(r);var n=e.h,i=e.c,a=e.l,o=r.h-n,s=r.c-i,l=r.l-a;isNaN(s)&&(s=0,i=isNaN(i)?r.c:i);isNaN(o)?(o=0,n=isNaN(n)?r.h:n):o>180?o-=360:o<-180&&(o+=360);return function(t){return Xt(n+o*t,i+s*t,a+l*t)+""}},t.interpolateHsl=function(e,r){e=t.hsl(e),r=t.hsl(r);var n=e.h,i=e.s,a=e.l,o=r.h-n,s=r.s-i,l=r.l-a;isNaN(s)&&(s=0,i=isNaN(i)?r.s:i);isNaN(o)?(o=0,n=isNaN(n)?r.h:n):o>180?o-=360:o<-180&&(o+=360);return function(t){return Gt(n+o*t,i+s*t,a+l*t)+""}},t.interpolateLab=function(e,r){e=t.lab(e),r=t.lab(r);var n=e.l,i=e.a,a=e.b,o=r.l-n,s=r.a-i,l=r.b-a;return function(t){return Qt(n+o*t,i+s*t,a+l*t)+""}},t.interpolateRound=da,t.transform=function(e){var r=i.createElementNS(t.ns.prefix.svg,"g");return(t.transform=function(t){if(null!=t){r.setAttribute("transform",t);var e=r.transform.baseVal.consolidate()}return new ga(e?e.matrix:ya)})(e)},ga.prototype.toString=function(){return"translate("+this.translate+")rotate("+this.rotate+")skewX("+this.skew+")scale("+this.scale+")"};var ya={a:1,b:0,c:0,d:1,e:0,f:0};function xa(t){return t.length?t.pop()+",":""}function ba(e,r){var n=[],i=[];return e=t.transform(e),r=t.transform(r),function(t,e,r,n){if(t[0]!==e[0]||t[1]!==e[1]){var i=r.push("translate(",null,",",null,")");n.push({i:i-4,x:Zi(t[0],e[0])},{i:i-2,x:Zi(t[1],e[1])})}else(e[0]||e[1])&&r.push("translate("+e+")")}(e.translate,r.translate,n,i),function(t,e,r,n){t!==e?(t-e>180?e+=360:e-t>180&&(t+=360),n.push({i:r.push(xa(r)+"rotate(",null,")")-2,x:Zi(t,e)})):e&&r.push(xa(r)+"rotate("+e+")")}(e.rotate,r.rotate,n,i),function(t,e,r,n){t!==e?n.push({i:r.push(xa(r)+"skewX(",null,")")-2,x:Zi(t,e)}):e&&r.push(xa(r)+"skewX("+e+")")}(e.skew,r.skew,n,i),function(t,e,r,n){if(t[0]!==e[0]||t[1]!==e[1]){var i=r.push(xa(r)+"scale(",null,",",null,")");n.push({i:i-4,x:Zi(t[0],e[0])},{i:i-2,x:Zi(t[1],e[1])})}else 1===e[0]&&1===e[1]||r.push(xa(r)+"scale("+e+")")}(e.scale,r.scale,n,i),e=r=null,function(t){for(var e,r=-1,a=i.length;++r0?n=t:(e.c=null,e.t=NaN,e=null,l.end({type:"end",alpha:n=0})):t>0&&(l.start({type:"start",alpha:n=t}),e=we(s.tick)),s):n},s.start=function(){var t,e,r,n=v.length,l=y.length,u=c[0],d=c[1];for(t=0;t=0;)r.push(i[n])}function Oa(t,e){for(var r=[t],n=[];null!=(t=r.pop());)if(n.push(t),(a=t.children)&&(i=a.length))for(var i,a,o=-1;++o=0;)o.push(u=c[l]),u.parent=a,u.depth=a.depth+1;r&&(a.value=0),a.children=c}else r&&(a.value=+r.call(n,a,a.depth)||0),delete a.children;return Oa(i,(function(e){var n,i;t&&(n=e.children)&&n.sort(t),r&&(i=e.parent)&&(i.value+=e.value)})),s}return n.sort=function(e){return arguments.length?(t=e,n):t},n.children=function(t){return arguments.length?(e=t,n):e},n.value=function(t){return arguments.length?(r=t,n):r},n.revalue=function(t){return r&&(za(t,(function(t){t.children&&(t.value=0)})),Oa(t,(function(t){var e;t.children||(t.value=+r.call(n,t,t.depth)||0),(e=t.parent)&&(e.value+=t.value)}))),t},n},t.layout.partition=function(){var e=t.layout.hierarchy(),r=[1,1];function n(t,n){var i=e.call(this,t,n);return function t(e,r,n,i){var a=e.children;if(e.x=r,e.y=e.depth*i,e.dx=n,e.dy=i,a&&(o=a.length)){var o,s,l,c=-1;for(n=e.value?n/e.value:0;++cs&&(s=n),o.push(n)}for(r=0;ri&&(n=r,i=e);return n}function Xa(t){return t.reduce(Za,0)}function Za(t,e){return t+e[1]}function Ja(t,e){return Ka(t,Math.ceil(Math.log(e.length)/Math.LN2+1))}function Ka(t,e){for(var r=-1,n=+t[0],i=(t[1]-n)/e,a=[];++r<=e;)a[r]=i*r+n;return a}function Qa(e){return[t.min(e),t.max(e)]}function $a(t,e){return t.value-e.value}function to(t,e){var r=t._pack_next;t._pack_next=e,e._pack_prev=t,e._pack_next=r,r._pack_prev=e}function eo(t,e){t._pack_next=e,e._pack_prev=t}function ro(t,e){var r=e.x-t.x,n=e.y-t.y,i=t.r+e.r;return.999*i*i>r*r+n*n}function no(t){if((e=t.children)&&(l=e.length)){var e,r,n,i,a,o,s,l,c=1/0,u=-1/0,f=1/0,h=-1/0;if(e.forEach(io),(r=e[0]).x=-r.r,r.y=0,x(r),l>1&&((n=e[1]).x=n.r,n.y=0,x(n),l>2))for(oo(r,n,i=e[2]),x(i),to(r,i),r._pack_prev=i,to(i,n),n=r._pack_next,a=3;a0)for(o=-1;++o=f[0]&&l<=f[1]&&((s=c[t.bisect(h,l,1,d)-1]).y+=g,s.push(a[o]));return c}return a.value=function(t){return arguments.length?(r=t,a):r},a.range=function(t){return arguments.length?(n=de(t),a):n},a.bins=function(t){return arguments.length?(i="number"==typeof t?function(e){return Ka(e,t)}:de(t),a):i},a.frequency=function(t){return arguments.length?(e=!!t,a):e},a},t.layout.pack=function(){var e,r=t.layout.hierarchy().sort($a),n=0,i=[1,1];function a(t,a){var o=r.call(this,t,a),s=o[0],l=i[0],c=i[1],u=null==e?Math.sqrt:"function"==typeof e?e:function(){return e};if(s.x=s.y=0,Oa(s,(function(t){t.r=+u(t.value)})),Oa(s,no),n){var f=n*(e?1:Math.max(2*s.r/l,2*s.r/c))/2;Oa(s,(function(t){t.r+=f})),Oa(s,no),Oa(s,(function(t){t.r-=f}))}return function t(e,r,n,i){var a=e.children;if(e.x=r+=i*e.x,e.y=n+=i*e.y,e.r*=i,a)for(var o=-1,s=a.length;++op.x&&(p=t),t.depth>d.depth&&(d=t)}));var g=r(h,p)/2-h.x,m=n[0]/(p.x+r(p,h)/2+g),v=n[1]/(d.depth||1);za(u,(function(t){t.x=(t.x+g)*m,t.y=t.depth*v}))}return c}function o(t){var e=t.children,n=t.parent.children,i=t.i?n[t.i-1]:null;if(e.length){!function(t){var e,r=0,n=0,i=t.children,a=i.length;for(;--a>=0;)(e=i[a]).z+=r,e.m+=r,r+=e.s+(n+=e.c)}(t);var a=(e[0].z+e[e.length-1].z)/2;i?(t.z=i.z+r(t._,i._),t.m=t.z-a):t.z=a}else i&&(t.z=i.z+r(t._,i._));t.parent.A=function(t,e,n){if(e){for(var i,a=t,o=t,s=e,l=a.parent.children[0],c=a.m,u=o.m,f=s.m,h=l.m;s=co(s),a=lo(a),s&&a;)l=lo(l),(o=co(o)).a=t,(i=s.z+f-a.z-c+r(s._,a._))>0&&(uo(fo(s,t,n),t,i),c+=i,u+=i),f+=s.m,c+=a.m,h+=l.m,u+=o.m;s&&!co(o)&&(o.t=s,o.m+=f-u),a&&!lo(l)&&(l.t=a,l.m+=c-h,n=t)}return n}(t,i,t.parent.A||n[0])}function s(t){t._.x=t.z+t.parent.m,t.m+=t.parent.m}function l(t){t.x*=n[0],t.y=t.depth*n[1]}return a.separation=function(t){return arguments.length?(r=t,a):r},a.size=function(t){return arguments.length?(i=null==(n=t)?l:null,a):i?null:n},a.nodeSize=function(t){return arguments.length?(i=null==(n=t)?null:l,a):i?n:null},Pa(a,e)},t.layout.cluster=function(){var e=t.layout.hierarchy().sort(null).value(null),r=so,n=[1,1],i=!1;function a(a,o){var s,l=e.call(this,a,o),c=l[0],u=0;Oa(c,(function(e){var n=e.children;n&&n.length?(e.x=function(t){return t.reduce((function(t,e){return t+e.x}),0)/t.length}(n),e.y=function(e){return 1+t.max(e,(function(t){return t.y}))}(n)):(e.x=s?u+=r(e,s):0,e.y=0,s=e)}));var f=function t(e){var r=e.children;return r&&r.length?t(r[0]):e}(c),h=function t(e){var r,n=e.children;return n&&(r=n.length)?t(n[r-1]):e}(c),p=f.x-r(f,h)/2,d=h.x+r(h,f)/2;return Oa(c,i?function(t){t.x=(t.x-c.x)*n[0],t.y=(c.y-t.y)*n[1]}:function(t){t.x=(t.x-p)/(d-p)*n[0],t.y=(1-(c.y?t.y/c.y:1))*n[1]}),l}return a.separation=function(t){return arguments.length?(r=t,a):r},a.size=function(t){return arguments.length?(i=null==(n=t),a):i?null:n},a.nodeSize=function(t){return arguments.length?(i=null!=(n=t),a):i?n:null},Pa(a,e)},t.layout.treemap=function(){var e,r=t.layout.hierarchy(),n=Math.round,i=[1,1],a=null,o=ho,s=!1,l="squarify",c=.5*(1+Math.sqrt(5));function u(t,e){for(var r,n,i=-1,a=t.length;++i0;)s.push(r=c[i-1]),s.area+=r.area,"squarify"!==l||(n=p(s,g))<=h?(c.pop(),h=n):(s.area-=s.pop().area,d(s,g,a,!1),g=Math.min(a.dx,a.dy),s.length=s.area=0,h=1/0);s.length&&(d(s,g,a,!0),s.length=s.area=0),e.forEach(f)}}function h(t){var e=t.children;if(e&&e.length){var r,n=o(t),i=e.slice(),a=[];for(u(i,n.dx*n.dy/t.value),a.area=0;r=i.pop();)a.push(r),a.area+=r.area,null!=r.z&&(d(a,r.z?n.dx:n.dy,n,!i.length),a.length=a.area=0);e.forEach(h)}}function p(t,e){for(var r,n=t.area,i=0,a=1/0,o=-1,s=t.length;++oi&&(i=r));return e*=e,(n*=n)?Math.max(e*i*c/n,n/(e*a*c)):1/0}function d(t,e,r,i){var a,o=-1,s=t.length,l=r.x,c=r.y,u=e?n(t.area/e):0;if(e==r.dx){for((i||u>r.dy)&&(u=r.dy);++or.dx)&&(u=r.dx);++o1);return t+e*r*Math.sqrt(-2*Math.log(i)/i)}},logNormal:function(){var e=t.random.normal.apply(t,arguments);return function(){return Math.exp(e())}},bates:function(e){var r=t.random.irwinHall(e);return function(){return r()/e}},irwinHall:function(t){return function(){for(var e=0,r=0;r2?_o:vo,s=i?wa:_a;return a=t(e,r,s,n),o=t(r,e,s,$i),l}function l(t){return a(t)}return l.invert=function(t){return o(t)},l.domain=function(t){return arguments.length?(e=t.map(Number),s()):e},l.range=function(t){return arguments.length?(r=t,s()):r},l.rangeRound=function(t){return l.range(t).interpolate(da)},l.clamp=function(t){return arguments.length?(i=t,s()):i},l.interpolate=function(t){return arguments.length?(n=t,s()):n},l.ticks=function(t){return Mo(e,t)},l.tickFormat=function(t,r){return Ao(e,t,r)},l.nice=function(t){return To(e,t),s()},l.copy=function(){return t(e,r,n,i)},s()}([0,1],[0,1],$i,!1)};var So={s:1,g:1,p:1,r:1,e:1};function Eo(t){return-Math.floor(Math.log(t)/Math.LN10+.01)}t.scale.log=function(){return function e(r,n,i,a){function o(t){return(i?Math.log(t<0?0:t):-Math.log(t>0?0:-t))/Math.log(n)}function s(t){return i?Math.pow(n,t):-Math.pow(n,-t)}function l(t){return r(o(t))}return l.invert=function(t){return s(r.invert(t))},l.domain=function(t){return arguments.length?(i=t[0]>=0,r.domain((a=t.map(Number)).map(o)),l):a},l.base=function(t){return arguments.length?(n=+t,r.domain(a.map(o)),l):n},l.nice=function(){var t=yo(a.map(o),i?Math:Lo);return r.domain(t),a=t.map(s),l},l.ticks=function(){var t=go(a),e=[],r=t[0],l=t[1],c=Math.floor(o(r)),u=Math.ceil(o(l)),f=n%1?2:n;if(isFinite(u-c)){if(i){for(;c0;h--)e.push(s(c)*h);for(c=0;e[c]l;u--);e=e.slice(c,u)}return e},l.tickFormat=function(e,r){if(!arguments.length)return Co;arguments.length<2?r=Co:"function"!=typeof r&&(r=t.format(r));var i=Math.max(1,n*e/l.ticks().length);return function(t){var e=t/s(Math.round(o(t)));return e*n0?i[t-1]:r[0],tf?0:1;if(c=Et)return l(c,p)+(s?l(s,1-p):"")+"Z";var d,g,m,v,y,x,b,_,w,T,k,M,A=0,S=0,E=[];if((v=(+o.apply(this,arguments)||0)/2)&&(m=n===Fo?Math.sqrt(s*s+c*c):+n.apply(this,arguments),p||(S*=-1),c&&(S=Dt(m/c*Math.sin(v))),s&&(A=Dt(m/s*Math.sin(v)))),c){y=c*Math.cos(u+S),x=c*Math.sin(u+S),b=c*Math.cos(f-S),_=c*Math.sin(f-S);var C=Math.abs(f-u-2*S)<=At?0:1;if(S&&qo(y,x,b,_)===p^C){var L=(u+f)/2;y=c*Math.cos(L),x=c*Math.sin(L),b=_=null}}else y=x=0;if(s){w=s*Math.cos(f-A),T=s*Math.sin(f-A),k=s*Math.cos(u+A),M=s*Math.sin(u+A);var I=Math.abs(u-f+2*A)<=At?0:1;if(A&&qo(w,T,k,M)===1-p^I){var P=(u+f)/2;w=s*Math.cos(P),T=s*Math.sin(P),k=M=null}}else w=T=0;if(h>kt&&(d=Math.min(Math.abs(c-s)/2,+r.apply(this,arguments)))>.001){g=s0?0:1}function Ho(t,e,r,n,i){var a=t[0]-e[0],o=t[1]-e[1],s=(i?n:-n)/Math.sqrt(a*a+o*o),l=s*o,c=-s*a,u=t[0]+l,f=t[1]+c,h=e[0]+l,p=e[1]+c,d=(u+h)/2,g=(f+p)/2,m=h-u,v=p-f,y=m*m+v*v,x=r-n,b=u*p-h*f,_=(v<0?-1:1)*Math.sqrt(Math.max(0,x*x*y-b*b)),w=(b*v-m*_)/y,T=(-b*m-v*_)/y,k=(b*v+m*_)/y,M=(-b*m+v*_)/y,A=w-d,S=T-g,E=k-d,C=M-g;return A*A+S*S>E*E+C*C&&(w=k,T=M),[[w-l,T-c],[w*r/x,T*r/x]]}function Go(t){var e=ri,r=ni,n=Yr,i=Wo,a=i.key,o=.7;function s(a){var s,l=[],c=[],u=-1,f=a.length,h=de(e),p=de(r);function d(){l.push("M",i(t(c),o))}for(;++u1&&i.push("H",n[0]);return i.join("")},"step-before":Zo,"step-after":Jo,basis:$o,"basis-open":function(t){if(t.length<4)return Wo(t);var e,r=[],n=-1,i=t.length,a=[0],o=[0];for(;++n<3;)e=t[n],a.push(e[0]),o.push(e[1]);r.push(ts(ns,a)+","+ts(ns,o)),--n;for(;++n9&&(i=3*e/Math.sqrt(i),o[s]=i*r,o[s+1]=i*n));s=-1;for(;++s<=l;)i=(t[Math.min(l,s+1)][0]-t[Math.max(0,s-1)][0])/(6*(1+o[s]*o[s])),a.push([i||0,o[s]*i||0]);return a}(t))}});function Wo(t){return t.length>1?t.join("L"):t+"Z"}function Xo(t){return t.join("L")+"Z"}function Zo(t){for(var e=0,r=t.length,n=t[0],i=[n[0],",",n[1]];++e1){s=e[1],a=t[l],l++,n+="C"+(i[0]+o[0])+","+(i[1]+o[1])+","+(a[0]-s[0])+","+(a[1]-s[1])+","+a[0]+","+a[1];for(var c=2;cAt)+",1 "+e}function l(t,e,r,n){return"Q 0,0 "+n}return a.radius=function(t){return arguments.length?(r=de(t),a):r},a.source=function(e){return arguments.length?(t=de(e),a):t},a.target=function(t){return arguments.length?(e=de(t),a):e},a.startAngle=function(t){return arguments.length?(n=de(t),a):n},a.endAngle=function(t){return arguments.length?(i=de(t),a):i},a},t.svg.diagonal=function(){var t=Vn,e=qn,r=cs;function n(n,i){var a=t.call(this,n,i),o=e.call(this,n,i),s=(a.y+o.y)/2,l=[a,{x:a.x,y:s},{x:o.x,y:s},o];return"M"+(l=l.map(r))[0]+"C"+l[1]+" "+l[2]+" "+l[3]}return n.source=function(e){return arguments.length?(t=de(e),n):t},n.target=function(t){return arguments.length?(e=de(t),n):e},n.projection=function(t){return arguments.length?(r=t,n):r},n},t.svg.diagonal.radial=function(){var e=t.svg.diagonal(),r=cs,n=e.projection;return e.projection=function(t){return arguments.length?n(us(r=t)):r},e},t.svg.symbol=function(){var t=hs,e=fs;function r(r,n){return(ds.get(t.call(this,r,n))||ps)(e.call(this,r,n))}return r.type=function(e){return arguments.length?(t=de(e),r):t},r.size=function(t){return arguments.length?(e=de(t),r):e},r};var ds=t.map({circle:ps,cross:function(t){var e=Math.sqrt(t/5)/2;return"M"+-3*e+","+-e+"H"+-e+"V"+-3*e+"H"+e+"V"+-e+"H"+3*e+"V"+e+"H"+e+"V"+3*e+"H"+-e+"V"+e+"H"+-3*e+"Z"},diamond:function(t){var e=Math.sqrt(t/(2*ms)),r=e*ms;return"M0,"+-e+"L"+r+",0 0,"+e+" "+-r+",0Z"},square:function(t){var e=Math.sqrt(t)/2;return"M"+-e+","+-e+"L"+e+","+-e+" "+e+","+e+" "+-e+","+e+"Z"},"triangle-down":function(t){var e=Math.sqrt(t/gs),r=e*gs/2;return"M0,"+r+"L"+e+","+-r+" "+-e+","+-r+"Z"},"triangle-up":function(t){var e=Math.sqrt(t/gs),r=e*gs/2;return"M0,"+-r+"L"+e+","+r+" "+-e+","+r+"Z"}});t.svg.symbolTypes=ds.keys();var gs=Math.sqrt(3),ms=Math.tan(30*Lt);Y.transition=function(t){for(var e,r,n=bs||++Ts,i=As(t),a=[],o=_s||{time:Date.now(),ease:ca,delay:0,duration:250},s=-1,l=this.length;++s0;)c[--h].call(t,o);if(a>=1)return f.event&&f.event.end.call(t,t.__data__,e),--u.count?delete u[n]:delete t[r],1}f||(a=i.time,o=we((function(t){var e=f.delay;if(o.t=e+a,e<=t)return h(t-e);o.c=h}),0,a),f=u[n]={tween:new _,time:a,timer:o,delay:i.delay,duration:i.duration,ease:i.ease,index:e},i=null,++u.count)}ws.call=Y.call,ws.empty=Y.empty,ws.node=Y.node,ws.size=Y.size,t.transition=function(e,r){return e&&e.transition?bs?e.transition(r):e:t.selection().transition(e)},t.transition.prototype=ws,ws.select=function(t){var e,r,n,i=this.id,a=this.namespace,o=[];t=W(t);for(var s=-1,l=this.length;++srect,.s>rect").attr("width",s[1]-s[0])}function g(t){t.select(".extent").attr("y",l[0]),t.selectAll(".extent,.e>rect,.w>rect").attr("height",l[1]-l[0])}function m(){var f,m,v=this,y=t.select(t.event.target),x=n.of(v,arguments),b=t.select(v),_=y.datum(),w=!/^(n|s)$/.test(_)&&i,T=!/^(e|w)$/.test(_)&&a,k=y.classed("extent"),M=bt(v),A=t.mouse(v),S=t.select(o(v)).on("keydown.brush",L).on("keyup.brush",I);if(t.event.changedTouches?S.on("touchmove.brush",P).on("touchend.brush",O):S.on("mousemove.brush",P).on("mouseup.brush",O),b.interrupt().selectAll("*").interrupt(),k)A[0]=s[0]-A[0],A[1]=l[0]-A[1];else if(_){var E=+/w$/.test(_),C=+/^n/.test(_);m=[s[1-E]-A[0],l[1-C]-A[1]],A[0]=s[E],A[1]=l[C]}else t.event.altKey&&(f=A.slice());function L(){32==t.event.keyCode&&(k||(f=null,A[0]-=s[1],A[1]-=l[1],k=2),F())}function I(){32==t.event.keyCode&&2==k&&(A[0]+=s[1],A[1]+=l[1],k=0,F())}function P(){var e=t.mouse(v),r=!1;m&&(e[0]+=m[0],e[1]+=m[1]),k||(t.event.altKey?(f||(f=[(s[0]+s[1])/2,(l[0]+l[1])/2]),A[0]=s[+(e[0]1?{floor:function(e){for(;s(e=t.floor(e));)e=Ns(e-1);return e},ceil:function(e){for(;s(e=t.ceil(e));)e=Ns(+e+1);return e}}:t))},i.ticks=function(t,e){var r=go(i.domain()),n=null==t?a(r,10):"number"==typeof t?a(r,t):!t.range&&[{range:t},e];return n&&(t=n[0],e=n[1]),t.range(r[0],Ns(+r[1]+1),e<1?1:e)},i.tickFormat=function(){return n},i.copy=function(){return Bs(e.copy(),r,n)},wo(i,e)}function Ns(t){return new Date(t)}Os.iso=Date.prototype.toISOString&&+new Date("2000-01-01T00:00:00.000Z")?Fs:Rs,Fs.parse=function(t){var e=new Date(t);return isNaN(e)?null:e},Fs.toString=Rs.toString,Pe.second=Re((function(t){return new ze(1e3*Math.floor(t/1e3))}),(function(t,e){t.setTime(t.getTime()+1e3*Math.floor(e))}),(function(t){return t.getSeconds()})),Pe.seconds=Pe.second.range,Pe.seconds.utc=Pe.second.utc.range,Pe.minute=Re((function(t){return new ze(6e4*Math.floor(t/6e4))}),(function(t,e){t.setTime(t.getTime()+6e4*Math.floor(e))}),(function(t){return t.getMinutes()})),Pe.minutes=Pe.minute.range,Pe.minutes.utc=Pe.minute.utc.range,Pe.hour=Re((function(t){var e=t.getTimezoneOffset()/60;return new ze(36e5*(Math.floor(t/36e5-e)+e))}),(function(t,e){t.setTime(t.getTime()+36e5*Math.floor(e))}),(function(t){return t.getHours()})),Pe.hours=Pe.hour.range,Pe.hours.utc=Pe.hour.utc.range,Pe.month=Re((function(t){return(t=Pe.day(t)).setDate(1),t}),(function(t,e){t.setMonth(t.getMonth()+e)}),(function(t){return t.getMonth()})),Pe.months=Pe.month.range,Pe.months.utc=Pe.month.utc.range;var js=[1e3,5e3,15e3,3e4,6e4,3e5,9e5,18e5,36e5,108e5,216e5,432e5,864e5,1728e5,6048e5,2592e6,7776e6,31536e6],Us=[[Pe.second,1],[Pe.second,5],[Pe.second,15],[Pe.second,30],[Pe.minute,1],[Pe.minute,5],[Pe.minute,15],[Pe.minute,30],[Pe.hour,1],[Pe.hour,3],[Pe.hour,6],[Pe.hour,12],[Pe.day,1],[Pe.day,2],[Pe.week,1],[Pe.month,1],[Pe.month,3],[Pe.year,1]],Vs=Os.multi([[".%L",function(t){return t.getMilliseconds()}],[":%S",function(t){return t.getSeconds()}],["%I:%M",function(t){return t.getMinutes()}],["%I %p",function(t){return t.getHours()}],["%a %d",function(t){return t.getDay()&&1!=t.getDate()}],["%b %d",function(t){return 1!=t.getDate()}],["%B",function(t){return t.getMonth()}],["%Y",Yr]]),qs={range:function(e,r,n){return t.range(Math.ceil(e/n)*n,+r,n).map(Ns)},floor:L,ceil:L};Us.year=Pe.year,Pe.scale=function(){return Bs(t.scale.linear(),Us,Vs)};var Hs=Us.map((function(t){return[t[0].utc,t[1]]})),Gs=Ds.multi([[".%L",function(t){return t.getUTCMilliseconds()}],[":%S",function(t){return t.getUTCSeconds()}],["%I:%M",function(t){return t.getUTCMinutes()}],["%I %p",function(t){return t.getUTCHours()}],["%a %d",function(t){return t.getUTCDay()&&1!=t.getUTCDate()}],["%b %d",function(t){return 1!=t.getUTCDate()}],["%B",function(t){return t.getUTCMonth()}],["%Y",Yr]]);function Ys(t){return JSON.parse(t.responseText)}function Ws(t){var e=i.createRange();return e.selectNode(i.body),e.createContextualFragment(t.responseText)}Hs.year=Pe.year.utc,Pe.scale.utc=function(){return Bs(t.scale.linear(),Hs,Gs)},t.text=ge((function(t){return t.responseText})),t.json=function(t,e){return me(t,"application/json",Ys,e)},t.html=function(t,e){return me(t,"text/html",Ws,e)},t.xml=ge((function(t){return t.responseXML})),"object"==typeof e&&e.exports?e.exports=t:this.d3=t}()},{}],170:[function(t,e,r){e.exports=function(){for(var t=0;t=2)return!1;t[r]=n}return!0})):_.filter((function(t){for(var e=0;e<=s;++e){var r=v[t[e]];if(r<0)return!1;t[e]=r}return!0}));if(1&s)for(u=0;u<_.length;++u){h=(b=_[u])[0];b[0]=b[1],b[1]=h}return _}},{"incremental-convex-hull":459,uniq:597}],172:[function(t,e,r){"use strict";e.exports=a;var n=(a.canvas=document.createElement("canvas")).getContext("2d"),i=o([32,126]);function a(t,e){Array.isArray(t)&&(t=t.join(", "));var r,a={},s=16,l=.05;e&&(2===e.length&&"number"==typeof e[0]?r=o(e):Array.isArray(e)?r=e:(e.o?r=o(e.o):e.pairs&&(r=e.pairs),e.fontSize&&(s=e.fontSize),null!=e.threshold&&(l=e.threshold))),r||(r=i),n.font=s+"px "+t;for(var c=0;cs*l){var p=(h-f)/s;a[u]=1e3*p}}return a}function o(t){for(var e=[],r=t[0];r<=t[1];r++)for(var n=String.fromCharCode(r),i=t[0];i>>31},e.exports.exponent=function(t){return(e.exports.hi(t)<<1>>>21)-1023},e.exports.fraction=function(t){var r=e.exports.lo(t),n=e.exports.hi(t),i=1048575&n;return 2146435072&n&&(i+=1<<20),[r,i]},e.exports.denormalized=function(t){return!(2146435072&e.exports.hi(t))}}).call(this)}).call(this,t("buffer").Buffer)},{buffer:111}],174:[function(t,e,r){var n=t("abs-svg-path"),i=t("normalize-svg-path"),a={M:"moveTo",C:"bezierCurveTo"};e.exports=function(t,e){t.beginPath(),i(n(e)).forEach((function(e){var r=e[0],n=e.slice(1);t[a[r]].apply(t,n)})),t.closePath()}},{"abs-svg-path":65,"normalize-svg-path":497}],175:[function(t,e,r){e.exports=function(t){switch(t){case"int8":return Int8Array;case"int16":return Int16Array;case"int32":return Int32Array;case"uint8":return Uint8Array;case"uint16":return Uint16Array;case"uint32":return Uint32Array;case"float32":return Float32Array;case"float64":return Float64Array;case"array":return Array;case"uint8_clamped":return Uint8ClampedArray}}},{}],176:[function(t,e,r){"use strict";e.exports=function(t,e){switch("undefined"==typeof e&&(e=0),typeof t){case"number":if(t>0)return function(t,e){var r,n;for(r=new Array(t),n=0;n80*r){n=l=t[0],s=c=t[1];for(var b=r;bl&&(l=u),p>c&&(c=p);d=0!==(d=Math.max(l-n,c-s))?1/d:0}return o(y,x,r,n,s,d),x}function i(t,e,r,n,i){var a,o;if(i===E(t,e,r,n)>0)for(a=e;a=e;a-=n)o=M(a,t[a],t[a+1],o);return o&&x(o,o.next)&&(A(o),o=o.next),o}function a(t,e){if(!t)return t;e||(e=t);var r,n=t;do{if(r=!1,n.steiner||!x(n,n.next)&&0!==y(n.prev,n,n.next))n=n.next;else{if(A(n),(n=e=n.prev)===n.next)break;r=!0}}while(r||n!==e);return e}function o(t,e,r,n,i,f,h){if(t){!h&&f&&function(t,e,r,n){var i=t;do{null===i.z&&(i.z=d(i.x,i.y,e,r,n)),i.prevZ=i.prev,i.nextZ=i.next,i=i.next}while(i!==t);i.prevZ.nextZ=null,i.prevZ=null,function(t){var e,r,n,i,a,o,s,l,c=1;do{for(r=t,t=null,a=null,o=0;r;){for(o++,n=r,s=0,e=0;e0||l>0&&n;)0!==s&&(0===l||!n||r.z<=n.z)?(i=r,r=r.nextZ,s--):(i=n,n=n.nextZ,l--),a?a.nextZ=i:t=i,i.prevZ=a,a=i;r=n}a.nextZ=null,c*=2}while(o>1)}(i)}(t,n,i,f);for(var p,g,m=t;t.prev!==t.next;)if(p=t.prev,g=t.next,f?l(t,n,i,f):s(t))e.push(p.i/r),e.push(t.i/r),e.push(g.i/r),A(t),t=g.next,m=g.next;else if((t=g)===m){h?1===h?o(t=c(a(t),e,r),e,r,n,i,f,2):2===h&&u(t,e,r,n,i,f):o(a(t),e,r,n,i,f,1);break}}}function s(t){var e=t.prev,r=t,n=t.next;if(y(e,r,n)>=0)return!1;for(var i=t.next.next;i!==t.prev;){if(m(e.x,e.y,r.x,r.y,n.x,n.y,i.x,i.y)&&y(i.prev,i,i.next)>=0)return!1;i=i.next}return!0}function l(t,e,r,n){var i=t.prev,a=t,o=t.next;if(y(i,a,o)>=0)return!1;for(var s=i.xa.x?i.x>o.x?i.x:o.x:a.x>o.x?a.x:o.x,u=i.y>a.y?i.y>o.y?i.y:o.y:a.y>o.y?a.y:o.y,f=d(s,l,e,r,n),h=d(c,u,e,r,n),p=t.prevZ,g=t.nextZ;p&&p.z>=f&&g&&g.z<=h;){if(p!==t.prev&&p!==t.next&&m(i.x,i.y,a.x,a.y,o.x,o.y,p.x,p.y)&&y(p.prev,p,p.next)>=0)return!1;if(p=p.prevZ,g!==t.prev&&g!==t.next&&m(i.x,i.y,a.x,a.y,o.x,o.y,g.x,g.y)&&y(g.prev,g,g.next)>=0)return!1;g=g.nextZ}for(;p&&p.z>=f;){if(p!==t.prev&&p!==t.next&&m(i.x,i.y,a.x,a.y,o.x,o.y,p.x,p.y)&&y(p.prev,p,p.next)>=0)return!1;p=p.prevZ}for(;g&&g.z<=h;){if(g!==t.prev&&g!==t.next&&m(i.x,i.y,a.x,a.y,o.x,o.y,g.x,g.y)&&y(g.prev,g,g.next)>=0)return!1;g=g.nextZ}return!0}function c(t,e,r){var n=t;do{var i=n.prev,o=n.next.next;!x(i,o)&&b(i,n,n.next,o)&&T(i,o)&&T(o,i)&&(e.push(i.i/r),e.push(n.i/r),e.push(o.i/r),A(n),A(n.next),n=t=o),n=n.next}while(n!==t);return a(n)}function u(t,e,r,n,i,s){var l=t;do{for(var c=l.next.next;c!==l.prev;){if(l.i!==c.i&&v(l,c)){var u=k(l,c);return l=a(l,l.next),u=a(u,u.next),o(l,e,r,n,i,s),void o(u,e,r,n,i,s)}c=c.next}l=l.next}while(l!==t)}function f(t,e){return t.x-e.x}function h(t,e){if(e=function(t,e){var r,n=e,i=t.x,a=t.y,o=-1/0;do{if(a<=n.y&&a>=n.next.y&&n.next.y!==n.y){var s=n.x+(a-n.y)*(n.next.x-n.x)/(n.next.y-n.y);if(s<=i&&s>o){if(o=s,s===i){if(a===n.y)return n;if(a===n.next.y)return n.next}r=n.x=n.x&&n.x>=u&&i!==n.x&&m(ar.x||n.x===r.x&&p(r,n)))&&(r=n,h=l)),n=n.next}while(n!==c);return r}(t,e)){var r=k(e,t);a(e,e.next),a(r,r.next)}}function p(t,e){return y(t.prev,t,e.prev)<0&&y(e.next,t,t.next)<0}function d(t,e,r,n,i){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t=32767*(t-r)*i)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e=32767*(e-n)*i)|e<<8))|e<<4))|e<<2))|e<<1))<<1}function g(t){var e=t,r=t;do{(e.x=0&&(t-o)*(n-s)-(r-o)*(e-s)>=0&&(r-o)*(a-s)-(i-o)*(n-s)>=0}function v(t,e){return t.next.i!==e.i&&t.prev.i!==e.i&&!function(t,e){var r=t;do{if(r.i!==t.i&&r.next.i!==t.i&&r.i!==e.i&&r.next.i!==e.i&&b(r,r.next,t,e))return!0;r=r.next}while(r!==t);return!1}(t,e)&&(T(t,e)&&T(e,t)&&function(t,e){var r=t,n=!1,i=(t.x+e.x)/2,a=(t.y+e.y)/2;do{r.y>a!=r.next.y>a&&r.next.y!==r.y&&i<(r.next.x-r.x)*(a-r.y)/(r.next.y-r.y)+r.x&&(n=!n),r=r.next}while(r!==t);return n}(t,e)&&(y(t.prev,t,e.prev)||y(t,e.prev,e))||x(t,e)&&y(t.prev,t,t.next)>0&&y(e.prev,e,e.next)>0)}function y(t,e,r){return(e.y-t.y)*(r.x-e.x)-(e.x-t.x)*(r.y-e.y)}function x(t,e){return t.x===e.x&&t.y===e.y}function b(t,e,r,n){var i=w(y(t,e,r)),a=w(y(t,e,n)),o=w(y(r,n,t)),s=w(y(r,n,e));return i!==a&&o!==s||(!(0!==i||!_(t,r,e))||(!(0!==a||!_(t,n,e))||(!(0!==o||!_(r,t,n))||!(0!==s||!_(r,e,n)))))}function _(t,e,r){return e.x<=Math.max(t.x,r.x)&&e.x>=Math.min(t.x,r.x)&&e.y<=Math.max(t.y,r.y)&&e.y>=Math.min(t.y,r.y)}function w(t){return t>0?1:t<0?-1:0}function T(t,e){return y(t.prev,t,t.next)<0?y(t,e,t.next)>=0&&y(t,t.prev,e)>=0:y(t,e,t.prev)<0||y(t,t.next,e)<0}function k(t,e){var r=new S(t.i,t.x,t.y),n=new S(e.i,e.x,e.y),i=t.next,a=e.prev;return t.next=e,e.prev=t,r.next=i,i.prev=r,n.next=r,r.prev=n,a.next=n,n.prev=a,n}function M(t,e,r,n){var i=new S(t,e,r);return n?(i.next=n.next,i.prev=n,n.next.prev=i,n.next=i):(i.prev=i,i.next=i),i}function A(t){t.next.prev=t.prev,t.prev.next=t.next,t.prevZ&&(t.prevZ.nextZ=t.nextZ),t.nextZ&&(t.nextZ.prevZ=t.prevZ)}function S(t,e,r){this.i=t,this.x=e,this.y=r,this.prev=null,this.next=null,this.z=null,this.prevZ=null,this.nextZ=null,this.steiner=!1}function E(t,e,r,n){for(var i=0,a=e,o=r-n;a0&&(n+=t[i-1].length,r.holes.push(n))}return r}},{}],178:[function(t,e,r){"use strict";e.exports=function(t,e){var r=t.length;if("number"!=typeof e){e=0;for(var i=0;i=e}))}(e);for(var r,i=n(t).components.filter((function(t){return t.length>1})),a=1/0,o=0;o=55296&&y<=56319&&(w+=t[++r]),w=T?h.call(T,k,w,g):w,e?(p.value=w,d(m,g,p)):m[g]=w,++g;v=g}if(void 0===v)for(v=o(t.length),e&&(m=new e(v)),r=0;r0?1:-1}},{}],190:[function(t,e,r){"use strict";var n=t("../math/sign"),i=Math.abs,a=Math.floor;e.exports=function(t){return isNaN(t)?0:0!==(t=Number(t))&&isFinite(t)?n(t)*a(i(t)):t}},{"../math/sign":187}],191:[function(t,e,r){"use strict";var n=t("./to-integer"),i=Math.max;e.exports=function(t){return i(0,n(t))}},{"./to-integer":190}],192:[function(t,e,r){"use strict";var n=t("./valid-callable"),i=t("./valid-value"),a=Function.prototype.bind,o=Function.prototype.call,s=Object.keys,l=Object.prototype.propertyIsEnumerable;e.exports=function(t,e){return function(r,c){var u,f=arguments[2],h=arguments[3];return r=Object(i(r)),n(c),u=s(r),h&&u.sort("function"==typeof h?a.call(h,r):void 0),"function"!=typeof t&&(t=u[t]),o.call(t,u,(function(t,n){return l.call(r,t)?o.call(c,f,r[t],t,r,n):e}))}}},{"./valid-callable":209,"./valid-value":211}],193:[function(t,e,r){"use strict";e.exports=t("./is-implemented")()?Object.assign:t("./shim")},{"./is-implemented":194,"./shim":195}],194:[function(t,e,r){"use strict";e.exports=function(){var t,e=Object.assign;return"function"==typeof e&&(e(t={foo:"raz"},{bar:"dwa"},{trzy:"trzy"}),t.foo+t.bar+t.trzy==="razdwatrzy")}},{}],195:[function(t,e,r){"use strict";var n=t("../keys"),i=t("../valid-value"),a=Math.max;e.exports=function(t,e){var r,o,s,l=a(arguments.length,2);for(t=Object(i(t)),s=function(n){try{t[n]=e[n]}catch(t){r||(r=t)}},o=1;o-1}},{}],215:[function(t,e,r){"use strict";var n=Object.prototype.toString,i=n.call("");e.exports=function(t){return"string"==typeof t||t&&"object"==typeof t&&(t instanceof String||n.call(t)===i)||!1}},{}],216:[function(t,e,r){"use strict";var n=Object.create(null),i=Math.random;e.exports=function(){var t;do{t=i().toString(36).slice(2)}while(n[t]);return t}},{}],217:[function(t,e,r){"use strict";var n,i=t("es5-ext/object/set-prototype-of"),a=t("es5-ext/string/#/contains"),o=t("d"),s=t("es6-symbol"),l=t("./"),c=Object.defineProperty;n=e.exports=function(t,e){if(!(this instanceof n))throw new TypeError("Constructor requires 'new'");l.call(this,t),e=e?a.call(e,"key+value")?"key+value":a.call(e,"key")?"key":"value":"value",c(this,"__kind__",o("",e))},i&&i(n,l),delete n.prototype.constructor,n.prototype=Object.create(l.prototype,{_resolve:o((function(t){return"value"===this.__kind__?this.__list__[t]:"key+value"===this.__kind__?[t,this.__list__[t]]:t}))}),c(n.prototype,s.toStringTag,o("c","Array Iterator"))},{"./":220,d:155,"es5-ext/object/set-prototype-of":206,"es5-ext/string/#/contains":212,"es6-symbol":225}],218:[function(t,e,r){"use strict";var n=t("es5-ext/function/is-arguments"),i=t("es5-ext/object/valid-callable"),a=t("es5-ext/string/is-string"),o=t("./get"),s=Array.isArray,l=Function.prototype.call,c=Array.prototype.some;e.exports=function(t,e){var r,u,f,h,p,d,g,m,v=arguments[2];if(s(t)||n(t)?r="array":a(t)?r="string":t=o(t),i(e),f=function(){h=!0},"array"!==r)if("string"!==r)for(u=t.next();!u.done;){if(l.call(e,v,u.value,f),h)return;u=t.next()}else for(d=t.length,p=0;p=55296&&m<=56319&&(g+=t[++p]),l.call(e,v,g,f),!h);++p);else c.call(t,(function(t){return l.call(e,v,t,f),h}))}},{"./get":219,"es5-ext/function/is-arguments":184,"es5-ext/object/valid-callable":209,"es5-ext/string/is-string":215}],219:[function(t,e,r){"use strict";var n=t("es5-ext/function/is-arguments"),i=t("es5-ext/string/is-string"),a=t("./array"),o=t("./string"),s=t("./valid-iterable"),l=t("es6-symbol").iterator;e.exports=function(t){return"function"==typeof s(t)[l]?t[l]():n(t)?new a(t):i(t)?new o(t):new a(t)}},{"./array":217,"./string":222,"./valid-iterable":223,"es5-ext/function/is-arguments":184,"es5-ext/string/is-string":215,"es6-symbol":225}],220:[function(t,e,r){"use strict";var n,i=t("es5-ext/array/#/clear"),a=t("es5-ext/object/assign"),o=t("es5-ext/object/valid-callable"),s=t("es5-ext/object/valid-value"),l=t("d"),c=t("d/auto-bind"),u=t("es6-symbol"),f=Object.defineProperty,h=Object.defineProperties;e.exports=n=function(t,e){if(!(this instanceof n))throw new TypeError("Constructor requires 'new'");h(this,{__list__:l("w",s(t)),__context__:l("w",e),__nextIndex__:l("w",0)}),e&&(o(e.on),e.on("_add",this._onAdd),e.on("_delete",this._onDelete),e.on("_clear",this._onClear))},delete n.prototype.constructor,h(n.prototype,a({_next:l((function(){var t;if(this.__list__)return this.__redo__&&void 0!==(t=this.__redo__.shift())?t:this.__nextIndex__=this.__nextIndex__||(++this.__nextIndex__,this.__redo__?(this.__redo__.forEach((function(e,r){e>=t&&(this.__redo__[r]=++e)}),this),this.__redo__.push(t)):f(this,"__redo__",l("c",[t])))})),_onDelete:l((function(t){var e;t>=this.__nextIndex__||(--this.__nextIndex__,this.__redo__&&(-1!==(e=this.__redo__.indexOf(t))&&this.__redo__.splice(e,1),this.__redo__.forEach((function(e,r){e>t&&(this.__redo__[r]=--e)}),this)))})),_onClear:l((function(){this.__redo__&&i.call(this.__redo__),this.__nextIndex__=0}))}))),f(n.prototype,u.iterator,l((function(){return this})))},{d:155,"d/auto-bind":154,"es5-ext/array/#/clear":180,"es5-ext/object/assign":193,"es5-ext/object/valid-callable":209,"es5-ext/object/valid-value":211,"es6-symbol":225}],221:[function(t,e,r){"use strict";var n=t("es5-ext/function/is-arguments"),i=t("es5-ext/object/is-value"),a=t("es5-ext/string/is-string"),o=t("es6-symbol").iterator,s=Array.isArray;e.exports=function(t){return!!i(t)&&(!!s(t)||(!!a(t)||(!!n(t)||"function"==typeof t[o])))}},{"es5-ext/function/is-arguments":184,"es5-ext/object/is-value":200,"es5-ext/string/is-string":215,"es6-symbol":225}],222:[function(t,e,r){"use strict";var n,i=t("es5-ext/object/set-prototype-of"),a=t("d"),o=t("es6-symbol"),s=t("./"),l=Object.defineProperty;n=e.exports=function(t){if(!(this instanceof n))throw new TypeError("Constructor requires 'new'");t=String(t),s.call(this,t),l(this,"__length__",a("",t.length))},i&&i(n,s),delete n.prototype.constructor,n.prototype=Object.create(s.prototype,{_next:a((function(){if(this.__list__)return this.__nextIndex__=55296&&e<=56319?r+this.__list__[this.__nextIndex__++]:r}))}),l(n.prototype,o.toStringTag,a("c","String Iterator"))},{"./":220,d:155,"es5-ext/object/set-prototype-of":206,"es6-symbol":225}],223:[function(t,e,r){"use strict";var n=t("./is-iterable");e.exports=function(t){if(!n(t))throw new TypeError(t+" is not iterable");return t}},{"./is-iterable":221}],224:[function(t,e,r){(function(n,i){(function(){ +/*! + * @overview es6-promise - a tiny implementation of Promises/A+. + * @copyright Copyright (c) 2014 Yehuda Katz, Tom Dale, Stefan Penner and contributors (Conversion to ES6 API by Jake Archibald) + * @license Licensed under MIT license + * See https://raw.githubusercontent.com/stefanpenner/es6-promise/master/LICENSE + * @version v4.2.8+1e68dce6 + */ +!function(t,n){"object"==typeof r&&"undefined"!=typeof e?e.exports=n():t.ES6Promise=n()}(this,(function(){"use strict";function e(t){return"function"==typeof t}var r=Array.isArray?Array.isArray:function(t){return"[object Array]"===Object.prototype.toString.call(t)},a=0,o=void 0,s=void 0,l=function(t,e){g[a]=t,g[a+1]=e,2===(a+=2)&&(s?s(m):_())};var c="undefined"!=typeof window?window:void 0,u=c||{},f=u.MutationObserver||u.WebKitMutationObserver,h="undefined"==typeof self&&"undefined"!=typeof n&&"[object process]"==={}.toString.call(n),p="undefined"!=typeof Uint8ClampedArray&&"undefined"!=typeof importScripts&&"undefined"!=typeof MessageChannel;function d(){var t=setTimeout;return function(){return t(m,1)}}var g=new Array(1e3);function m(){for(var t=0;t=r-1){h=l.length-1;var d=t-e[r-1];for(p=0;p=r-1)for(var u=s.length-1,f=(e[r-1],0);f=0;--r)if(t[--e])return!1;return!0},s.jump=function(t){var e=this.lastT(),r=this.dimension;if(!(t0;--f)n.push(a(l[f-1],c[f-1],arguments[f])),i.push(0)}},s.push=function(t){var e=this.lastT(),r=this.dimension;if(!(t1e-6?1/s:0;this._time.push(t);for(var h=r;h>0;--h){var p=a(c[h-1],u[h-1],arguments[h]);n.push(p),i.push((p-n[o++])*f)}}},s.set=function(t){var e=this.dimension;if(!(t0;--l)r.push(a(o[l-1],s[l-1],arguments[l])),n.push(0)}},s.move=function(t){var e=this.lastT(),r=this.dimension;if(!(t<=e||arguments.length!==r+1)){var n=this._state,i=this._velocity,o=n.length-this.dimension,s=this.bounds,l=s[0],c=s[1],u=t-e,f=u>1e-6?1/u:0;this._time.push(t);for(var h=r;h>0;--h){var p=arguments[h];n.push(a(l[h-1],c[h-1],n[o++]+p)),i.push(p*f)}}},s.idle=function(t){var e=this.lastT();if(!(t=0;--f)n.push(a(l[f],c[f],n[o]+u*i[o])),i.push(0),o+=1}}},{"binary-search-bounds":243,"cubic-hermite":150}],243:[function(t,e,r){"use strict";function n(t,e,r,n,i,a){var o=["function ",t,"(a,l,h,",n.join(","),"){",a?"":"var i=",r?"l-1":"h+1",";while(l<=h){var m=(l+h)>>>1,x=a",i?".get(m)":"[m]"];return a?e.indexOf("c")<0?o.push(";if(x===y){return m}else if(x<=y){"):o.push(";var p=c(x,y);if(p===0){return m}else if(p<=0){"):o.push(";if(",e,"){i=m;"),r?o.push("l=m+1}else{h=m-1}"):o.push("h=m-1}else{l=m+1}"),o.push("}"),a?o.push("return -1};"):o.push("return i};"),o.join("")}function i(t,e,r,i){return new Function([n("A","x"+t+"y",e,["y"],!1,i),n("B","x"+t+"y",e,["y"],!0,i),n("P","c(x,y)"+t+"0",e,["y","c"],!1,i),n("Q","c(x,y)"+t+"0",e,["y","c"],!0,i),"function dispatchBsearch",r,"(a,y,c,l,h){if(a.shape){if(typeof(c)==='function'){return Q(a,(l===undefined)?0:l|0,(h===undefined)?a.shape[0]-1:h|0,y,c)}else{return B(a,(c===undefined)?0:c|0,(l===undefined)?a.shape[0]-1:l|0,y)}}else{if(typeof(c)==='function'){return P(a,(l===undefined)?0:l|0,(h===undefined)?a.length-1:h|0,y,c)}else{return A(a,(c===undefined)?0:c|0,(l===undefined)?a.length-1:l|0,y)}}}return dispatchBsearch",r].join(""))()}e.exports={ge:i(">=",!1,"GE"),gt:i(">",!1,"GT"),lt:i("<",!0,"LT"),le:i("<=",!0,"LE"),eq:i("-",!0,"EQ",!0)}},{}],244:[function(t,e,r){var n=t("dtype");e.exports=function(t,e,r){if(!t)throw new TypeError("must specify data as first parameter");if(r=0|+(r||0),Array.isArray(t)&&t[0]&&"number"==typeof t[0][0]){var i,a,o,s,l=t[0].length,c=t.length*l;e&&"string"!=typeof e||(e=new(n(e||"float32"))(c+r));var u=e.length-r;if(c!==u)throw new Error("source length "+c+" ("+l+"x"+t.length+") does not match destination length "+u);for(i=0,o=r;ie[0]-o[0]/2&&(h=o[0]/2,p+=o[1]);return r}},{"css-font/stringify":147}],246:[function(t,e,r){"use strict";function n(t,e){e||(e={}),("string"==typeof t||Array.isArray(t))&&(e.family=t);var r=Array.isArray(e.family)?e.family.join(", "):e.family;if(!r)throw Error("`family` must be defined");var s=e.size||e.fontSize||e.em||48,l=e.weight||e.fontWeight||"",c=(t=[e.style||e.fontStyle||"",l,s].join(" ")+"px "+r,e.origin||"top");if(n.cache[r]&&s<=n.cache[r].em)return i(n.cache[r],c);var u=e.canvas||n.canvas,f=u.getContext("2d"),h={upper:void 0!==e.upper?e.upper:"H",lower:void 0!==e.lower?e.lower:"x",descent:void 0!==e.descent?e.descent:"p",ascent:void 0!==e.ascent?e.ascent:"h",tittle:void 0!==e.tittle?e.tittle:"i",overshoot:void 0!==e.overshoot?e.overshoot:"O"},p=Math.ceil(1.5*s);u.height=p,u.width=.5*p,f.font=t;var d={top:0};f.clearRect(0,0,p,p),f.textBaseline="top",f.fillStyle="black",f.fillText("H",0,0);var g=a(f.getImageData(0,0,p,p));f.clearRect(0,0,p,p),f.textBaseline="bottom",f.fillText("H",0,p);var m=a(f.getImageData(0,0,p,p));d.lineHeight=d.bottom=p-m+g,f.clearRect(0,0,p,p),f.textBaseline="alphabetic",f.fillText("H",0,p);var v=p-a(f.getImageData(0,0,p,p))-1+g;d.baseline=d.alphabetic=v,f.clearRect(0,0,p,p),f.textBaseline="middle",f.fillText("H",0,.5*p);var y=a(f.getImageData(0,0,p,p));d.median=d.middle=p-y-1+g-.5*p,f.clearRect(0,0,p,p),f.textBaseline="hanging",f.fillText("H",0,.5*p);var x=a(f.getImageData(0,0,p,p));d.hanging=p-x-1+g-.5*p,f.clearRect(0,0,p,p),f.textBaseline="ideographic",f.fillText("H",0,p);var b=a(f.getImageData(0,0,p,p));if(d.ideographic=p-b-1+g,h.upper&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.upper,0,0),d.upper=a(f.getImageData(0,0,p,p)),d.capHeight=d.baseline-d.upper),h.lower&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.lower,0,0),d.lower=a(f.getImageData(0,0,p,p)),d.xHeight=d.baseline-d.lower),h.tittle&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.tittle,0,0),d.tittle=a(f.getImageData(0,0,p,p))),h.ascent&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.ascent,0,0),d.ascent=a(f.getImageData(0,0,p,p))),h.descent&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.descent,0,0),d.descent=o(f.getImageData(0,0,p,p))),h.overshoot){f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.overshoot,0,0);var _=o(f.getImageData(0,0,p,p));d.overshoot=_-v}for(var w in d)d[w]/=s;return d.em=s,n.cache[r]=d,i(d,c)}function i(t,e){var r={};for(var n in"string"==typeof e&&(e=t[e]),t)"em"!==n&&(r[n]=t[n]-e);return r}function a(t){for(var e=t.height,r=t.data,n=3;n0;n-=4)if(0!==r[n])return Math.floor(.25*(n-3)/e)}e.exports=n,n.canvas=document.createElement("canvas"),n.cache={}},{}],247:[function(t,e,r){"use strict";e.exports=function(t){return new s(t||g,null)};function n(t,e,r,n,i,a){this._color=t,this.key=e,this.value=r,this.left=n,this.right=i,this._count=a}function i(t){return new n(t._color,t.key,t.value,t.left,t.right,t._count)}function a(t,e){return new n(t,e.key,e.value,e.left,e.right,e._count)}function o(t){t._count=1+(t.left?t.left._count:0)+(t.right?t.right._count:0)}function s(t,e){this._compare=t,this.root=e}var l=s.prototype;function c(t,e){var r;if(e.left&&(r=c(t,e.left)))return r;return(r=t(e.key,e.value))||(e.right?c(t,e.right):void 0)}function u(t,e,r,n){if(e(t,n.key)<=0){var i;if(n.left)if(i=u(t,e,r,n.left))return i;if(i=r(n.key,n.value))return i}if(n.right)return u(t,e,r,n.right)}function f(t,e,r,n,i){var a,o=r(t,i.key),s=r(e,i.key);if(o<=0){if(i.left&&(a=f(t,e,r,n,i.left)))return a;if(s>0&&(a=n(i.key,i.value)))return a}if(s>0&&i.right)return f(t,e,r,n,i.right)}function h(t,e){this.tree=t,this._stack=e}Object.defineProperty(l,"keys",{get:function(){var t=[];return this.forEach((function(e,r){t.push(e)})),t}}),Object.defineProperty(l,"values",{get:function(){var t=[];return this.forEach((function(e,r){t.push(r)})),t}}),Object.defineProperty(l,"length",{get:function(){return this.root?this.root._count:0}}),l.insert=function(t,e){for(var r=this._compare,i=this.root,l=[],c=[];i;){var u=r(t,i.key);l.push(i),c.push(u),i=u<=0?i.left:i.right}l.push(new n(0,t,e,null,null,1));for(var f=l.length-2;f>=0;--f){i=l[f];c[f]<=0?l[f]=new n(i._color,i.key,i.value,l[f+1],i.right,i._count+1):l[f]=new n(i._color,i.key,i.value,i.left,l[f+1],i._count+1)}for(f=l.length-1;f>1;--f){var h=l[f-1];i=l[f];if(1===h._color||1===i._color)break;var p=l[f-2];if(p.left===h)if(h.left===i){if(!(d=p.right)||0!==d._color){if(p._color=0,p.left=h.right,h._color=1,h.right=p,l[f-2]=h,l[f-1]=i,o(p),o(h),f>=3)(g=l[f-3]).left===p?g.left=h:g.right=h;break}h._color=1,p.right=a(1,d),p._color=0,f-=1}else{if(!(d=p.right)||0!==d._color){if(h.right=i.left,p._color=0,p.left=i.right,i._color=1,i.left=h,i.right=p,l[f-2]=i,l[f-1]=h,o(p),o(h),o(i),f>=3)(g=l[f-3]).left===p?g.left=i:g.right=i;break}h._color=1,p.right=a(1,d),p._color=0,f-=1}else if(h.right===i){if(!(d=p.left)||0!==d._color){if(p._color=0,p.right=h.left,h._color=1,h.left=p,l[f-2]=h,l[f-1]=i,o(p),o(h),f>=3)(g=l[f-3]).right===p?g.right=h:g.left=h;break}h._color=1,p.left=a(1,d),p._color=0,f-=1}else{var d;if(!(d=p.left)||0!==d._color){var g;if(h.left=i.right,p._color=0,p.right=i.left,i._color=1,i.right=h,i.left=p,l[f-2]=i,l[f-1]=h,o(p),o(h),o(i),f>=3)(g=l[f-3]).right===p?g.right=i:g.left=i;break}h._color=1,p.left=a(1,d),p._color=0,f-=1}}return l[0]._color=1,new s(r,l[0])},l.forEach=function(t,e,r){if(this.root)switch(arguments.length){case 1:return c(t,this.root);case 2:return u(e,this._compare,t,this.root);case 3:if(this._compare(e,r)>=0)return;return f(e,r,this._compare,t,this.root)}},Object.defineProperty(l,"begin",{get:function(){for(var t=[],e=this.root;e;)t.push(e),e=e.left;return new h(this,t)}}),Object.defineProperty(l,"end",{get:function(){for(var t=[],e=this.root;e;)t.push(e),e=e.right;return new h(this,t)}}),l.at=function(t){if(t<0)return new h(this,[]);for(var e=this.root,r=[];;){if(r.push(e),e.left){if(t=e.right._count)break;e=e.right}return new h(this,[])},l.ge=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a<=0&&(i=n.length),r=a<=0?r.left:r.right}return n.length=i,new h(this,n)},l.gt=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a<0&&(i=n.length),r=a<0?r.left:r.right}return n.length=i,new h(this,n)},l.lt=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a>0&&(i=n.length),r=a<=0?r.left:r.right}return n.length=i,new h(this,n)},l.le=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a>=0&&(i=n.length),r=a<0?r.left:r.right}return n.length=i,new h(this,n)},l.find=function(t){for(var e=this._compare,r=this.root,n=[];r;){var i=e(t,r.key);if(n.push(r),0===i)return new h(this,n);r=i<=0?r.left:r.right}return new h(this,[])},l.remove=function(t){var e=this.find(t);return e?e.remove():this},l.get=function(t){for(var e=this._compare,r=this.root;r;){var n=e(t,r.key);if(0===n)return r.value;r=n<=0?r.left:r.right}};var p=h.prototype;function d(t,e){t.key=e.key,t.value=e.value,t.left=e.left,t.right=e.right,t._color=e._color,t._count=e._count}function g(t,e){return te?1:0}Object.defineProperty(p,"valid",{get:function(){return this._stack.length>0}}),Object.defineProperty(p,"node",{get:function(){return this._stack.length>0?this._stack[this._stack.length-1]:null},enumerable:!0}),p.clone=function(){return new h(this.tree,this._stack.slice())},p.remove=function(){var t=this._stack;if(0===t.length)return this.tree;var e=new Array(t.length),r=t[t.length-1];e[e.length-1]=new n(r._color,r.key,r.value,r.left,r.right,r._count);for(var l=t.length-2;l>=0;--l){(r=t[l]).left===t[l+1]?e[l]=new n(r._color,r.key,r.value,e[l+1],r.right,r._count):e[l]=new n(r._color,r.key,r.value,r.left,e[l+1],r._count)}if((r=e[e.length-1]).left&&r.right){var c=e.length;for(r=r.left;r.right;)e.push(r),r=r.right;var u=e[c-1];e.push(new n(r._color,u.key,u.value,r.left,r.right,r._count)),e[c-1].key=r.key,e[c-1].value=r.value;for(l=e.length-2;l>=c;--l)r=e[l],e[l]=new n(r._color,r.key,r.value,r.left,e[l+1],r._count);e[c-1].left=e[c]}if(0===(r=e[e.length-1])._color){var f=e[e.length-2];f.left===r?f.left=null:f.right===r&&(f.right=null),e.pop();for(l=0;l=0;--l){if(e=t[l],0===l)return void(e._color=1);if((r=t[l-1]).left===e){if((n=r.right).right&&0===n.right._color){if(s=(n=r.right=i(n)).right=i(n.right),r.right=n.left,n.left=r,n.right=s,n._color=r._color,e._color=1,r._color=1,s._color=1,o(r),o(n),l>1)(c=t[l-2]).left===r?c.left=n:c.right=n;return void(t[l-1]=n)}if(n.left&&0===n.left._color){if(s=(n=r.right=i(n)).left=i(n.left),r.right=s.left,n.left=s.right,s.left=r,s.right=n,s._color=r._color,r._color=1,n._color=1,e._color=1,o(r),o(n),o(s),l>1)(c=t[l-2]).left===r?c.left=s:c.right=s;return void(t[l-1]=s)}if(1===n._color){if(0===r._color)return r._color=1,void(r.right=a(0,n));r.right=a(0,n);continue}n=i(n),r.right=n.left,n.left=r,n._color=r._color,r._color=0,o(r),o(n),l>1&&((c=t[l-2]).left===r?c.left=n:c.right=n),t[l-1]=n,t[l]=r,l+11)(c=t[l-2]).right===r?c.right=n:c.left=n;return void(t[l-1]=n)}if(n.right&&0===n.right._color){if(s=(n=r.left=i(n)).right=i(n.right),r.left=s.right,n.right=s.left,s.right=r,s.left=n,s._color=r._color,r._color=1,n._color=1,e._color=1,o(r),o(n),o(s),l>1)(c=t[l-2]).right===r?c.right=s:c.left=s;return void(t[l-1]=s)}if(1===n._color){if(0===r._color)return r._color=1,void(r.left=a(0,n));r.left=a(0,n);continue}var c;n=i(n),r.left=n.right,n.right=r,n._color=r._color,r._color=0,o(r),o(n),l>1&&((c=t[l-2]).right===r?c.right=n:c.left=n),t[l-1]=n,t[l]=r,l+10)return this._stack[this._stack.length-1].key},enumerable:!0}),Object.defineProperty(p,"value",{get:function(){if(this._stack.length>0)return this._stack[this._stack.length-1].value},enumerable:!0}),Object.defineProperty(p,"index",{get:function(){var t=0,e=this._stack;if(0===e.length){var r=this.tree.root;return r?r._count:0}e[e.length-1].left&&(t=e[e.length-1].left._count);for(var n=e.length-2;n>=0;--n)e[n+1]===e[n].right&&(++t,e[n].left&&(t+=e[n].left._count));return t},enumerable:!0}),p.next=function(){var t=this._stack;if(0!==t.length){var e=t[t.length-1];if(e.right)for(e=e.right;e;)t.push(e),e=e.left;else for(t.pop();t.length>0&&t[t.length-1].right===e;)e=t[t.length-1],t.pop()}},Object.defineProperty(p,"hasNext",{get:function(){var t=this._stack;if(0===t.length)return!1;if(t[t.length-1].right)return!0;for(var e=t.length-1;e>0;--e)if(t[e-1].left===t[e])return!0;return!1}}),p.update=function(t){var e=this._stack;if(0===e.length)throw new Error("Can't update empty node!");var r=new Array(e.length),i=e[e.length-1];r[r.length-1]=new n(i._color,i.key,t,i.left,i.right,i._count);for(var a=e.length-2;a>=0;--a)(i=e[a]).left===e[a+1]?r[a]=new n(i._color,i.key,i.value,r[a+1],i.right,i._count):r[a]=new n(i._color,i.key,i.value,i.left,r[a+1],i._count);return new s(this.tree._compare,r[0])},p.prev=function(){var t=this._stack;if(0!==t.length){var e=t[t.length-1];if(e.left)for(e=e.left;e;)t.push(e),e=e.right;else for(t.pop();t.length>0&&t[t.length-1].left===e;)e=t[t.length-1],t.pop()}},Object.defineProperty(p,"hasPrev",{get:function(){var t=this._stack;if(0===t.length)return!1;if(t[t.length-1].left)return!0;for(var e=t.length-1;e>0;--e)if(t[e-1].right===t[e])return!0;return!1}})},{}],248:[function(t,e,r){var n=[.9999999999998099,676.5203681218851,-1259.1392167224028,771.3234287776531,-176.6150291621406,12.507343278686905,-.13857109526572012,9984369578019572e-21,1.5056327351493116e-7],i=[.9999999999999971,57.15623566586292,-59.59796035547549,14.136097974741746,-.4919138160976202,3399464998481189e-20,4652362892704858e-20,-9837447530487956e-20,.0001580887032249125,-.00021026444172410488,.00021743961811521265,-.0001643181065367639,8441822398385275e-20,-26190838401581408e-21,36899182659531625e-22];function a(t){if(t<0)return Number("0/0");for(var e=i[0],r=i.length-1;r>0;--r)e+=i[r]/(t+r);var n=t+607/128+.5;return.5*Math.log(2*Math.PI)+(t+.5)*Math.log(n)-n+Math.log(e)-Math.log(t)}e.exports=function t(e){if(e<.5)return Math.PI/(Math.sin(Math.PI*e)*t(1-e));if(e>100)return Math.exp(a(e));e-=1;for(var r=n[0],i=1;i<9;i++)r+=n[i]/(e+i);var o=e+7+.5;return Math.sqrt(2*Math.PI)*Math.pow(o,e+.5)*Math.exp(-o)*r},e.exports.log=a},{}],249:[function(t,e,r){e.exports=function(t,e){if("string"!=typeof t)throw new TypeError("must specify type string");if(e=e||{},"undefined"==typeof document&&!e.canvas)return null;var r=e.canvas||document.createElement("canvas");"number"==typeof e.width&&(r.width=e.width);"number"==typeof e.height&&(r.height=e.height);var n,i=e;try{var a=[t];0===t.indexOf("webgl")&&a.push("experimental-"+t);for(var o=0;o0?(p[u]=-1,d[u]=0):(p[u]=0,d[u]=1)}}var g=[0,0,0],m={model:l,view:l,projection:l,_ortho:!1};f.isOpaque=function(){return!0},f.isTransparent=function(){return!1},f.drawTransparent=function(t){};var v=[0,0,0],y=[0,0,0],x=[0,0,0];f.draw=function(t){t=t||m;for(var e=this.gl,r=t.model||l,n=t.view||l,i=t.projection||l,a=this.bounds,s=t._ortho||!1,u=o(r,n,i,a,s),f=u.cubeEdges,h=u.axis,b=n[12],_=n[13],w=n[14],T=n[15],k=(s?2:1)*this.pixelRatio*(i[3]*b+i[7]*_+i[11]*w+i[15]*T)/e.drawingBufferHeight,M=0;M<3;++M)this.lastCubeProps.cubeEdges[M]=f[M],this.lastCubeProps.axis[M]=h[M];var A=p;for(M=0;M<3;++M)d(p[M],M,this.bounds,f,h);e=this.gl;var S,E=g;for(M=0;M<3;++M)this.backgroundEnable[M]?E[M]=h[M]:E[M]=0;this._background.draw(r,n,i,a,E,this.backgroundColor),this._lines.bind(r,n,i,this);for(M=0;M<3;++M){var C=[0,0,0];h[M]>0?C[M]=a[1][M]:C[M]=a[0][M];for(var L=0;L<2;++L){var I=(M+1+L)%3,P=(M+1+(1^L))%3;this.gridEnable[I]&&this._lines.drawGrid(I,P,this.bounds,C,this.gridColor[I],this.gridWidth[I]*this.pixelRatio)}for(L=0;L<2;++L){I=(M+1+L)%3,P=(M+1+(1^L))%3;this.zeroEnable[P]&&Math.min(a[0][P],a[1][P])<=0&&Math.max(a[0][P],a[1][P])>=0&&this._lines.drawZero(I,P,this.bounds,C,this.zeroLineColor[P],this.zeroLineWidth[P]*this.pixelRatio)}}for(M=0;M<3;++M){this.lineEnable[M]&&this._lines.drawAxisLine(M,this.bounds,A[M].primalOffset,this.lineColor[M],this.lineWidth[M]*this.pixelRatio),this.lineMirror[M]&&this._lines.drawAxisLine(M,this.bounds,A[M].mirrorOffset,this.lineColor[M],this.lineWidth[M]*this.pixelRatio);var z=c(v,A[M].primalMinor),O=c(y,A[M].mirrorMinor),D=this.lineTickLength;for(L=0;L<3;++L){var R=k/r[5*L];z[L]*=D[L]*R,O[L]*=D[L]*R}this.lineTickEnable[M]&&this._lines.drawAxisTicks(M,A[M].primalOffset,z,this.lineTickColor[M],this.lineTickWidth[M]*this.pixelRatio),this.lineTickMirror[M]&&this._lines.drawAxisTicks(M,A[M].mirrorOffset,O,this.lineTickColor[M],this.lineTickWidth[M]*this.pixelRatio)}this._lines.unbind(),this._text.bind(r,n,i,this.pixelRatio);var F,B;function N(t){(B=[0,0,0])[t]=1}function j(t,e,r){var n=(t+1)%3,i=(t+2)%3,a=e[n],o=e[i],s=r[n],l=r[i];a>0&&l>0||a>0&&l<0||a<0&&l>0||a<0&&l<0?N(n):(o>0&&s>0||o>0&&s<0||o<0&&s>0||o<0&&s<0)&&N(i)}for(M=0;M<3;++M){var U=A[M].primalMinor,V=A[M].mirrorMinor,q=c(x,A[M].primalOffset);for(L=0;L<3;++L)this.lineTickEnable[M]&&(q[L]+=k*U[L]*Math.max(this.lineTickLength[L],0)/r[5*L]);var H=[0,0,0];if(H[M]=1,this.tickEnable[M]){-3600===this.tickAngle[M]?(this.tickAngle[M]=0,this.tickAlign[M]="auto"):this.tickAlign[M]=-1,F=1,"auto"===(S=[this.tickAlign[M],.5,F])[0]?S[0]=0:S[0]=parseInt(""+S[0]),B=[0,0,0],j(M,U,V);for(L=0;L<3;++L)q[L]+=k*U[L]*this.tickPad[L]/r[5*L];this._text.drawTicks(M,this.tickSize[M],this.tickAngle[M],q,this.tickColor[M],H,B,S)}if(this.labelEnable[M]){F=0,B=[0,0,0],this.labels[M].length>4&&(N(M),F=1),"auto"===(S=[this.labelAlign[M],.5,F])[0]?S[0]=0:S[0]=parseInt(""+S[0]);for(L=0;L<3;++L)q[L]+=k*U[L]*this.labelPad[L]/r[5*L];q[M]+=.5*(a[0][M]+a[1][M]),this._text.drawLabel(M,this.labelSize[M],this.labelAngle[M],q,this.labelColor[M],[0,0,0],B,S)}}this._text.unbind()},f.dispose=function(){this._text.dispose(),this._lines.dispose(),this._background.dispose(),this._lines=null,this._text=null,this._background=null,this.gl=null}},{"./lib/background.js":251,"./lib/cube.js":252,"./lib/lines.js":253,"./lib/text.js":255,"./lib/ticks.js":256}],251:[function(t,e,r){"use strict";e.exports=function(t){for(var e=[],r=[],s=0,l=0;l<3;++l)for(var c=(l+1)%3,u=(l+2)%3,f=[0,0,0],h=[0,0,0],p=-1;p<=1;p+=2){r.push(s,s+2,s+1,s+1,s+2,s+3),f[l]=p,h[l]=p;for(var d=-1;d<=1;d+=2){f[c]=d;for(var g=-1;g<=1;g+=2)f[u]=g,e.push(f[0],f[1],f[2],h[0],h[1],h[2]),s+=1}var m=c;c=u,u=m}var v=n(t,new Float32Array(e)),y=n(t,new Uint16Array(r),t.ELEMENT_ARRAY_BUFFER),x=i(t,[{buffer:v,type:t.FLOAT,size:3,offset:0,stride:24},{buffer:v,type:t.FLOAT,size:3,offset:12,stride:24}],y),b=a(t);return b.attributes.position.location=0,b.attributes.normal.location=1,new o(t,v,x,b)};var n=t("gl-buffer"),i=t("gl-vao"),a=t("./shaders").bg;function o(t,e,r,n){this.gl=t,this.buffer=e,this.vao=r,this.shader=n}var s=o.prototype;s.draw=function(t,e,r,n,i,a){for(var o=!1,s=0;s<3;++s)o=o||i[s];if(o){var l=this.gl;l.enable(l.POLYGON_OFFSET_FILL),l.polygonOffset(1,2),this.shader.bind(),this.shader.uniforms={model:t,view:e,projection:r,bounds:n,enable:i,colors:a},this.vao.bind(),this.vao.draw(this.gl.TRIANGLES,36),this.vao.unbind(),l.disable(l.POLYGON_OFFSET_FILL)}},s.dispose=function(){this.vao.dispose(),this.buffer.dispose(),this.shader.dispose()}},{"./shaders":254,"gl-buffer":259,"gl-vao":358}],252:[function(t,e,r){"use strict";e.exports=function(t,e,r,a,p){i(s,e,t),i(s,r,s);for(var y=0,x=0;x<2;++x){u[2]=a[x][2];for(var b=0;b<2;++b){u[1]=a[b][1];for(var _=0;_<2;++_)u[0]=a[_][0],h(l[y],u,s),y+=1}}var w=-1;for(x=0;x<8;++x){for(var T=l[x][3],k=0;k<3;++k)c[x][k]=l[x][k]/T;p&&(c[x][2]*=-1),T<0&&(w<0||c[x][2]E&&(w|=1<E&&(w|=1<c[x][1])&&(R=x);var F=-1;for(x=0;x<3;++x){if((N=R^1<c[B][0]&&(B=N)}var j=g;j[0]=j[1]=j[2]=0,j[n.log2(F^R)]=R&F,j[n.log2(R^B)]=R&B;var U=7^B;U===w||U===D?(U=7^F,j[n.log2(B^U)]=U&B):j[n.log2(F^U)]=U&F;var V=m,q=w;for(M=0;M<3;++M)V[M]=q&1< HALF_PI) && (b <= ONE_AND_HALF_PI)) ?\n b - PI :\n b;\n}\n\nfloat look_horizontal_or_vertical(float a, float ratio) {\n // ratio controls the ratio between being horizontal to (vertical + horizontal)\n // if ratio is set to 0.5 then it is 50%, 50%.\n // when using a higher ratio e.g. 0.75 the result would\n // likely be more horizontal than vertical.\n\n float b = positive_angle(a);\n\n return\n (b < ( ratio) * HALF_PI) ? 0.0 :\n (b < (2.0 - ratio) * HALF_PI) ? -HALF_PI :\n (b < (2.0 + ratio) * HALF_PI) ? 0.0 :\n (b < (4.0 - ratio) * HALF_PI) ? HALF_PI :\n 0.0;\n}\n\nfloat roundTo(float a, float b) {\n return float(b * floor((a + 0.5 * b) / b));\n}\n\nfloat look_round_n_directions(float a, int n) {\n float b = positive_angle(a);\n float div = TWO_PI / float(n);\n float c = roundTo(b, div);\n return look_upwards(c);\n}\n\nfloat applyAlignOption(float rawAngle, float delta) {\n return\n (option > 2) ? look_round_n_directions(rawAngle + delta, option) : // option 3-n: round to n directions\n (option == 2) ? look_horizontal_or_vertical(rawAngle + delta, hv_ratio) : // horizontal or vertical\n (option == 1) ? rawAngle + delta : // use free angle, and flip to align with one direction of the axis\n (option == 0) ? look_upwards(rawAngle) : // use free angle, and stay upwards\n (option ==-1) ? 0.0 : // useful for backward compatibility, all texts remains horizontal\n rawAngle; // otherwise return back raw input angle\n}\n\nbool isAxisTitle = (axis.x == 0.0) &&\n (axis.y == 0.0) &&\n (axis.z == 0.0);\n\nvoid main() {\n //Compute world offset\n float axisDistance = position.z;\n vec3 dataPosition = axisDistance * axis + offset;\n\n float beta = angle; // i.e. user defined attributes for each tick\n\n float axisAngle;\n float clipAngle;\n float flip;\n\n if (enableAlign) {\n axisAngle = (isAxisTitle) ? HALF_PI :\n computeViewAngle(dataPosition, dataPosition + axis);\n clipAngle = computeViewAngle(dataPosition, dataPosition + alignDir);\n\n axisAngle += (sin(axisAngle) < 0.0) ? PI : 0.0;\n clipAngle += (sin(clipAngle) < 0.0) ? PI : 0.0;\n\n flip = (dot(vec2(cos(axisAngle), sin(axisAngle)),\n vec2(sin(clipAngle),-cos(clipAngle))) > 0.0) ? 1.0 : 0.0;\n\n beta += applyAlignOption(clipAngle, flip * PI);\n }\n\n //Compute plane offset\n vec2 planeCoord = position.xy * pixelScale;\n\n mat2 planeXform = scale * mat2(\n cos(beta), sin(beta),\n -sin(beta), cos(beta)\n );\n\n vec2 viewOffset = 2.0 * planeXform * planeCoord / resolution;\n\n //Compute clip position\n vec3 clipPosition = project(dataPosition);\n\n //Apply text offset in clip coordinates\n clipPosition += vec3(viewOffset, 0.0);\n\n //Done\n gl_Position = vec4(clipPosition, 1.0);\n}"]),l=n(["precision highp float;\n#define GLSLIFY 1\n\nuniform vec4 color;\nvoid main() {\n gl_FragColor = color;\n}"]);r.text=function(t){return i(t,s,l,null,[{name:"position",type:"vec3"}])};var c=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position;\nattribute vec3 normal;\n\nuniform mat4 model, view, projection;\nuniform vec3 enable;\nuniform vec3 bounds[2];\n\nvarying vec3 colorChannel;\n\nvoid main() {\n\n vec3 signAxis = sign(bounds[1] - bounds[0]);\n\n vec3 realNormal = signAxis * normal;\n\n if(dot(realNormal, enable) > 0.0) {\n vec3 minRange = min(bounds[0], bounds[1]);\n vec3 maxRange = max(bounds[0], bounds[1]);\n vec3 nPosition = mix(minRange, maxRange, 0.5 * (position + 1.0));\n gl_Position = projection * view * model * vec4(nPosition, 1.0);\n } else {\n gl_Position = vec4(0,0,0,0);\n }\n\n colorChannel = abs(realNormal);\n}"]),u=n(["precision highp float;\n#define GLSLIFY 1\n\nuniform vec4 colors[3];\n\nvarying vec3 colorChannel;\n\nvoid main() {\n gl_FragColor = colorChannel.x * colors[0] +\n colorChannel.y * colors[1] +\n colorChannel.z * colors[2];\n}"]);r.bg=function(t){return i(t,c,u,null,[{name:"position",type:"vec3"},{name:"normal",type:"vec3"}])}},{"gl-shader":335,glslify:257}],255:[function(t,e,r){(function(r){(function(){"use strict";e.exports=function(t,e,r,a,s,l){var u=n(t),f=i(t,[{buffer:u,size:3}]),h=o(t);h.attributes.position.location=0;var p=new c(t,h,u,f);return p.update(e,r,a,s,l),p};var n=t("gl-buffer"),i=t("gl-vao"),a=t("vectorize-text"),o=t("./shaders").text,s=window||r.global||{},l=s.__TEXT_CACHE||{};s.__TEXT_CACHE={};function c(t,e,r,n){this.gl=t,this.shader=e,this.buffer=r,this.vao=n,this.tickOffset=this.tickCount=this.labelOffset=this.labelCount=null}var u=c.prototype,f=[0,0];u.bind=function(t,e,r,n){this.vao.bind(),this.shader.bind();var i=this.shader.uniforms;i.model=t,i.view=e,i.projection=r,i.pixelScale=n,f[0]=this.gl.drawingBufferWidth,f[1]=this.gl.drawingBufferHeight,this.shader.uniforms.resolution=f},u.unbind=function(){this.vao.unbind()},u.update=function(t,e,r,n,i){var o=[];function s(t,e,r,n,i,s){var c=l[r];c||(c=l[r]={});var u=c[e];u||(u=c[e]=function(t,e){try{return a(t,e)}catch(e){return console.warn('error vectorizing text:"'+t+'" error:',e),{cells:[],positions:[]}}}(e,{triangles:!0,font:r,textAlign:"center",textBaseline:"middle",lineSpacing:i,styletags:s}));for(var f=(n||12)/12,h=u.positions,p=u.cells,d=0,g=p.length;d=0;--v){var y=h[m[v]];o.push(f*y[0],-f*y[1],t)}}for(var c=[0,0,0],u=[0,0,0],f=[0,0,0],h=[0,0,0],p={breaklines:!0,bolds:!0,italics:!0,subscripts:!0,superscripts:!0},d=0;d<3;++d){f[d]=o.length/3|0,s(.5*(t[0][d]+t[1][d]),e[d],r[d],12,1.25,p),h[d]=(o.length/3|0)-f[d],c[d]=o.length/3|0;for(var g=0;g=0&&(i=r.length-n-1);var a=Math.pow(10,i),o=Math.round(t*e*a),s=o+"";if(s.indexOf("e")>=0)return s;var l=o/a,c=o%a;o<0?(l=0|-Math.ceil(l),c=0|-c):(l=0|Math.floor(l),c|=0);var u=""+l;if(o<0&&(u="-"+u),i){for(var f=""+c;f.length=t[0][i];--o)a.push({x:o*e[i],text:n(e[i],o)});r.push(a)}return r},r.equal=function(t,e){for(var r=0;r<3;++r){if(t[r].length!==e[r].length)return!1;for(var n=0;nr)throw new Error("gl-buffer: If resizing buffer, must not specify offset");return t.bufferSubData(e,a,i),r}function u(t,e){for(var r=n.malloc(t.length,e),i=t.length,a=0;a=0;--n){if(e[n]!==r)return!1;r*=t[n]}return!0}(t.shape,t.stride))0===t.offset&&t.data.length===t.shape[0]?this.length=c(this.gl,this.type,this.length,this.usage,t.data,e):this.length=c(this.gl,this.type,this.length,this.usage,t.data.subarray(t.offset,t.shape[0]),e);else{var s=n.malloc(t.size,r),l=a(s,t.shape);i.assign(l,t),this.length=c(this.gl,this.type,this.length,this.usage,e<0?s:s.subarray(0,t.size),e),n.free(s)}}else if(Array.isArray(t)){var f;f=this.type===this.gl.ELEMENT_ARRAY_BUFFER?u(t,"uint16"):u(t,"float32"),this.length=c(this.gl,this.type,this.length,this.usage,e<0?f:f.subarray(0,t.length),e),n.free(f)}else if("object"==typeof t&&"number"==typeof t.length)this.length=c(this.gl,this.type,this.length,this.usage,t,e);else{if("number"!=typeof t&&void 0!==t)throw new Error("gl-buffer: Invalid data type");if(e>=0)throw new Error("gl-buffer: Cannot specify offset when resizing buffer");(t|=0)<=0&&(t=1),this.gl.bufferData(this.type,0|t,this.usage),this.length=t}},e.exports=function(t,e,r,n){if(r=r||t.ARRAY_BUFFER,n=n||t.DYNAMIC_DRAW,r!==t.ARRAY_BUFFER&&r!==t.ELEMENT_ARRAY_BUFFER)throw new Error("gl-buffer: Invalid type for webgl buffer, must be either gl.ARRAY_BUFFER or gl.ELEMENT_ARRAY_BUFFER");if(n!==t.DYNAMIC_DRAW&&n!==t.STATIC_DRAW&&n!==t.STREAM_DRAW)throw new Error("gl-buffer: Invalid usage for buffer, must be either gl.DYNAMIC_DRAW, gl.STATIC_DRAW or gl.STREAM_DRAW");var i=t.createBuffer(),a=new s(t,r,i,0,n);return a.update(e),a}},{ndarray:495,"ndarray-ops":490,"typedarray-pool":595}],260:[function(t,e,r){"use strict";var n=t("gl-vec3");e.exports=function(t,e){var r=t.positions,i=t.vectors,a={positions:[],vertexIntensity:[],vertexIntensityBounds:t.vertexIntensityBounds,vectors:[],cells:[],coneOffset:t.coneOffset,colormap:t.colormap};if(0===t.positions.length)return e&&(e[0]=[0,0,0],e[1]=[0,0,0]),a;for(var o=0,s=1/0,l=-1/0,c=1/0,u=-1/0,f=1/0,h=-1/0,p=null,d=null,g=[],m=1/0,v=!1,y=0;yo&&(o=n.length(b)),y){var _=2*n.distance(p,x)/(n.length(d)+n.length(b));_?(m=Math.min(m,_),v=!1):v=!0}v||(p=x,d=b),g.push(b)}var w=[s,c,f],T=[l,u,h];e&&(e[0]=w,e[1]=T),0===o&&(o=1);var k=1/o;isFinite(m)||(m=1),a.vectorScale=m;var M=t.coneSize||.5;t.absoluteConeSize&&(M=t.absoluteConeSize*k),a.coneScale=M;y=0;for(var A=0;y=1},p.isTransparent=function(){return this.opacity<1},p.pickSlots=1,p.setPickBase=function(t){this.pickId=t},p.update=function(t){t=t||{};var e=this.gl;this.dirty=!0,"lightPosition"in t&&(this.lightPosition=t.lightPosition),"opacity"in t&&(this.opacity=t.opacity),"ambient"in t&&(this.ambientLight=t.ambient),"diffuse"in t&&(this.diffuseLight=t.diffuse),"specular"in t&&(this.specularLight=t.specular),"roughness"in t&&(this.roughness=t.roughness),"fresnel"in t&&(this.fresnel=t.fresnel),void 0!==t.tubeScale&&(this.tubeScale=t.tubeScale),void 0!==t.vectorScale&&(this.vectorScale=t.vectorScale),void 0!==t.coneScale&&(this.coneScale=t.coneScale),void 0!==t.coneOffset&&(this.coneOffset=t.coneOffset),t.colormap&&(this.texture.shape=[256,256],this.texture.minFilter=e.LINEAR_MIPMAP_LINEAR,this.texture.magFilter=e.LINEAR,this.texture.setPixels(function(t){for(var e=u({colormap:t,nshades:256,format:"rgba"}),r=new Uint8Array(1024),n=0;n<256;++n){for(var i=e[n],a=0;a<3;++a)r[4*n+a]=i[a];r[4*n+3]=255*i[3]}return c(r,[256,256,4],[4,0,1])}(t.colormap)),this.texture.generateMipmap());var r=t.cells,n=t.positions,i=t.vectors;if(n&&r&&i){var a=[],o=[],s=[],l=[],f=[];this.cells=r,this.positions=n,this.vectors=i;var h=t.meshColor||[1,1,1,1],p=t.vertexIntensity,d=1/0,g=-1/0;if(p)if(t.vertexIntensityBounds)d=+t.vertexIntensityBounds[0],g=+t.vertexIntensityBounds[1];else for(var m=0;m0){var g=this.triShader;g.bind(),g.uniforms=c,this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind()}},p.drawPick=function(t){t=t||{};for(var e=this.gl,r=t.model||f,n=t.view||f,i=t.projection||f,a=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],o=0;o<3;++o)a[0][o]=Math.max(a[0][o],this.clipBounds[0][o]),a[1][o]=Math.min(a[1][o],this.clipBounds[1][o]);this._model=[].slice.call(r),this._view=[].slice.call(n),this._projection=[].slice.call(i),this._resolution=[e.drawingBufferWidth,e.drawingBufferHeight];var s={model:r,view:n,projection:i,clipBounds:a,tubeScale:this.tubeScale,vectorScale:this.vectorScale,coneScale:this.coneScale,coneOffset:this.coneOffset,pickId:this.pickId/255},l=this.pickShader;l.bind(),l.uniforms=s,this.triangleCount>0&&(this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind())},p.pick=function(t){if(!t)return null;if(t.id!==this.pickId)return null;var e=t.value[0]+256*t.value[1]+65536*t.value[2],r=this.cells[e],n=this.positions[r[1]].slice(0,3),i={position:n,dataCoordinate:n,index:Math.floor(r[1]/48)};return"cone"===this.traceType?i.index=Math.floor(r[1]/48):"streamtube"===this.traceType&&(i.intensity=this.intensity[r[1]],i.velocity=this.vectors[r[1]].slice(0,3),i.divergence=this.vectors[r[1]][3],i.index=e),i},p.dispose=function(){this.texture.dispose(),this.triShader.dispose(),this.pickShader.dispose(),this.triangleVAO.dispose(),this.trianglePositions.dispose(),this.triangleVectors.dispose(),this.triangleColors.dispose(),this.triangleUVs.dispose(),this.triangleIds.dispose()},e.exports=function(t,e,r){var n=r.shaders;1===arguments.length&&(t=(e=t).gl);var s=d(t,n),l=g(t,n),u=o(t,c(new Uint8Array([255,255,255,255]),[1,1,4]));u.generateMipmap(),u.minFilter=t.LINEAR_MIPMAP_LINEAR,u.magFilter=t.LINEAR;var f=i(t),p=i(t),m=i(t),v=i(t),y=i(t),x=a(t,[{buffer:f,type:t.FLOAT,size:4},{buffer:y,type:t.UNSIGNED_BYTE,size:4,normalized:!0},{buffer:m,type:t.FLOAT,size:4},{buffer:v,type:t.FLOAT,size:2},{buffer:p,type:t.FLOAT,size:4}]),b=new h(t,u,s,l,f,p,y,m,v,x,r.traceType||"cone");return b.update(e),b}},{colormap:131,"gl-buffer":259,"gl-mat4/invert":293,"gl-mat4/multiply":295,"gl-shader":335,"gl-texture2d":353,"gl-vao":358,ndarray:495}],262:[function(t,e,r){var n=t("glslify"),i=n(["precision highp float;\n\nprecision highp float;\n#define GLSLIFY 1\n\nvec3 getOrthogonalVector(vec3 v) {\n // Return up-vector for only-z vector.\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\n // Assign z = 0, x = -b, y = a:\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\n return normalize(vec3(-v.y, v.x, 0.0));\n } else {\n return normalize(vec3(0.0, v.z, -v.y));\n }\n}\n\n// Calculate the cone vertex and normal at the given index.\n//\n// The returned vertex is for a cone with its top at origin and height of 1.0,\n// pointing in the direction of the vector attribute.\n//\n// Each cone is made up of a top vertex, a center base vertex and base perimeter vertices.\n// These vertices are used to make up the triangles of the cone by the following:\n// segment + 0 top vertex\n// segment + 1 perimeter vertex a+1\n// segment + 2 perimeter vertex a\n// segment + 3 center base vertex\n// segment + 4 perimeter vertex a\n// segment + 5 perimeter vertex a+1\n// Where segment is the number of the radial segment * 6 and a is the angle at that radial segment.\n// To go from index to segment, floor(index / 6)\n// To go from segment to angle, 2*pi * (segment/segmentCount)\n// To go from index to segment index, index - (segment*6)\n//\nvec3 getConePosition(vec3 d, float rawIndex, float coneOffset, out vec3 normal) {\n\n const float segmentCount = 8.0;\n\n float index = rawIndex - floor(rawIndex /\n (segmentCount * 6.0)) *\n (segmentCount * 6.0);\n\n float segment = floor(0.001 + index/6.0);\n float segmentIndex = index - (segment*6.0);\n\n normal = -normalize(d);\n\n if (segmentIndex > 2.99 && segmentIndex < 3.01) {\n return mix(vec3(0.0), -d, coneOffset);\n }\n\n float nextAngle = (\n (segmentIndex > 0.99 && segmentIndex < 1.01) ||\n (segmentIndex > 4.99 && segmentIndex < 5.01)\n ) ? 1.0 : 0.0;\n float angle = 2.0 * 3.14159 * ((segment + nextAngle) / segmentCount);\n\n vec3 v1 = mix(d, vec3(0.0), coneOffset);\n vec3 v2 = v1 - d;\n\n vec3 u = getOrthogonalVector(d);\n vec3 v = normalize(cross(u, d));\n\n vec3 x = u * cos(angle) * length(d)*0.25;\n vec3 y = v * sin(angle) * length(d)*0.25;\n vec3 v3 = v2 + x + y;\n if (segmentIndex < 3.0) {\n vec3 tx = u * sin(angle);\n vec3 ty = v * -cos(angle);\n vec3 tangent = tx + ty;\n normal = normalize(cross(v3 - v1, tangent));\n }\n\n if (segmentIndex == 0.0) {\n return mix(d, vec3(0.0), coneOffset);\n }\n return v3;\n}\n\nattribute vec3 vector;\nattribute vec4 color, position;\nattribute vec2 uv;\n\nuniform float vectorScale, coneScale, coneOffset;\nuniform mat4 model, view, projection, inverseModel;\nuniform vec3 eyePosition, lightPosition;\n\nvarying vec3 f_normal, f_lightDirection, f_eyeDirection, f_data, f_position;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n // Scale the vector magnitude to stay constant with\n // model & view changes.\n vec3 normal;\n vec3 XYZ = getConePosition(mat3(model) * ((vectorScale * coneScale) * vector), position.w, coneOffset, normal);\n vec4 conePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\n\n //Lighting geometry parameters\n vec4 cameraCoordinate = view * conePosition;\n cameraCoordinate.xyz /= cameraCoordinate.w;\n f_lightDirection = lightPosition - cameraCoordinate.xyz;\n f_eyeDirection = eyePosition - cameraCoordinate.xyz;\n f_normal = normalize((vec4(normal, 0.0) * inverseModel).xyz);\n\n // vec4 m_position = model * vec4(conePosition, 1.0);\n vec4 t_position = view * conePosition;\n gl_Position = projection * t_position;\n\n f_color = color;\n f_data = conePosition.xyz;\n f_position = position.xyz;\n f_uv = uv;\n}\n"]),a=n(["#extension GL_OES_standard_derivatives : enable\n\nprecision highp float;\n#define GLSLIFY 1\n\nfloat beckmannDistribution(float x, float roughness) {\n float NdotH = max(x, 0.0001);\n float cos2Alpha = NdotH * NdotH;\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\n float roughness2 = roughness * roughness;\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\n return exp(tan2Alpha / roughness2) / denom;\n}\n\nfloat cookTorranceSpecular(\n vec3 lightDirection,\n vec3 viewDirection,\n vec3 surfaceNormal,\n float roughness,\n float fresnel) {\n\n float VdotN = max(dot(viewDirection, surfaceNormal), 0.0);\n float LdotN = max(dot(lightDirection, surfaceNormal), 0.0);\n\n //Half angle vector\n vec3 H = normalize(lightDirection + viewDirection);\n\n //Geometric term\n float NdotH = max(dot(surfaceNormal, H), 0.0);\n float VdotH = max(dot(viewDirection, H), 0.000001);\n float LdotH = max(dot(lightDirection, H), 0.000001);\n float G1 = (2.0 * NdotH * VdotN) / VdotH;\n float G2 = (2.0 * NdotH * LdotN) / LdotH;\n float G = min(1.0, min(G1, G2));\n \n //Distribution term\n float D = beckmannDistribution(NdotH, roughness);\n\n //Fresnel term\n float F = pow(1.0 - VdotN, fresnel);\n\n //Multiply terms and done\n return G * F * D / max(3.14159265 * VdotN, 0.000001);\n}\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float roughness, fresnel, kambient, kdiffuse, kspecular, opacity;\nuniform sampler2D texture;\n\nvarying vec3 f_normal, f_lightDirection, f_eyeDirection, f_data, f_position;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n vec3 N = normalize(f_normal);\n vec3 L = normalize(f_lightDirection);\n vec3 V = normalize(f_eyeDirection);\n\n if(gl_FrontFacing) {\n N = -N;\n }\n\n float specular = min(1.0, max(0.0, cookTorranceSpecular(L, V, N, roughness, fresnel)));\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\n\n vec4 surfaceColor = f_color * texture2D(texture, f_uv);\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\n\n gl_FragColor = litColor * opacity;\n}\n"]),o=n(["precision highp float;\n\nprecision highp float;\n#define GLSLIFY 1\n\nvec3 getOrthogonalVector(vec3 v) {\n // Return up-vector for only-z vector.\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\n // Assign z = 0, x = -b, y = a:\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\n return normalize(vec3(-v.y, v.x, 0.0));\n } else {\n return normalize(vec3(0.0, v.z, -v.y));\n }\n}\n\n// Calculate the cone vertex and normal at the given index.\n//\n// The returned vertex is for a cone with its top at origin and height of 1.0,\n// pointing in the direction of the vector attribute.\n//\n// Each cone is made up of a top vertex, a center base vertex and base perimeter vertices.\n// These vertices are used to make up the triangles of the cone by the following:\n// segment + 0 top vertex\n// segment + 1 perimeter vertex a+1\n// segment + 2 perimeter vertex a\n// segment + 3 center base vertex\n// segment + 4 perimeter vertex a\n// segment + 5 perimeter vertex a+1\n// Where segment is the number of the radial segment * 6 and a is the angle at that radial segment.\n// To go from index to segment, floor(index / 6)\n// To go from segment to angle, 2*pi * (segment/segmentCount)\n// To go from index to segment index, index - (segment*6)\n//\nvec3 getConePosition(vec3 d, float rawIndex, float coneOffset, out vec3 normal) {\n\n const float segmentCount = 8.0;\n\n float index = rawIndex - floor(rawIndex /\n (segmentCount * 6.0)) *\n (segmentCount * 6.0);\n\n float segment = floor(0.001 + index/6.0);\n float segmentIndex = index - (segment*6.0);\n\n normal = -normalize(d);\n\n if (segmentIndex > 2.99 && segmentIndex < 3.01) {\n return mix(vec3(0.0), -d, coneOffset);\n }\n\n float nextAngle = (\n (segmentIndex > 0.99 && segmentIndex < 1.01) ||\n (segmentIndex > 4.99 && segmentIndex < 5.01)\n ) ? 1.0 : 0.0;\n float angle = 2.0 * 3.14159 * ((segment + nextAngle) / segmentCount);\n\n vec3 v1 = mix(d, vec3(0.0), coneOffset);\n vec3 v2 = v1 - d;\n\n vec3 u = getOrthogonalVector(d);\n vec3 v = normalize(cross(u, d));\n\n vec3 x = u * cos(angle) * length(d)*0.25;\n vec3 y = v * sin(angle) * length(d)*0.25;\n vec3 v3 = v2 + x + y;\n if (segmentIndex < 3.0) {\n vec3 tx = u * sin(angle);\n vec3 ty = v * -cos(angle);\n vec3 tangent = tx + ty;\n normal = normalize(cross(v3 - v1, tangent));\n }\n\n if (segmentIndex == 0.0) {\n return mix(d, vec3(0.0), coneOffset);\n }\n return v3;\n}\n\nattribute vec4 vector;\nattribute vec4 position;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\nuniform float vectorScale, coneScale, coneOffset;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n vec3 normal;\n vec3 XYZ = getConePosition(mat3(model) * ((vectorScale * coneScale) * vector.xyz), position.w, coneOffset, normal);\n vec4 conePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\n gl_Position = projection * view * conePosition;\n f_id = id;\n f_position = position.xyz;\n}\n"]),s=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float pickId;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n\n gl_FragColor = vec4(pickId, f_id.xyz);\n}"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:"position",type:"vec4"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"},{name:"vector",type:"vec3"}]},r.pickShader={vertex:o,fragment:s,attributes:[{name:"position",type:"vec4"},{name:"id",type:"vec4"},{name:"vector",type:"vec3"}]}},{glslify:263}],263:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],264:[function(t,e,r){e.exports={0:"NONE",1:"ONE",2:"LINE_LOOP",3:"LINE_STRIP",4:"TRIANGLES",5:"TRIANGLE_STRIP",6:"TRIANGLE_FAN",256:"DEPTH_BUFFER_BIT",512:"NEVER",513:"LESS",514:"EQUAL",515:"LEQUAL",516:"GREATER",517:"NOTEQUAL",518:"GEQUAL",519:"ALWAYS",768:"SRC_COLOR",769:"ONE_MINUS_SRC_COLOR",770:"SRC_ALPHA",771:"ONE_MINUS_SRC_ALPHA",772:"DST_ALPHA",773:"ONE_MINUS_DST_ALPHA",774:"DST_COLOR",775:"ONE_MINUS_DST_COLOR",776:"SRC_ALPHA_SATURATE",1024:"STENCIL_BUFFER_BIT",1028:"FRONT",1029:"BACK",1032:"FRONT_AND_BACK",1280:"INVALID_ENUM",1281:"INVALID_VALUE",1282:"INVALID_OPERATION",1285:"OUT_OF_MEMORY",1286:"INVALID_FRAMEBUFFER_OPERATION",2304:"CW",2305:"CCW",2849:"LINE_WIDTH",2884:"CULL_FACE",2885:"CULL_FACE_MODE",2886:"FRONT_FACE",2928:"DEPTH_RANGE",2929:"DEPTH_TEST",2930:"DEPTH_WRITEMASK",2931:"DEPTH_CLEAR_VALUE",2932:"DEPTH_FUNC",2960:"STENCIL_TEST",2961:"STENCIL_CLEAR_VALUE",2962:"STENCIL_FUNC",2963:"STENCIL_VALUE_MASK",2964:"STENCIL_FAIL",2965:"STENCIL_PASS_DEPTH_FAIL",2966:"STENCIL_PASS_DEPTH_PASS",2967:"STENCIL_REF",2968:"STENCIL_WRITEMASK",2978:"VIEWPORT",3024:"DITHER",3042:"BLEND",3088:"SCISSOR_BOX",3089:"SCISSOR_TEST",3106:"COLOR_CLEAR_VALUE",3107:"COLOR_WRITEMASK",3317:"UNPACK_ALIGNMENT",3333:"PACK_ALIGNMENT",3379:"MAX_TEXTURE_SIZE",3386:"MAX_VIEWPORT_DIMS",3408:"SUBPIXEL_BITS",3410:"RED_BITS",3411:"GREEN_BITS",3412:"BLUE_BITS",3413:"ALPHA_BITS",3414:"DEPTH_BITS",3415:"STENCIL_BITS",3553:"TEXTURE_2D",4352:"DONT_CARE",4353:"FASTEST",4354:"NICEST",5120:"BYTE",5121:"UNSIGNED_BYTE",5122:"SHORT",5123:"UNSIGNED_SHORT",5124:"INT",5125:"UNSIGNED_INT",5126:"FLOAT",5386:"INVERT",5890:"TEXTURE",6401:"STENCIL_INDEX",6402:"DEPTH_COMPONENT",6406:"ALPHA",6407:"RGB",6408:"RGBA",6409:"LUMINANCE",6410:"LUMINANCE_ALPHA",7680:"KEEP",7681:"REPLACE",7682:"INCR",7683:"DECR",7936:"VENDOR",7937:"RENDERER",7938:"VERSION",9728:"NEAREST",9729:"LINEAR",9984:"NEAREST_MIPMAP_NEAREST",9985:"LINEAR_MIPMAP_NEAREST",9986:"NEAREST_MIPMAP_LINEAR",9987:"LINEAR_MIPMAP_LINEAR",10240:"TEXTURE_MAG_FILTER",10241:"TEXTURE_MIN_FILTER",10242:"TEXTURE_WRAP_S",10243:"TEXTURE_WRAP_T",10497:"REPEAT",10752:"POLYGON_OFFSET_UNITS",16384:"COLOR_BUFFER_BIT",32769:"CONSTANT_COLOR",32770:"ONE_MINUS_CONSTANT_COLOR",32771:"CONSTANT_ALPHA",32772:"ONE_MINUS_CONSTANT_ALPHA",32773:"BLEND_COLOR",32774:"FUNC_ADD",32777:"BLEND_EQUATION_RGB",32778:"FUNC_SUBTRACT",32779:"FUNC_REVERSE_SUBTRACT",32819:"UNSIGNED_SHORT_4_4_4_4",32820:"UNSIGNED_SHORT_5_5_5_1",32823:"POLYGON_OFFSET_FILL",32824:"POLYGON_OFFSET_FACTOR",32854:"RGBA4",32855:"RGB5_A1",32873:"TEXTURE_BINDING_2D",32926:"SAMPLE_ALPHA_TO_COVERAGE",32928:"SAMPLE_COVERAGE",32936:"SAMPLE_BUFFERS",32937:"SAMPLES",32938:"SAMPLE_COVERAGE_VALUE",32939:"SAMPLE_COVERAGE_INVERT",32968:"BLEND_DST_RGB",32969:"BLEND_SRC_RGB",32970:"BLEND_DST_ALPHA",32971:"BLEND_SRC_ALPHA",33071:"CLAMP_TO_EDGE",33170:"GENERATE_MIPMAP_HINT",33189:"DEPTH_COMPONENT16",33306:"DEPTH_STENCIL_ATTACHMENT",33635:"UNSIGNED_SHORT_5_6_5",33648:"MIRRORED_REPEAT",33901:"ALIASED_POINT_SIZE_RANGE",33902:"ALIASED_LINE_WIDTH_RANGE",33984:"TEXTURE0",33985:"TEXTURE1",33986:"TEXTURE2",33987:"TEXTURE3",33988:"TEXTURE4",33989:"TEXTURE5",33990:"TEXTURE6",33991:"TEXTURE7",33992:"TEXTURE8",33993:"TEXTURE9",33994:"TEXTURE10",33995:"TEXTURE11",33996:"TEXTURE12",33997:"TEXTURE13",33998:"TEXTURE14",33999:"TEXTURE15",34e3:"TEXTURE16",34001:"TEXTURE17",34002:"TEXTURE18",34003:"TEXTURE19",34004:"TEXTURE20",34005:"TEXTURE21",34006:"TEXTURE22",34007:"TEXTURE23",34008:"TEXTURE24",34009:"TEXTURE25",34010:"TEXTURE26",34011:"TEXTURE27",34012:"TEXTURE28",34013:"TEXTURE29",34014:"TEXTURE30",34015:"TEXTURE31",34016:"ACTIVE_TEXTURE",34024:"MAX_RENDERBUFFER_SIZE",34041:"DEPTH_STENCIL",34055:"INCR_WRAP",34056:"DECR_WRAP",34067:"TEXTURE_CUBE_MAP",34068:"TEXTURE_BINDING_CUBE_MAP",34069:"TEXTURE_CUBE_MAP_POSITIVE_X",34070:"TEXTURE_CUBE_MAP_NEGATIVE_X",34071:"TEXTURE_CUBE_MAP_POSITIVE_Y",34072:"TEXTURE_CUBE_MAP_NEGATIVE_Y",34073:"TEXTURE_CUBE_MAP_POSITIVE_Z",34074:"TEXTURE_CUBE_MAP_NEGATIVE_Z",34076:"MAX_CUBE_MAP_TEXTURE_SIZE",34338:"VERTEX_ATTRIB_ARRAY_ENABLED",34339:"VERTEX_ATTRIB_ARRAY_SIZE",34340:"VERTEX_ATTRIB_ARRAY_STRIDE",34341:"VERTEX_ATTRIB_ARRAY_TYPE",34342:"CURRENT_VERTEX_ATTRIB",34373:"VERTEX_ATTRIB_ARRAY_POINTER",34466:"NUM_COMPRESSED_TEXTURE_FORMATS",34467:"COMPRESSED_TEXTURE_FORMATS",34660:"BUFFER_SIZE",34661:"BUFFER_USAGE",34816:"STENCIL_BACK_FUNC",34817:"STENCIL_BACK_FAIL",34818:"STENCIL_BACK_PASS_DEPTH_FAIL",34819:"STENCIL_BACK_PASS_DEPTH_PASS",34877:"BLEND_EQUATION_ALPHA",34921:"MAX_VERTEX_ATTRIBS",34922:"VERTEX_ATTRIB_ARRAY_NORMALIZED",34930:"MAX_TEXTURE_IMAGE_UNITS",34962:"ARRAY_BUFFER",34963:"ELEMENT_ARRAY_BUFFER",34964:"ARRAY_BUFFER_BINDING",34965:"ELEMENT_ARRAY_BUFFER_BINDING",34975:"VERTEX_ATTRIB_ARRAY_BUFFER_BINDING",35040:"STREAM_DRAW",35044:"STATIC_DRAW",35048:"DYNAMIC_DRAW",35632:"FRAGMENT_SHADER",35633:"VERTEX_SHADER",35660:"MAX_VERTEX_TEXTURE_IMAGE_UNITS",35661:"MAX_COMBINED_TEXTURE_IMAGE_UNITS",35663:"SHADER_TYPE",35664:"FLOAT_VEC2",35665:"FLOAT_VEC3",35666:"FLOAT_VEC4",35667:"INT_VEC2",35668:"INT_VEC3",35669:"INT_VEC4",35670:"BOOL",35671:"BOOL_VEC2",35672:"BOOL_VEC3",35673:"BOOL_VEC4",35674:"FLOAT_MAT2",35675:"FLOAT_MAT3",35676:"FLOAT_MAT4",35678:"SAMPLER_2D",35680:"SAMPLER_CUBE",35712:"DELETE_STATUS",35713:"COMPILE_STATUS",35714:"LINK_STATUS",35715:"VALIDATE_STATUS",35716:"INFO_LOG_LENGTH",35717:"ATTACHED_SHADERS",35718:"ACTIVE_UNIFORMS",35719:"ACTIVE_UNIFORM_MAX_LENGTH",35720:"SHADER_SOURCE_LENGTH",35721:"ACTIVE_ATTRIBUTES",35722:"ACTIVE_ATTRIBUTE_MAX_LENGTH",35724:"SHADING_LANGUAGE_VERSION",35725:"CURRENT_PROGRAM",36003:"STENCIL_BACK_REF",36004:"STENCIL_BACK_VALUE_MASK",36005:"STENCIL_BACK_WRITEMASK",36006:"FRAMEBUFFER_BINDING",36007:"RENDERBUFFER_BINDING",36048:"FRAMEBUFFER_ATTACHMENT_OBJECT_TYPE",36049:"FRAMEBUFFER_ATTACHMENT_OBJECT_NAME",36050:"FRAMEBUFFER_ATTACHMENT_TEXTURE_LEVEL",36051:"FRAMEBUFFER_ATTACHMENT_TEXTURE_CUBE_MAP_FACE",36053:"FRAMEBUFFER_COMPLETE",36054:"FRAMEBUFFER_INCOMPLETE_ATTACHMENT",36055:"FRAMEBUFFER_INCOMPLETE_MISSING_ATTACHMENT",36057:"FRAMEBUFFER_INCOMPLETE_DIMENSIONS",36061:"FRAMEBUFFER_UNSUPPORTED",36064:"COLOR_ATTACHMENT0",36096:"DEPTH_ATTACHMENT",36128:"STENCIL_ATTACHMENT",36160:"FRAMEBUFFER",36161:"RENDERBUFFER",36162:"RENDERBUFFER_WIDTH",36163:"RENDERBUFFER_HEIGHT",36164:"RENDERBUFFER_INTERNAL_FORMAT",36168:"STENCIL_INDEX8",36176:"RENDERBUFFER_RED_SIZE",36177:"RENDERBUFFER_GREEN_SIZE",36178:"RENDERBUFFER_BLUE_SIZE",36179:"RENDERBUFFER_ALPHA_SIZE",36180:"RENDERBUFFER_DEPTH_SIZE",36181:"RENDERBUFFER_STENCIL_SIZE",36194:"RGB565",36336:"LOW_FLOAT",36337:"MEDIUM_FLOAT",36338:"HIGH_FLOAT",36339:"LOW_INT",36340:"MEDIUM_INT",36341:"HIGH_INT",36346:"SHADER_COMPILER",36347:"MAX_VERTEX_UNIFORM_VECTORS",36348:"MAX_VARYING_VECTORS",36349:"MAX_FRAGMENT_UNIFORM_VECTORS",37440:"UNPACK_FLIP_Y_WEBGL",37441:"UNPACK_PREMULTIPLY_ALPHA_WEBGL",37442:"CONTEXT_LOST_WEBGL",37443:"UNPACK_COLORSPACE_CONVERSION_WEBGL",37444:"BROWSER_DEFAULT_WEBGL"}},{}],265:[function(t,e,r){var n=t("./1.0/numbers");e.exports=function(t){return n[t]}},{"./1.0/numbers":264}],266:[function(t,e,r){"use strict";e.exports=function(t){var e=t.gl,r=n(e),o=i(e,[{buffer:r,type:e.FLOAT,size:3,offset:0,stride:40},{buffer:r,type:e.FLOAT,size:4,offset:12,stride:40},{buffer:r,type:e.FLOAT,size:3,offset:28,stride:40}]),l=a(e);l.attributes.position.location=0,l.attributes.color.location=1,l.attributes.offset.location=2;var c=new s(e,r,o,l);return c.update(t),c};var n=t("gl-buffer"),i=t("gl-vao"),a=t("./shaders/index"),o=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function s(t,e,r,n){this.gl=t,this.shader=n,this.buffer=e,this.vao=r,this.pixelRatio=1,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.lineWidth=[1,1,1],this.capSize=[10,10,10],this.lineCount=[0,0,0],this.lineOffset=[0,0,0],this.opacity=1,this.hasAlpha=!1}var l=s.prototype;function c(t,e){for(var r=0;r<3;++r)t[0][r]=Math.min(t[0][r],e[r]),t[1][r]=Math.max(t[1][r],e[r])}l.isOpaque=function(){return!this.hasAlpha},l.isTransparent=function(){return this.hasAlpha},l.drawTransparent=l.draw=function(t){var e=this.gl,r=this.shader.uniforms;this.shader.bind();var n=r.view=t.view||o,i=r.projection=t.projection||o;r.model=t.model||o,r.clipBounds=this.clipBounds,r.opacity=this.opacity;var a=n[12],s=n[13],l=n[14],c=n[15],u=(t._ortho||!1?2:1)*this.pixelRatio*(i[3]*a+i[7]*s+i[11]*l+i[15]*c)/e.drawingBufferHeight;this.vao.bind();for(var f=0;f<3;++f)e.lineWidth(this.lineWidth[f]*this.pixelRatio),r.capSize=this.capSize[f]*u,this.lineCount[f]&&e.drawArrays(e.LINES,this.lineOffset[f],this.lineCount[f]);this.vao.unbind()};var u=function(){for(var t=new Array(3),e=0;e<3;++e){for(var r=[],n=1;n<=2;++n)for(var i=-1;i<=1;i+=2){var a=[0,0,0];a[(n+e)%3]=i,r.push(a)}t[e]=r}return t}();function f(t,e,r,n){for(var i=u[n],a=0;a0)(g=u.slice())[s]+=p[1][s],i.push(u[0],u[1],u[2],d[0],d[1],d[2],d[3],0,0,0,g[0],g[1],g[2],d[0],d[1],d[2],d[3],0,0,0),c(this.bounds,g),o+=2+f(i,g,d,s)}}this.lineCount[s]=o-this.lineOffset[s]}this.buffer.update(i)}},l.dispose=function(){this.shader.dispose(),this.buffer.dispose(),this.vao.dispose()}},{"./shaders/index":268,"gl-buffer":259,"gl-vao":358}],267:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],268:[function(t,e,r){"use strict";var n=t("glslify"),i=t("gl-shader"),a=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position, offset;\nattribute vec4 color;\nuniform mat4 model, view, projection;\nuniform float capSize;\nvarying vec4 fragColor;\nvarying vec3 fragPosition;\n\nvoid main() {\n vec4 worldPosition = model * vec4(position, 1.0);\n worldPosition = (worldPosition / worldPosition.w) + vec4(capSize * offset, 0.0);\n gl_Position = projection * view * worldPosition;\n fragColor = color;\n fragPosition = position;\n}"]),o=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float opacity;\nvarying vec3 fragPosition;\nvarying vec4 fragColor;\n\nvoid main() {\n if (\n outOfRange(clipBounds[0], clipBounds[1], fragPosition) ||\n fragColor.a * opacity == 0.\n ) discard;\n\n gl_FragColor = opacity * fragColor;\n}"]);e.exports=function(t){return i(t,a,o,null,[{name:"position",type:"vec3"},{name:"color",type:"vec4"},{name:"offset",type:"vec3"}])}},{"gl-shader":335,glslify:267}],269:[function(t,e,r){"use strict";var n=t("gl-texture2d");e.exports=function(t,e,r,n){i||(i=t.FRAMEBUFFER_UNSUPPORTED,a=t.FRAMEBUFFER_INCOMPLETE_ATTACHMENT,o=t.FRAMEBUFFER_INCOMPLETE_DIMENSIONS,s=t.FRAMEBUFFER_INCOMPLETE_MISSING_ATTACHMENT);var c=t.getExtension("WEBGL_draw_buffers");!l&&c&&function(t,e){var r=t.getParameter(e.MAX_COLOR_ATTACHMENTS_WEBGL);l=new Array(r+1);for(var n=0;n<=r;++n){for(var i=new Array(r),a=0;au||r<0||r>u)throw new Error("gl-fbo: Parameters are too large for FBO");var f=1;if("color"in(n=n||{})){if((f=Math.max(0|n.color,0))<0)throw new Error("gl-fbo: Must specify a nonnegative number of colors");if(f>1){if(!c)throw new Error("gl-fbo: Multiple draw buffer extension not supported");if(f>t.getParameter(c.MAX_COLOR_ATTACHMENTS_WEBGL))throw new Error("gl-fbo: Context does not support "+f+" draw buffers")}}var h=t.UNSIGNED_BYTE,p=t.getExtension("OES_texture_float");if(n.float&&f>0){if(!p)throw new Error("gl-fbo: Context does not support floating point textures");h=t.FLOAT}else n.preferFloat&&f>0&&p&&(h=t.FLOAT);var g=!0;"depth"in n&&(g=!!n.depth);var m=!1;"stencil"in n&&(m=!!n.stencil);return new d(t,e,r,h,f,g,m,c)};var i,a,o,s,l=null;function c(t){return[t.getParameter(t.FRAMEBUFFER_BINDING),t.getParameter(t.RENDERBUFFER_BINDING),t.getParameter(t.TEXTURE_BINDING_2D)]}function u(t,e){t.bindFramebuffer(t.FRAMEBUFFER,e[0]),t.bindRenderbuffer(t.RENDERBUFFER,e[1]),t.bindTexture(t.TEXTURE_2D,e[2])}function f(t){switch(t){case i:throw new Error("gl-fbo: Framebuffer unsupported");case a:throw new Error("gl-fbo: Framebuffer incomplete attachment");case o:throw new Error("gl-fbo: Framebuffer incomplete dimensions");case s:throw new Error("gl-fbo: Framebuffer incomplete missing attachment");default:throw new Error("gl-fbo: Framebuffer failed for unspecified reason")}}function h(t,e,r,i,a,o){if(!i)return null;var s=n(t,e,r,a,i);return s.magFilter=t.NEAREST,s.minFilter=t.NEAREST,s.mipSamples=1,s.bind(),t.framebufferTexture2D(t.FRAMEBUFFER,o,t.TEXTURE_2D,s.handle,0),s}function p(t,e,r,n,i){var a=t.createRenderbuffer();return t.bindRenderbuffer(t.RENDERBUFFER,a),t.renderbufferStorage(t.RENDERBUFFER,n,e,r),t.framebufferRenderbuffer(t.FRAMEBUFFER,i,t.RENDERBUFFER,a),a}function d(t,e,r,n,i,a,o,s){this.gl=t,this._shape=[0|e,0|r],this._destroyed=!1,this._ext=s,this.color=new Array(i);for(var d=0;d1&&s.drawBuffersWEBGL(l[o]);var y=r.getExtension("WEBGL_depth_texture");y?d?t.depth=h(r,i,a,y.UNSIGNED_INT_24_8_WEBGL,r.DEPTH_STENCIL,r.DEPTH_STENCIL_ATTACHMENT):g&&(t.depth=h(r,i,a,r.UNSIGNED_SHORT,r.DEPTH_COMPONENT,r.DEPTH_ATTACHMENT)):g&&d?t._depth_rb=p(r,i,a,r.DEPTH_STENCIL,r.DEPTH_STENCIL_ATTACHMENT):g?t._depth_rb=p(r,i,a,r.DEPTH_COMPONENT16,r.DEPTH_ATTACHMENT):d&&(t._depth_rb=p(r,i,a,r.STENCIL_INDEX,r.STENCIL_ATTACHMENT));var x=r.checkFramebufferStatus(r.FRAMEBUFFER);if(x!==r.FRAMEBUFFER_COMPLETE){t._destroyed=!0,r.bindFramebuffer(r.FRAMEBUFFER,null),r.deleteFramebuffer(t.handle),t.handle=null,t.depth&&(t.depth.dispose(),t.depth=null),t._depth_rb&&(r.deleteRenderbuffer(t._depth_rb),t._depth_rb=null);for(v=0;vi||r<0||r>i)throw new Error("gl-fbo: Can't resize FBO, invalid dimensions");t._shape[0]=e,t._shape[1]=r;for(var a=c(n),o=0;o>8*p&255;this.pickOffset=r,i.bind();var d=i.uniforms;d.viewTransform=t,d.pickOffset=e,d.shape=this.shape;var g=i.attributes;return this.positionBuffer.bind(),g.position.pointer(),this.weightBuffer.bind(),g.weight.pointer(s.UNSIGNED_BYTE,!1),this.idBuffer.bind(),g.pickId.pointer(s.UNSIGNED_BYTE,!1),s.drawArrays(s.TRIANGLES,0,o),r+this.shape[0]*this.shape[1]}}}(),f.pick=function(t,e,r){var n=this.pickOffset,i=this.shape[0]*this.shape[1];if(r=n+i)return null;var a=r-n,o=this.xData,s=this.yData;return{object:this,pointId:a,dataCoord:[o[a%this.shape[0]],s[a/this.shape[0]|0]]}},f.update=function(t){var e=(t=t||{}).shape||[0,0],r=t.x||i(e[0]),o=t.y||i(e[1]),s=t.z||new Float32Array(e[0]*e[1]),l=!1!==t.zsmooth;this.xData=r,this.yData=o;var c,u,f,p,d=t.colorLevels||[0],g=t.colorValues||[0,0,0,1],m=d.length,v=this.bounds;l?(c=v[0]=r[0],u=v[1]=o[0],f=v[2]=r[r.length-1],p=v[3]=o[o.length-1]):(c=v[0]=r[0]+(r[1]-r[0])/2,u=v[1]=o[0]+(o[1]-o[0])/2,f=v[2]=r[r.length-1]+(r[r.length-1]-r[r.length-2])/2,p=v[3]=o[o.length-1]+(o[o.length-1]-o[o.length-2])/2);var y=1/(f-c),x=1/(p-u),b=e[0],_=e[1];this.shape=[b,_];var w=(l?(b-1)*(_-1):b*_)*(h.length>>>1);this.numVertices=w;for(var T=a.mallocUint8(4*w),k=a.mallocFloat32(2*w),M=a.mallocUint8(2*w),A=a.mallocUint32(w),S=0,E=l?b-1:b,C=l?_-1:_,L=0;L max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform sampler2D dashTexture;\nuniform float dashScale;\nuniform float opacity;\n\nvarying vec3 worldPosition;\nvarying float pixelArcLength;\nvarying vec4 fragColor;\n\nvoid main() {\n if (\n outOfRange(clipBounds[0], clipBounds[1], worldPosition) ||\n fragColor.a * opacity == 0.\n ) discard;\n\n float dashWeight = texture2D(dashTexture, vec2(dashScale * pixelArcLength, 0)).r;\n if(dashWeight < 0.5) {\n discard;\n }\n gl_FragColor = fragColor * opacity;\n}\n"]),s=n(["precision highp float;\n#define GLSLIFY 1\n\n#define FLOAT_MAX 1.70141184e38\n#define FLOAT_MIN 1.17549435e-38\n\n// https://github.com/mikolalysenko/glsl-read-float/blob/master/index.glsl\nvec4 packFloat(float v) {\n float av = abs(v);\n\n //Handle special cases\n if(av < FLOAT_MIN) {\n return vec4(0.0, 0.0, 0.0, 0.0);\n } else if(v > FLOAT_MAX) {\n return vec4(127.0, 128.0, 0.0, 0.0) / 255.0;\n } else if(v < -FLOAT_MAX) {\n return vec4(255.0, 128.0, 0.0, 0.0) / 255.0;\n }\n\n vec4 c = vec4(0,0,0,0);\n\n //Compute exponent and mantissa\n float e = floor(log2(av));\n float m = av * pow(2.0, -e) - 1.0;\n\n //Unpack mantissa\n c[1] = floor(128.0 * m);\n m -= c[1] / 128.0;\n c[2] = floor(32768.0 * m);\n m -= c[2] / 32768.0;\n c[3] = floor(8388608.0 * m);\n\n //Unpack exponent\n float ebias = e + 127.0;\n c[0] = floor(ebias / 2.0);\n ebias -= c[0] * 2.0;\n c[1] += floor(ebias) * 128.0;\n\n //Unpack sign bit\n c[0] += 128.0 * step(0.0, -v);\n\n //Scale back to range\n return c / 255.0;\n}\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform float pickId;\nuniform vec3 clipBounds[2];\n\nvarying vec3 worldPosition;\nvarying float pixelArcLength;\nvarying vec4 fragColor;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], worldPosition)) discard;\n\n gl_FragColor = vec4(pickId/255.0, packFloat(pixelArcLength).xyz);\n}"]),l=[{name:"position",type:"vec3"},{name:"nextPosition",type:"vec3"},{name:"arcLength",type:"float"},{name:"lineWidth",type:"float"},{name:"color",type:"vec4"}];r.createShader=function(t){return i(t,a,o,null,l)},r.createPickShader=function(t){return i(t,a,s,null,l)}},{"gl-shader":335,glslify:276}],275:[function(t,e,r){"use strict";e.exports=function(t){var e=t.gl||t.scene&&t.scene.gl,r=f(e);r.attributes.position.location=0,r.attributes.nextPosition.location=1,r.attributes.arcLength.location=2,r.attributes.lineWidth.location=3,r.attributes.color.location=4;var o=h(e);o.attributes.position.location=0,o.attributes.nextPosition.location=1,o.attributes.arcLength.location=2,o.attributes.lineWidth.location=3,o.attributes.color.location=4;for(var s=n(e),l=i(e,[{buffer:s,size:3,offset:0,stride:48},{buffer:s,size:3,offset:12,stride:48},{buffer:s,size:1,offset:24,stride:48},{buffer:s,size:1,offset:28,stride:48},{buffer:s,size:4,offset:32,stride:48}]),u=c(new Array(1024),[256,1,4]),p=0;p<1024;++p)u.data[p]=255;var d=a(e,u);d.wrap=e.REPEAT;var g=new v(e,r,o,s,l,d);return g.update(t),g};var n=t("gl-buffer"),i=t("gl-vao"),a=t("gl-texture2d"),o=new Uint8Array(4),s=new Float32Array(o.buffer);var l=t("binary-search-bounds"),c=t("ndarray"),u=t("./lib/shaders"),f=u.createShader,h=u.createPickShader,p=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function d(t,e){for(var r=0,n=0;n<3;++n){var i=t[n]-e[n];r+=i*i}return Math.sqrt(r)}function g(t){for(var e=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],r=0;r<3;++r)e[0][r]=Math.max(t[0][r],e[0][r]),e[1][r]=Math.min(t[1][r],e[1][r]);return e}function m(t,e,r,n){this.arcLength=t,this.position=e,this.index=r,this.dataCoordinate=n}function v(t,e,r,n,i,a){this.gl=t,this.shader=e,this.pickShader=r,this.buffer=n,this.vao=i,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.points=[],this.arcLength=[],this.vertexCount=0,this.bounds=[[0,0,0],[0,0,0]],this.pickId=0,this.lineWidth=1,this.texture=a,this.dashScale=1,this.opacity=1,this.hasAlpha=!1,this.dirty=!0,this.pixelRatio=1}var y=v.prototype;y.isTransparent=function(){return this.hasAlpha},y.isOpaque=function(){return!this.hasAlpha},y.pickSlots=1,y.setPickBase=function(t){this.pickId=t},y.drawTransparent=y.draw=function(t){if(this.vertexCount){var e=this.gl,r=this.shader,n=this.vao;r.bind(),r.uniforms={model:t.model||p,view:t.view||p,projection:t.projection||p,clipBounds:g(this.clipBounds),dashTexture:this.texture.bind(),dashScale:this.dashScale/this.arcLength[this.arcLength.length-1],opacity:this.opacity,screenShape:[e.drawingBufferWidth,e.drawingBufferHeight],pixelRatio:this.pixelRatio},n.bind(),n.draw(e.TRIANGLE_STRIP,this.vertexCount),n.unbind()}},y.drawPick=function(t){if(this.vertexCount){var e=this.gl,r=this.pickShader,n=this.vao;r.bind(),r.uniforms={model:t.model||p,view:t.view||p,projection:t.projection||p,pickId:this.pickId,clipBounds:g(this.clipBounds),screenShape:[e.drawingBufferWidth,e.drawingBufferHeight],pixelRatio:this.pixelRatio},n.bind(),n.draw(e.TRIANGLE_STRIP,this.vertexCount),n.unbind()}},y.update=function(t){var e,r;this.dirty=!0;var n=!!t.connectGaps;"dashScale"in t&&(this.dashScale=t.dashScale),this.hasAlpha=!1,"opacity"in t&&(this.opacity=+t.opacity,this.opacity<1&&(this.hasAlpha=!0));var i=[],a=[],o=[],s=0,u=0,f=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],h=t.position||t.positions;if(h){var p=t.color||t.colors||[0,0,0,1],g=t.lineWidth||1,m=!1;t:for(e=1;e0){for(var w=0;w<24;++w)i.push(i[i.length-12]);u+=2,m=!0}continue t}f[0][r]=Math.min(f[0][r],b[r],_[r]),f[1][r]=Math.max(f[1][r],b[r],_[r])}Array.isArray(p[0])?(v=p.length>e-1?p[e-1]:p.length>0?p[p.length-1]:[0,0,0,1],y=p.length>e?p[e]:p.length>0?p[p.length-1]:[0,0,0,1]):v=y=p,3===v.length&&(v=[v[0],v[1],v[2],1]),3===y.length&&(y=[y[0],y[1],y[2],1]),!this.hasAlpha&&v[3]<1&&(this.hasAlpha=!0),x=Array.isArray(g)?g.length>e-1?g[e-1]:g.length>0?g[g.length-1]:[0,0,0,1]:g;var T=s;if(s+=d(b,_),m){for(r=0;r<2;++r)i.push(b[0],b[1],b[2],_[0],_[1],_[2],T,x,v[0],v[1],v[2],v[3]);u+=2,m=!1}i.push(b[0],b[1],b[2],_[0],_[1],_[2],T,x,v[0],v[1],v[2],v[3],b[0],b[1],b[2],_[0],_[1],_[2],T,-x,v[0],v[1],v[2],v[3],_[0],_[1],_[2],b[0],b[1],b[2],s,-x,y[0],y[1],y[2],y[3],_[0],_[1],_[2],b[0],b[1],b[2],s,x,y[0],y[1],y[2],y[3]),u+=4}}if(this.buffer.update(i),a.push(s),o.push(h[h.length-1].slice()),this.bounds=f,this.vertexCount=u,this.points=o,this.arcLength=a,"dashes"in t){var k=t.dashes.slice();for(k.unshift(0),e=1;e1.0001)return null;v+=m[f]}if(Math.abs(v-1)>.001)return null;return[h,s(t,m),m]}},{barycentric:78,"polytope-closest-point/lib/closest_point_2d.js":525}],308:[function(t,e,r){var n=t("glslify"),i=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position, normal;\nattribute vec4 color;\nattribute vec2 uv;\n\nuniform mat4 model\n , view\n , projection\n , inverseModel;\nuniform vec3 eyePosition\n , lightPosition;\n\nvarying vec3 f_normal\n , f_lightDirection\n , f_eyeDirection\n , f_data;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvec4 project(vec3 p) {\n return projection * view * model * vec4(p, 1.0);\n}\n\nvoid main() {\n gl_Position = project(position);\n\n //Lighting geometry parameters\n vec4 cameraCoordinate = view * vec4(position , 1.0);\n cameraCoordinate.xyz /= cameraCoordinate.w;\n f_lightDirection = lightPosition - cameraCoordinate.xyz;\n f_eyeDirection = eyePosition - cameraCoordinate.xyz;\n f_normal = normalize((vec4(normal, 0.0) * inverseModel).xyz);\n\n f_color = color;\n f_data = position;\n f_uv = uv;\n}\n"]),a=n(["#extension GL_OES_standard_derivatives : enable\n\nprecision highp float;\n#define GLSLIFY 1\n\nfloat beckmannDistribution(float x, float roughness) {\n float NdotH = max(x, 0.0001);\n float cos2Alpha = NdotH * NdotH;\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\n float roughness2 = roughness * roughness;\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\n return exp(tan2Alpha / roughness2) / denom;\n}\n\nfloat cookTorranceSpecular(\n vec3 lightDirection,\n vec3 viewDirection,\n vec3 surfaceNormal,\n float roughness,\n float fresnel) {\n\n float VdotN = max(dot(viewDirection, surfaceNormal), 0.0);\n float LdotN = max(dot(lightDirection, surfaceNormal), 0.0);\n\n //Half angle vector\n vec3 H = normalize(lightDirection + viewDirection);\n\n //Geometric term\n float NdotH = max(dot(surfaceNormal, H), 0.0);\n float VdotH = max(dot(viewDirection, H), 0.000001);\n float LdotH = max(dot(lightDirection, H), 0.000001);\n float G1 = (2.0 * NdotH * VdotN) / VdotH;\n float G2 = (2.0 * NdotH * LdotN) / LdotH;\n float G = min(1.0, min(G1, G2));\n \n //Distribution term\n float D = beckmannDistribution(NdotH, roughness);\n\n //Fresnel term\n float F = pow(1.0 - VdotN, fresnel);\n\n //Multiply terms and done\n return G * F * D / max(3.14159265 * VdotN, 0.000001);\n}\n\n//#pragma glslify: beckmann = require(glsl-specular-beckmann) // used in gl-surface3d\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float roughness\n , fresnel\n , kambient\n , kdiffuse\n , kspecular;\nuniform sampler2D texture;\n\nvarying vec3 f_normal\n , f_lightDirection\n , f_eyeDirection\n , f_data;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n if (f_color.a == 0.0 ||\n outOfRange(clipBounds[0], clipBounds[1], f_data)\n ) discard;\n\n vec3 N = normalize(f_normal);\n vec3 L = normalize(f_lightDirection);\n vec3 V = normalize(f_eyeDirection);\n\n if(gl_FrontFacing) {\n N = -N;\n }\n\n float specular = min(1.0, max(0.0, cookTorranceSpecular(L, V, N, roughness, fresnel)));\n //float specular = max(0.0, beckmann(L, V, N, roughness)); // used in gl-surface3d\n\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\n\n vec4 surfaceColor = vec4(f_color.rgb, 1.0) * texture2D(texture, f_uv);\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\n\n gl_FragColor = litColor * f_color.a;\n}\n"]),o=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 uv;\n\nuniform mat4 model, view, projection;\n\nvarying vec4 f_color;\nvarying vec3 f_data;\nvarying vec2 f_uv;\n\nvoid main() {\n gl_Position = projection * view * model * vec4(position, 1.0);\n f_color = color;\n f_data = position;\n f_uv = uv;\n}"]),s=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform sampler2D texture;\nuniform float opacity;\n\nvarying vec4 f_color;\nvarying vec3 f_data;\nvarying vec2 f_uv;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_data)) discard;\n\n gl_FragColor = f_color * texture2D(texture, f_uv) * opacity;\n}"]),l=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 uv;\nattribute float pointSize;\n\nuniform mat4 model, view, projection;\nuniform vec3 clipBounds[2];\n\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0.0, 0.0 ,0.0 ,0.0);\n } else {\n gl_Position = projection * view * model * vec4(position, 1.0);\n }\n gl_PointSize = pointSize;\n f_color = color;\n f_uv = uv;\n}"]),c=n(["precision highp float;\n#define GLSLIFY 1\n\nuniform sampler2D texture;\nuniform float opacity;\n\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n vec2 pointR = gl_PointCoord.xy - vec2(0.5, 0.5);\n if(dot(pointR, pointR) > 0.25) {\n discard;\n }\n gl_FragColor = f_color * texture2D(texture, f_uv) * opacity;\n}"]),u=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n gl_Position = projection * view * model * vec4(position, 1.0);\n f_id = id;\n f_position = position;\n}"]),f=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float pickId;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n\n gl_FragColor = vec4(pickId, f_id.xyz);\n}"]),h=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute float pointSize;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\nuniform vec3 clipBounds[2];\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0.0, 0.0, 0.0, 0.0);\n } else {\n gl_Position = projection * view * model * vec4(position, 1.0);\n gl_PointSize = pointSize;\n }\n f_id = id;\n f_position = position;\n}"]),p=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position;\n\nuniform mat4 model, view, projection;\n\nvoid main() {\n gl_Position = projection * view * model * vec4(position, 1.0);\n}"]),d=n(["precision highp float;\n#define GLSLIFY 1\n\nuniform vec3 contourColor;\n\nvoid main() {\n gl_FragColor = vec4(contourColor, 1.0);\n}\n"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:"position",type:"vec3"},{name:"normal",type:"vec3"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"}]},r.wireShader={vertex:o,fragment:s,attributes:[{name:"position",type:"vec3"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"}]},r.pointShader={vertex:l,fragment:c,attributes:[{name:"position",type:"vec3"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"},{name:"pointSize",type:"float"}]},r.pickShader={vertex:u,fragment:f,attributes:[{name:"position",type:"vec3"},{name:"id",type:"vec4"}]},r.pointPickShader={vertex:h,fragment:f,attributes:[{name:"position",type:"vec3"},{name:"pointSize",type:"float"},{name:"id",type:"vec4"}]},r.contourShader={vertex:p,fragment:d,attributes:[{name:"position",type:"vec3"}]}},{glslify:310}],309:[function(t,e,r){"use strict";var n=t("gl-shader"),i=t("gl-buffer"),a=t("gl-vao"),o=t("gl-texture2d"),s=t("normals"),l=t("gl-mat4/multiply"),c=t("gl-mat4/invert"),u=t("ndarray"),f=t("colormap"),h=t("simplicial-complex-contour"),p=t("typedarray-pool"),d=t("./lib/shaders"),g=t("./lib/closest-point"),m=d.meshShader,v=d.wireShader,y=d.pointShader,x=d.pickShader,b=d.pointPickShader,_=d.contourShader,w=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function T(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,_,T,k,M,A,S){this.gl=t,this.pixelRatio=1,this.cells=[],this.positions=[],this.intensity=[],this.texture=e,this.dirty=!0,this.triShader=r,this.lineShader=n,this.pointShader=i,this.pickShader=a,this.pointPickShader=o,this.contourShader=s,this.trianglePositions=l,this.triangleColors=u,this.triangleNormals=h,this.triangleUVs=f,this.triangleIds=c,this.triangleVAO=p,this.triangleCount=0,this.lineWidth=1,this.edgePositions=d,this.edgeColors=m,this.edgeUVs=v,this.edgeIds=g,this.edgeVAO=y,this.edgeCount=0,this.pointPositions=x,this.pointColors=_,this.pointUVs=T,this.pointSizes=k,this.pointIds=b,this.pointVAO=M,this.pointCount=0,this.contourLineWidth=1,this.contourPositions=A,this.contourVAO=S,this.contourCount=0,this.contourColor=[0,0,0],this.contourEnable=!0,this.pickVertex=!0,this.pickId=1,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.lightPosition=[1e5,1e5,0],this.ambientLight=.8,this.diffuseLight=.8,this.specularLight=2,this.roughness=.5,this.fresnel=1.5,this.opacity=1,this.hasAlpha=!1,this.opacityscale=!1,this._model=w,this._view=w,this._projection=w,this._resolution=[1,1]}var k=T.prototype;function M(t,e){if(!e)return 1;if(!e.length)return 1;for(var r=0;rt&&r>0){var n=(e[r][0]-t)/(e[r][0]-e[r-1][0]);return e[r][1]*(1-n)+n*e[r-1][1]}}return 1}function A(t){var e=n(t,m.vertex,m.fragment);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e.attributes.normal.location=4,e}function S(t){var e=n(t,v.vertex,v.fragment);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e}function E(t){var e=n(t,y.vertex,y.fragment);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e.attributes.pointSize.location=4,e}function C(t){var e=n(t,x.vertex,x.fragment);return e.attributes.position.location=0,e.attributes.id.location=1,e}function L(t){var e=n(t,b.vertex,b.fragment);return e.attributes.position.location=0,e.attributes.id.location=1,e.attributes.pointSize.location=4,e}function I(t){var e=n(t,_.vertex,_.fragment);return e.attributes.position.location=0,e}k.isOpaque=function(){return!this.hasAlpha},k.isTransparent=function(){return this.hasAlpha},k.pickSlots=1,k.setPickBase=function(t){this.pickId=t},k.highlight=function(t){if(t&&this.contourEnable){for(var e=h(this.cells,this.intensity,t.intensity),r=e.cells,n=e.vertexIds,i=e.vertexWeights,a=r.length,o=p.mallocFloat32(6*a),s=0,l=0;l0&&((f=this.triShader).bind(),f.uniforms=s,this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind());this.edgeCount>0&&this.lineWidth>0&&((f=this.lineShader).bind(),f.uniforms=s,this.edgeVAO.bind(),e.lineWidth(this.lineWidth*this.pixelRatio),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind());this.pointCount>0&&((f=this.pointShader).bind(),f.uniforms=s,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind());this.contourEnable&&this.contourCount>0&&this.contourLineWidth>0&&((f=this.contourShader).bind(),f.uniforms=s,this.contourVAO.bind(),e.drawArrays(e.LINES,0,this.contourCount),this.contourVAO.unbind())},k.drawPick=function(t){t=t||{};for(var e=this.gl,r=t.model||w,n=t.view||w,i=t.projection||w,a=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],o=0;o<3;++o)a[0][o]=Math.max(a[0][o],this.clipBounds[0][o]),a[1][o]=Math.min(a[1][o],this.clipBounds[1][o]);this._model=[].slice.call(r),this._view=[].slice.call(n),this._projection=[].slice.call(i),this._resolution=[e.drawingBufferWidth,e.drawingBufferHeight];var s,l={model:r,view:n,projection:i,clipBounds:a,pickId:this.pickId/255};((s=this.pickShader).bind(),s.uniforms=l,this.triangleCount>0&&(this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind()),this.edgeCount>0&&(this.edgeVAO.bind(),e.lineWidth(this.lineWidth*this.pixelRatio),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind()),this.pointCount>0)&&((s=this.pointPickShader).bind(),s.uniforms=l,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind())},k.pick=function(t){if(!t)return null;if(t.id!==this.pickId)return null;for(var e=t.value[0]+256*t.value[1]+65536*t.value[2],r=this.cells[e],n=this.positions,i=new Array(r.length),a=0;ai[k]&&(r.uniforms.dataAxis=c,r.uniforms.screenOffset=u,r.uniforms.color=m[t],r.uniforms.angle=v[t],a.drawArrays(a.TRIANGLES,i[k],i[M]-i[k]))),y[t]&&T&&(u[1^t]-=A*p*x[t],r.uniforms.dataAxis=f,r.uniforms.screenOffset=u,r.uniforms.color=b[t],r.uniforms.angle=_[t],a.drawArrays(a.TRIANGLES,w,T)),u[1^t]=A*s[2+(1^t)]-1,d[t+2]&&(u[1^t]+=A*p*g[t+2],ki[k]&&(r.uniforms.dataAxis=c,r.uniforms.screenOffset=u,r.uniforms.color=m[t+2],r.uniforms.angle=v[t+2],a.drawArrays(a.TRIANGLES,i[k],i[M]-i[k]))),y[t+2]&&T&&(u[1^t]+=A*p*x[t+2],r.uniforms.dataAxis=f,r.uniforms.screenOffset=u,r.uniforms.color=b[t+2],r.uniforms.angle=_[t+2],a.drawArrays(a.TRIANGLES,w,T))}),g.drawTitle=function(){var t=[0,0],e=[0,0];return function(){var r=this.plot,n=this.shader,i=r.gl,a=r.screenBox,o=r.titleCenter,s=r.titleAngle,l=r.titleColor,c=r.pixelRatio;if(this.titleCount){for(var u=0;u<2;++u)e[u]=2*(o[u]*c-a[u])/(a[2+u]-a[u])-1;n.bind(),n.uniforms.dataAxis=t,n.uniforms.screenOffset=e,n.uniforms.angle=s,n.uniforms.color=l,i.drawArrays(i.TRIANGLES,this.titleOffset,this.titleCount)}}}(),g.bind=(h=[0,0],p=[0,0],d=[0,0],function(){var t=this.plot,e=this.shader,r=t._tickBounds,n=t.dataBox,i=t.screenBox,a=t.viewBox;e.bind();for(var o=0;o<2;++o){var s=r[o],l=r[o+2]-s,c=.5*(n[o+2]+n[o]),u=n[o+2]-n[o],f=a[o],g=a[o+2]-f,m=i[o],v=i[o+2]-m;p[o]=2*l/u*g/v,h[o]=2*(s-c)/u*g/v}d[1]=2*t.pixelRatio/(i[3]-i[1]),d[0]=d[1]*(i[3]-i[1])/(i[2]-i[0]),e.uniforms.dataScale=p,e.uniforms.dataShift=h,e.uniforms.textScale=d,this.vbo.bind(),e.attributes.textCoordinate.pointer()}),g.update=function(t){var e,r,n,i,o,s=[],l=t.ticks,c=t.bounds;for(o=0;o<2;++o){var u=[Math.floor(s.length/3)],f=[-1/0],h=l[o];for(e=0;e=0){var g=e[d]-n[d]*(e[d+2]-e[d])/(n[d+2]-n[d]);0===d?o.drawLine(g,e[1],g,e[3],p[d],h[d]):o.drawLine(e[0],g,e[2],g,p[d],h[d])}}for(d=0;d=0;--t)this.objects[t].dispose();this.objects.length=0;for(t=this.overlays.length-1;t>=0;--t)this.overlays[t].dispose();this.overlays.length=0,this.gl=null},c.addObject=function(t){this.objects.indexOf(t)<0&&(this.objects.push(t),this.setDirty())},c.removeObject=function(t){for(var e=this.objects,r=0;rMath.abs(e))c.rotate(a,0,0,-t*r*Math.PI*d.rotateSpeed/window.innerWidth);else if(!d._ortho){var o=-d.zoomSpeed*i*e/window.innerHeight*(a-c.lastT())/20;c.pan(a,0,0,f*(Math.exp(o)-1))}}}),!0)},d.enableMouseListeners(),d};var n=t("right-now"),i=t("3d-view"),a=t("mouse-change"),o=t("mouse-wheel"),s=t("mouse-event-offset"),l=t("has-passive-events")},{"3d-view":54,"has-passive-events":441,"mouse-change":483,"mouse-event-offset":484,"mouse-wheel":486,"right-now":542}],319:[function(t,e,r){var n=t("glslify"),i=t("gl-shader"),a=n(["precision mediump float;\n#define GLSLIFY 1\nattribute vec2 position;\nvarying vec2 uv;\nvoid main() {\n uv = position;\n gl_Position = vec4(position, 0, 1);\n}"]),o=n(["precision mediump float;\n#define GLSLIFY 1\n\nuniform sampler2D accumBuffer;\nvarying vec2 uv;\n\nvoid main() {\n vec4 accum = texture2D(accumBuffer, 0.5 * (uv + 1.0));\n gl_FragColor = min(vec4(1,1,1,1), accum);\n}"]);e.exports=function(t){return i(t,a,o,null,[{name:"position",type:"vec2"}])}},{"gl-shader":335,glslify:320}],320:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],321:[function(t,e,r){"use strict";var n=t("./camera.js"),i=t("gl-axes3d"),a=t("gl-axes3d/properties"),o=t("gl-spikes3d"),s=t("gl-select-static"),l=t("gl-fbo"),c=t("a-big-triangle"),u=t("mouse-change"),f=t("gl-mat4/perspective"),h=t("gl-mat4/ortho"),p=t("./lib/shader"),d=t("is-mobile")({tablet:!0,featureDetect:!0});function g(){this.mouse=[-1,-1],this.screen=null,this.distance=1/0,this.index=null,this.dataCoordinate=null,this.dataPosition=null,this.object=null,this.data=null}function m(t){var e=Math.round(Math.log(Math.abs(t))/Math.log(10));if(e<0){var r=Math.round(Math.pow(10,-e));return Math.ceil(t*r)/r}if(e>0){r=Math.round(Math.pow(10,e));return Math.ceil(t/r)*r}return Math.ceil(t)}function v(t){return"boolean"!=typeof t||t}e.exports={createScene:function(t){(t=t||{}).camera=t.camera||{};var e=t.canvas;if(!e){if(e=document.createElement("canvas"),t.container)t.container.appendChild(e);else document.body.appendChild(e)}var r=t.gl;r||(t.glOptions&&(d=!!t.glOptions.preserveDrawingBuffer),r=function(t,e){var r=null;try{(r=t.getContext("webgl",e))||(r=t.getContext("experimental-webgl",e))}catch(t){return null}return r}(e,t.glOptions||{premultipliedAlpha:!0,antialias:!0,preserveDrawingBuffer:d}));if(!r)throw new Error("webgl not supported");var y=t.bounds||[[-10,-10,-10],[10,10,10]],x=new g,b=l(r,r.drawingBufferWidth,r.drawingBufferHeight,{preferFloat:!d}),_=p(r),w=t.cameraObject&&!0===t.cameraObject._ortho||t.camera.projection&&"orthographic"===t.camera.projection.type||!1,T={eye:t.camera.eye||[2,0,0],center:t.camera.center||[0,0,0],up:t.camera.up||[0,1,0],zoomMin:t.camera.zoomMax||.1,zoomMax:t.camera.zoomMin||100,mode:t.camera.mode||"turntable",_ortho:w},k=t.axes||{},M=i(r,k);M.enable=!k.disable;var A=t.spikes||{},S=o(r,A),E=[],C=[],L=[],I=[],P=!0,z=!0,O=new Array(16),D=new Array(16),R={view:null,projection:O,model:D,_ortho:!1},F=(z=!0,[r.drawingBufferWidth,r.drawingBufferHeight]),B=t.cameraObject||n(e,T),N={gl:r,contextLost:!1,pixelRatio:t.pixelRatio||1,canvas:e,selection:x,camera:B,axes:M,axesPixels:null,spikes:S,bounds:y,objects:E,shape:F,aspect:t.aspectRatio||[1,1,1],pickRadius:t.pickRadius||10,zNear:t.zNear||.01,zFar:t.zFar||1e3,fovy:t.fovy||Math.PI/4,clearColor:t.clearColor||[0,0,0,0],autoResize:v(t.autoResize),autoBounds:v(t.autoBounds),autoScale:!!t.autoScale,autoCenter:v(t.autoCenter),clipToBounds:v(t.clipToBounds),snapToData:!!t.snapToData,onselect:t.onselect||null,onrender:t.onrender||null,onclick:t.onclick||null,cameraParams:R,oncontextloss:null,mouseListener:null,_stopped:!1,getAspectratio:function(){return{x:this.aspect[0],y:this.aspect[1],z:this.aspect[2]}},setAspectratio:function(t){this.aspect[0]=t.x,this.aspect[1]=t.y,this.aspect[2]=t.z,z=!0},setBounds:function(t,e){this.bounds[0][t]=e.min,this.bounds[1][t]=e.max},setClearColor:function(t){this.clearColor=t},clearRGBA:function(){this.gl.clearColor(this.clearColor[0],this.clearColor[1],this.clearColor[2],this.clearColor[3]),this.gl.clear(this.gl.COLOR_BUFFER_BIT|this.gl.DEPTH_BUFFER_BIT)}},j=[r.drawingBufferWidth/N.pixelRatio|0,r.drawingBufferHeight/N.pixelRatio|0];function U(){if(!N._stopped&&N.autoResize){var t=e.parentNode,r=1,n=1;t&&t!==document.body?(r=t.clientWidth,n=t.clientHeight):(r=window.innerWidth,n=window.innerHeight);var i=0|Math.ceil(r*N.pixelRatio),a=0|Math.ceil(n*N.pixelRatio);if(i!==e.width||a!==e.height){e.width=i,e.height=a;var o=e.style;o.position=o.position||"absolute",o.left="0px",o.top="0px",o.width=r+"px",o.height=n+"px",P=!0}}}N.autoResize&&U();function V(){for(var t=E.length,e=I.length,n=0;n0&&0===L[e-1];)L.pop(),I.pop().dispose()}function q(){if(N.contextLost)return!0;r.isContextLost()&&(N.contextLost=!0,N.mouseListener.enabled=!1,N.selection.object=null,N.oncontextloss&&N.oncontextloss())}window.addEventListener("resize",U),N.update=function(t){N._stopped||(t=t||{},P=!0,z=!0)},N.add=function(t){N._stopped||(t.axes=M,E.push(t),C.push(-1),P=!0,z=!0,V())},N.remove=function(t){if(!N._stopped){var e=E.indexOf(t);e<0||(E.splice(e,1),C.pop(),P=!0,z=!0,V())}},N.dispose=function(){if(!N._stopped&&(N._stopped=!0,window.removeEventListener("resize",U),e.removeEventListener("webglcontextlost",q),N.mouseListener.enabled=!1,!N.contextLost)){M.dispose(),S.dispose();for(var t=0;tx.distance)continue;for(var c=0;c 1.0) {\n discard;\n }\n baseColor = mix(borderColor, color, step(radius, centerFraction));\n gl_FragColor = vec4(baseColor.rgb * baseColor.a, baseColor.a);\n }\n}\n"]),r.pickVertex=n(["precision mediump float;\n#define GLSLIFY 1\n\nattribute vec2 position;\nattribute vec4 pickId;\n\nuniform mat3 matrix;\nuniform float pointSize;\nuniform vec4 pickOffset;\n\nvarying vec4 fragId;\n\nvoid main() {\n vec3 hgPosition = matrix * vec3(position, 1);\n gl_Position = vec4(hgPosition.xy, 0, hgPosition.z);\n gl_PointSize = pointSize;\n\n vec4 id = pickId + pickOffset;\n id.y += floor(id.x / 256.0);\n id.x -= floor(id.x / 256.0) * 256.0;\n\n id.z += floor(id.y / 256.0);\n id.y -= floor(id.y / 256.0) * 256.0;\n\n id.w += floor(id.z / 256.0);\n id.z -= floor(id.z / 256.0) * 256.0;\n\n fragId = id;\n}\n"]),r.pickFragment=n(["precision mediump float;\n#define GLSLIFY 1\n\nvarying vec4 fragId;\n\nvoid main() {\n float radius = length(2.0 * gl_PointCoord.xy - 1.0);\n if(radius > 1.0) {\n discard;\n }\n gl_FragColor = fragId / 255.0;\n}\n"])},{glslify:323}],323:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],324:[function(t,e,r){"use strict";var n=t("gl-shader"),i=t("gl-buffer"),a=t("typedarray-pool"),o=t("./lib/shader");function s(t,e,r,n,i){this.plot=t,this.offsetBuffer=e,this.pickBuffer=r,this.shader=n,this.pickShader=i,this.sizeMin=.5,this.sizeMinCap=2,this.sizeMax=20,this.areaRatio=1,this.pointCount=0,this.color=[1,0,0,1],this.borderColor=[0,0,0,1],this.blend=!1,this.pickOffset=0,this.points=null}e.exports=function(t,e){var r=t.gl,a=i(r),l=i(r),c=n(r,o.pointVertex,o.pointFragment),u=n(r,o.pickVertex,o.pickFragment),f=new s(t,a,l,c,u);return f.update(e),t.addObject(f),f};var l,c,u=s.prototype;u.dispose=function(){this.shader.dispose(),this.pickShader.dispose(),this.offsetBuffer.dispose(),this.pickBuffer.dispose(),this.plot.removeObject(this)},u.update=function(t){var e;function r(e,r){return e in t?t[e]:r}t=t||{},this.sizeMin=r("sizeMin",.5),this.sizeMax=r("sizeMax",20),this.color=r("color",[1,0,0,1]).slice(),this.areaRatio=r("areaRatio",1),this.borderColor=r("borderColor",[0,0,0,1]).slice(),this.blend=r("blend",!1);var n=t.positions.length>>>1,i=t.positions instanceof Float32Array,o=t.idToIndex instanceof Int32Array&&t.idToIndex.length>=n,s=t.positions,l=i?s:a.mallocFloat32(s.length),c=o?t.idToIndex:a.mallocInt32(n);if(i||l.set(s),!o)for(l.set(s),e=0;e>>1;for(r=0;r=e[0]&&a<=e[2]&&o>=e[1]&&o<=e[3]&&n++}return n}(this.points,i),u=this.plot.pickPixelRatio*Math.max(Math.min(this.sizeMinCap,this.sizeMin),Math.min(this.sizeMax,this.sizeMax/Math.pow(s,.33333)));l[0]=2/a,l[4]=2/o,l[6]=-2*i[0]/a-1,l[7]=-2*i[1]/o-1,this.offsetBuffer.bind(),r.bind(),r.attributes.position.pointer(),r.uniforms.matrix=l,r.uniforms.color=this.color,r.uniforms.borderColor=this.borderColor,r.uniforms.pointCloud=u<5,r.uniforms.pointSize=u,r.uniforms.centerFraction=Math.min(1,Math.max(0,Math.sqrt(1-this.areaRatio))),e&&(c[0]=255&t,c[1]=t>>8&255,c[2]=t>>16&255,c[3]=t>>24&255,this.pickBuffer.bind(),r.attributes.pickId.pointer(n.UNSIGNED_BYTE),r.uniforms.pickOffset=c,this.pickOffset=t);var f=n.getParameter(n.BLEND),h=n.getParameter(n.DITHER);return f&&!this.blend&&n.disable(n.BLEND),h&&n.disable(n.DITHER),n.drawArrays(n.POINTS,0,this.pointCount),f&&!this.blend&&n.enable(n.BLEND),h&&n.enable(n.DITHER),t+this.pointCount}),u.draw=u.unifiedDraw,u.drawPick=u.unifiedDraw,u.pick=function(t,e,r){var n=this.pickOffset,i=this.pointCount;if(r=n+i)return null;var a=r-n,o=this.points;return{object:this,pointId:a,dataCoord:[o[2*a],o[2*a+1]]}}},{"./lib/shader":322,"gl-buffer":259,"gl-shader":335,"typedarray-pool":595}],325:[function(t,e,r){e.exports=function(t,e,r,n){var i,a,o,s,l,c=e[0],u=e[1],f=e[2],h=e[3],p=r[0],d=r[1],g=r[2],m=r[3];(a=c*p+u*d+f*g+h*m)<0&&(a=-a,p=-p,d=-d,g=-g,m=-m);1-a>1e-6?(i=Math.acos(a),o=Math.sin(i),s=Math.sin((1-n)*i)/o,l=Math.sin(n*i)/o):(s=1-n,l=n);return t[0]=s*c+l*p,t[1]=s*u+l*d,t[2]=s*f+l*g,t[3]=s*h+l*m,t}},{}],326:[function(t,e,r){"use strict";e.exports=function(t){return t||0===t?t.toString():""}},{}],327:[function(t,e,r){"use strict";var n=t("vectorize-text");e.exports=function(t,e,r){var a=i[e];a||(a=i[e]={});if(t in a)return a[t];var o={textAlign:"center",textBaseline:"middle",lineHeight:1,font:e,lineSpacing:1.25,styletags:{breaklines:!0,bolds:!0,italics:!0,subscripts:!0,superscripts:!0},triangles:!0},s=n(t,o);o.triangles=!1;var l,c,u=n(t,o);if(r&&1!==r){for(l=0;l max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 glyph;\nattribute vec4 id;\n\nuniform vec4 highlightId;\nuniform float highlightScale;\nuniform mat4 model, view, projection;\nuniform vec3 clipBounds[2];\n\nvarying vec4 interpColor;\nvarying vec4 pickId;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0,0,0,0);\n } else {\n float scale = 1.0;\n if(distance(highlightId, id) < 0.0001) {\n scale = highlightScale;\n }\n\n vec4 worldPosition = model * vec4(position, 1);\n vec4 viewPosition = view * worldPosition;\n viewPosition = viewPosition / viewPosition.w;\n vec4 clipPosition = projection * (viewPosition + scale * vec4(glyph.x, -glyph.y, 0, 0));\n\n gl_Position = clipPosition;\n interpColor = color;\n pickId = id;\n dataCoordinate = position;\n }\n}"]),o=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 glyph;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\nuniform vec2 screenSize;\nuniform vec3 clipBounds[2];\nuniform float highlightScale, pixelRatio;\nuniform vec4 highlightId;\n\nvarying vec4 interpColor;\nvarying vec4 pickId;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0,0,0,0);\n } else {\n float scale = pixelRatio;\n if(distance(highlightId.bgr, id.bgr) < 0.001) {\n scale *= highlightScale;\n }\n\n vec4 worldPosition = model * vec4(position, 1.0);\n vec4 viewPosition = view * worldPosition;\n vec4 clipPosition = projection * viewPosition;\n clipPosition /= clipPosition.w;\n\n gl_Position = clipPosition + vec4(screenSize * scale * vec2(glyph.x, -glyph.y), 0.0, 0.0);\n interpColor = color;\n pickId = id;\n dataCoordinate = position;\n }\n}"]),s=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 glyph;\nattribute vec4 id;\n\nuniform float highlightScale;\nuniform vec4 highlightId;\nuniform vec3 axes[2];\nuniform mat4 model, view, projection;\nuniform vec2 screenSize;\nuniform vec3 clipBounds[2];\nuniform float scale, pixelRatio;\n\nvarying vec4 interpColor;\nvarying vec4 pickId;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0,0,0,0);\n } else {\n float lscale = pixelRatio * scale;\n if(distance(highlightId, id) < 0.0001) {\n lscale *= highlightScale;\n }\n\n vec4 clipCenter = projection * view * model * vec4(position, 1);\n vec3 dataPosition = position + 0.5*lscale*(axes[0] * glyph.x + axes[1] * glyph.y) * clipCenter.w * screenSize.y;\n vec4 clipPosition = projection * view * model * vec4(dataPosition, 1);\n\n gl_Position = clipPosition;\n interpColor = color;\n pickId = id;\n dataCoordinate = dataPosition;\n }\n}\n"]),l=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 fragClipBounds[2];\nuniform float opacity;\n\nvarying vec4 interpColor;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (\n outOfRange(fragClipBounds[0], fragClipBounds[1], dataCoordinate) ||\n interpColor.a * opacity == 0.\n ) discard;\n gl_FragColor = interpColor * opacity;\n}\n"]),c=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 fragClipBounds[2];\nuniform float pickGroup;\n\nvarying vec4 pickId;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (outOfRange(fragClipBounds[0], fragClipBounds[1], dataCoordinate)) discard;\n\n gl_FragColor = vec4(pickGroup, pickId.bgr);\n}"]),u=[{name:"position",type:"vec3"},{name:"color",type:"vec4"},{name:"glyph",type:"vec2"},{name:"id",type:"vec4"}],f={vertex:a,fragment:l,attributes:u},h={vertex:o,fragment:l,attributes:u},p={vertex:s,fragment:l,attributes:u},d={vertex:a,fragment:c,attributes:u},g={vertex:o,fragment:c,attributes:u},m={vertex:s,fragment:c,attributes:u};function v(t,e){var r=n(t,e),i=r.attributes;return i.position.location=0,i.color.location=1,i.glyph.location=2,i.id.location=3,r}r.createPerspective=function(t){return v(t,f)},r.createOrtho=function(t){return v(t,h)},r.createProject=function(t){return v(t,p)},r.createPickPerspective=function(t){return v(t,d)},r.createPickOrtho=function(t){return v(t,g)},r.createPickProject=function(t){return v(t,m)}},{"gl-shader":335,glslify:329}],329:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],330:[function(t,e,r){"use strict";var n=t("is-string-blank"),i=t("gl-buffer"),a=t("gl-vao"),o=t("typedarray-pool"),s=t("gl-mat4/multiply"),l=t("./lib/shaders"),c=t("./lib/glyphs"),u=t("./lib/get-simple-string"),f=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function h(t,e){var r=t[0],n=t[1],i=t[2],a=t[3];return t[0]=e[0]*r+e[4]*n+e[8]*i+e[12]*a,t[1]=e[1]*r+e[5]*n+e[9]*i+e[13]*a,t[2]=e[2]*r+e[6]*n+e[10]*i+e[14]*a,t[3]=e[3]*r+e[7]*n+e[11]*i+e[15]*a,t}function p(t,e,r,n){return h(n,n),h(n,n),h(n,n)}function d(t,e){this.index=t,this.dataCoordinate=this.position=e}function g(t){return!0===t||t>1?1:t}function m(t,e,r,n,i,a,o,s,l,c,u,f){this.gl=t,this.pixelRatio=1,this.shader=e,this.orthoShader=r,this.projectShader=n,this.pointBuffer=i,this.colorBuffer=a,this.glyphBuffer=o,this.idBuffer=s,this.vao=l,this.vertexCount=0,this.lineVertexCount=0,this.opacity=1,this.hasAlpha=!1,this.lineWidth=0,this.projectScale=[2/3,2/3,2/3],this.projectOpacity=[1,1,1],this.projectHasAlpha=!1,this.pickId=0,this.pickPerspectiveShader=c,this.pickOrthoShader=u,this.pickProjectShader=f,this.points=[],this._selectResult=new d(0,[0,0,0]),this.useOrtho=!0,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.axesProject=[!0,!0,!0],this.axesBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.highlightId=[1,1,1,1],this.highlightScale=2,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.dirty=!0}e.exports=function(t){var e=t.gl,r=l.createPerspective(e),n=l.createOrtho(e),o=l.createProject(e),s=l.createPickPerspective(e),c=l.createPickOrtho(e),u=l.createPickProject(e),f=i(e),h=i(e),p=i(e),d=i(e),g=a(e,[{buffer:f,size:3,type:e.FLOAT},{buffer:h,size:4,type:e.FLOAT},{buffer:p,size:2,type:e.FLOAT},{buffer:d,size:4,type:e.UNSIGNED_BYTE,normalized:!0}]),v=new m(e,r,n,o,f,h,p,d,g,s,c,u);return v.update(t),v};var v=m.prototype;v.pickSlots=1,v.setPickBase=function(t){this.pickId=t},v.isTransparent=function(){if(this.hasAlpha)return!0;for(var t=0;t<3;++t)if(this.axesProject[t]&&this.projectHasAlpha)return!0;return!1},v.isOpaque=function(){if(!this.hasAlpha)return!0;for(var t=0;t<3;++t)if(this.axesProject[t]&&!this.projectHasAlpha)return!0;return!1};var y=[0,0],x=[0,0,0],b=[0,0,0],_=[0,0,0,1],w=[0,0,0,1],T=f.slice(),k=[0,0,0],M=[[0,0,0],[0,0,0]];function A(t){return t[0]=t[1]=t[2]=0,t}function S(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[3]=1,t}function E(t,e,r,n){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[r]=n,t}function C(t,e,r,n){var i,a=e.axesProject,o=e.gl,l=t.uniforms,c=r.model||f,u=r.view||f,h=r.projection||f,d=e.axesBounds,g=function(t){for(var e=M,r=0;r<2;++r)for(var n=0;n<3;++n)e[r][n]=Math.max(Math.min(t[r][n],1e8),-1e8);return e}(e.clipBounds);i=e.axes&&e.axes.lastCubeProps?e.axes.lastCubeProps.axis:[1,1,1],y[0]=2/o.drawingBufferWidth,y[1]=2/o.drawingBufferHeight,t.bind(),l.view=u,l.projection=h,l.screenSize=y,l.highlightId=e.highlightId,l.highlightScale=e.highlightScale,l.clipBounds=g,l.pickGroup=e.pickId/255,l.pixelRatio=n;for(var m=0;m<3;++m)if(a[m]){l.scale=e.projectScale[m],l.opacity=e.projectOpacity[m];for(var v=T,C=0;C<16;++C)v[C]=0;for(C=0;C<4;++C)v[5*C]=1;v[5*m]=0,i[m]<0?v[12+m]=d[0][m]:v[12+m]=d[1][m],s(v,c,v),l.model=v;var L=(m+1)%3,I=(m+2)%3,P=A(x),z=A(b);P[L]=1,z[I]=1;var O=p(0,0,0,S(_,P)),D=p(0,0,0,S(w,z));if(Math.abs(O[1])>Math.abs(D[1])){var R=O;O=D,D=R,R=P,P=z,z=R;var F=L;L=I,I=F}O[0]<0&&(P[L]=-1),D[1]>0&&(z[I]=-1);var B=0,N=0;for(C=0;C<4;++C)B+=Math.pow(c[4*L+C],2),N+=Math.pow(c[4*I+C],2);P[L]/=Math.sqrt(B),z[I]/=Math.sqrt(N),l.axes[0]=P,l.axes[1]=z,l.fragClipBounds[0]=E(k,g[0],m,-1e8),l.fragClipBounds[1]=E(k,g[1],m,1e8),e.vao.bind(),e.vao.draw(o.TRIANGLES,e.vertexCount),e.lineWidth>0&&(o.lineWidth(e.lineWidth*n),e.vao.draw(o.LINES,e.lineVertexCount,e.vertexCount)),e.vao.unbind()}}var L=[[-1e8,-1e8,-1e8],[1e8,1e8,1e8]];function I(t,e,r,n,i,a,o){var s=r.gl;if((a===r.projectHasAlpha||o)&&C(e,r,n,i),a===r.hasAlpha||o){t.bind();var l=t.uniforms;l.model=n.model||f,l.view=n.view||f,l.projection=n.projection||f,y[0]=2/s.drawingBufferWidth,y[1]=2/s.drawingBufferHeight,l.screenSize=y,l.highlightId=r.highlightId,l.highlightScale=r.highlightScale,l.fragClipBounds=L,l.clipBounds=r.axes.bounds,l.opacity=r.opacity,l.pickGroup=r.pickId/255,l.pixelRatio=i,r.vao.bind(),r.vao.draw(s.TRIANGLES,r.vertexCount),r.lineWidth>0&&(s.lineWidth(r.lineWidth*i),r.vao.draw(s.LINES,r.lineVertexCount,r.vertexCount)),r.vao.unbind()}}function P(t,e,r,i){var a;a=Array.isArray(t)?e=this.pointCount||e<0)return null;var r=this.points[e],n=this._selectResult;n.index=e;for(var i=0;i<3;++i)n.position[i]=n.dataCoordinate[i]=r[i];return n},v.highlight=function(t){if(t){var e=t.index,r=255&e,n=e>>8&255,i=e>>16&255;this.highlightId=[r/255,n/255,i/255,0]}else this.highlightId=[1,1,1,1]},v.update=function(t){if("perspective"in(t=t||{})&&(this.useOrtho=!t.perspective),"orthographic"in t&&(this.useOrtho=!!t.orthographic),"lineWidth"in t&&(this.lineWidth=t.lineWidth),"project"in t)if(Array.isArray(t.project))this.axesProject=t.project;else{var e=!!t.project;this.axesProject=[e,e,e]}if("projectScale"in t)if(Array.isArray(t.projectScale))this.projectScale=t.projectScale.slice();else{var r=+t.projectScale;this.projectScale=[r,r,r]}if(this.projectHasAlpha=!1,"projectOpacity"in t){if(Array.isArray(t.projectOpacity))this.projectOpacity=t.projectOpacity.slice();else{r=+t.projectOpacity;this.projectOpacity=[r,r,r]}for(var n=0;n<3;++n)this.projectOpacity[n]=g(this.projectOpacity[n]),this.projectOpacity[n]<1&&(this.projectHasAlpha=!0)}this.hasAlpha=!1,"opacity"in t&&(this.opacity=g(t.opacity),this.opacity<1&&(this.hasAlpha=!0)),this.dirty=!0;var i,a,s=t.position,l=t.font||"normal",c=t.alignment||[0,0];if(2===c.length)i=c[0],a=c[1];else{i=[],a=[];for(n=0;n0){var z=0,O=x,D=[0,0,0,1],R=[0,0,0,1],F=Array.isArray(p)&&Array.isArray(p[0]),B=Array.isArray(v)&&Array.isArray(v[0]);t:for(n=0;n<_;++n){y+=1;for(w=s[n],T=0;T<3;++T){if(isNaN(w[T])||!isFinite(w[T]))continue t;f[T]=Math.max(f[T],w[T]),u[T]=Math.min(u[T],w[T])}k=(N=P(h,n,l,this.pixelRatio)).mesh,M=N.lines,A=N.bounds;var N,j=N.visible;if(j)if(Array.isArray(p)){if(3===(U=F?n0?1-A[0][0]:Y<0?1+A[1][0]:1,W*=W>0?1-A[0][1]:W<0?1+A[1][1]:1],Z=k.cells||[],J=k.positions||[];for(T=0;T0){var v=r*u;o.drawBox(f-v,h-v,p+v,h+v,a),o.drawBox(f-v,d-v,p+v,d+v,a),o.drawBox(f-v,h-v,f+v,d+v,a),o.drawBox(p-v,h-v,p+v,d+v,a)}}}},s.update=function(t){t=t||{},this.innerFill=!!t.innerFill,this.outerFill=!!t.outerFill,this.innerColor=(t.innerColor||[0,0,0,.5]).slice(),this.outerColor=(t.outerColor||[0,0,0,.5]).slice(),this.borderColor=(t.borderColor||[0,0,0,1]).slice(),this.borderWidth=t.borderWidth||0,this.selectBox=(t.selectBox||this.selectBox).slice()},s.dispose=function(){this.boxBuffer.dispose(),this.boxShader.dispose(),this.plot.removeOverlay(this)}},{"./lib/shaders":331,"gl-buffer":259,"gl-shader":335}],334:[function(t,e,r){"use strict";e.exports=function(t,e){var r=e[0],a=e[1],o=n(t,r,a,{}),s=i.mallocUint8(r*a*4);return new l(t,o,s)};var n=t("gl-fbo"),i=t("typedarray-pool"),a=t("ndarray"),o=t("bit-twiddle").nextPow2;function s(t,e,r,n,i){this.coord=[t,e],this.id=r,this.value=n,this.distance=i}function l(t,e,r){this.gl=t,this.fbo=e,this.buffer=r,this._readTimeout=null;var n=this;this._readCallback=function(){n.gl&&(e.bind(),t.readPixels(0,0,e.shape[0],e.shape[1],t.RGBA,t.UNSIGNED_BYTE,n.buffer),n._readTimeout=null)}}var c=l.prototype;Object.defineProperty(c,"shape",{get:function(){return this.gl?this.fbo.shape.slice():[0,0]},set:function(t){if(this.gl){this.fbo.shape=t;var e=this.fbo.shape[0],r=this.fbo.shape[1];if(r*e*4>this.buffer.length){i.free(this.buffer);for(var n=this.buffer=i.mallocUint8(o(r*e*4)),a=0;ar)for(t=r;te)for(t=e;t=0){for(var T=0|w.type.charAt(w.type.length-1),k=new Array(T),M=0;M=0;)A+=1;_[y]=A}var S=new Array(r.length);function E(){h.program=o.program(p,h._vref,h._fref,b,_);for(var t=0;t=0){if((d=h.charCodeAt(h.length-1)-48)<2||d>4)throw new n("","Invalid data type for attribute "+f+": "+h);o(t,e,p[0],i,d,a,f)}else{if(!(h.indexOf("mat")>=0))throw new n("","Unknown data type for attribute "+f+": "+h);var d;if((d=h.charCodeAt(h.length-1)-48)<2||d>4)throw new n("","Invalid data type for attribute "+f+": "+h);s(t,e,p,i,d,a,f)}}}return a};var n=t("./GLError");function i(t,e,r,n,i,a){this._gl=t,this._wrapper=e,this._index=r,this._locations=n,this._dimension=i,this._constFunc=a}var a=i.prototype;function o(t,e,r,n,a,o,s){for(var l=["gl","v"],c=[],u=0;u4)throw new i("","Invalid uniform dimension type for matrix "+name+": "+r);return"gl.uniformMatrix"+a+"fv(locations["+e+"],false,obj"+t+")"}throw new i("","Unknown uniform data type for "+name+": "+r)}if((a=r.charCodeAt(r.length-1)-48)<2||a>4)throw new i("","Invalid data type");switch(r.charAt(0)){case"b":case"i":return"gl.uniform"+a+"iv(locations["+e+"],obj"+t+")";case"v":return"gl.uniform"+a+"fv(locations["+e+"],obj"+t+")";default:throw new i("","Unrecognized data type for vector "+name+": "+r)}}}function c(e){for(var n=["return function updateProperty(obj){"],i=function t(e,r){if("object"!=typeof r)return[[e,r]];var n=[];for(var i in r){var a=r[i],o=e;parseInt(i)+""===i?o+="["+i+"]":o+="."+i,"object"==typeof a?n.push.apply(n,t(o,a)):n.push([o,a])}return n}("",e),a=0;a4)throw new i("","Invalid data type");return"b"===t.charAt(0)?o(r,!1):o(r,0)}if(0===t.indexOf("mat")&&4===t.length){var r;if((r=t.charCodeAt(t.length-1)-48)<2||r>4)throw new i("","Invalid uniform dimension type for matrix "+name+": "+t);return o(r*r,0)}throw new i("","Unknown uniform data type for "+name+": "+t)}}(r[u].type);var p}function f(t){var e;if(Array.isArray(t)){e=new Array(t.length);for(var r=0;r1){s[0]in a||(a[s[0]]=[]),a=a[s[0]];for(var l=1;l1)for(var l=0;l 0 U ||b|| > 0.\n // Assign z = 0, x = -b, y = a:\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\n return normalize(vec3(-v.y, v.x, 0.0));\n } else {\n return normalize(vec3(0.0, v.z, -v.y));\n }\n}\n\n// Calculate the tube vertex and normal at the given index.\n//\n// The returned vertex is for a tube ring with its center at origin, radius of length(d), pointing in the direction of d.\n//\n// Each tube segment is made up of a ring of vertices.\n// These vertices are used to make up the triangles of the tube by connecting them together in the vertex array.\n// The indexes of tube segments run from 0 to 8.\n//\nvec3 getTubePosition(vec3 d, float index, out vec3 normal) {\n float segmentCount = 8.0;\n\n float angle = 2.0 * 3.14159 * (index / segmentCount);\n\n vec3 u = getOrthogonalVector(d);\n vec3 v = normalize(cross(u, d));\n\n vec3 x = u * cos(angle) * length(d);\n vec3 y = v * sin(angle) * length(d);\n vec3 v3 = x + y;\n\n normal = normalize(v3);\n\n return v3;\n}\n\nattribute vec4 vector;\nattribute vec4 color, position;\nattribute vec2 uv;\n\nuniform float vectorScale, tubeScale;\nuniform mat4 model, view, projection, inverseModel;\nuniform vec3 eyePosition, lightPosition;\n\nvarying vec3 f_normal, f_lightDirection, f_eyeDirection, f_data, f_position;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n // Scale the vector magnitude to stay constant with\n // model & view changes.\n vec3 normal;\n vec3 XYZ = getTubePosition(mat3(model) * (tubeScale * vector.w * normalize(vector.xyz)), position.w, normal);\n vec4 tubePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\n\n //Lighting geometry parameters\n vec4 cameraCoordinate = view * tubePosition;\n cameraCoordinate.xyz /= cameraCoordinate.w;\n f_lightDirection = lightPosition - cameraCoordinate.xyz;\n f_eyeDirection = eyePosition - cameraCoordinate.xyz;\n f_normal = normalize((vec4(normal, 0.0) * inverseModel).xyz);\n\n // vec4 m_position = model * vec4(tubePosition, 1.0);\n vec4 t_position = view * tubePosition;\n gl_Position = projection * t_position;\n\n f_color = color;\n f_data = tubePosition.xyz;\n f_position = position.xyz;\n f_uv = uv;\n}\n"]),a=n(["#extension GL_OES_standard_derivatives : enable\n\nprecision highp float;\n#define GLSLIFY 1\n\nfloat beckmannDistribution(float x, float roughness) {\n float NdotH = max(x, 0.0001);\n float cos2Alpha = NdotH * NdotH;\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\n float roughness2 = roughness * roughness;\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\n return exp(tan2Alpha / roughness2) / denom;\n}\n\nfloat cookTorranceSpecular(\n vec3 lightDirection,\n vec3 viewDirection,\n vec3 surfaceNormal,\n float roughness,\n float fresnel) {\n\n float VdotN = max(dot(viewDirection, surfaceNormal), 0.0);\n float LdotN = max(dot(lightDirection, surfaceNormal), 0.0);\n\n //Half angle vector\n vec3 H = normalize(lightDirection + viewDirection);\n\n //Geometric term\n float NdotH = max(dot(surfaceNormal, H), 0.0);\n float VdotH = max(dot(viewDirection, H), 0.000001);\n float LdotH = max(dot(lightDirection, H), 0.000001);\n float G1 = (2.0 * NdotH * VdotN) / VdotH;\n float G2 = (2.0 * NdotH * LdotN) / LdotH;\n float G = min(1.0, min(G1, G2));\n \n //Distribution term\n float D = beckmannDistribution(NdotH, roughness);\n\n //Fresnel term\n float F = pow(1.0 - VdotN, fresnel);\n\n //Multiply terms and done\n return G * F * D / max(3.14159265 * VdotN, 0.000001);\n}\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float roughness, fresnel, kambient, kdiffuse, kspecular, opacity;\nuniform sampler2D texture;\n\nvarying vec3 f_normal, f_lightDirection, f_eyeDirection, f_data, f_position;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n vec3 N = normalize(f_normal);\n vec3 L = normalize(f_lightDirection);\n vec3 V = normalize(f_eyeDirection);\n\n if(gl_FrontFacing) {\n N = -N;\n }\n\n float specular = min(1.0, max(0.0, cookTorranceSpecular(L, V, N, roughness, fresnel)));\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\n\n vec4 surfaceColor = f_color * texture2D(texture, f_uv);\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\n\n gl_FragColor = litColor * opacity;\n}\n"]),o=n(["precision highp float;\n\nprecision highp float;\n#define GLSLIFY 1\n\nvec3 getOrthogonalVector(vec3 v) {\n // Return up-vector for only-z vector.\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\n // Assign z = 0, x = -b, y = a:\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\n return normalize(vec3(-v.y, v.x, 0.0));\n } else {\n return normalize(vec3(0.0, v.z, -v.y));\n }\n}\n\n// Calculate the tube vertex and normal at the given index.\n//\n// The returned vertex is for a tube ring with its center at origin, radius of length(d), pointing in the direction of d.\n//\n// Each tube segment is made up of a ring of vertices.\n// These vertices are used to make up the triangles of the tube by connecting them together in the vertex array.\n// The indexes of tube segments run from 0 to 8.\n//\nvec3 getTubePosition(vec3 d, float index, out vec3 normal) {\n float segmentCount = 8.0;\n\n float angle = 2.0 * 3.14159 * (index / segmentCount);\n\n vec3 u = getOrthogonalVector(d);\n vec3 v = normalize(cross(u, d));\n\n vec3 x = u * cos(angle) * length(d);\n vec3 y = v * sin(angle) * length(d);\n vec3 v3 = x + y;\n\n normal = normalize(v3);\n\n return v3;\n}\n\nattribute vec4 vector;\nattribute vec4 position;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\nuniform float tubeScale;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n vec3 normal;\n vec3 XYZ = getTubePosition(mat3(model) * (tubeScale * vector.w * normalize(vector.xyz)), position.w, normal);\n vec4 tubePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\n\n gl_Position = projection * view * tubePosition;\n f_id = id;\n f_position = position.xyz;\n}\n"]),s=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float pickId;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n\n gl_FragColor = vec4(pickId, f_id.xyz);\n}"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:"position",type:"vec4"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"},{name:"vector",type:"vec4"}]},r.pickShader={vertex:o,fragment:s,attributes:[{name:"position",type:"vec4"},{name:"id",type:"vec4"},{name:"vector",type:"vec4"}]}},{glslify:347}],347:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],348:[function(t,e,r){"use strict";var n=t("gl-vec3"),i=t("gl-vec4"),a=["xyz","xzy","yxz","yzx","zxy","zyx"],o=function(t,e,r,a){for(var o=0,s=0;s0)for(T=0;T<8;T++){var k=(T+1)%8;c.push(h[T],p[T],p[k],p[k],h[k],h[T]),f.push(y,v,v,v,y,y),d.push(g,m,m,m,g,g);var M=c.length;u.push([M-6,M-5,M-4],[M-3,M-2,M-1])}var A=h;h=p,p=A;var S=y;y=v,v=S;var E=g;g=m,m=E}return{positions:c,cells:u,vectors:f,vertexIntensity:d}}(t,r,a,o)})),f=[],h=[],p=[],d=[];for(s=0;se)return r-1}return r},l=function(t,e,r){return tr?r:t},c=function(t){var e=1/0;t.sort((function(t,e){return t-e}));for(var r=t.length,n=1;nf-1||y>h-1||x>p-1)return n.create();var b,_,w,T,k,M,A=a[0][d],S=a[0][v],E=a[1][g],C=a[1][y],L=a[2][m],I=(o-A)/(S-A),P=(c-E)/(C-E),z=(u-L)/(a[2][x]-L);switch(isFinite(I)||(I=.5),isFinite(P)||(P=.5),isFinite(z)||(z=.5),r.reversedX&&(d=f-1-d,v=f-1-v),r.reversedY&&(g=h-1-g,y=h-1-y),r.reversedZ&&(m=p-1-m,x=p-1-x),r.filled){case 5:k=m,M=x,w=g*p,T=y*p,b=d*p*h,_=v*p*h;break;case 4:k=m,M=x,b=d*p,_=v*p,w=g*p*f,T=y*p*f;break;case 3:w=g,T=y,k=m*h,M=x*h,b=d*h*p,_=v*h*p;break;case 2:w=g,T=y,b=d*h,_=v*h,k=m*h*f,M=x*h*f;break;case 1:b=d,_=v,k=m*f,M=x*f,w=g*f*p,T=y*f*p;break;default:b=d,_=v,w=g*f,T=y*f,k=m*f*h,M=x*f*h}var O=i[b+w+k],D=i[b+w+M],R=i[b+T+k],F=i[b+T+M],B=i[_+w+k],N=i[_+w+M],j=i[_+T+k],U=i[_+T+M],V=n.create(),q=n.create(),H=n.create(),G=n.create();n.lerp(V,O,B,I),n.lerp(q,D,N,I),n.lerp(H,R,j,I),n.lerp(G,F,U,I);var Y=n.create(),W=n.create();n.lerp(Y,V,H,P),n.lerp(W,q,G,P);var X=n.create();return n.lerp(X,Y,W,z),X}(e,t,p)},g=t.getDivergence||function(t,e){var r=n.create(),i=1e-4;n.add(r,t,[i,0,0]);var a=d(r);n.subtract(a,a,e),n.scale(a,a,1/i),n.add(r,t,[0,i,0]);var o=d(r);n.subtract(o,o,e),n.scale(o,o,1/i),n.add(r,t,[0,0,i]);var s=d(r);return n.subtract(s,s,e),n.scale(s,s,1/i),n.add(r,a,o),n.add(r,r,s),r},m=[],v=e[0][0],y=e[0][1],x=e[0][2],b=e[1][0],_=e[1][1],w=e[1][2],T=function(t){var e=t[0],r=t[1],n=t[2];return!(eb||r_||nw)},k=10*n.distance(e[0],e[1])/i,M=k*k,A=1,S=0,E=r.length;E>1&&(A=function(t){for(var e=[],r=[],n=[],i={},a={},o={},s=t.length,l=0;lS&&(S=F),D.push(F),m.push({points:I,velocities:P,divergences:D});for(var B=0;B<100*i&&I.lengthM&&n.scale(N,N,k/Math.sqrt(j)),n.add(N,N,L),z=d(N),n.squaredDistance(O,N)-M>-1e-4*M){I.push(N),O=N,P.push(z);R=g(N,z),F=n.length(R);isFinite(F)&&F>S&&(S=F),D.push(F)}L=N}}var U=o(m,t.colormap,S,A);return f?U.tubeScale=f:(0===S&&(S=1),U.tubeScale=.5*u*A/S),U};var u=t("./lib/shaders"),f=t("gl-cone3d").createMesh;e.exports.createTubeMesh=function(t,e){return f(t,e,{shaders:u,traceType:"streamtube"})}},{"./lib/shaders":346,"gl-cone3d":260,"gl-vec3":377,"gl-vec4":413}],349:[function(t,e,r){var n=t("gl-shader"),i=t("glslify"),a=i(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec4 uv;\nattribute vec3 f;\nattribute vec3 normal;\n\nuniform vec3 objectOffset;\nuniform mat4 model, view, projection, inverseModel;\nuniform vec3 lightPosition, eyePosition;\nuniform sampler2D colormap;\n\nvarying float value, kill;\nvarying vec3 worldCoordinate;\nvarying vec2 planeCoordinate;\nvarying vec3 lightDirection, eyeDirection, surfaceNormal;\nvarying vec4 vColor;\n\nvoid main() {\n vec3 localCoordinate = vec3(uv.zw, f.x);\n worldCoordinate = objectOffset + localCoordinate;\n vec4 worldPosition = model * vec4(worldCoordinate, 1.0);\n vec4 clipPosition = projection * view * worldPosition;\n gl_Position = clipPosition;\n kill = f.y;\n value = f.z;\n planeCoordinate = uv.xy;\n\n vColor = texture2D(colormap, vec2(value, value));\n\n //Lighting geometry parameters\n vec4 cameraCoordinate = view * worldPosition;\n cameraCoordinate.xyz /= cameraCoordinate.w;\n lightDirection = lightPosition - cameraCoordinate.xyz;\n eyeDirection = eyePosition - cameraCoordinate.xyz;\n surfaceNormal = normalize((vec4(normal,0) * inverseModel).xyz);\n}\n"]),o=i(["precision highp float;\n#define GLSLIFY 1\n\nfloat beckmannDistribution(float x, float roughness) {\n float NdotH = max(x, 0.0001);\n float cos2Alpha = NdotH * NdotH;\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\n float roughness2 = roughness * roughness;\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\n return exp(tan2Alpha / roughness2) / denom;\n}\n\nfloat beckmannSpecular(\n vec3 lightDirection,\n vec3 viewDirection,\n vec3 surfaceNormal,\n float roughness) {\n return beckmannDistribution(dot(surfaceNormal, normalize(lightDirection + viewDirection)), roughness);\n}\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 lowerBound, upperBound;\nuniform float contourTint;\nuniform vec4 contourColor;\nuniform sampler2D colormap;\nuniform vec3 clipBounds[2];\nuniform float roughness, fresnel, kambient, kdiffuse, kspecular, opacity;\nuniform float vertexColor;\n\nvarying float value, kill;\nvarying vec3 worldCoordinate;\nvarying vec3 lightDirection, eyeDirection, surfaceNormal;\nvarying vec4 vColor;\n\nvoid main() {\n if (\n kill > 0.0 ||\n vColor.a == 0.0 ||\n outOfRange(clipBounds[0], clipBounds[1], worldCoordinate)\n ) discard;\n\n vec3 N = normalize(surfaceNormal);\n vec3 V = normalize(eyeDirection);\n vec3 L = normalize(lightDirection);\n\n if(gl_FrontFacing) {\n N = -N;\n }\n\n float specular = max(beckmannSpecular(L, V, N, roughness), 0.);\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\n\n //decide how to interpolate color \u2014 in vertex or in fragment\n vec4 surfaceColor =\n step(vertexColor, .5) * texture2D(colormap, vec2(value, value)) +\n step(.5, vertexColor) * vColor;\n\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\n\n gl_FragColor = mix(litColor, contourColor, contourTint) * opacity;\n}\n"]),s=i(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec4 uv;\nattribute float f;\n\nuniform vec3 objectOffset;\nuniform mat3 permutation;\nuniform mat4 model, view, projection;\nuniform float height, zOffset;\nuniform sampler2D colormap;\n\nvarying float value, kill;\nvarying vec3 worldCoordinate;\nvarying vec2 planeCoordinate;\nvarying vec3 lightDirection, eyeDirection, surfaceNormal;\nvarying vec4 vColor;\n\nvoid main() {\n vec3 dataCoordinate = permutation * vec3(uv.xy, height);\n worldCoordinate = objectOffset + dataCoordinate;\n vec4 worldPosition = model * vec4(worldCoordinate, 1.0);\n\n vec4 clipPosition = projection * view * worldPosition;\n clipPosition.z += zOffset;\n\n gl_Position = clipPosition;\n value = f + objectOffset.z;\n kill = -1.0;\n planeCoordinate = uv.zw;\n\n vColor = texture2D(colormap, vec2(value, value));\n\n //Don't do lighting for contours\n surfaceNormal = vec3(1,0,0);\n eyeDirection = vec3(0,1,0);\n lightDirection = vec3(0,0,1);\n}\n"]),l=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec2 shape;\nuniform vec3 clipBounds[2];\nuniform float pickId;\n\nvarying float value, kill;\nvarying vec3 worldCoordinate;\nvarying vec2 planeCoordinate;\nvarying vec3 surfaceNormal;\n\nvec2 splitFloat(float v) {\n float vh = 255.0 * v;\n float upper = floor(vh);\n float lower = fract(vh);\n return vec2(upper / 255.0, floor(lower * 16.0) / 16.0);\n}\n\nvoid main() {\n if ((kill > 0.0) ||\n (outOfRange(clipBounds[0], clipBounds[1], worldCoordinate))) discard;\n\n vec2 ux = splitFloat(planeCoordinate.x / shape.x);\n vec2 uy = splitFloat(planeCoordinate.y / shape.y);\n gl_FragColor = vec4(pickId, ux.x, uy.x, ux.y + (uy.y/16.0));\n}\n"]);r.createShader=function(t){var e=n(t,a,o,null,[{name:"uv",type:"vec4"},{name:"f",type:"vec3"},{name:"normal",type:"vec3"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e.attributes.normal.location=2,e},r.createPickShader=function(t){var e=n(t,a,l,null,[{name:"uv",type:"vec4"},{name:"f",type:"vec3"},{name:"normal",type:"vec3"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e.attributes.normal.location=2,e},r.createContourShader=function(t){var e=n(t,s,o,null,[{name:"uv",type:"vec4"},{name:"f",type:"float"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e},r.createPickContourShader=function(t){var e=n(t,s,l,null,[{name:"uv",type:"vec4"},{name:"f",type:"float"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e}},{"gl-shader":335,glslify:350}],350:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],351:[function(t,e,r){"use strict";e.exports=function(t){var e=t.gl,r=y(e),n=b(e),s=x(e),l=_(e),c=i(e),u=a(e,[{buffer:c,size:4,stride:40,offset:0},{buffer:c,size:3,stride:40,offset:16},{buffer:c,size:3,stride:40,offset:28}]),f=i(e),h=a(e,[{buffer:f,size:4,stride:20,offset:0},{buffer:f,size:1,stride:20,offset:16}]),p=i(e),d=a(e,[{buffer:p,size:2,type:e.FLOAT}]),g=o(e,1,256,e.RGBA,e.UNSIGNED_BYTE);g.minFilter=e.LINEAR,g.magFilter=e.LINEAR;var m=new A(e,[0,0],[[0,0,0],[0,0,0]],r,n,c,u,g,s,l,f,h,p,d,[0,0,0]),v={levels:[[],[],[]]};for(var w in t)v[w]=t[w];return v.colormap=v.colormap||"jet",m.update(v),m};var n=t("bit-twiddle"),i=t("gl-buffer"),a=t("gl-vao"),o=t("gl-texture2d"),s=t("typedarray-pool"),l=t("colormap"),c=t("ndarray-ops"),u=t("ndarray-pack"),f=t("ndarray"),h=t("surface-nets"),p=t("gl-mat4/multiply"),d=t("gl-mat4/invert"),g=t("binary-search-bounds"),m=t("ndarray-gradient"),v=t("./lib/shaders"),y=v.createShader,x=v.createContourShader,b=v.createPickShader,_=v.createPickContourShader,w=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1],T=[[0,0],[0,1],[1,0],[1,1],[1,0],[0,1]],k=[[0,0,0,0,0,0,0,0,0],[0,0,0,0,0,0,0,0,0],[0,0,0,0,0,0,0,0,0]];function M(t,e,r,n,i){this.position=t,this.index=e,this.uv=r,this.level=n,this.dataCoordinate=i}!function(){for(var t=0;t<3;++t){var e=k[t],r=(t+2)%3;e[(t+1)%3+0]=1,e[r+3]=1,e[t+6]=1}}();function A(t,e,r,n,i,a,o,l,c,u,h,p,d,g,m){this.gl=t,this.shape=e,this.bounds=r,this.objectOffset=m,this.intensityBounds=[],this._shader=n,this._pickShader=i,this._coordinateBuffer=a,this._vao=o,this._colorMap=l,this._contourShader=c,this._contourPickShader=u,this._contourBuffer=h,this._contourVAO=p,this._contourOffsets=[[],[],[]],this._contourCounts=[[],[],[]],this._vertexCount=0,this._pickResult=new M([0,0,0],[0,0],[0,0],[0,0,0],[0,0,0]),this._dynamicBuffer=d,this._dynamicVAO=g,this._dynamicOffsets=[0,0,0],this._dynamicCounts=[0,0,0],this.contourWidth=[1,1,1],this.contourLevels=[[1],[1],[1]],this.contourTint=[0,0,0],this.contourColor=[[.5,.5,.5,1],[.5,.5,.5,1],[.5,.5,.5,1]],this.showContour=!0,this.showSurface=!0,this.enableHighlight=[!0,!0,!0],this.highlightColor=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.highlightTint=[1,1,1],this.highlightLevel=[-1,-1,-1],this.enableDynamic=[!0,!0,!0],this.dynamicLevel=[NaN,NaN,NaN],this.dynamicColor=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.dynamicTint=[1,1,1],this.dynamicWidth=[1,1,1],this.axesBounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.surfaceProject=[!1,!1,!1],this.contourProject=[[!1,!1,!1],[!1,!1,!1],[!1,!1,!1]],this.colorBounds=[!1,!1],this._field=[f(s.mallocFloat(1024),[0,0]),f(s.mallocFloat(1024),[0,0]),f(s.mallocFloat(1024),[0,0])],this.pickId=1,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.snapToData=!1,this.pixelRatio=1,this.opacity=1,this.lightPosition=[10,1e4,0],this.ambientLight=.8,this.diffuseLight=.8,this.specularLight=2,this.roughness=.5,this.fresnel=1.5,this.vertexColor=0,this.dirty=!0}var S=A.prototype;S.genColormap=function(t,e){var r=!1,n=u([l({colormap:t,nshades:256,format:"rgba"}).map((function(t,n){var i=e?function(t,e){if(!e)return 1;if(!e.length)return 1;for(var r=0;rt&&r>0){var n=(e[r][0]-t)/(e[r][0]-e[r-1][0]);return e[r][1]*(1-n)+n*e[r-1][1]}}return 1}(n/255,e):t[3];return i<1&&(r=!0),[t[0],t[1],t[2],255*i]}))]);return c.divseq(n,255),this.hasAlphaScale=r,n},S.isTransparent=function(){return this.opacity<1||this.hasAlphaScale},S.isOpaque=function(){return!this.isTransparent()},S.pickSlots=1,S.setPickBase=function(t){this.pickId=t};var E=[0,0,0],C={showSurface:!1,showContour:!1,projections:[w.slice(),w.slice(),w.slice()],clipBounds:[[[0,0,0],[0,0,0]],[[0,0,0],[0,0,0]],[[0,0,0],[0,0,0]]]};function L(t,e){var r,n,i,a=e.axes&&e.axes.lastCubeProps.axis||E,o=e.showSurface,s=e.showContour;for(r=0;r<3;++r)for(o=o||e.surfaceProject[r],n=0;n<3;++n)s=s||e.contourProject[r][n];for(r=0;r<3;++r){var l=C.projections[r];for(n=0;n<16;++n)l[n]=0;for(n=0;n<4;++n)l[5*n]=1;l[5*r]=0,l[12+r]=e.axesBounds[+(a[r]>0)][r],p(l,t.model,l);var c=C.clipBounds[r];for(i=0;i<2;++i)for(n=0;n<3;++n)c[i][n]=t.clipBounds[i][n];c[0][r]=-1e8,c[1][r]=1e8}return C.showSurface=o,C.showContour=s,C}var I={model:w,view:w,projection:w,inverseModel:w.slice(),lowerBound:[0,0,0],upperBound:[0,0,0],colorMap:0,clipBounds:[[0,0,0],[0,0,0]],height:0,contourTint:0,contourColor:[0,0,0,1],permutation:[1,0,0,0,1,0,0,0,1],zOffset:-1e-4,objectOffset:[0,0,0],kambient:1,kdiffuse:1,kspecular:1,lightPosition:[1e3,1e3,1e3],eyePosition:[0,0,0],roughness:1,fresnel:1,opacity:1,vertexColor:0},P=w.slice(),z=[1,0,0,0,1,0,0,0,1];function O(t,e){t=t||{};var r=this.gl;r.disable(r.CULL_FACE),this._colorMap.bind(0);var n=I;n.model=t.model||w,n.view=t.view||w,n.projection=t.projection||w,n.lowerBound=[this.bounds[0][0],this.bounds[0][1],this.colorBounds[0]||this.bounds[0][2]],n.upperBound=[this.bounds[1][0],this.bounds[1][1],this.colorBounds[1]||this.bounds[1][2]],n.objectOffset=this.objectOffset,n.contourColor=this.contourColor[0],n.inverseModel=d(n.inverseModel,n.model);for(var i=0;i<2;++i)for(var a=n.clipBounds[i],o=0;o<3;++o)a[o]=Math.min(Math.max(this.clipBounds[i][o],-1e8),1e8);n.kambient=this.ambientLight,n.kdiffuse=this.diffuseLight,n.kspecular=this.specularLight,n.roughness=this.roughness,n.fresnel=this.fresnel,n.opacity=this.opacity,n.height=0,n.permutation=z,n.vertexColor=this.vertexColor;var s=P;for(p(s,n.view,n.model),p(s,n.projection,s),d(s,s),i=0;i<3;++i)n.eyePosition[i]=s[12+i]/s[15];var l=s[15];for(i=0;i<3;++i)l+=this.lightPosition[i]*s[4*i+3];for(i=0;i<3;++i){var c=s[12+i];for(o=0;o<3;++o)c+=s[4*o+i]*this.lightPosition[o];n.lightPosition[i]=c/l}var u=L(n,this);if(u.showSurface){for(this._shader.bind(),this._shader.uniforms=n,this._vao.bind(),this.showSurface&&this._vertexCount&&this._vao.draw(r.TRIANGLES,this._vertexCount),i=0;i<3;++i)this.surfaceProject[i]&&this.vertexCount&&(this._shader.uniforms.model=u.projections[i],this._shader.uniforms.clipBounds=u.clipBounds[i],this._vao.draw(r.TRIANGLES,this._vertexCount));this._vao.unbind()}if(u.showContour){var f=this._contourShader;n.kambient=1,n.kdiffuse=0,n.kspecular=0,n.opacity=1,f.bind(),f.uniforms=n;var h=this._contourVAO;for(h.bind(),i=0;i<3;++i)for(f.uniforms.permutation=k[i],r.lineWidth(this.contourWidth[i]*this.pixelRatio),o=0;o>4)/16)/255,i=Math.floor(n),a=n-i,o=e[1]*(t.value[1]+(15&t.value[2])/16)/255,s=Math.floor(o),l=o-s;i+=1,s+=1;var c=r.position;c[0]=c[1]=c[2]=0;for(var u=0;u<2;++u)for(var f=u?a:1-a,h=0;h<2;++h)for(var p=i+u,d=s+h,m=f*(h?l:1-l),v=0;v<3;++v)c[v]+=this._field[v].get(p,d)*m;for(var y=this._pickResult.level,x=0;x<3;++x)if(y[x]=g.le(this.contourLevels[x],c[x]),y[x]<0)this.contourLevels[x].length>0&&(y[x]=0);else if(y[x]Math.abs(_-c[x])&&(y[x]+=1)}for(r.index[0]=a<.5?i:i+1,r.index[1]=l<.5?s:s+1,r.uv[0]=n/e[0],r.uv[1]=o/e[1],v=0;v<3;++v)r.dataCoordinate[v]=this._field[v].get(r.index[0],r.index[1]);return r},S.padField=function(t,e){var r=e.shape.slice(),n=t.shape.slice();c.assign(t.lo(1,1).hi(r[0],r[1]),e),c.assign(t.lo(1).hi(r[0],1),e.hi(r[0],1)),c.assign(t.lo(1,n[1]-1).hi(r[0],1),e.lo(0,r[1]-1).hi(r[0],1)),c.assign(t.lo(0,1).hi(1,r[1]),e.hi(1)),c.assign(t.lo(n[0]-1,1).hi(1,r[1]),e.lo(r[0]-1)),t.set(0,0,e.get(0,0)),t.set(0,n[1]-1,e.get(0,r[1]-1)),t.set(n[0]-1,0,e.get(r[0]-1,0)),t.set(n[0]-1,n[1]-1,e.get(r[0]-1,r[1]-1))},S.update=function(t){t=t||{},this.objectOffset=t.objectOffset||this.objectOffset,this.dirty=!0,"contourWidth"in t&&(this.contourWidth=R(t.contourWidth,Number)),"showContour"in t&&(this.showContour=R(t.showContour,Boolean)),"showSurface"in t&&(this.showSurface=!!t.showSurface),"contourTint"in t&&(this.contourTint=R(t.contourTint,Boolean)),"contourColor"in t&&(this.contourColor=B(t.contourColor)),"contourProject"in t&&(this.contourProject=R(t.contourProject,(function(t){return R(t,Boolean)}))),"surfaceProject"in t&&(this.surfaceProject=t.surfaceProject),"dynamicColor"in t&&(this.dynamicColor=B(t.dynamicColor)),"dynamicTint"in t&&(this.dynamicTint=R(t.dynamicTint,Number)),"dynamicWidth"in t&&(this.dynamicWidth=R(t.dynamicWidth,Number)),"opacity"in t&&(this.opacity=t.opacity),"opacityscale"in t&&(this.opacityscale=t.opacityscale),"colorBounds"in t&&(this.colorBounds=t.colorBounds),"vertexColor"in t&&(this.vertexColor=t.vertexColor?1:0),"colormap"in t&&this._colorMap.setPixels(this.genColormap(t.colormap,this.opacityscale));var e=t.field||t.coords&&t.coords[2]||null,r=!1;if(e||(e=this._field[2].shape[0]||this._field[2].shape[2]?this._field[2].lo(1,1).hi(this._field[2].shape[0]-2,this._field[2].shape[1]-2):this._field[2].hi(0,0)),"field"in t||"coords"in t){var i=(e.shape[0]+2)*(e.shape[1]+2);i>this._field[2].data.length&&(s.freeFloat(this._field[2].data),this._field[2].data=s.mallocFloat(n.nextPow2(i))),this._field[2]=f(this._field[2].data,[e.shape[0]+2,e.shape[1]+2]),this.padField(this._field[2],e),this.shape=e.shape.slice();for(var a=this.shape,o=0;o<2;++o)this._field[2].size>this._field[o].data.length&&(s.freeFloat(this._field[o].data),this._field[o].data=s.mallocFloat(this._field[2].size)),this._field[o]=f(this._field[o].data,[a[0]+2,a[1]+2]);if(t.coords){var l=t.coords;if(!Array.isArray(l)||3!==l.length)throw new Error("gl-surface: invalid coordinates for x/y");for(o=0;o<2;++o){var c=l[o];for(v=0;v<2;++v)if(c.shape[v]!==a[v])throw new Error("gl-surface: coords have incorrect shape");this.padField(this._field[o],c)}}else if(t.ticks){var u=t.ticks;if(!Array.isArray(u)||2!==u.length)throw new Error("gl-surface: invalid ticks");for(o=0;o<2;++o){var p=u[o];if((Array.isArray(p)||p.length)&&(p=f(p)),p.shape[0]!==a[o])throw new Error("gl-surface: invalid tick length");var d=f(p.data,a);d.stride[o]=p.stride[0],d.stride[1^o]=0,this.padField(this._field[o],d)}}else{for(o=0;o<2;++o){var g=[0,0];g[o]=1,this._field[o]=f(this._field[o].data,[a[0]+2,a[1]+2],g,0)}this._field[0].set(0,0,0);for(var v=0;v0){for(var xt=0;xt<5;++xt)Q.pop();U-=1}continue t}Q.push(nt[0],nt[1],ot[0],ot[1],nt[2]),U+=1}}rt.push(U)}this._contourOffsets[$]=et,this._contourCounts[$]=rt}var bt=s.mallocFloat(Q.length);for(o=0;o halfCharStep + halfCharWidth ||\n\t\t\t\t\tfloor(uv.x) < halfCharStep - halfCharWidth) return;\n\n\t\t\t\tuv += charId * charStep;\n\t\t\t\tuv = uv / atlasSize;\n\n\t\t\t\tvec4 color = fontColor;\n\t\t\t\tvec4 mask = texture2D(atlas, uv);\n\n\t\t\t\tfloat maskY = lightness(mask);\n\t\t\t\t// float colorY = lightness(color);\n\t\t\t\tcolor.a *= maskY;\n\t\t\t\tcolor.a *= opacity;\n\n\t\t\t\t// color.a += .1;\n\n\t\t\t\t// antialiasing, see yiq color space y-channel formula\n\t\t\t\t// color.rgb += (1. - color.rgb) * (1. - mask.rgb);\n\n\t\t\t\tgl_FragColor = color;\n\t\t\t}"});return{regl:t,draw:e,atlas:{}}},T.prototype.update=function(t){var e=this;if("string"==typeof t)t={text:t};else if(!t)return;null!=(t=i(t,{position:"position positions coord coords coordinates",font:"font fontFace fontface typeface cssFont css-font family fontFamily",fontSize:"fontSize fontsize size font-size",text:"text texts chars characters value values symbols",align:"align alignment textAlign textbaseline",baseline:"baseline textBaseline textbaseline",direction:"dir direction textDirection",color:"color colour fill fill-color fillColor textColor textcolor",kerning:"kerning kern",range:"range dataBox",viewport:"vp viewport viewBox viewbox viewPort",opacity:"opacity alpha transparency visible visibility opaque",offset:"offset positionOffset padding shift indent indentation"},!0)).opacity&&(Array.isArray(t.opacity)?this.opacity=t.opacity.map((function(t){return parseFloat(t)})):this.opacity=parseFloat(t.opacity)),null!=t.viewport&&(this.viewport=f(t.viewport),T.normalViewport&&(this.viewport.y=this.canvas.height-this.viewport.y-this.viewport.height),this.viewportArray=[this.viewport.x,this.viewport.y,this.viewport.width,this.viewport.height]),null==this.viewport&&(this.viewport={x:0,y:0,width:this.gl.drawingBufferWidth,height:this.gl.drawingBufferHeight},this.viewportArray=[this.viewport.x,this.viewport.y,this.viewport.width,this.viewport.height]),null!=t.kerning&&(this.kerning=t.kerning),null!=t.offset&&("number"==typeof t.offset&&(t.offset=[t.offset,0]),this.positionOffset=y(t.offset)),t.direction&&(this.direction=t.direction),t.range&&(this.range=t.range,this.scale=[1/(t.range[2]-t.range[0]),1/(t.range[3]-t.range[1])],this.translate=[-t.range[0],-t.range[1]]),t.scale&&(this.scale=t.scale),t.translate&&(this.translate=t.translate),this.scale||(this.scale=[1/this.viewport.width,1/this.viewport.height]),this.translate||(this.translate=[0,0]),this.font.length||t.font||(t.font=T.baseFontSize+"px sans-serif");var r,a=!1,o=!1;if(t.font&&(Array.isArray(t.font)?t.font:[t.font]).forEach((function(t,r){if("string"==typeof t)try{t=n.parse(t)}catch(e){t=n.parse(T.baseFontSize+"px "+t)}else t=n.parse(n.stringify(t));var i=n.stringify({size:T.baseFontSize,family:t.family,stretch:_?t.stretch:void 0,variant:t.variant,weight:t.weight,style:t.style}),s=p(t.size),l=Math.round(s[0]*d(s[1]));if(l!==e.fontSize[r]&&(o=!0,e.fontSize[r]=l),!(e.font[r]&&i==e.font[r].baseString||(a=!0,e.font[r]=T.fonts[i],e.font[r]))){var c=t.family.join(", "),u=[t.style];t.style!=t.variant&&u.push(t.variant),t.variant!=t.weight&&u.push(t.weight),_&&t.weight!=t.stretch&&u.push(t.stretch),e.font[r]={baseString:i,family:c,weight:t.weight,stretch:t.stretch,style:t.style,variant:t.variant,width:{},kerning:{},metrics:v(c,{origin:"top",fontSize:T.baseFontSize,fontStyle:u.join(" ")})},T.fonts[i]=e.font[r]}})),(a||o)&&this.font.forEach((function(r,i){var a=n.stringify({size:e.fontSize[i],family:r.family,stretch:_?r.stretch:void 0,variant:r.variant,weight:r.weight,style:r.style});if(e.fontAtlas[i]=e.shader.atlas[a],!e.fontAtlas[i]){var o=r.metrics;e.shader.atlas[a]=e.fontAtlas[i]={fontString:a,step:2*Math.ceil(e.fontSize[i]*o.bottom*.5),em:e.fontSize[i],cols:0,rows:0,height:0,width:0,chars:[],ids:{},texture:e.regl.texture()}}null==t.text&&(t.text=e.text)})),"string"==typeof t.text&&t.position&&t.position.length>2){for(var s=Array(.5*t.position.length),h=0;h2){for(var w=!t.position[0].length,k=u.mallocFloat(2*this.count),M=0,A=0;M1?e.align[r]:e.align[0]:e.align;if("number"==typeof n)return n;switch(n){case"right":case"end":return-t;case"center":case"centre":case"middle":return.5*-t}return 0}))),null==this.baseline&&null==t.baseline&&(t.baseline=0),null!=t.baseline&&(this.baseline=t.baseline,Array.isArray(this.baseline)||(this.baseline=[this.baseline]),this.baselineOffset=this.baseline.map((function(t,r){var n=(e.font[r]||e.font[0]).metrics,i=0;return i+=.5*n.bottom,i+="number"==typeof t?t-n.baseline:-n[t],T.normalViewport||(i*=-1),i}))),null!=t.color)if(t.color||(t.color="transparent"),"string"!=typeof t.color&&isNaN(t.color)){var H;if("number"==typeof t.color[0]&&t.color.length>this.counts.length){var G=t.color.length;H=u.mallocUint8(G);for(var Y=(t.color.subarray||t.color.slice).bind(t.color),W=0;W4||this.baselineOffset.length>1||this.align&&this.align.length>1||this.fontAtlas.length>1||this.positionOffset.length>2){var J=Math.max(.5*this.position.length||0,.25*this.color.length||0,this.baselineOffset.length||0,this.alignOffset.length||0,this.font.length||0,this.opacity.length||0,.5*this.positionOffset.length||0);this.batch=Array(J);for(var K=0;K1?this.counts[K]:this.counts[0],offset:this.textOffsets.length>1?this.textOffsets[K]:this.textOffsets[0],color:this.color?this.color.length<=4?this.color:this.color.subarray(4*K,4*K+4):[0,0,0,255],opacity:Array.isArray(this.opacity)?this.opacity[K]:this.opacity,baseline:null!=this.baselineOffset[K]?this.baselineOffset[K]:this.baselineOffset[0],align:this.align?null!=this.alignOffset[K]?this.alignOffset[K]:this.alignOffset[0]:0,atlas:this.fontAtlas[K]||this.fontAtlas[0],positionOffset:this.positionOffset.length>2?this.positionOffset.subarray(2*K,2*K+2):this.positionOffset}}else this.count?this.batch=[{count:this.count,offset:0,color:this.color||[0,0,0,255],opacity:Array.isArray(this.opacity)?this.opacity[0]:this.opacity,baseline:this.baselineOffset[0],align:this.alignOffset?this.alignOffset[0]:0,atlas:this.fontAtlas[0],positionOffset:this.positionOffset}]:this.batch=[]},T.prototype.destroy=function(){},T.prototype.kerning=!0,T.prototype.position={constant:new Float32Array(2)},T.prototype.translate=null,T.prototype.scale=null,T.prototype.font=null,T.prototype.text="",T.prototype.positionOffset=[0,0],T.prototype.opacity=1,T.prototype.color=new Uint8Array([0,0,0,255]),T.prototype.alignOffset=[0,0],T.normalViewport=!1,T.maxAtlasSize=1024,T.atlasCanvas=document.createElement("canvas"),T.atlasContext=T.atlasCanvas.getContext("2d",{alpha:!1}),T.baseFontSize=64,T.fonts={},e.exports=T},{"bit-twiddle":97,"color-normalize":125,"css-font":144,"detect-kerning":172,"es6-weak-map":233,"flatten-vertex-data":244,"font-atlas":245,"font-measure":246,"gl-util/context":354,"is-plain-obj":469,"object-assign":499,"parse-rect":504,"parse-unit":506,"pick-by-alias":511,regl:540,"to-px":578,"typedarray-pool":595}],353:[function(t,e,r){"use strict";var n=t("ndarray"),i=t("ndarray-ops"),a=t("typedarray-pool");e.exports=function(t){if(arguments.length<=1)throw new Error("gl-texture2d: Missing arguments for texture2d constructor");o||c(t);if("number"==typeof arguments[1])return v(t,arguments[1],arguments[2],arguments[3]||t.RGBA,arguments[4]||t.UNSIGNED_BYTE);if(Array.isArray(arguments[1]))return v(t,0|arguments[1][0],0|arguments[1][1],arguments[2]||t.RGBA,arguments[3]||t.UNSIGNED_BYTE);if("object"==typeof arguments[1]){var e=arguments[1],r=u(e)?e:e.raw;if(r)return y(t,r,0|e.width,0|e.height,arguments[2]||t.RGBA,arguments[3]||t.UNSIGNED_BYTE);if(e.shape&&e.data&&e.stride)return x(t,e)}throw new Error("gl-texture2d: Invalid arguments for texture2d constructor")};var o=null,s=null,l=null;function c(t){o=[t.LINEAR,t.NEAREST_MIPMAP_LINEAR,t.LINEAR_MIPMAP_NEAREST,t.LINEAR_MIPMAP_NEAREST],s=[t.NEAREST,t.LINEAR,t.NEAREST_MIPMAP_NEAREST,t.NEAREST_MIPMAP_LINEAR,t.LINEAR_MIPMAP_NEAREST,t.LINEAR_MIPMAP_LINEAR],l=[t.REPEAT,t.CLAMP_TO_EDGE,t.MIRRORED_REPEAT]}function u(t){return"undefined"!=typeof HTMLCanvasElement&&t instanceof HTMLCanvasElement||"undefined"!=typeof HTMLImageElement&&t instanceof HTMLImageElement||"undefined"!=typeof HTMLVideoElement&&t instanceof HTMLVideoElement||"undefined"!=typeof ImageData&&t instanceof ImageData}var f=function(t,e){i.muls(t,e,255)};function h(t,e,r){var n=t.gl,i=n.getParameter(n.MAX_TEXTURE_SIZE);if(e<0||e>i||r<0||r>i)throw new Error("gl-texture2d: Invalid texture size");return t._shape=[e,r],t.bind(),n.texImage2D(n.TEXTURE_2D,0,t.format,e,r,0,t.format,t.type,null),t._mipLevels=[0],t}function p(t,e,r,n,i,a){this.gl=t,this.handle=e,this.format=i,this.type=a,this._shape=[r,n],this._mipLevels=[0],this._magFilter=t.NEAREST,this._minFilter=t.NEAREST,this._wrapS=t.CLAMP_TO_EDGE,this._wrapT=t.CLAMP_TO_EDGE,this._anisoSamples=1;var o=this,s=[this._wrapS,this._wrapT];Object.defineProperties(s,[{get:function(){return o._wrapS},set:function(t){return o.wrapS=t}},{get:function(){return o._wrapT},set:function(t){return o.wrapT=t}}]),this._wrapVector=s;var l=[this._shape[0],this._shape[1]];Object.defineProperties(l,[{get:function(){return o._shape[0]},set:function(t){return o.width=t}},{get:function(){return o._shape[1]},set:function(t){return o.height=t}}]),this._shapeVector=l}var d=p.prototype;function g(t,e){return 3===t.length?1===e[2]&&e[1]===t[0]*t[2]&&e[0]===t[2]:1===e[0]&&e[1]===t[0]}function m(t){var e=t.createTexture();return t.bindTexture(t.TEXTURE_2D,e),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_MIN_FILTER,t.NEAREST),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_MAG_FILTER,t.NEAREST),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_WRAP_S,t.CLAMP_TO_EDGE),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_WRAP_T,t.CLAMP_TO_EDGE),e}function v(t,e,r,n,i){var a=t.getParameter(t.MAX_TEXTURE_SIZE);if(e<0||e>a||r<0||r>a)throw new Error("gl-texture2d: Invalid texture shape");if(i===t.FLOAT&&!t.getExtension("OES_texture_float"))throw new Error("gl-texture2d: Floating point textures not supported on this platform");var o=m(t);return t.texImage2D(t.TEXTURE_2D,0,n,e,r,0,n,i,null),new p(t,o,e,r,n,i)}function y(t,e,r,n,i,a){var o=m(t);return t.texImage2D(t.TEXTURE_2D,0,i,i,a,e),new p(t,o,r,n,i,a)}function x(t,e){var r=e.dtype,o=e.shape.slice(),s=t.getParameter(t.MAX_TEXTURE_SIZE);if(o[0]<0||o[0]>s||o[1]<0||o[1]>s)throw new Error("gl-texture2d: Invalid texture size");var l=g(o,e.stride.slice()),c=0;"float32"===r?c=t.FLOAT:"float64"===r?(c=t.FLOAT,l=!1,r="float32"):"uint8"===r?c=t.UNSIGNED_BYTE:(c=t.UNSIGNED_BYTE,l=!1,r="uint8");var u,h,d=0;if(2===o.length)d=t.LUMINANCE,o=[o[0],o[1],1],e=n(e.data,o,[e.stride[0],e.stride[1],1],e.offset);else{if(3!==o.length)throw new Error("gl-texture2d: Invalid shape for texture");if(1===o[2])d=t.ALPHA;else if(2===o[2])d=t.LUMINANCE_ALPHA;else if(3===o[2])d=t.RGB;else{if(4!==o[2])throw new Error("gl-texture2d: Invalid shape for pixel coords");d=t.RGBA}}c!==t.FLOAT||t.getExtension("OES_texture_float")||(c=t.UNSIGNED_BYTE,l=!1);var v=e.size;if(l)u=0===e.offset&&e.data.length===v?e.data:e.data.subarray(e.offset,e.offset+v);else{var y=[o[2],o[2]*o[0],1];h=a.malloc(v,r);var x=n(h,o,y,0);"float32"!==r&&"float64"!==r||c!==t.UNSIGNED_BYTE?i.assign(x,e):f(x,e),u=h.subarray(0,v)}var b=m(t);return t.texImage2D(t.TEXTURE_2D,0,d,o[0],o[1],0,d,c,u),l||a.free(h),new p(t,b,o[0],o[1],d,c)}Object.defineProperties(d,{minFilter:{get:function(){return this._minFilter},set:function(t){this.bind();var e=this.gl;if(this.type===e.FLOAT&&o.indexOf(t)>=0&&(e.getExtension("OES_texture_float_linear")||(t=e.NEAREST)),s.indexOf(t)<0)throw new Error("gl-texture2d: Unknown filter mode "+t);return e.texParameteri(e.TEXTURE_2D,e.TEXTURE_MIN_FILTER,t),this._minFilter=t}},magFilter:{get:function(){return this._magFilter},set:function(t){this.bind();var e=this.gl;if(this.type===e.FLOAT&&o.indexOf(t)>=0&&(e.getExtension("OES_texture_float_linear")||(t=e.NEAREST)),s.indexOf(t)<0)throw new Error("gl-texture2d: Unknown filter mode "+t);return e.texParameteri(e.TEXTURE_2D,e.TEXTURE_MAG_FILTER,t),this._magFilter=t}},mipSamples:{get:function(){return this._anisoSamples},set:function(t){var e=this._anisoSamples;if(this._anisoSamples=0|Math.max(t,1),e!==this._anisoSamples){var r=this.gl.getExtension("EXT_texture_filter_anisotropic");r&&this.gl.texParameterf(this.gl.TEXTURE_2D,r.TEXTURE_MAX_ANISOTROPY_EXT,this._anisoSamples)}return this._anisoSamples}},wrapS:{get:function(){return this._wrapS},set:function(t){if(this.bind(),l.indexOf(t)<0)throw new Error("gl-texture2d: Unknown wrap mode "+t);return this.gl.texParameteri(this.gl.TEXTURE_2D,this.gl.TEXTURE_WRAP_S,t),this._wrapS=t}},wrapT:{get:function(){return this._wrapT},set:function(t){if(this.bind(),l.indexOf(t)<0)throw new Error("gl-texture2d: Unknown wrap mode "+t);return this.gl.texParameteri(this.gl.TEXTURE_2D,this.gl.TEXTURE_WRAP_T,t),this._wrapT=t}},wrap:{get:function(){return this._wrapVector},set:function(t){if(Array.isArray(t)||(t=[t,t]),2!==t.length)throw new Error("gl-texture2d: Must specify wrap mode for rows and columns");for(var e=0;e<2;++e)if(l.indexOf(t[e])<0)throw new Error("gl-texture2d: Unknown wrap mode "+t);this._wrapS=t[0],this._wrapT=t[1];var r=this.gl;return this.bind(),r.texParameteri(r.TEXTURE_2D,r.TEXTURE_WRAP_S,this._wrapS),r.texParameteri(r.TEXTURE_2D,r.TEXTURE_WRAP_T,this._wrapT),t}},shape:{get:function(){return this._shapeVector},set:function(t){if(Array.isArray(t)){if(2!==t.length)throw new Error("gl-texture2d: Invalid texture shape")}else t=[0|t,0|t];return h(this,0|t[0],0|t[1]),[0|t[0],0|t[1]]}},width:{get:function(){return this._shape[0]},set:function(t){return h(this,t|=0,this._shape[1]),t}},height:{get:function(){return this._shape[1]},set:function(t){return t|=0,h(this,this._shape[0],t),t}}}),d.bind=function(t){var e=this.gl;return void 0!==t&&e.activeTexture(e.TEXTURE0+(0|t)),e.bindTexture(e.TEXTURE_2D,this.handle),void 0!==t?0|t:e.getParameter(e.ACTIVE_TEXTURE)-e.TEXTURE0},d.dispose=function(){this.gl.deleteTexture(this.handle)},d.generateMipmap=function(){this.bind(),this.gl.generateMipmap(this.gl.TEXTURE_2D);for(var t=Math.min(this._shape[0],this._shape[1]),e=0;t>0;++e,t>>>=1)this._mipLevels.indexOf(e)<0&&this._mipLevels.push(e)},d.setPixels=function(t,e,r,o){var s=this.gl;this.bind(),Array.isArray(e)?(o=r,r=0|e[1],e=0|e[0]):(e=e||0,r=r||0),o=o||0;var l=u(t)?t:t.raw;if(l){this._mipLevels.indexOf(o)<0?(s.texImage2D(s.TEXTURE_2D,0,this.format,this.format,this.type,l),this._mipLevels.push(o)):s.texSubImage2D(s.TEXTURE_2D,o,e,r,this.format,this.type,l)}else{if(!(t.shape&&t.stride&&t.data))throw new Error("gl-texture2d: Unsupported data type");if(t.shape.length<2||e+t.shape[1]>this._shape[1]>>>o||r+t.shape[0]>this._shape[0]>>>o||e<0||r<0)throw new Error("gl-texture2d: Texture dimensions are out of bounds");!function(t,e,r,o,s,l,c,u){var h=u.dtype,p=u.shape.slice();if(p.length<2||p.length>3)throw new Error("gl-texture2d: Invalid ndarray, must be 2d or 3d");var d=0,m=0,v=g(p,u.stride.slice());"float32"===h?d=t.FLOAT:"float64"===h?(d=t.FLOAT,v=!1,h="float32"):"uint8"===h?d=t.UNSIGNED_BYTE:(d=t.UNSIGNED_BYTE,v=!1,h="uint8");if(2===p.length)m=t.LUMINANCE,p=[p[0],p[1],1],u=n(u.data,p,[u.stride[0],u.stride[1],1],u.offset);else{if(3!==p.length)throw new Error("gl-texture2d: Invalid shape for texture");if(1===p[2])m=t.ALPHA;else if(2===p[2])m=t.LUMINANCE_ALPHA;else if(3===p[2])m=t.RGB;else{if(4!==p[2])throw new Error("gl-texture2d: Invalid shape for pixel coords");m=t.RGBA}p[2]}m!==t.LUMINANCE&&m!==t.ALPHA||s!==t.LUMINANCE&&s!==t.ALPHA||(m=s);if(m!==s)throw new Error("gl-texture2d: Incompatible texture format for setPixels");var y=u.size,x=c.indexOf(o)<0;x&&c.push(o);if(d===l&&v)0===u.offset&&u.data.length===y?x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,u.data):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,u.data):x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,u.data.subarray(u.offset,u.offset+y)):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,u.data.subarray(u.offset,u.offset+y));else{var b;b=l===t.FLOAT?a.mallocFloat32(y):a.mallocUint8(y);var _=n(b,p,[p[2],p[2]*p[0],1]);d===t.FLOAT&&l===t.UNSIGNED_BYTE?f(_,u):i.assign(_,u),x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,b.subarray(0,y)):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,b.subarray(0,y)),l===t.FLOAT?a.freeFloat32(b):a.freeUint8(b)}}(s,e,r,o,this.format,this.type,this._mipLevels,t)}}},{ndarray:495,"ndarray-ops":490,"typedarray-pool":595}],354:[function(t,e,r){(function(r){(function(){"use strict";var n=t("pick-by-alias");function i(t){if(t.container)if(t.container==document.body)document.body.style.width||(t.canvas.width=t.width||t.pixelRatio*r.innerWidth),document.body.style.height||(t.canvas.height=t.height||t.pixelRatio*r.innerHeight);else{var e=t.container.getBoundingClientRect();t.canvas.width=t.width||e.right-e.left,t.canvas.height=t.height||e.bottom-e.top}}function a(t){return"function"==typeof t.getContext&&"width"in t&&"height"in t}function o(){var t=document.createElement("canvas");return t.style.position="absolute",t.style.top=0,t.style.left=0,t}e.exports=function(t){var e;if(t?"string"==typeof t&&(t={container:t}):t={},a(t)?t={container:t}:t="string"==typeof(e=t).nodeName&&"function"==typeof e.appendChild&&"function"==typeof e.getBoundingClientRect?{container:t}:function(t){return"function"==typeof t.drawArrays||"function"==typeof t.drawElements}(t)?{gl:t}:n(t,{container:"container target element el canvas holder parent parentNode wrapper use ref root node",gl:"gl context webgl glContext",attrs:"attributes attrs contextAttributes",pixelRatio:"pixelRatio pxRatio px ratio pxratio pixelratio",width:"w width",height:"h height"},!0),t.pixelRatio||(t.pixelRatio=r.pixelRatio||1),t.gl)return t.gl;if(t.canvas&&(t.container=t.canvas.parentNode),t.container){if("string"==typeof t.container){var s=document.querySelector(t.container);if(!s)throw Error("Element "+t.container+" is not found");t.container=s}a(t.container)?(t.canvas=t.container,t.container=t.canvas.parentNode):t.canvas||(t.canvas=o(),t.container.appendChild(t.canvas),i(t))}else if(!t.canvas){if("undefined"==typeof document)throw Error("Not DOM environment. Use headless-gl.");t.container=document.body||document.documentElement,t.canvas=o(),t.container.appendChild(t.canvas),i(t)}if(!t.gl)try{t.gl=t.canvas.getContext("webgl",t.attrs)}catch(e){try{t.gl=t.canvas.getContext("experimental-webgl",t.attrs)}catch(e){t.gl=t.canvas.getContext("webgl-experimental",t.attrs)}}return t.gl}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"pick-by-alias":511}],355:[function(t,e,r){"use strict";e.exports=function(t,e,r){e?e.bind():t.bindBuffer(t.ELEMENT_ARRAY_BUFFER,null);var n=0|t.getParameter(t.MAX_VERTEX_ATTRIBS);if(r){if(r.length>n)throw new Error("gl-vao: Too many vertex attributes");for(var i=0;i1?0:Math.acos(s)};var n=t("./fromValues"),i=t("./normalize"),a=t("./dot")},{"./dot":370,"./fromValues":376,"./normalize":387}],361:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.ceil(e[0]),t[1]=Math.ceil(e[1]),t[2]=Math.ceil(e[2]),t}},{}],362:[function(t,e,r){e.exports=function(t){var e=new Float32Array(3);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e}},{}],363:[function(t,e,r){e.exports=function(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t}},{}],364:[function(t,e,r){e.exports=function(){var t=new Float32Array(3);return t[0]=0,t[1]=0,t[2]=0,t}},{}],365:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2];return t[0]=i*l-a*s,t[1]=a*o-n*l,t[2]=n*s-i*o,t}},{}],366:[function(t,e,r){e.exports=t("./distance")},{"./distance":367}],367:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2];return Math.sqrt(r*r+n*n+i*i)}},{}],368:[function(t,e,r){e.exports=t("./divide")},{"./divide":369}],369:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]/r[0],t[1]=e[1]/r[1],t[2]=e[2]/r[2],t}},{}],370:[function(t,e,r){e.exports=function(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]}},{}],371:[function(t,e,r){e.exports=1e-6},{}],372:[function(t,e,r){e.exports=function(t,e){var r=t[0],i=t[1],a=t[2],o=e[0],s=e[1],l=e[2];return Math.abs(r-o)<=n*Math.max(1,Math.abs(r),Math.abs(o))&&Math.abs(i-s)<=n*Math.max(1,Math.abs(i),Math.abs(s))&&Math.abs(a-l)<=n*Math.max(1,Math.abs(a),Math.abs(l))};var n=t("./epsilon")},{"./epsilon":371}],373:[function(t,e,r){e.exports=function(t,e){return t[0]===e[0]&&t[1]===e[1]&&t[2]===e[2]}},{}],374:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.floor(e[0]),t[1]=Math.floor(e[1]),t[2]=Math.floor(e[2]),t}},{}],375:[function(t,e,r){e.exports=function(t,e,r,i,a,o){var s,l;e||(e=3);r||(r=0);l=i?Math.min(i*e+r,t.length):t.length;for(s=r;s0&&(a=1/Math.sqrt(a),t[0]=e[0]*a,t[1]=e[1]*a,t[2]=e[2]*a);return t}},{}],388:[function(t,e,r){e.exports=function(t,e){e=e||1;var r=2*Math.random()*Math.PI,n=2*Math.random()-1,i=Math.sqrt(1-n*n)*e;return t[0]=Math.cos(r)*i,t[1]=Math.sin(r)*i,t[2]=n*e,t}},{}],389:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[1],a=r[2],o=e[1]-i,s=e[2]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=e[0],t[1]=i+o*c-s*l,t[2]=a+o*l+s*c,t}},{}],390:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[0],a=r[2],o=e[0]-i,s=e[2]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=i+s*l+o*c,t[1]=e[1],t[2]=a+s*c-o*l,t}},{}],391:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[0],a=r[1],o=e[0]-i,s=e[1]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=i+o*c-s*l,t[1]=a+o*l+s*c,t[2]=e[2],t}},{}],392:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.round(e[0]),t[1]=Math.round(e[1]),t[2]=Math.round(e[2]),t}},{}],393:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r,t[1]=e[1]*r,t[2]=e[2]*r,t}},{}],394:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e[0]+r[0]*n,t[1]=e[1]+r[1]*n,t[2]=e[2]+r[2]*n,t}},{}],395:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e,t[1]=r,t[2]=n,t}},{}],396:[function(t,e,r){e.exports=t("./squaredDistance")},{"./squaredDistance":398}],397:[function(t,e,r){e.exports=t("./squaredLength")},{"./squaredLength":399}],398:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2];return r*r+n*n+i*i}},{}],399:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2];return e*e+r*r+n*n}},{}],400:[function(t,e,r){e.exports=t("./subtract")},{"./subtract":401}],401:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]-r[0],t[1]=e[1]-r[1],t[2]=e[2]-r[2],t}},{}],402:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2];return t[0]=n*r[0]+i*r[3]+a*r[6],t[1]=n*r[1]+i*r[4]+a*r[7],t[2]=n*r[2]+i*r[5]+a*r[8],t}},{}],403:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[3]*n+r[7]*i+r[11]*a+r[15];return o=o||1,t[0]=(r[0]*n+r[4]*i+r[8]*a+r[12])/o,t[1]=(r[1]*n+r[5]*i+r[9]*a+r[13])/o,t[2]=(r[2]*n+r[6]*i+r[10]*a+r[14])/o,t}},{}],404:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2],c=r[3],u=c*n+s*a-l*i,f=c*i+l*n-o*a,h=c*a+o*i-s*n,p=-o*n-s*i-l*a;return t[0]=u*c+p*-o+f*-l-h*-s,t[1]=f*c+p*-s+h*-o-u*-l,t[2]=h*c+p*-l+u*-s-f*-o,t}},{}],405:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]+r[0],t[1]=e[1]+r[1],t[2]=e[2]+r[2],t[3]=e[3]+r[3],t}},{}],406:[function(t,e,r){e.exports=function(t){var e=new Float32Array(4);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e[3]=t[3],e}},{}],407:[function(t,e,r){e.exports=function(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[3]=e[3],t}},{}],408:[function(t,e,r){e.exports=function(){var t=new Float32Array(4);return t[0]=0,t[1]=0,t[2]=0,t[3]=0,t}},{}],409:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2],a=e[3]-t[3];return Math.sqrt(r*r+n*n+i*i+a*a)}},{}],410:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]/r[0],t[1]=e[1]/r[1],t[2]=e[2]/r[2],t[3]=e[3]/r[3],t}},{}],411:[function(t,e,r){e.exports=function(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]+t[3]*e[3]}},{}],412:[function(t,e,r){e.exports=function(t,e,r,n){var i=new Float32Array(4);return i[0]=t,i[1]=e,i[2]=r,i[3]=n,i}},{}],413:[function(t,e,r){e.exports={create:t("./create"),clone:t("./clone"),fromValues:t("./fromValues"),copy:t("./copy"),set:t("./set"),add:t("./add"),subtract:t("./subtract"),multiply:t("./multiply"),divide:t("./divide"),min:t("./min"),max:t("./max"),scale:t("./scale"),scaleAndAdd:t("./scaleAndAdd"),distance:t("./distance"),squaredDistance:t("./squaredDistance"),length:t("./length"),squaredLength:t("./squaredLength"),negate:t("./negate"),inverse:t("./inverse"),normalize:t("./normalize"),dot:t("./dot"),lerp:t("./lerp"),random:t("./random"),transformMat4:t("./transformMat4"),transformQuat:t("./transformQuat")}},{"./add":405,"./clone":406,"./copy":407,"./create":408,"./distance":409,"./divide":410,"./dot":411,"./fromValues":412,"./inverse":414,"./length":415,"./lerp":416,"./max":417,"./min":418,"./multiply":419,"./negate":420,"./normalize":421,"./random":422,"./scale":423,"./scaleAndAdd":424,"./set":425,"./squaredDistance":426,"./squaredLength":427,"./subtract":428,"./transformMat4":429,"./transformQuat":430}],414:[function(t,e,r){e.exports=function(t,e){return t[0]=1/e[0],t[1]=1/e[1],t[2]=1/e[2],t[3]=1/e[3],t}},{}],415:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2],i=t[3];return Math.sqrt(e*e+r*r+n*n+i*i)}},{}],416:[function(t,e,r){e.exports=function(t,e,r,n){var i=e[0],a=e[1],o=e[2],s=e[3];return t[0]=i+n*(r[0]-i),t[1]=a+n*(r[1]-a),t[2]=o+n*(r[2]-o),t[3]=s+n*(r[3]-s),t}},{}],417:[function(t,e,r){e.exports=function(t,e,r){return t[0]=Math.max(e[0],r[0]),t[1]=Math.max(e[1],r[1]),t[2]=Math.max(e[2],r[2]),t[3]=Math.max(e[3],r[3]),t}},{}],418:[function(t,e,r){e.exports=function(t,e,r){return t[0]=Math.min(e[0],r[0]),t[1]=Math.min(e[1],r[1]),t[2]=Math.min(e[2],r[2]),t[3]=Math.min(e[3],r[3]),t}},{}],419:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r[0],t[1]=e[1]*r[1],t[2]=e[2]*r[2],t[3]=e[3]*r[3],t}},{}],420:[function(t,e,r){e.exports=function(t,e){return t[0]=-e[0],t[1]=-e[1],t[2]=-e[2],t[3]=-e[3],t}},{}],421:[function(t,e,r){e.exports=function(t,e){var r=e[0],n=e[1],i=e[2],a=e[3],o=r*r+n*n+i*i+a*a;o>0&&(o=1/Math.sqrt(o),t[0]=r*o,t[1]=n*o,t[2]=i*o,t[3]=a*o);return t}},{}],422:[function(t,e,r){var n=t("./normalize"),i=t("./scale");e.exports=function(t,e){return e=e||1,t[0]=Math.random(),t[1]=Math.random(),t[2]=Math.random(),t[3]=Math.random(),n(t,t),i(t,t,e),t}},{"./normalize":421,"./scale":423}],423:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r,t[1]=e[1]*r,t[2]=e[2]*r,t[3]=e[3]*r,t}},{}],424:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e[0]+r[0]*n,t[1]=e[1]+r[1]*n,t[2]=e[2]+r[2]*n,t[3]=e[3]+r[3]*n,t}},{}],425:[function(t,e,r){e.exports=function(t,e,r,n,i){return t[0]=e,t[1]=r,t[2]=n,t[3]=i,t}},{}],426:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2],a=e[3]-t[3];return r*r+n*n+i*i+a*a}},{}],427:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2],i=t[3];return e*e+r*r+n*n+i*i}},{}],428:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]-r[0],t[1]=e[1]-r[1],t[2]=e[2]-r[2],t[3]=e[3]-r[3],t}},{}],429:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3];return t[0]=r[0]*n+r[4]*i+r[8]*a+r[12]*o,t[1]=r[1]*n+r[5]*i+r[9]*a+r[13]*o,t[2]=r[2]*n+r[6]*i+r[10]*a+r[14]*o,t[3]=r[3]*n+r[7]*i+r[11]*a+r[15]*o,t}},{}],430:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2],c=r[3],u=c*n+s*a-l*i,f=c*i+l*n-o*a,h=c*a+o*i-s*n,p=-o*n-s*i-l*a;return t[0]=u*c+p*-o+f*-l-h*-s,t[1]=f*c+p*-s+h*-o-u*-l,t[2]=h*c+p*-l+u*-s-f*-o,t[3]=e[3],t}},{}],431:[function(t,e,r){var n=t("glsl-tokenizer"),i=t("atob-lite");e.exports=function(t){for(var e=Array.isArray(t)?t:n(t),r=0;r0)continue;r=t.slice(0,1).join("")}return M(r),v+=r.length,(p=p.slice(r.length)).length}}function P(){return/[^a-fA-F0-9]/.test(e)?(M(p.join("")),h=999,u):(p.push(e),r=e,u+1)}function z(){return"."===e||/[eE]/.test(e)?(p.push(e),h=5,r=e,u+1):"x"===e&&1===p.length&&"0"===p[0]?(h=11,p.push(e),r=e,u+1):/[^\d]/.test(e)?(M(p.join("")),h=999,u):(p.push(e),r=e,u+1)}function O(){return"f"===e&&(p.push(e),r=e,u+=1),/[eE]/.test(e)?(p.push(e),r=e,u+1):("-"!==e&&"+"!==e||!/[eE]/.test(r))&&/[^\d]/.test(e)?(M(p.join("")),h=999,u):(p.push(e),r=e,u+1)}function D(){if(/[^\d\w_]/.test(e)){var t=p.join("");return h=k[t]?8:T[t]?7:6,M(p.join("")),h=999,u}return p.push(e),r=e,u+1}};var n=t("./lib/literals"),i=t("./lib/operators"),a=t("./lib/builtins"),o=t("./lib/literals-300es"),s=t("./lib/builtins-300es"),l=["block-comment","line-comment","preprocessor","operator","integer","float","ident","builtin","keyword","whitespace","eof","integer"]},{"./lib/builtins":434,"./lib/builtins-300es":433,"./lib/literals":436,"./lib/literals-300es":435,"./lib/operators":437}],433:[function(t,e,r){var n=t("./builtins");n=n.slice().filter((function(t){return!/^(gl\_|texture)/.test(t)})),e.exports=n.concat(["gl_VertexID","gl_InstanceID","gl_Position","gl_PointSize","gl_FragCoord","gl_FrontFacing","gl_FragDepth","gl_PointCoord","gl_MaxVertexAttribs","gl_MaxVertexUniformVectors","gl_MaxVertexOutputVectors","gl_MaxFragmentInputVectors","gl_MaxVertexTextureImageUnits","gl_MaxCombinedTextureImageUnits","gl_MaxTextureImageUnits","gl_MaxFragmentUniformVectors","gl_MaxDrawBuffers","gl_MinProgramTexelOffset","gl_MaxProgramTexelOffset","gl_DepthRangeParameters","gl_DepthRange","trunc","round","roundEven","isnan","isinf","floatBitsToInt","floatBitsToUint","intBitsToFloat","uintBitsToFloat","packSnorm2x16","unpackSnorm2x16","packUnorm2x16","unpackUnorm2x16","packHalf2x16","unpackHalf2x16","outerProduct","transpose","determinant","inverse","texture","textureSize","textureProj","textureLod","textureOffset","texelFetch","texelFetchOffset","textureProjOffset","textureLodOffset","textureProjLod","textureProjLodOffset","textureGrad","textureGradOffset","textureProjGrad","textureProjGradOffset"])},{"./builtins":434}],434:[function(t,e,r){e.exports=["abs","acos","all","any","asin","atan","ceil","clamp","cos","cross","dFdx","dFdy","degrees","distance","dot","equal","exp","exp2","faceforward","floor","fract","gl_BackColor","gl_BackLightModelProduct","gl_BackLightProduct","gl_BackMaterial","gl_BackSecondaryColor","gl_ClipPlane","gl_ClipVertex","gl_Color","gl_DepthRange","gl_DepthRangeParameters","gl_EyePlaneQ","gl_EyePlaneR","gl_EyePlaneS","gl_EyePlaneT","gl_Fog","gl_FogCoord","gl_FogFragCoord","gl_FogParameters","gl_FragColor","gl_FragCoord","gl_FragData","gl_FragDepth","gl_FragDepthEXT","gl_FrontColor","gl_FrontFacing","gl_FrontLightModelProduct","gl_FrontLightProduct","gl_FrontMaterial","gl_FrontSecondaryColor","gl_LightModel","gl_LightModelParameters","gl_LightModelProducts","gl_LightProducts","gl_LightSource","gl_LightSourceParameters","gl_MaterialParameters","gl_MaxClipPlanes","gl_MaxCombinedTextureImageUnits","gl_MaxDrawBuffers","gl_MaxFragmentUniformComponents","gl_MaxLights","gl_MaxTextureCoords","gl_MaxTextureImageUnits","gl_MaxTextureUnits","gl_MaxVaryingFloats","gl_MaxVertexAttribs","gl_MaxVertexTextureImageUnits","gl_MaxVertexUniformComponents","gl_ModelViewMatrix","gl_ModelViewMatrixInverse","gl_ModelViewMatrixInverseTranspose","gl_ModelViewMatrixTranspose","gl_ModelViewProjectionMatrix","gl_ModelViewProjectionMatrixInverse","gl_ModelViewProjectionMatrixInverseTranspose","gl_ModelViewProjectionMatrixTranspose","gl_MultiTexCoord0","gl_MultiTexCoord1","gl_MultiTexCoord2","gl_MultiTexCoord3","gl_MultiTexCoord4","gl_MultiTexCoord5","gl_MultiTexCoord6","gl_MultiTexCoord7","gl_Normal","gl_NormalMatrix","gl_NormalScale","gl_ObjectPlaneQ","gl_ObjectPlaneR","gl_ObjectPlaneS","gl_ObjectPlaneT","gl_Point","gl_PointCoord","gl_PointParameters","gl_PointSize","gl_Position","gl_ProjectionMatrix","gl_ProjectionMatrixInverse","gl_ProjectionMatrixInverseTranspose","gl_ProjectionMatrixTranspose","gl_SecondaryColor","gl_TexCoord","gl_TextureEnvColor","gl_TextureMatrix","gl_TextureMatrixInverse","gl_TextureMatrixInverseTranspose","gl_TextureMatrixTranspose","gl_Vertex","greaterThan","greaterThanEqual","inversesqrt","length","lessThan","lessThanEqual","log","log2","matrixCompMult","max","min","mix","mod","normalize","not","notEqual","pow","radians","reflect","refract","sign","sin","smoothstep","sqrt","step","tan","texture2D","texture2DLod","texture2DProj","texture2DProjLod","textureCube","textureCubeLod","texture2DLodEXT","texture2DProjLodEXT","textureCubeLodEXT","texture2DGradEXT","texture2DProjGradEXT","textureCubeGradEXT"]},{}],435:[function(t,e,r){var n=t("./literals");e.exports=n.slice().concat(["layout","centroid","smooth","case","mat2x2","mat2x3","mat2x4","mat3x2","mat3x3","mat3x4","mat4x2","mat4x3","mat4x4","uvec2","uvec3","uvec4","samplerCubeShadow","sampler2DArray","sampler2DArrayShadow","isampler2D","isampler3D","isamplerCube","isampler2DArray","usampler2D","usampler3D","usamplerCube","usampler2DArray","coherent","restrict","readonly","writeonly","resource","atomic_uint","noperspective","patch","sample","subroutine","common","partition","active","filter","image1D","image2D","image3D","imageCube","iimage1D","iimage2D","iimage3D","iimageCube","uimage1D","uimage2D","uimage3D","uimageCube","image1DArray","image2DArray","iimage1DArray","iimage2DArray","uimage1DArray","uimage2DArray","image1DShadow","image2DShadow","image1DArrayShadow","image2DArrayShadow","imageBuffer","iimageBuffer","uimageBuffer","sampler1DArray","sampler1DArrayShadow","isampler1D","isampler1DArray","usampler1D","usampler1DArray","isampler2DRect","usampler2DRect","samplerBuffer","isamplerBuffer","usamplerBuffer","sampler2DMS","isampler2DMS","usampler2DMS","sampler2DMSArray","isampler2DMSArray","usampler2DMSArray"])},{"./literals":436}],436:[function(t,e,r){e.exports=["precision","highp","mediump","lowp","attribute","const","uniform","varying","break","continue","do","for","while","if","else","in","out","inout","float","int","uint","void","bool","true","false","discard","return","mat2","mat3","mat4","vec2","vec3","vec4","ivec2","ivec3","ivec4","bvec2","bvec3","bvec4","sampler1D","sampler2D","sampler3D","samplerCube","sampler1DShadow","sampler2DShadow","struct","asm","class","union","enum","typedef","template","this","packed","goto","switch","default","inline","noinline","volatile","public","static","extern","external","interface","long","short","double","half","fixed","unsigned","input","output","hvec2","hvec3","hvec4","dvec2","dvec3","dvec4","fvec2","fvec3","fvec4","sampler2DRect","sampler3DRect","sampler2DRectShadow","sizeof","cast","namespace","using"]},{}],437:[function(t,e,r){e.exports=["<<=",">>=","++","--","<<",">>","<=",">=","==","!=","&&","||","+=","-=","*=","/=","%=","&=","^^","^=","|=","(",")","[","]",".","!","~","*","/","%","+","-","<",">","&","^","|","?",":","=",",",";","{","}"]},{}],438:[function(t,e,r){var n=t("./index");e.exports=function(t,e){var r=n(e),i=[];return i=(i=i.concat(r(t))).concat(r(null))}},{"./index":432}],439:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],440:[function(t,e,r){(function(r){(function(){"use strict";var n,i=t("is-browser");n="function"==typeof r.matchMedia?!r.matchMedia("(hover: none)").matches:i,e.exports=n}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"is-browser":464}],441:[function(t,e,r){"use strict";var n=t("is-browser");e.exports=n&&function(){var t=!1;try{var e=Object.defineProperty({},"passive",{get:function(){t=!0}});window.addEventListener("test",null,e),window.removeEventListener("test",null,e)}catch(e){t=!1}return t}()},{"is-browser":464}],442:[function(t,e,r){r.read=function(t,e,r,n,i){var a,o,s=8*i-n-1,l=(1<>1,u=-7,f=r?i-1:0,h=r?-1:1,p=t[e+f];for(f+=h,a=p&(1<<-u)-1,p>>=-u,u+=s;u>0;a=256*a+t[e+f],f+=h,u-=8);for(o=a&(1<<-u)-1,a>>=-u,u+=n;u>0;o=256*o+t[e+f],f+=h,u-=8);if(0===a)a=1-c;else{if(a===l)return o?NaN:1/0*(p?-1:1);o+=Math.pow(2,n),a-=c}return(p?-1:1)*o*Math.pow(2,a-n)},r.write=function(t,e,r,n,i,a){var o,s,l,c=8*a-i-1,u=(1<>1,h=23===i?Math.pow(2,-24)-Math.pow(2,-77):0,p=n?0:a-1,d=n?1:-1,g=e<0||0===e&&1/e<0?1:0;for(e=Math.abs(e),isNaN(e)||e===1/0?(s=isNaN(e)?1:0,o=u):(o=Math.floor(Math.log(e)/Math.LN2),e*(l=Math.pow(2,-o))<1&&(o--,l*=2),(e+=o+f>=1?h/l:h*Math.pow(2,1-f))*l>=2&&(o++,l/=2),o+f>=u?(s=0,o=u):o+f>=1?(s=(e*l-1)*Math.pow(2,i),o+=f):(s=e*Math.pow(2,f-1)*Math.pow(2,i),o=0));i>=8;t[r+p]=255&s,p+=d,s/=256,i-=8);for(o=o<0;t[r+p]=255&o,p+=d,o/=256,c-=8);t[r+p-d]|=128*g}},{}],443:[function(t,e,r){"use strict";var n=t("./types");e.exports=function(t,e){var r;for(r in n)if(n[r].detect(t,e))return r}},{"./types":446}],444:[function(t,e,r){(function(r){(function(){"use strict";var n=t("fs"),i=t("path"),a=t("./types"),o=t("./detector");function s(t,e){var r=o(t,e);if(r in a){var n=a[r].calculate(t,e);if(!1!==n)return n.type=r,n}throw new TypeError("unsupported file type: "+r+" (file: "+e+")")}e.exports=function(t,e){if(r.isBuffer(t))return s(t);if("string"!=typeof t)throw new TypeError("invalid invocation");var a=i.resolve(t);if("function"!=typeof e)return s(function(t){var e=n.openSync(t,"r"),i=n.fstatSync(e).size,a=Math.min(i,524288),o=r.alloc(a);return n.readSync(e,o,0,a,0),n.closeSync(e),o}(a),a);!function(t,e){n.open(t,"r",(function(i,a){if(i)return e(i);n.fstat(a,(function(i,o){if(i)return e(i);var s=o.size;if(s<=0)return e(new Error("File size is not greater than 0 \u2014\u2014 "+t));var l=Math.min(s,524288),c=r.alloc(l);n.read(a,c,0,l,0,(function(t){if(t)return e(t);n.close(a,(function(t){e(t,c)}))}))}))}))}(a,(function(t,r){if(t)return e(t);var n;try{n=s(r,a)}catch(e){t=e}e(t,n)}))},e.exports.types=Object.keys(a)}).call(this)}).call(this,t("buffer").Buffer)},{"./detector":443,"./types":446,buffer:111,fs:109,path:507}],445:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){return r=r||0,t["readUInt"+e+(n?"BE":"LE")].call(t,r)}},{}],446:[function(t,e,r){"use strict";var n={bmp:t("./types/bmp"),cur:t("./types/cur"),dds:t("./types/dds"),gif:t("./types/gif"),icns:t("./types/icns"),ico:t("./types/ico"),jpg:t("./types/jpg"),png:t("./types/png"),psd:t("./types/psd"),svg:t("./types/svg"),tiff:t("./types/tiff"),webp:t("./types/webp")};e.exports=n},{"./types/bmp":447,"./types/cur":448,"./types/dds":449,"./types/gif":450,"./types/icns":451,"./types/ico":452,"./types/jpg":453,"./types/png":454,"./types/psd":455,"./types/svg":456,"./types/tiff":457,"./types/webp":458}],447:[function(t,e,r){"use strict";e.exports={detect:function(t){return"BM"===t.toString("ascii",0,2)},calculate:function(t){return{width:t.readUInt32LE(18),height:Math.abs(t.readInt32LE(22))}}}},{}],448:[function(t,e,r){"use strict";e.exports={detect:function(t){return 0===t.readUInt16LE(0)&&2===t.readUInt16LE(2)},calculate:t("./ico").calculate}},{"./ico":452}],449:[function(t,e,r){"use strict";e.exports={detect:function(t){return 542327876===t.readUInt32LE(0)},calculate:function(t){return{height:t.readUInt32LE(12),width:t.readUInt32LE(16)}}}},{}],450:[function(t,e,r){"use strict";var n=/^GIF8[79]a/;e.exports={detect:function(t){var e=t.toString("ascii",0,6);return n.test(e)},calculate:function(t){return{width:t.readUInt16LE(6),height:t.readUInt16LE(8)}}}},{}],451:[function(t,e,r){"use strict";var n={ICON:32,"ICN#":32,"icm#":16,icm4:16,icm8:16,"ics#":16,ics4:16,ics8:16,is32:16,s8mk:16,icp4:16,icl4:32,icl8:32,il32:32,l8mk:32,icp5:32,ic11:32,ich4:48,ich8:48,ih32:48,h8mk:48,icp6:64,ic12:32,it32:128,t8mk:128,ic07:128,ic08:256,ic13:256,ic09:512,ic14:512,ic10:1024};function i(t,e){var r=e+4;return[t.toString("ascii",e,r),t.readUInt32BE(r)]}function a(t){var e=n[t];return{width:e,height:e,type:t}}e.exports={detect:function(t){return"icns"===t.toString("ascii",0,4)},calculate:function(t){var e,r,n,o=t.length,s=8,l=t.readUInt32BE(4);if(r=a((e=i(t,s))[0]),(s+=e[1])===l)return r;for(n={width:r.width,height:r.height,images:[r]};st.length)return;var s=t.slice(r,i);if(274===n(s,16,0,e)){if(3!==n(s,16,2,e))return;if(1!==n(s,32,4,e))return;return n(s,16,8,e)}}}(r,a)}function s(t,e){if(e>t.length)throw new TypeError("Corrupt JPG, exceeded buffer limits");if(255!==t[e])throw new TypeError("Invalid JPG, marker table corrupted")}e.exports={detect:function(t){return"ffd8"===t.toString("hex",0,2)},calculate:function(t){var e,r,n;for(t=t.slice(4);t.length;){if(r=t.readUInt16BE(0),i(t)&&(e=o(t,r)),s(t,r),192===(n=t[r+1])||193===n||194===n){var l=a(t,r+5);return e?{width:l.width,height:l.height,orientation:e}:l}t=t.slice(r+2)}throw new TypeError("Invalid JPG, no size found")}}},{"../readUInt":445}],454:[function(t,e,r){"use strict";e.exports={detect:function(t){if("PNG\r\n\x1a\n"===t.toString("ascii",1,8)){var e=t.toString("ascii",12,16);if("CgBI"===e&&(e=t.toString("ascii",28,32)),"IHDR"!==e)throw new TypeError("invalid png");return!0}},calculate:function(t){return"CgBI"===t.toString("ascii",12,16)?{width:t.readUInt32BE(32),height:t.readUInt32BE(36)}:{width:t.readUInt32BE(16),height:t.readUInt32BE(20)}}}},{}],455:[function(t,e,r){"use strict";e.exports={detect:function(t){return"8BPS"===t.toString("ascii",0,4)},calculate:function(t){return{width:t.readUInt32BE(18),height:t.readUInt32BE(14)}}}},{}],456:[function(t,e,r){"use strict";var n=/"']|"[^"]*"|'[^']*')*>/;var i={root:n,width:/\swidth=(['"])([^%]+?)\1/,height:/\sheight=(['"])([^%]+?)\1/,viewbox:/\sviewBox=(['"])(.+?)\1/},a={cm:96/2.54,mm:96/2.54/10,m:96/2.54*100,pt:96/72,pc:96/72/12,em:16,ex:8};function o(t){var e=/([0-9.]+)([a-z]*)/.exec(t);if(e)return Math.round(parseFloat(e[1])*(a[e[2]]||1))}function s(t){var e=t.split(" ");return{width:o(e[2]),height:o(e[3])}}e.exports={detect:function(t){return n.test(t)},calculate:function(t){var e=t.toString("utf8").match(i.root);if(e){var r=function(t){var e=t.match(i.width),r=t.match(i.height),n=t.match(i.viewbox);return{width:e&&o(e[2]),height:r&&o(r[2]),viewbox:n&&s(n[2])}}(e[0]);if(r.width&&r.height)return function(t){return{width:t.width,height:t.height}}(r);if(r.viewbox)return function(t){var e=t.viewbox.width/t.viewbox.height;return t.width?{width:t.width,height:Math.floor(t.width/e)}:t.height?{width:Math.floor(t.height*e),height:t.height}:{width:t.viewbox.width,height:t.viewbox.height}}(r)}throw new TypeError("invalid svg")}}},{}],457:[function(t,e,r){(function(r){(function(){"use strict";var n=t("fs"),i=t("../readUInt");function a(t,e){var r=i(t,16,8,e);return(i(t,16,10,e)<<16)+r}function o(t){if(t.length>24)return t.slice(12)}e.exports={detect:function(t){var e=t.toString("hex",0,4);return"49492a00"===e||"4d4d002a"===e},calculate:function(t,e){if(!e)throw new TypeError("Tiff doesn't support buffer");var s="BE"===function(t){var e=t.toString("ascii",0,2);return"II"===e?"LE":"MM"===e?"BE":void 0}(t),l=function(t,e){for(var r,n,s,l={};t&&t.length&&(r=i(t,16,0,e),n=i(t,16,2,e),s=i(t,32,4,e),0!==r);)1!==s||3!==n&&4!==n||(l[r]=a(t,e)),t=o(t);return l}(function(t,e,a){var o=i(t,32,4,a),s=1024,l=n.statSync(e).size;o+s>l&&(s=l-o-10);var c=r.alloc(s),u=n.openSync(e,"r");return n.readSync(u,c,0,s,o),c.slice(2)}(t,e,s),s),c=l[256],u=l[257];if(!c||!u)throw new TypeError("Invalid Tiff, missing tags");return{width:c,height:u}}}}).call(this)}).call(this,t("buffer").Buffer)},{"../readUInt":445,buffer:111,fs:109}],458:[function(t,e,r){"use strict";e.exports={detect:function(t){var e="RIFF"===t.toString("ascii",0,4),r="WEBP"===t.toString("ascii",8,12),n="VP8"===t.toString("ascii",12,15);return e&&r&&n},calculate:function(t){var e=t.toString("ascii",12,16);if(t=t.slice(20,30),"VP8X"===e){var r=t[0];return!(!(0==(192&r))||!(0==(1&r)))&&function(t){return{width:1+t.readUIntLE(4,3),height:1+t.readUIntLE(7,3)}}(t)}if("VP8 "===e&&47!==t[0])return function(t){return{width:16383&t.readInt16LE(6),height:16383&t.readInt16LE(8)}}(t);var n=t.toString("hex",3,6);return"VP8L"===e&&"9d012a"!==n&&function(t){return{width:1+((63&t[2])<<8|t[1]),height:1+((15&t[4])<<10|t[3]<<2|(192&t[2])>>6)}}(t)}}},{}],459:[function(t,e,r){"use strict";e.exports=function(t,e){var r=t.length;if(0===r)throw new Error("Must have at least d+1 points");var i=t[0].length;if(r<=i)throw new Error("Must input at least d+1 points");var o=t.slice(0,i+1),s=n.apply(void 0,o);if(0===s)throw new Error("Input not in general position");for(var l=new Array(i+1),u=0;u<=i;++u)l[u]=u;s<0&&(l[0]=1,l[1]=0);var f=new a(l,new Array(i+1),!1),h=f.adjacent,p=new Array(i+2);for(u=0;u<=i;++u){for(var d=l.slice(),g=0;g<=i;++g)g===u&&(d[g]=-1);var m=d[0];d[0]=d[1],d[1]=m;var v=new a(d,new Array(i+1),!0);h[u]=v,p[u]=v}p[i+1]=f;for(u=0;u<=i;++u){d=h[u].vertices;var y=h[u].adjacent;for(g=0;g<=i;++g){var x=d[g];if(x<0)y[g]=f;else for(var b=0;b<=i;++b)h[b].vertices.indexOf(x)<0&&(y[g]=h[b])}}var _=new c(i,o,p),w=!!e;for(u=i+1;u0&&e.push(","),e.push("tuple[",r,"]");e.push(")}return orient");var i=new Function("test",e.join("")),a=n[t+1];return a||(a=n),i(a)}(t)),this.orient=a}var u=c.prototype;u.handleBoundaryDegeneracy=function(t,e){var r=this.dimension,n=this.vertices.length-1,i=this.tuple,a=this.vertices,o=[t];for(t.lastVisited=-n;o.length>0;){(t=o.pop()).vertices;for(var s=t.adjacent,l=0;l<=r;++l){var c=s[l];if(c.boundary&&!(c.lastVisited<=-n)){for(var u=c.vertices,f=0;f<=r;++f){var h=u[f];i[f]=h<0?e:a[h]}var p=this.orient();if(p>0)return c;c.lastVisited=-n,0===p&&o.push(c)}}}return null},u.walk=function(t,e){var r=this.vertices.length-1,n=this.dimension,i=this.vertices,a=this.tuple,o=e?this.interior.length*Math.random()|0:this.interior.length-1,s=this.interior[o];t:for(;!s.boundary;){for(var l=s.vertices,c=s.adjacent,u=0;u<=n;++u)a[u]=i[l[u]];s.lastVisited=r;for(u=0;u<=n;++u){var f=c[u];if(!(f.lastVisited>=r)){var h=a[u];a[u]=t;var p=this.orient();if(a[u]=h,p<0){s=f;continue t}f.boundary?f.lastVisited=-r:f.lastVisited=r}}return}return s},u.addPeaks=function(t,e){var r=this.vertices.length-1,n=this.dimension,i=this.vertices,l=this.tuple,c=this.interior,u=this.simplices,f=[e];e.lastVisited=r,e.vertices[e.vertices.indexOf(-1)]=r,e.boundary=!1,c.push(e);for(var h=[];f.length>0;){var p=(e=f.pop()).vertices,d=e.adjacent,g=p.indexOf(r);if(!(g<0))for(var m=0;m<=n;++m)if(m!==g){var v=d[m];if(v.boundary&&!(v.lastVisited>=r)){var y=v.vertices;if(v.lastVisited!==-r){for(var x=0,b=0;b<=n;++b)y[b]<0?(x=b,l[b]=t):l[b]=i[y[b]];if(this.orient()>0){y[x]=r,v.boundary=!1,c.push(v),f.push(v),v.lastVisited=r;continue}v.lastVisited=-r}var _=v.adjacent,w=p.slice(),T=d.slice(),k=new a(w,T,!0);u.push(k);var M=_.indexOf(e);if(!(M<0)){_[M]=k,T[g]=v,w[m]=-1,T[m]=e,d[m]=k,k.flip();for(b=0;b<=n;++b){var A=w[b];if(!(A<0||A===r)){for(var S=new Array(n-1),E=0,C=0;C<=n;++C){var L=w[C];L<0||C===b||(S[E++]=L)}h.push(new o(S,k,b))}}}}}}h.sort(s);for(m=0;m+1=0?o[l++]=s[u]:c=1&u;if(c===(1&t)){var f=o[0];o[0]=o[1],o[1]=f}e.push(o)}}return e}},{"robust-orientation":548,"simplicial-complex":558}],460:[function(t,e,r){"use strict";var n=t("binary-search-bounds");function i(t,e,r,n,i){this.mid=t,this.left=e,this.right=r,this.leftPoints=n,this.rightPoints=i,this.count=(e?e.count:0)+(r?r.count:0)+n.length}e.exports=function(t){if(!t||0===t.length)return new v(null);return new v(m(t))};var a=i.prototype;function o(t,e){t.mid=e.mid,t.left=e.left,t.right=e.right,t.leftPoints=e.leftPoints,t.rightPoints=e.rightPoints,t.count=e.count}function s(t,e){var r=m(e);t.mid=r.mid,t.left=r.left,t.right=r.right,t.leftPoints=r.leftPoints,t.rightPoints=r.rightPoints,t.count=r.count}function l(t,e){var r=t.intervals([]);r.push(e),s(t,r)}function c(t,e){var r=t.intervals([]),n=r.indexOf(e);return n<0?0:(r.splice(n,1),s(t,r),1)}function u(t,e,r){for(var n=0;n=0&&t[n][1]>=e;--n){var i=r(t[n]);if(i)return i}}function h(t,e){for(var r=0;r>1],a=[],o=[],s=[];for(r=0;r3*(e+1)?l(this,t):this.left.insert(t):this.left=m([t]);else if(t[0]>this.mid)this.right?4*(this.right.count+1)>3*(e+1)?l(this,t):this.right.insert(t):this.right=m([t]);else{var r=n.ge(this.leftPoints,t,d),i=n.ge(this.rightPoints,t,g);this.leftPoints.splice(r,0,t),this.rightPoints.splice(i,0,t)}},a.remove=function(t){var e=this.count-this.leftPoints;if(t[1]3*(e-1)?c(this,t):2===(s=this.left.remove(t))?(this.left=null,this.count-=1,1):(1===s&&(this.count-=1),s):0;if(t[0]>this.mid)return this.right?4*(this.left?this.left.count:0)>3*(e-1)?c(this,t):2===(s=this.right.remove(t))?(this.right=null,this.count-=1,1):(1===s&&(this.count-=1),s):0;if(1===this.count)return this.leftPoints[0]===t?2:0;if(1===this.leftPoints.length&&this.leftPoints[0]===t){if(this.left&&this.right){for(var r=this,i=this.left;i.right;)r=i,i=i.right;if(r===this)i.right=this.right;else{var a=this.left,s=this.right;r.count-=i.count,r.right=i.left,i.left=a,i.right=s}o(this,i),this.count=(this.left?this.left.count:0)+(this.right?this.right.count:0)+this.leftPoints.length}else this.left?o(this,this.left):o(this,this.right);return 1}for(a=n.ge(this.leftPoints,t,d);athis.mid){var r;if(this.right)if(r=this.right.queryPoint(t,e))return r;return f(this.rightPoints,t,e)}return h(this.leftPoints,e)},a.queryInterval=function(t,e,r){var n;if(tthis.mid&&this.right&&(n=this.right.queryInterval(t,e,r)))return n;return ethis.mid?f(this.rightPoints,t,r):h(this.leftPoints,r)};var y=v.prototype;y.insert=function(t){this.root?this.root.insert(t):this.root=new i(t[0],null,null,[t],[t])},y.remove=function(t){if(this.root){var e=this.root.remove(t);return 2===e&&(this.root=null),0!==e}return!1},y.queryPoint=function(t,e){if(this.root)return this.root.queryPoint(t,e)},y.queryInterval=function(t,e,r){if(t<=e&&this.root)return this.root.queryInterval(t,e,r)},Object.defineProperty(y,"count",{get:function(){return this.root?this.root.count:0}}),Object.defineProperty(y,"intervals",{get:function(){return this.root?this.root.intervals([]):[]}})},{"binary-search-bounds":461}],461:[function(t,e,r){arguments[4][243][0].apply(r,arguments)},{dup:243}],462:[function(t,e,r){"use strict";e.exports=function(t,e){e=e||new Array(t.length);for(var r=0;r + * @license MIT + */ +e.exports=function(t){return null!=t&&(n(t)||function(t){return"function"==typeof t.readFloatLE&&"function"==typeof t.slice&&n(t.slice(0,0))}(t)||!!t._isBuffer)}},{}],466:[function(t,e,r){"use strict";e.exports="undefined"!=typeof navigator&&(/MSIE/.test(navigator.userAgent)||/Trident\//.test(navigator.appVersion))},{}],467:[function(t,e,r){"use strict";e.exports=a,e.exports.isMobile=a,e.exports.default=a;var n=/(android|bb\d+|meego).+mobile|avantgo|bada\/|blackberry|blazer|compal|elaine|fennec|hiptop|iemobile|ip(hone|od)|iris|kindle|lge |maemo|midp|mmp|mobile.+firefox|netfront|opera m(ob|in)i|palm( os)?|phone|p(ixi|re)\/|plucker|pocket|psp|series[46]0|symbian|treo|up\.(browser|link)|vodafone|wap|windows (ce|phone)|xda|xiino/i,i=/(android|bb\d+|meego).+mobile|avantgo|bada\/|blackberry|blazer|compal|elaine|fennec|hiptop|iemobile|ip(hone|od)|iris|kindle|lge |maemo|midp|mmp|mobile.+firefox|netfront|opera m(ob|in)i|palm( os)?|phone|p(ixi|re)\/|plucker|pocket|psp|series[46]0|symbian|treo|up\.(browser|link)|vodafone|wap|windows (ce|phone)|xda|xiino|android|ipad|playbook|silk/i;function a(t){t||(t={});var e=t.ua;if(e||"undefined"==typeof navigator||(e=navigator.userAgent),e&&e.headers&&"string"==typeof e.headers["user-agent"]&&(e=e.headers["user-agent"]),"string"!=typeof e)return!1;var r=t.tablet?i.test(e):n.test(e);return!r&&t.tablet&&t.featureDetect&&navigator&&navigator.maxTouchPoints>1&&-1!==e.indexOf("Macintosh")&&-1!==e.indexOf("Safari")&&(r=!0),r}},{}],468:[function(t,e,r){"use strict";e.exports=function(t){var e=typeof t;return null!==t&&("object"===e||"function"===e)}},{}],469:[function(t,e,r){"use strict";var n=Object.prototype.toString;e.exports=function(t){var e;return"[object Object]"===n.call(t)&&(null===(e=Object.getPrototypeOf(t))||e===Object.getPrototypeOf({}))}},{}],470:[function(t,e,r){"use strict";e.exports=function(t){for(var e,r=t.length,n=0;n13)&&32!==e&&133!==e&&160!==e&&5760!==e&&6158!==e&&(e<8192||e>8205)&&8232!==e&&8233!==e&&8239!==e&&8287!==e&&8288!==e&&12288!==e&&65279!==e)return!1;return!0}},{}],471:[function(t,e,r){"use strict";e.exports=function(t){return"string"==typeof t&&(t=t.trim(),!!(/^[mzlhvcsqta]\s*[-+.0-9][^mlhvzcsqta]+/i.test(t)&&/[\dz]$/i.test(t)&&t.length>4))}},{}],472:[function(t,e,r){e.exports=function(t,e,r){return t*(1-r)+e*r}},{}],473:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?e.exports=n():(t=t||self).mapboxgl=n()}(this,(function(){"use strict";var t,e,r;function n(n,i){if(t)if(e){var a="var sharedChunk = {}; ("+t+")(sharedChunk); ("+e+")(sharedChunk);",o={};t(o),(r=i(o)).workerUrl=window.URL.createObjectURL(new Blob([a],{type:"text/javascript"}))}else e=i;else t=i}return n(0,(function(t){function e(t,e){return t(e={exports:{}},e.exports),e.exports}var r=n;function n(t,e,r,n){this.cx=3*t,this.bx=3*(r-t)-this.cx,this.ax=1-this.cx-this.bx,this.cy=3*e,this.by=3*(n-e)-this.cy,this.ay=1-this.cy-this.by,this.p1x=t,this.p1y=n,this.p2x=r,this.p2y=n}n.prototype.sampleCurveX=function(t){return((this.ax*t+this.bx)*t+this.cx)*t},n.prototype.sampleCurveY=function(t){return((this.ay*t+this.by)*t+this.cy)*t},n.prototype.sampleCurveDerivativeX=function(t){return(3*this.ax*t+2*this.bx)*t+this.cx},n.prototype.solveCurveX=function(t,e){var r,n,i,a,o;for(void 0===e&&(e=1e-6),i=t,o=0;o<8;o++){if(a=this.sampleCurveX(i)-t,Math.abs(a)(n=1))return n;for(;ra?r=i:n=i,i=.5*(n-r)+r}return i},n.prototype.solve=function(t,e){return this.sampleCurveY(this.solveCurveX(t,e))};var i=a;function a(t,e){this.x=t,this.y=e}function o(t,e,n,i){var a=new r(t,e,n,i);return function(t){return a.solve(t)}}a.prototype={clone:function(){return new a(this.x,this.y)},add:function(t){return this.clone()._add(t)},sub:function(t){return this.clone()._sub(t)},multByPoint:function(t){return this.clone()._multByPoint(t)},divByPoint:function(t){return this.clone()._divByPoint(t)},mult:function(t){return this.clone()._mult(t)},div:function(t){return this.clone()._div(t)},rotate:function(t){return this.clone()._rotate(t)},rotateAround:function(t,e){return this.clone()._rotateAround(t,e)},matMult:function(t){return this.clone()._matMult(t)},unit:function(){return this.clone()._unit()},perp:function(){return this.clone()._perp()},round:function(){return this.clone()._round()},mag:function(){return Math.sqrt(this.x*this.x+this.y*this.y)},equals:function(t){return this.x===t.x&&this.y===t.y},dist:function(t){return Math.sqrt(this.distSqr(t))},distSqr:function(t){var e=t.x-this.x,r=t.y-this.y;return e*e+r*r},angle:function(){return Math.atan2(this.y,this.x)},angleTo:function(t){return Math.atan2(this.y-t.y,this.x-t.x)},angleWith:function(t){return this.angleWithSep(t.x,t.y)},angleWithSep:function(t,e){return Math.atan2(this.x*e-this.y*t,this.x*t+this.y*e)},_matMult:function(t){var e=t[2]*this.x+t[3]*this.y;return this.x=t[0]*this.x+t[1]*this.y,this.y=e,this},_add:function(t){return this.x+=t.x,this.y+=t.y,this},_sub:function(t){return this.x-=t.x,this.y-=t.y,this},_mult:function(t){return this.x*=t,this.y*=t,this},_div:function(t){return this.x/=t,this.y/=t,this},_multByPoint:function(t){return this.x*=t.x,this.y*=t.y,this},_divByPoint:function(t){return this.x/=t.x,this.y/=t.y,this},_unit:function(){return this._div(this.mag()),this},_perp:function(){var t=this.y;return this.y=this.x,this.x=-t,this},_rotate:function(t){var e=Math.cos(t),r=Math.sin(t),n=r*this.x+e*this.y;return this.x=e*this.x-r*this.y,this.y=n,this},_rotateAround:function(t,e){var r=Math.cos(t),n=Math.sin(t),i=e.y+n*(this.x-e.x)+r*(this.y-e.y);return this.x=e.x+r*(this.x-e.x)-n*(this.y-e.y),this.y=i,this},_round:function(){return this.x=Math.round(this.x),this.y=Math.round(this.y),this}},a.convert=function(t){return t instanceof a?t:Array.isArray(t)?new a(t[0],t[1]):t};var s=o(.25,.1,.25,1);function l(t,e,r){return Math.min(r,Math.max(e,t))}function c(t,e,r){var n=r-e,i=((t-e)%n+n)%n+e;return i===e?r:i}function u(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];for(var n=0,i=e;n>e/4).toString(16):([1e7]+-[1e3]+-4e3+-8e3+-1e11).replace(/[018]/g,t)}()}function d(t){return!!t&&/^[0-9a-f]{8}-[0-9a-f]{4}-[4][0-9a-f]{3}-[89ab][0-9a-f]{3}-[0-9a-f]{12}$/i.test(t)}function g(t,e){t.forEach((function(t){e[t]&&(e[t]=e[t].bind(e))}))}function m(t,e){return-1!==t.indexOf(e,t.length-e.length)}function v(t,e,r){var n={};for(var i in t)n[i]=e.call(r||this,t[i],i,t);return n}function y(t,e,r){var n={};for(var i in t)e.call(r||this,t[i],i,t)&&(n[i]=t[i]);return n}function x(t){return Array.isArray(t)?t.map(x):"object"==typeof t&&t?v(t,x):t}var b={};function _(t){b[t]||("undefined"!=typeof console&&console.warn(t),b[t]=!0)}function w(t,e,r){return(r.y-t.y)*(e.x-t.x)>(e.y-t.y)*(r.x-t.x)}function T(t){for(var e=0,r=0,n=t.length,i=n-1,a=void 0,o=void 0;r@\,;\:\\"\/\[\]\?\=\{\}\x7F]+)(?:\=(?:([^\x00-\x20\(\)<>@\,;\:\\"\/\[\]\?\=\{\}\x7F]+)|(?:\"((?:[^"\\]|\\.)*)\")))?/g,(function(t,r,n,i){var a=n||i;return e[r]=!a||a.toLowerCase(),""})),e["max-age"]){var r=parseInt(e["max-age"],10);isNaN(r)?delete e["max-age"]:e["max-age"]=r}return e}var A=null;function S(t){if(null==A){var e=t.navigator?t.navigator.userAgent:null;A=!!t.safari||!(!e||!(/\b(iPad|iPhone|iPod)\b/.test(e)||e.match("Safari")&&!e.match("Chrome")))}return A}function E(t){try{var e=self[t];return e.setItem("_mapbox_test_",1),e.removeItem("_mapbox_test_"),!0}catch(t){return!1}}var C,L,I,P,z=self.performance&&self.performance.now?self.performance.now.bind(self.performance):Date.now.bind(Date),O=self.requestAnimationFrame||self.mozRequestAnimationFrame||self.webkitRequestAnimationFrame||self.msRequestAnimationFrame,D=self.cancelAnimationFrame||self.mozCancelAnimationFrame||self.webkitCancelAnimationFrame||self.msCancelAnimationFrame,R={now:z,frame:function(t){var e=O(t);return{cancel:function(){return D(e)}}},getImageData:function(t,e){void 0===e&&(e=0);var r=self.document.createElement("canvas"),n=r.getContext("2d");if(!n)throw new Error("failed to create canvas 2d context");return r.width=t.width,r.height=t.height,n.drawImage(t,0,0,t.width,t.height),n.getImageData(-e,-e,t.width+2*e,t.height+2*e)},resolveURL:function(t){return C||(C=self.document.createElement("a")),C.href=t,C.href},hardwareConcurrency:self.navigator.hardwareConcurrency||4,get devicePixelRatio(){return self.devicePixelRatio},get prefersReducedMotion(){return!!self.matchMedia&&(null==L&&(L=self.matchMedia("(prefers-reduced-motion: reduce)")),L.matches)}},F={API_URL:"https://api.mapbox.com",get EVENTS_URL(){return this.API_URL?0===this.API_URL.indexOf("https://api.mapbox.cn")?"https://events.mapbox.cn/events/v2":0===this.API_URL.indexOf("https://api.mapbox.com")?"https://events.mapbox.com/events/v2":null:null},FEEDBACK_URL:"https://apps.mapbox.com/feedback",REQUIRE_ACCESS_TOKEN:!0,ACCESS_TOKEN:null,MAX_PARALLEL_IMAGE_REQUESTS:16},B={supported:!1,testSupport:function(t){!N&&P&&(j?U(t):I=t)}},N=!1,j=!1;function U(t){var e=t.createTexture();t.bindTexture(t.TEXTURE_2D,e);try{if(t.texImage2D(t.TEXTURE_2D,0,t.RGBA,t.RGBA,t.UNSIGNED_BYTE,P),t.isContextLost())return;B.supported=!0}catch(t){}t.deleteTexture(e),N=!0}self.document&&((P=self.document.createElement("img")).onload=function(){I&&U(I),I=null,j=!0},P.onerror=function(){N=!0,I=null},P.src="data:image/webp;base64,UklGRh4AAABXRUJQVlA4TBEAAAAvAQAAAAfQ//73v/+BiOh/AAA=");var V="01",q=function(t,e){this._transformRequestFn=t,this._customAccessToken=e,this._createSkuToken()};function H(t){return 0===t.indexOf("mapbox:")}q.prototype._createSkuToken=function(){var t=function(){for(var t="",e=0;e<10;e++)t+="0123456789abcdefghijklmnopqrstuvwxyzABCDEFGHIJKLMNOPQRSTUVWXYZ"[Math.floor(62*Math.random())];return{token:["1",V,t].join(""),tokenExpiresAt:Date.now()+432e5}}();this._skuToken=t.token,this._skuTokenExpiresAt=t.tokenExpiresAt},q.prototype._isSkuTokenExpired=function(){return Date.now()>this._skuTokenExpiresAt},q.prototype.transformRequest=function(t,e){return this._transformRequestFn&&this._transformRequestFn(t,e)||{url:t}},q.prototype.normalizeStyleURL=function(t,e){if(!H(t))return t;var r=X(t);return r.path="/styles/v1"+r.path,this._makeAPIURL(r,this._customAccessToken||e)},q.prototype.normalizeGlyphsURL=function(t,e){if(!H(t))return t;var r=X(t);return r.path="/fonts/v1"+r.path,this._makeAPIURL(r,this._customAccessToken||e)},q.prototype.normalizeSourceURL=function(t,e){if(!H(t))return t;var r=X(t);return r.path="/v4/"+r.authority+".json",r.params.push("secure"),this._makeAPIURL(r,this._customAccessToken||e)},q.prototype.normalizeSpriteURL=function(t,e,r,n){var i=X(t);return H(t)?(i.path="/styles/v1"+i.path+"/sprite"+e+r,this._makeAPIURL(i,this._customAccessToken||n)):(i.path+=""+e+r,Z(i))},q.prototype.normalizeTileURL=function(t,e){if(this._isSkuTokenExpired()&&this._createSkuToken(),t&&!H(t))return t;var r=X(t);r.path=r.path.replace(/(\.(png|jpg)\d*)(?=$)/,(R.devicePixelRatio>=2||512===e?"@2x":"")+(B.supported?".webp":"$1")),r.path=r.path.replace(/^.+\/v4\//,"/"),r.path="/v4"+r.path;var n=this._customAccessToken||function(t){for(var e=0,r=t;e=1&&self.localStorage.setItem(e,JSON.stringify(this.eventData))}catch(t){_("Unable to write to LocalStorage")}},K.prototype.processRequests=function(t){},K.prototype.postEvent=function(t,e,r,n){var i=this;if(F.EVENTS_URL){var a=X(F.EVENTS_URL);a.params.push("access_token="+(n||F.ACCESS_TOKEN||""));var o={event:this.type,created:new Date(t).toISOString(),sdkIdentifier:"mapbox-gl-js",sdkVersion:"1.10.1",skuId:V,userId:this.anonId},s=e?u(o,e):o,l={url:Z(a),headers:{"Content-Type":"text/plain"},body:JSON.stringify([s])};this.pendingRequest=xt(l,(function(t){i.pendingRequest=null,r(t),i.saveEventData(),i.processRequests(n)}))}},K.prototype.queueRequest=function(t,e){this.queue.push(t),this.processRequests(e)};var Q,$,tt=function(t){function e(){t.call(this,"map.load"),this.success={},this.skuToken=""}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.postMapLoadEvent=function(t,e,r,n){this.skuToken=r,(F.EVENTS_URL&&n||F.ACCESS_TOKEN&&Array.isArray(t)&&t.some((function(t){return H(t)||Y(t)})))&&this.queueRequest({id:e,timestamp:Date.now()},n)},e.prototype.processRequests=function(t){var e=this;if(!this.pendingRequest&&0!==this.queue.length){var r=this.queue.shift(),n=r.id,i=r.timestamp;n&&this.success[n]||(this.anonId||this.fetchEventData(),d(this.anonId)||(this.anonId=p()),this.postEvent(i,{skuToken:this.skuToken},(function(t){t||n&&(e.success[n]=!0)}),t))}},e}(K),et=new(function(t){function e(e){t.call(this,"appUserTurnstile"),this._customAccessToken=e}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.postTurnstileEvent=function(t,e){F.EVENTS_URL&&F.ACCESS_TOKEN&&Array.isArray(t)&&t.some((function(t){return H(t)||Y(t)}))&&this.queueRequest(Date.now(),e)},e.prototype.processRequests=function(t){var e=this;if(!this.pendingRequest&&0!==this.queue.length){this.anonId&&this.eventData.lastSuccess&&this.eventData.tokenU||this.fetchEventData();var r=J(F.ACCESS_TOKEN),n=r?r.u:F.ACCESS_TOKEN,i=n!==this.eventData.tokenU;d(this.anonId)||(this.anonId=p(),i=!0);var a=this.queue.shift();if(this.eventData.lastSuccess){var o=new Date(this.eventData.lastSuccess),s=new Date(a),l=(a-this.eventData.lastSuccess)/864e5;i=i||l>=1||l<-1||o.getDate()!==s.getDate()}else i=!0;if(!i)return this.processRequests();this.postEvent(a,{"enabled.telemetry":!1},(function(t){t||(e.eventData.lastSuccess=a,e.eventData.tokenU=n)}),t)}},e}(K)),rt=et.postTurnstileEvent.bind(et),nt=new tt,it=nt.postMapLoadEvent.bind(nt),at=500,ot=50;function st(){self.caches&&!Q&&(Q=self.caches.open("mapbox-tiles"))}function lt(t){var e=t.indexOf("?");return e<0?t:t.slice(0,e)}var ct,ut=1/0;function ft(){return null==ct&&(ct=self.OffscreenCanvas&&new self.OffscreenCanvas(1,1).getContext("2d")&&"function"==typeof self.createImageBitmap),ct}var ht={Unknown:"Unknown",Style:"Style",Source:"Source",Tile:"Tile",Glyphs:"Glyphs",SpriteImage:"SpriteImage",SpriteJSON:"SpriteJSON",Image:"Image"};"function"==typeof Object.freeze&&Object.freeze(ht);var pt,dt,gt=function(t){function e(e,r,n){401===r&&Y(n)&&(e+=": you may have provided an invalid Mapbox access token. See https://www.mapbox.com/api-documentation/#access-tokens-and-token-scopes"),t.call(this,e),this.status=r,this.url=n,this.name=this.constructor.name,this.message=e}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.toString=function(){return this.name+": "+this.message+" ("+this.status+"): "+this.url},e}(Error),mt=k()?function(){return self.worker&&self.worker.referrer}:function(){return("blob:"===self.location.protocol?self.parent:self).location.href},vt=function(t,e){if(!(/^file:/.test(r=t.url)||/^file:/.test(mt())&&!/^\w+:/.test(r))){if(self.fetch&&self.Request&&self.AbortController&&self.Request.prototype.hasOwnProperty("signal"))return function(t,e){var r,n=new self.AbortController,i=new self.Request(t.url,{method:t.method||"GET",body:t.body,credentials:t.credentials,headers:t.headers,referrer:mt(),signal:n.signal}),a=!1,o=!1,s=(r=i.url).indexOf("sku=")>0&&Y(r);"json"===t.type&&i.headers.set("Accept","application/json");var l=function(r,n,a){if(!o){if(r&&"SecurityError"!==r.message&&_(r),n&&a)return c(n);var l=Date.now();self.fetch(i).then((function(r){if(r.ok){var n=s?r.clone():null;return c(r,n,l)}return e(new gt(r.statusText,r.status,t.url))})).catch((function(t){20!==t.code&&e(new Error(t.message))}))}},c=function(r,n,s){("arrayBuffer"===t.type?r.arrayBuffer():"json"===t.type?r.json():r.text()).then((function(t){o||(n&&s&&function(t,e,r){if(st(),Q){var n={status:e.status,statusText:e.statusText,headers:new self.Headers};e.headers.forEach((function(t,e){return n.headers.set(e,t)}));var i=M(e.headers.get("Cache-Control")||"");i["no-store"]||(i["max-age"]&&n.headers.set("Expires",new Date(r+1e3*i["max-age"]).toUTCString()),new Date(n.headers.get("Expires")).getTime()-r<42e4||function(t,e){if(void 0===$)try{new Response(new ReadableStream),$=!0}catch(t){$=!1}$?e(t.body):t.blob().then(e)}(e,(function(e){var r=new self.Response(e,n);st(),Q&&Q.then((function(e){return e.put(lt(t.url),r)})).catch((function(t){return _(t.message)}))})))}}(i,n,s),a=!0,e(null,t,r.headers.get("Cache-Control"),r.headers.get("Expires")))})).catch((function(t){o||e(new Error(t.message))}))};return s?function(t,e){if(st(),!Q)return e(null);var r=lt(t.url);Q.then((function(t){t.match(r).then((function(n){var i=function(t){if(!t)return!1;var e=new Date(t.headers.get("Expires")||0),r=M(t.headers.get("Cache-Control")||"");return e>Date.now()&&!r["no-cache"]}(n);t.delete(r),i&&t.put(r,n.clone()),e(null,n,i)})).catch(e)})).catch(e)}(i,l):l(null,null),{cancel:function(){o=!0,a||n.abort()}}}(t,e);if(k()&&self.worker&&self.worker.actor)return self.worker.actor.send("getResource",t,e,void 0,!0)}var r;return function(t,e){var r=new self.XMLHttpRequest;for(var n in r.open(t.method||"GET",t.url,!0),"arrayBuffer"===t.type&&(r.responseType="arraybuffer"),t.headers)r.setRequestHeader(n,t.headers[n]);return"json"===t.type&&(r.responseType="text",r.setRequestHeader("Accept","application/json")),r.withCredentials="include"===t.credentials,r.onerror=function(){e(new Error(r.statusText))},r.onload=function(){if((r.status>=200&&r.status<300||0===r.status)&&null!==r.response){var n=r.response;if("json"===t.type)try{n=JSON.parse(r.response)}catch(t){return e(t)}e(null,n,r.getResponseHeader("Cache-Control"),r.getResponseHeader("Expires"))}else e(new gt(r.statusText,r.status,t.url))},r.send(t.body),{cancel:function(){return r.abort()}}}(t,e)},yt=function(t,e){return vt(u(t,{type:"arrayBuffer"}),e)},xt=function(t,e){return vt(u(t,{method:"POST"}),e)};pt=[],dt=0;var bt=function(t,e){if(B.supported&&(t.headers||(t.headers={}),t.headers.accept="image/webp,*/*"),dt>=F.MAX_PARALLEL_IMAGE_REQUESTS){var r={requestParameters:t,callback:e,cancelled:!1,cancel:function(){this.cancelled=!0}};return pt.push(r),r}dt++;var n=!1,i=function(){if(!n)for(n=!0,dt--;pt.length&&dt0||this._oneTimeListeners&&this._oneTimeListeners[t]&&this._oneTimeListeners[t].length>0||this._eventedParent&&this._eventedParent.listens(t)},Mt.prototype.setEventedParent=function(t,e){return this._eventedParent=t,this._eventedParentData=e,this};var At={$version:8,$root:{version:{required:!0,type:"enum",values:[8]},name:{type:"string"},metadata:{type:"*"},center:{type:"array",value:"number"},zoom:{type:"number"},bearing:{type:"number",default:0,period:360,units:"degrees"},pitch:{type:"number",default:0,units:"degrees"},light:{type:"light"},sources:{required:!0,type:"sources"},sprite:{type:"string"},glyphs:{type:"string"},transition:{type:"transition"},layers:{required:!0,type:"array",value:"layer"}},sources:{"*":{type:"source"}},source:["source_vector","source_raster","source_raster_dem","source_geojson","source_video","source_image"],source_vector:{type:{required:!0,type:"enum",values:{vector:{}}},url:{type:"string"},tiles:{type:"array",value:"string"},bounds:{type:"array",value:"number",length:4,default:[-180,-85.051129,180,85.051129]},scheme:{type:"enum",values:{xyz:{},tms:{}},default:"xyz"},minzoom:{type:"number",default:0},maxzoom:{type:"number",default:22},attribution:{type:"string"},promoteId:{type:"promoteId"},"*":{type:"*"}},source_raster:{type:{required:!0,type:"enum",values:{raster:{}}},url:{type:"string"},tiles:{type:"array",value:"string"},bounds:{type:"array",value:"number",length:4,default:[-180,-85.051129,180,85.051129]},minzoom:{type:"number",default:0},maxzoom:{type:"number",default:22},tileSize:{type:"number",default:512,units:"pixels"},scheme:{type:"enum",values:{xyz:{},tms:{}},default:"xyz"},attribution:{type:"string"},"*":{type:"*"}},source_raster_dem:{type:{required:!0,type:"enum",values:{"raster-dem":{}}},url:{type:"string"},tiles:{type:"array",value:"string"},bounds:{type:"array",value:"number",length:4,default:[-180,-85.051129,180,85.051129]},minzoom:{type:"number",default:0},maxzoom:{type:"number",default:22},tileSize:{type:"number",default:512,units:"pixels"},attribution:{type:"string"},encoding:{type:"enum",values:{terrarium:{},mapbox:{}},default:"mapbox"},"*":{type:"*"}},source_geojson:{type:{required:!0,type:"enum",values:{geojson:{}}},data:{type:"*"},maxzoom:{type:"number",default:18},attribution:{type:"string"},buffer:{type:"number",default:128,maximum:512,minimum:0},tolerance:{type:"number",default:.375},cluster:{type:"boolean",default:!1},clusterRadius:{type:"number",default:50,minimum:0},clusterMaxZoom:{type:"number"},clusterProperties:{type:"*"},lineMetrics:{type:"boolean",default:!1},generateId:{type:"boolean",default:!1},promoteId:{type:"promoteId"}},source_video:{type:{required:!0,type:"enum",values:{video:{}}},urls:{required:!0,type:"array",value:"string"},coordinates:{required:!0,type:"array",length:4,value:{type:"array",length:2,value:"number"}}},source_image:{type:{required:!0,type:"enum",values:{image:{}}},url:{required:!0,type:"string"},coordinates:{required:!0,type:"array",length:4,value:{type:"array",length:2,value:"number"}}},layer:{id:{type:"string",required:!0},type:{type:"enum",values:{fill:{},line:{},symbol:{},circle:{},heatmap:{},"fill-extrusion":{},raster:{},hillshade:{},background:{}},required:!0},metadata:{type:"*"},source:{type:"string"},"source-layer":{type:"string"},minzoom:{type:"number",minimum:0,maximum:24},maxzoom:{type:"number",minimum:0,maximum:24},filter:{type:"filter"},layout:{type:"layout"},paint:{type:"paint"}},layout:["layout_fill","layout_line","layout_circle","layout_heatmap","layout_fill-extrusion","layout_symbol","layout_raster","layout_hillshade","layout_background"],layout_background:{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_fill:{"fill-sort-key":{type:"number",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_circle:{"circle-sort-key":{type:"number",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_heatmap:{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},"layout_fill-extrusion":{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_line:{"line-cap":{type:"enum",values:{butt:{},round:{},square:{}},default:"butt",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"line-join":{type:"enum",values:{bevel:{},round:{},miter:{}},default:"miter",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"line-miter-limit":{type:"number",default:2,requires:[{"line-join":"miter"}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"line-round-limit":{type:"number",default:1.05,requires:[{"line-join":"round"}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"line-sort-key":{type:"number",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_symbol:{"symbol-placement":{type:"enum",values:{point:{},line:{},"line-center":{}},default:"point",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"symbol-spacing":{type:"number",default:250,minimum:1,units:"pixels",requires:[{"symbol-placement":"line"}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"symbol-avoid-edges":{type:"boolean",default:!1,expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"symbol-sort-key":{type:"number",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"symbol-z-order":{type:"enum",values:{auto:{},"viewport-y":{},source:{}},default:"auto",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-allow-overlap":{type:"boolean",default:!1,requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-ignore-placement":{type:"boolean",default:!1,requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-optional":{type:"boolean",default:!1,requires:["icon-image","text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-rotation-alignment":{type:"enum",values:{map:{},viewport:{},auto:{}},default:"auto",requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-size":{type:"number",default:1,minimum:0,units:"factor of the original icon size",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-text-fit":{type:"enum",values:{none:{},width:{},height:{},both:{}},default:"none",requires:["icon-image","text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-text-fit-padding":{type:"array",value:"number",length:4,default:[0,0,0,0],units:"pixels",requires:["icon-image","text-field",{"icon-text-fit":["both","width","height"]}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"icon-image":{type:"resolvedImage",tokens:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-rotate":{type:"number",default:0,period:360,units:"degrees",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-padding":{type:"number",default:2,minimum:0,units:"pixels",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"icon-keep-upright":{type:"boolean",default:!1,requires:["icon-image",{"icon-rotation-alignment":"map"},{"symbol-placement":["line","line-center"]}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-offset":{type:"array",value:"number",length:2,default:[0,0],requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-anchor":{type:"enum",values:{center:{},left:{},right:{},top:{},bottom:{},"top-left":{},"top-right":{},"bottom-left":{},"bottom-right":{}},default:"center",requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-pitch-alignment":{type:"enum",values:{map:{},viewport:{},auto:{}},default:"auto",requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-pitch-alignment":{type:"enum",values:{map:{},viewport:{},auto:{}},default:"auto",requires:["text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-rotation-alignment":{type:"enum",values:{map:{},viewport:{},auto:{}},default:"auto",requires:["text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-field":{type:"formatted",default:"",tokens:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-font":{type:"array",value:"string",default:["Open Sans Regular","Arial Unicode MS Regular"],requires:["text-field"],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-size":{type:"number",default:16,minimum:0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-max-width":{type:"number",default:10,minimum:0,units:"ems",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-line-height":{type:"number",default:1.2,units:"ems",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"text-letter-spacing":{type:"number",default:0,units:"ems",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-justify":{type:"enum",values:{auto:{},left:{},center:{},right:{}},default:"center",requires:["text-field"],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-radial-offset":{type:"number",units:"ems",default:0,requires:["text-field"],"property-type":"data-driven",expression:{interpolated:!0,parameters:["zoom","feature"]}},"text-variable-anchor":{type:"array",value:"enum",values:{center:{},left:{},right:{},top:{},bottom:{},"top-left":{},"top-right":{},"bottom-left":{},"bottom-right":{}},requires:["text-field",{"symbol-placement":["point"]}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-anchor":{type:"enum",values:{center:{},left:{},right:{},top:{},bottom:{},"top-left":{},"top-right":{},"bottom-left":{},"bottom-right":{}},default:"center",requires:["text-field",{"!":"text-variable-anchor"}],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-max-angle":{type:"number",default:45,units:"degrees",requires:["text-field",{"symbol-placement":["line","line-center"]}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"text-writing-mode":{type:"array",value:"enum",values:{horizontal:{},vertical:{}},requires:["text-field",{"symbol-placement":["point"]}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-rotate":{type:"number",default:0,period:360,units:"degrees",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-padding":{type:"number",default:2,minimum:0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"text-keep-upright":{type:"boolean",default:!0,requires:["text-field",{"text-rotation-alignment":"map"},{"symbol-placement":["line","line-center"]}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-transform":{type:"enum",values:{none:{},uppercase:{},lowercase:{}},default:"none",requires:["text-field"],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-offset":{type:"array",value:"number",units:"ems",length:2,default:[0,0],requires:["text-field",{"!":"text-radial-offset"}],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-allow-overlap":{type:"boolean",default:!1,requires:["text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-ignore-placement":{type:"boolean",default:!1,requires:["text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-optional":{type:"boolean",default:!1,requires:["text-field","icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_raster:{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_hillshade:{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},filter:{type:"array",value:"*"},filter_operator:{type:"enum",values:{"==":{},"!=":{},">":{},">=":{},"<":{},"<=":{},in:{},"!in":{},all:{},any:{},none:{},has:{},"!has":{},within:{}}},geometry_type:{type:"enum",values:{Point:{},LineString:{},Polygon:{}}},function:{expression:{type:"expression"},stops:{type:"array",value:"function_stop"},base:{type:"number",default:1,minimum:0},property:{type:"string",default:"$zoom"},type:{type:"enum",values:{identity:{},exponential:{},interval:{},categorical:{}},default:"exponential"},colorSpace:{type:"enum",values:{rgb:{},lab:{},hcl:{}},default:"rgb"},default:{type:"*",required:!1}},function_stop:{type:"array",minimum:0,maximum:24,value:["number","color"],length:2},expression:{type:"array",value:"*",minimum:1},expression_name:{type:"enum",values:{let:{group:"Variable binding"},var:{group:"Variable binding"},literal:{group:"Types"},array:{group:"Types"},at:{group:"Lookup"},in:{group:"Lookup"},"index-of":{group:"Lookup"},slice:{group:"Lookup"},case:{group:"Decision"},match:{group:"Decision"},coalesce:{group:"Decision"},step:{group:"Ramps, scales, curves"},interpolate:{group:"Ramps, scales, curves"},"interpolate-hcl":{group:"Ramps, scales, curves"},"interpolate-lab":{group:"Ramps, scales, curves"},ln2:{group:"Math"},pi:{group:"Math"},e:{group:"Math"},typeof:{group:"Types"},string:{group:"Types"},number:{group:"Types"},boolean:{group:"Types"},object:{group:"Types"},collator:{group:"Types"},format:{group:"Types"},image:{group:"Types"},"number-format":{group:"Types"},"to-string":{group:"Types"},"to-number":{group:"Types"},"to-boolean":{group:"Types"},"to-rgba":{group:"Color"},"to-color":{group:"Types"},rgb:{group:"Color"},rgba:{group:"Color"},get:{group:"Lookup"},has:{group:"Lookup"},length:{group:"Lookup"},properties:{group:"Feature data"},"feature-state":{group:"Feature data"},"geometry-type":{group:"Feature data"},id:{group:"Feature data"},zoom:{group:"Zoom"},"heatmap-density":{group:"Heatmap"},"line-progress":{group:"Feature data"},accumulated:{group:"Feature data"},"+":{group:"Math"},"*":{group:"Math"},"-":{group:"Math"},"/":{group:"Math"},"%":{group:"Math"},"^":{group:"Math"},sqrt:{group:"Math"},log10:{group:"Math"},ln:{group:"Math"},log2:{group:"Math"},sin:{group:"Math"},cos:{group:"Math"},tan:{group:"Math"},asin:{group:"Math"},acos:{group:"Math"},atan:{group:"Math"},min:{group:"Math"},max:{group:"Math"},round:{group:"Math"},abs:{group:"Math"},ceil:{group:"Math"},floor:{group:"Math"},distance:{group:"Math"},"==":{group:"Decision"},"!=":{group:"Decision"},">":{group:"Decision"},"<":{group:"Decision"},">=":{group:"Decision"},"<=":{group:"Decision"},all:{group:"Decision"},any:{group:"Decision"},"!":{group:"Decision"},within:{group:"Decision"},"is-supported-script":{group:"String"},upcase:{group:"String"},downcase:{group:"String"},concat:{group:"String"},"resolved-locale":{group:"String"}}},light:{anchor:{type:"enum",default:"viewport",values:{map:{},viewport:{}},"property-type":"data-constant",transition:!1,expression:{interpolated:!1,parameters:["zoom"]}},position:{type:"array",default:[1.15,210,30],length:3,value:"number","property-type":"data-constant",transition:!0,expression:{interpolated:!0,parameters:["zoom"]}},color:{type:"color","property-type":"data-constant",default:"#ffffff",expression:{interpolated:!0,parameters:["zoom"]},transition:!0},intensity:{type:"number","property-type":"data-constant",default:.5,minimum:0,maximum:1,expression:{interpolated:!0,parameters:["zoom"]},transition:!0}},paint:["paint_fill","paint_line","paint_circle","paint_heatmap","paint_fill-extrusion","paint_symbol","paint_raster","paint_hillshade","paint_background"],paint_fill:{"fill-antialias":{type:"boolean",default:!0,expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"fill-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-color":{type:"color",default:"#000000",transition:!0,requires:[{"!":"fill-pattern"}],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-outline-color":{type:"color",transition:!0,requires:[{"!":"fill-pattern"},{"fill-antialias":!0}],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"fill-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["fill-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"fill-pattern":{type:"resolvedImage",transition:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"cross-faded-data-driven"}},"paint_fill-extrusion":{"fill-extrusion-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"fill-extrusion-color":{type:"color",default:"#000000",transition:!0,requires:[{"!":"fill-extrusion-pattern"}],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-extrusion-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"fill-extrusion-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["fill-extrusion-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"fill-extrusion-pattern":{type:"resolvedImage",transition:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"cross-faded-data-driven"},"fill-extrusion-height":{type:"number",default:0,minimum:0,units:"meters",transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-extrusion-base":{type:"number",default:0,minimum:0,units:"meters",transition:!0,requires:["fill-extrusion-height"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-extrusion-vertical-gradient":{type:"boolean",default:!0,transition:!1,expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"}},paint_line:{"line-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-color":{type:"color",default:"#000000",transition:!0,requires:[{"!":"line-pattern"}],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"line-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["line-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"line-width":{type:"number",default:1,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-gap-width":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-offset":{type:"number",default:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-blur":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-dasharray":{type:"array",value:"number",minimum:0,transition:!0,units:"line widths",requires:[{"!":"line-pattern"}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"cross-faded"},"line-pattern":{type:"resolvedImage",transition:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"cross-faded-data-driven"},"line-gradient":{type:"color",transition:!1,requires:[{"!":"line-dasharray"},{"!":"line-pattern"},{source:"geojson",has:{lineMetrics:!0}}],expression:{interpolated:!0,parameters:["line-progress"]},"property-type":"color-ramp"}},paint_circle:{"circle-radius":{type:"number",default:5,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-color":{type:"color",default:"#000000",transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-blur":{type:"number",default:0,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"circle-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["circle-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"circle-pitch-scale":{type:"enum",values:{map:{},viewport:{}},default:"map",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"circle-pitch-alignment":{type:"enum",values:{map:{},viewport:{}},default:"viewport",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"circle-stroke-width":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-stroke-color":{type:"color",default:"#000000",transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-stroke-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"}},paint_heatmap:{"heatmap-radius":{type:"number",default:30,minimum:1,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"heatmap-weight":{type:"number",default:1,minimum:0,transition:!1,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"heatmap-intensity":{type:"number",default:1,minimum:0,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"heatmap-color":{type:"color",default:["interpolate",["linear"],["heatmap-density"],0,"rgba(0, 0, 255, 0)",.1,"royalblue",.3,"cyan",.5,"lime",.7,"yellow",1,"red"],transition:!1,expression:{interpolated:!0,parameters:["heatmap-density"]},"property-type":"color-ramp"},"heatmap-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"}},paint_symbol:{"icon-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-color":{type:"color",default:"#000000",transition:!0,requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-halo-color":{type:"color",default:"rgba(0, 0, 0, 0)",transition:!0,requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-halo-width":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-halo-blur":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"icon-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["icon-image","icon-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-color":{type:"color",default:"#000000",transition:!0,overridable:!0,requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-halo-color":{type:"color",default:"rgba(0, 0, 0, 0)",transition:!0,requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-halo-width":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-halo-blur":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"text-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["text-field","text-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"}},paint_raster:{"raster-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-hue-rotate":{type:"number",default:0,period:360,transition:!0,units:"degrees",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-brightness-min":{type:"number",default:0,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-brightness-max":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-saturation":{type:"number",default:0,minimum:-1,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-contrast":{type:"number",default:0,minimum:-1,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-resampling":{type:"enum",values:{linear:{},nearest:{}},default:"linear",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"raster-fade-duration":{type:"number",default:300,minimum:0,transition:!1,units:"milliseconds",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"}},paint_hillshade:{"hillshade-illumination-direction":{type:"number",default:335,minimum:0,maximum:359,transition:!1,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-illumination-anchor":{type:"enum",values:{map:{},viewport:{}},default:"viewport",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-exaggeration":{type:"number",default:.5,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-shadow-color":{type:"color",default:"#000000",transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-highlight-color":{type:"color",default:"#FFFFFF",transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-accent-color":{type:"color",default:"#000000",transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"}},paint_background:{"background-color":{type:"color",default:"#000000",transition:!0,requires:[{"!":"background-pattern"}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"background-pattern":{type:"resolvedImage",transition:!0,expression:{interpolated:!1,parameters:["zoom"]},"property-type":"cross-faded"},"background-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"}},transition:{duration:{type:"number",default:300,minimum:0,units:"milliseconds"},delay:{type:"number",default:0,minimum:0,units:"milliseconds"}},"property-type":{"data-driven":{type:"property-type"},"cross-faded":{type:"property-type"},"cross-faded-data-driven":{type:"property-type"},"color-ramp":{type:"property-type"},"data-constant":{type:"property-type"},constant:{type:"property-type"}},promoteId:{"*":{type:"string"}}},St=function(t,e,r,n){this.message=(t?t+": ":"")+r,n&&(this.identifier=n),null!=e&&e.__line__&&(this.line=e.__line__)};function Et(t){var e=t.value;return e?[new St(t.key,e,"constants have been deprecated as of v8")]:[]}function Ct(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];for(var n=0,i=e;n":"value"===t.itemType.kind?"array":"array<"+e+">"}return t.kind}var Yt=[Ot,Dt,Rt,Ft,Bt,Vt,Nt,Ht(jt),qt];function Wt(t,e){if("error"===e.kind)return null;if("array"===t.kind){if("array"===e.kind&&(0===e.N&&"value"===e.itemType.kind||!Wt(t.itemType,e.itemType))&&("number"!=typeof t.N||t.N===e.N))return null}else{if(t.kind===e.kind)return null;if("value"===t.kind)for(var r=0,n=Yt;r255?255:t}function i(t){return n("%"===t[t.length-1]?parseFloat(t)/100*255:parseInt(t))}function a(t){return(e="%"===t[t.length-1]?parseFloat(t)/100:parseFloat(t))<0?0:e>1?1:e;var e}function o(t,e,r){return r<0?r+=1:r>1&&(r-=1),6*r<1?t+(e-t)*r*6:2*r<1?e:3*r<2?t+(e-t)*(2/3-r)*6:t}try{e.parseCSSColor=function(t){var e,s=t.replace(/ /g,"").toLowerCase();if(s in r)return r[s].slice();if("#"===s[0])return 4===s.length?(e=parseInt(s.substr(1),16))>=0&&e<=4095?[(3840&e)>>4|(3840&e)>>8,240&e|(240&e)>>4,15&e|(15&e)<<4,1]:null:7===s.length&&(e=parseInt(s.substr(1),16))>=0&&e<=16777215?[(16711680&e)>>16,(65280&e)>>8,255&e,1]:null;var l=s.indexOf("("),c=s.indexOf(")");if(-1!==l&&c+1===s.length){var u=s.substr(0,l),f=s.substr(l+1,c-(l+1)).split(","),h=1;switch(u){case"rgba":if(4!==f.length)return null;h=a(f.pop());case"rgb":return 3!==f.length?null:[i(f[0]),i(f[1]),i(f[2]),h];case"hsla":if(4!==f.length)return null;h=a(f.pop());case"hsl":if(3!==f.length)return null;var p=(parseFloat(f[0])%360+360)%360/360,d=a(f[1]),g=a(f[2]),m=g<=.5?g*(d+1):g+d-g*d,v=2*g-m;return[n(255*o(v,m,p+1/3)),n(255*o(v,m,p)),n(255*o(v,m,p-1/3)),h];default:return null}}return null}}catch(t){}})).parseCSSColor,Kt=function(t,e,r,n){void 0===n&&(n=1),this.r=t,this.g=e,this.b=r,this.a=n};Kt.parse=function(t){if(t){if(t instanceof Kt)return t;if("string"==typeof t){var e=Jt(t);if(e)return new Kt(e[0]/255*e[3],e[1]/255*e[3],e[2]/255*e[3],e[3])}}},Kt.prototype.toString=function(){var t=this.toArray(),e=t[1],r=t[2],n=t[3];return"rgba("+Math.round(t[0])+","+Math.round(e)+","+Math.round(r)+","+n+")"},Kt.prototype.toArray=function(){var t=this.a;return 0===t?[0,0,0,0]:[255*this.r/t,255*this.g/t,255*this.b/t,t]},Kt.black=new Kt(0,0,0,1),Kt.white=new Kt(1,1,1,1),Kt.transparent=new Kt(0,0,0,0),Kt.red=new Kt(1,0,0,1);var Qt=function(t,e,r){this.sensitivity=t?e?"variant":"case":e?"accent":"base",this.locale=r,this.collator=new Intl.Collator(this.locale?this.locale:[],{sensitivity:this.sensitivity,usage:"search"})};Qt.prototype.compare=function(t,e){return this.collator.compare(t,e)},Qt.prototype.resolvedLocale=function(){return new Intl.Collator(this.locale?this.locale:[]).resolvedOptions().locale};var $t=function(t,e,r,n,i){this.text=t,this.image=e,this.scale=r,this.fontStack=n,this.textColor=i},te=function(t){this.sections=t};te.fromString=function(t){return new te([new $t(t,null,null,null,null)])},te.prototype.isEmpty=function(){return 0===this.sections.length||!this.sections.some((function(t){return 0!==t.text.length||t.image&&0!==t.image.name.length}))},te.factory=function(t){return t instanceof te?t:te.fromString(t)},te.prototype.toString=function(){return 0===this.sections.length?"":this.sections.map((function(t){return t.text})).join("")},te.prototype.serialize=function(){for(var t=["format"],e=0,r=this.sections;e=0&&t<=255&&"number"==typeof e&&e>=0&&e<=255&&"number"==typeof r&&r>=0&&r<=255?void 0===n||"number"==typeof n&&n>=0&&n<=1?null:"Invalid rgba value ["+[t,e,r,n].join(", ")+"]: 'a' must be between 0 and 1.":"Invalid rgba value ["+("number"==typeof n?[t,e,r,n]:[t,e,r]).join(", ")+"]: 'r', 'g', and 'b' must be between 0 and 255."}function ne(t){if(null===t)return!0;if("string"==typeof t)return!0;if("boolean"==typeof t)return!0;if("number"==typeof t)return!0;if(t instanceof Kt)return!0;if(t instanceof Qt)return!0;if(t instanceof te)return!0;if(t instanceof ee)return!0;if(Array.isArray(t)){for(var e=0,r=t;e2){var s=t[1];if("string"!=typeof s||!(s in le)||"object"===s)return e.error('The item type argument of "array" must be one of string, number, boolean',1);a=le[s],n++}else a=jt;if(t.length>3){if(null!==t[2]&&("number"!=typeof t[2]||t[2]<0||t[2]!==Math.floor(t[2])))return e.error('The length argument to "array" must be a positive integer literal',2);o=t[2],n++}r=Ht(a,o)}else r=le[i];for(var l=[];n1)&&e.push(n)}}return e.concat(this.args.map((function(t){return t.serialize()})))};var ue=function(t){this.type=Vt,this.sections=t};ue.parse=function(t,e){if(t.length<2)return e.error("Expected at least one argument.");var r=t[1];if(!Array.isArray(r)&&"object"==typeof r)return e.error("First argument must be an image or text section.");for(var n=[],i=!1,a=1;a<=t.length-1;++a){var o=t[a];if(i&&"object"==typeof o&&!Array.isArray(o)){i=!1;var s=null;if(o["font-scale"]&&!(s=e.parse(o["font-scale"],1,Dt)))return null;var l=null;if(o["text-font"]&&!(l=e.parse(o["text-font"],1,Ht(Rt))))return null;var c=null;if(o["text-color"]&&!(c=e.parse(o["text-color"],1,Bt)))return null;var u=n[n.length-1];u.scale=s,u.font=l,u.textColor=c}else{var f=e.parse(t[a],1,jt);if(!f)return null;var h=f.type.kind;if("string"!==h&&"value"!==h&&"null"!==h&&"resolvedImage"!==h)return e.error("Formatted text type must be 'string', 'value', 'image' or 'null'.");i=!0,n.push({content:f,scale:null,font:null,textColor:null})}}return new ue(n)},ue.prototype.evaluate=function(t){return new te(this.sections.map((function(e){var r=e.content.evaluate(t);return ie(r)===qt?new $t("",r,null,null,null):new $t(ae(r),null,e.scale?e.scale.evaluate(t):null,e.font?e.font.evaluate(t).join(","):null,e.textColor?e.textColor.evaluate(t):null)})))},ue.prototype.eachChild=function(t){for(var e=0,r=this.sections;e-1),r},fe.prototype.eachChild=function(t){t(this.input)},fe.prototype.outputDefined=function(){return!1},fe.prototype.serialize=function(){return["image",this.input.serialize()]};var he={"to-boolean":Ft,"to-color":Bt,"to-number":Dt,"to-string":Rt},pe=function(t,e){this.type=t,this.args=e};pe.parse=function(t,e){if(t.length<2)return e.error("Expected at least one argument.");var r=t[0];if(("to-boolean"===r||"to-string"===r)&&2!==t.length)return e.error("Expected one argument.");for(var n=he[r],i=[],a=1;a4?"Invalid rbga value "+JSON.stringify(e)+": expected an array containing either three or four numeric values.":re(e[0],e[1],e[2],e[3])))return new Kt(e[0]/255,e[1]/255,e[2]/255,e[3])}throw new se(r||"Could not parse color from value '"+("string"==typeof e?e:String(JSON.stringify(e)))+"'")}if("number"===this.type.kind){for(var o=null,s=0,l=this.args;s=e[2]||t[1]<=e[1]||t[3]>=e[3])}function be(t,e){var r=(180+t[0])/360,n=(180-180/Math.PI*Math.log(Math.tan(Math.PI/4+t[1]*Math.PI/360)))/360,i=Math.pow(2,e.z);return[Math.round(r*i*8192),Math.round(n*i*8192)]}function _e(t,e,r){return e[1]>t[1]!=r[1]>t[1]&&t[0]<(r[0]-e[0])*(t[1]-e[1])/(r[1]-e[1])+e[0]}function we(t,e){for(var r,n,i,a,o,s,l,c=!1,u=0,f=e.length;u0&&s<0||o<0&&s>0}function Me(t,e,r){for(var n=0,i=r;nr[2]){var i=.5*n,a=t[0]-r[0]>i?-n:r[0]-t[0]>i?n:0;0===a&&(a=t[0]-r[2]>i?-n:r[2]-t[0]>i?n:0),t[0]+=a}ye(e,t)}function Ie(t,e,r,n){for(var i=8192*Math.pow(2,n.z),a=[8192*n.x,8192*n.y],o=[],s=0,l=t;s=0)return!1;var r=!0;return t.eachChild((function(t){r&&!Re(t,e)&&(r=!1)})),r}ze.parse=function(t,e){if(2!==t.length)return e.error("'within' expression requires exactly one argument, but found "+(t.length-1)+" instead.");if(ne(t[1])){var r=t[1];if("FeatureCollection"===r.type)for(var n=0;ne))throw new se("Input is not a number.");a=o-1}return 0}Be.prototype.parse=function(t,e,r,n,i){return void 0===i&&(i={}),e?this.concat(e,r,n)._parse(t,i):this._parse(t,i)},Be.prototype._parse=function(t,e){function r(t,e,r){return"assert"===r?new ce(e,[t]):"coerce"===r?new pe(e,[t]):t}if(null!==t&&"string"!=typeof t&&"boolean"!=typeof t&&"number"!=typeof t||(t=["literal",t]),Array.isArray(t)){if(0===t.length)return this.error('Expected an array with at least one element. If you wanted a literal array, use ["literal", []].');var n=t[0];if("string"!=typeof n)return this.error("Expression name must be a string, but found "+typeof n+' instead. If you wanted a literal array, use ["literal", [...]].',0),null;var i=this.registry[n];if(i){var a=i.parse(t,this);if(!a)return null;if(this.expectedType){var o=this.expectedType,s=a.type;if("string"!==o.kind&&"number"!==o.kind&&"boolean"!==o.kind&&"object"!==o.kind&&"array"!==o.kind||"value"!==s.kind)if("color"!==o.kind&&"formatted"!==o.kind&&"resolvedImage"!==o.kind||"value"!==s.kind&&"string"!==s.kind){if(this.checkSubtype(o,s))return null}else a=r(a,o,e.typeAnnotation||"coerce");else a=r(a,o,e.typeAnnotation||"assert")}if(!(a instanceof oe)&&"resolvedImage"!==a.type.kind&&function t(e){if(e instanceof Fe)return t(e.boundExpression);if(e instanceof me&&"error"===e.name)return!1;if(e instanceof ve)return!1;if(e instanceof ze)return!1;var r=e instanceof pe||e instanceof ce,n=!0;return e.eachChild((function(e){n=r?n&&t(e):n&&e instanceof oe})),!!n&&Oe(e)&&Re(e,["zoom","heatmap-density","line-progress","accumulated","is-supported-script"])}(a)){var l=new ge;try{a=new oe(a.type,a.evaluate(l))}catch(t){return this.error(t.message),null}}return a}return this.error('Unknown expression "'+n+'". If you wanted a literal array, use ["literal", [...]].',0)}return this.error(void 0===t?"'undefined' value invalid. Use null instead.":"object"==typeof t?'Bare objects invalid. Use ["literal", {...}] instead.':"Expected an array, but found "+typeof t+" instead.")},Be.prototype.concat=function(t,e,r){var n="number"==typeof t?this.path.concat(t):this.path,i=r?this.scope.concat(r):this.scope;return new Be(this.registry,n,e||null,i,this.errors)},Be.prototype.error=function(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];var n=""+this.key+e.map((function(t){return"["+t+"]"})).join("");this.errors.push(new Pt(n,t))},Be.prototype.checkSubtype=function(t,e){var r=Wt(t,e);return r&&this.error(r),r};var je=function(t,e,r){this.type=t,this.input=e,this.labels=[],this.outputs=[];for(var n=0,i=r;n=o)return e.error('Input/output pairs for "step" expressions must be arranged with input values in strictly ascending order.',l);var u=e.parse(s,c,i);if(!u)return null;i=i||u.type,n.push([o,u])}return new je(i,r,n)},je.prototype.evaluate=function(t){var e=this.labels,r=this.outputs;if(1===e.length)return r[0].evaluate(t);var n=this.input.evaluate(t);if(n<=e[0])return r[0].evaluate(t);var i=e.length;return n>=e[i-1]?r[i-1].evaluate(t):r[Ne(e,n)].evaluate(t)},je.prototype.eachChild=function(t){t(this.input);for(var e=0,r=this.outputs;e0&&t.push(this.labels[e]),t.push(this.outputs[e].serialize());return t};var Ve=Object.freeze({__proto__:null,number:Ue,color:function(t,e,r){return new Kt(Ue(t.r,e.r,r),Ue(t.g,e.g,r),Ue(t.b,e.b,r),Ue(t.a,e.a,r))},array:function(t,e,r){return t.map((function(t,n){return Ue(t,e[n],r)}))}}),qe=6/29*3*(6/29),He=Math.PI/180,Ge=180/Math.PI;function Ye(t){return t>.008856451679035631?Math.pow(t,1/3):t/qe+4/29}function We(t){return t>6/29?t*t*t:qe*(t-4/29)}function Xe(t){return 255*(t<=.0031308?12.92*t:1.055*Math.pow(t,1/2.4)-.055)}function Ze(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function Je(t){var e=Ze(t.r),r=Ze(t.g),n=Ze(t.b),i=Ye((.4124564*e+.3575761*r+.1804375*n)/.95047),a=Ye((.2126729*e+.7151522*r+.072175*n)/1);return{l:116*a-16,a:500*(i-a),b:200*(a-Ye((.0193339*e+.119192*r+.9503041*n)/1.08883)),alpha:t.a}}function Ke(t){var e=(t.l+16)/116,r=isNaN(t.a)?e:e+t.a/500,n=isNaN(t.b)?e:e-t.b/200;return e=1*We(e),r=.95047*We(r),n=1.08883*We(n),new Kt(Xe(3.2404542*r-1.5371385*e-.4985314*n),Xe(-.969266*r+1.8760108*e+.041556*n),Xe(.0556434*r-.2040259*e+1.0572252*n),t.alpha)}function Qe(t,e,r){var n=e-t;return t+r*(n>180||n<-180?n-360*Math.round(n/360):n)}var $e={forward:Je,reverse:Ke,interpolate:function(t,e,r){return{l:Ue(t.l,e.l,r),a:Ue(t.a,e.a,r),b:Ue(t.b,e.b,r),alpha:Ue(t.alpha,e.alpha,r)}}},tr={forward:function(t){var e=Je(t),r=e.l,n=e.a,i=e.b,a=Math.atan2(i,n)*Ge;return{h:a<0?a+360:a,c:Math.sqrt(n*n+i*i),l:r,alpha:t.a}},reverse:function(t){var e=t.h*He,r=t.c;return Ke({l:t.l,a:Math.cos(e)*r,b:Math.sin(e)*r,alpha:t.alpha})},interpolate:function(t,e,r){return{h:Qe(t.h,e.h,r),c:Ue(t.c,e.c,r),l:Ue(t.l,e.l,r),alpha:Ue(t.alpha,e.alpha,r)}}},er=Object.freeze({__proto__:null,lab:$e,hcl:tr}),rr=function(t,e,r,n,i){this.type=t,this.operator=e,this.interpolation=r,this.input=n,this.labels=[],this.outputs=[];for(var a=0,o=i;a1})))return e.error("Cubic bezier interpolation requires four numeric arguments with values between 0 and 1.",1);n={name:"cubic-bezier",controlPoints:s}}if(t.length-1<4)return e.error("Expected at least 4 arguments, but found only "+(t.length-1)+".");if((t.length-1)%2!=0)return e.error("Expected an even number of arguments.");if(!(i=e.parse(i,2,Dt)))return null;var l=[],c=null;"interpolate-hcl"===r||"interpolate-lab"===r?c=Bt:e.expectedType&&"value"!==e.expectedType.kind&&(c=e.expectedType);for(var u=0;u=f)return e.error('Input/output pairs for "interpolate" expressions must be arranged with input values in strictly ascending order.',p);var g=e.parse(h,d,c);if(!g)return null;c=c||g.type,l.push([f,g])}return"number"===c.kind||"color"===c.kind||"array"===c.kind&&"number"===c.itemType.kind&&"number"==typeof c.N?new rr(c,r,n,i,l):e.error("Type "+Gt(c)+" is not interpolatable.")},rr.prototype.evaluate=function(t){var e=this.labels,r=this.outputs;if(1===e.length)return r[0].evaluate(t);var n=this.input.evaluate(t);if(n<=e[0])return r[0].evaluate(t);var i=e.length;if(n>=e[i-1])return r[i-1].evaluate(t);var a=Ne(e,n),o=rr.interpolationFactor(this.interpolation,n,e[a],e[a+1]),s=r[a].evaluate(t),l=r[a+1].evaluate(t);return"interpolate"===this.operator?Ve[this.type.kind.toLowerCase()](s,l,o):"interpolate-hcl"===this.operator?tr.reverse(tr.interpolate(tr.forward(s),tr.forward(l),o)):$e.reverse($e.interpolate($e.forward(s),$e.forward(l),o))},rr.prototype.eachChild=function(t){t(this.input);for(var e=0,r=this.outputs;e=r.length)throw new se("Array index out of bounds: "+e+" > "+(r.length-1)+".");if(e!==Math.floor(e))throw new se("Array index must be an integer, but found "+e+" instead.");return r[e]},or.prototype.eachChild=function(t){t(this.index),t(this.input)},or.prototype.outputDefined=function(){return!1},or.prototype.serialize=function(){return["at",this.index.serialize(),this.input.serialize()]};var sr=function(t,e){this.type=Ft,this.needle=t,this.haystack=e};sr.parse=function(t,e){if(3!==t.length)return e.error("Expected 2 arguments, but found "+(t.length-1)+" instead.");var r=e.parse(t[1],1,jt),n=e.parse(t[2],2,jt);return r&&n?Xt(r.type,[Ft,Rt,Dt,Ot,jt])?new sr(r,n):e.error("Expected first argument to be of type boolean, string, number or null, but found "+Gt(r.type)+" instead"):null},sr.prototype.evaluate=function(t){var e=this.needle.evaluate(t),r=this.haystack.evaluate(t);if(!r)return!1;if(!Zt(e,["boolean","string","number","null"]))throw new se("Expected first argument to be of type boolean, string, number or null, but found "+Gt(ie(e))+" instead.");if(!Zt(r,["string","array"]))throw new se("Expected second argument to be of type array or string, but found "+Gt(ie(r))+" instead.");return r.indexOf(e)>=0},sr.prototype.eachChild=function(t){t(this.needle),t(this.haystack)},sr.prototype.outputDefined=function(){return!0},sr.prototype.serialize=function(){return["in",this.needle.serialize(),this.haystack.serialize()]};var lr=function(t,e,r){this.type=Dt,this.needle=t,this.haystack=e,this.fromIndex=r};lr.parse=function(t,e){if(t.length<=2||t.length>=5)return e.error("Expected 3 or 4 arguments, but found "+(t.length-1)+" instead.");var r=e.parse(t[1],1,jt),n=e.parse(t[2],2,jt);if(!r||!n)return null;if(!Xt(r.type,[Ft,Rt,Dt,Ot,jt]))return e.error("Expected first argument to be of type boolean, string, number or null, but found "+Gt(r.type)+" instead");if(4===t.length){var i=e.parse(t[3],3,Dt);return i?new lr(r,n,i):null}return new lr(r,n)},lr.prototype.evaluate=function(t){var e=this.needle.evaluate(t),r=this.haystack.evaluate(t);if(!Zt(e,["boolean","string","number","null"]))throw new se("Expected first argument to be of type boolean, string, number or null, but found "+Gt(ie(e))+" instead.");if(!Zt(r,["string","array"]))throw new se("Expected second argument to be of type array or string, but found "+Gt(ie(r))+" instead.");if(this.fromIndex){var n=this.fromIndex.evaluate(t);return r.indexOf(e,n)}return r.indexOf(e)},lr.prototype.eachChild=function(t){t(this.needle),t(this.haystack),this.fromIndex&&t(this.fromIndex)},lr.prototype.outputDefined=function(){return!1},lr.prototype.serialize=function(){if(null!=this.fromIndex&&void 0!==this.fromIndex){var t=this.fromIndex.serialize();return["index-of",this.needle.serialize(),this.haystack.serialize(),t]}return["index-of",this.needle.serialize(),this.haystack.serialize()]};var cr=function(t,e,r,n,i,a){this.inputType=t,this.type=e,this.input=r,this.cases=n,this.outputs=i,this.otherwise=a};cr.parse=function(t,e){if(t.length<5)return e.error("Expected at least 4 arguments, but found only "+(t.length-1)+".");if(t.length%2!=1)return e.error("Expected an even number of arguments.");var r,n;e.expectedType&&"value"!==e.expectedType.kind&&(n=e.expectedType);for(var i={},a=[],o=2;oNumber.MAX_SAFE_INTEGER)return c.error("Branch labels must be integers no larger than "+Number.MAX_SAFE_INTEGER+".");if("number"==typeof h&&Math.floor(h)!==h)return c.error("Numeric branch labels must be integer values.");if(r){if(c.checkSubtype(r,ie(h)))return null}else r=ie(h);if(void 0!==i[String(h)])return c.error("Branch labels must be unique.");i[String(h)]=a.length}var p=e.parse(l,o,n);if(!p)return null;n=n||p.type,a.push(p)}var d=e.parse(t[1],1,jt);if(!d)return null;var g=e.parse(t[t.length-1],t.length-1,n);return g?"value"!==d.type.kind&&e.concat(1).checkSubtype(r,d.type)?null:new cr(r,n,d,i,a,g):null},cr.prototype.evaluate=function(t){var e=this.input.evaluate(t);return(ie(e)===this.inputType&&this.outputs[this.cases[e]]||this.otherwise).evaluate(t)},cr.prototype.eachChild=function(t){t(this.input),this.outputs.forEach(t),t(this.otherwise)},cr.prototype.outputDefined=function(){return this.outputs.every((function(t){return t.outputDefined()}))&&this.otherwise.outputDefined()},cr.prototype.serialize=function(){for(var t=this,e=["match",this.input.serialize()],r=[],n={},i=0,a=Object.keys(this.cases).sort();i=5)return e.error("Expected 3 or 4 arguments, but found "+(t.length-1)+" instead.");var r=e.parse(t[1],1,jt),n=e.parse(t[2],2,Dt);if(!r||!n)return null;if(!Xt(r.type,[Ht(jt),Rt,jt]))return e.error("Expected first argument to be of type array or string, but found "+Gt(r.type)+" instead");if(4===t.length){var i=e.parse(t[3],3,Dt);return i?new fr(r.type,r,n,i):null}return new fr(r.type,r,n)},fr.prototype.evaluate=function(t){var e=this.input.evaluate(t),r=this.beginIndex.evaluate(t);if(!Zt(e,["string","array"]))throw new se("Expected first argument to be of type array or string, but found "+Gt(ie(e))+" instead.");if(this.endIndex){var n=this.endIndex.evaluate(t);return e.slice(r,n)}return e.slice(r)},fr.prototype.eachChild=function(t){t(this.input),t(this.beginIndex),this.endIndex&&t(this.endIndex)},fr.prototype.outputDefined=function(){return!1},fr.prototype.serialize=function(){if(null!=this.endIndex&&void 0!==this.endIndex){var t=this.endIndex.serialize();return["slice",this.input.serialize(),this.beginIndex.serialize(),t]}return["slice",this.input.serialize(),this.beginIndex.serialize()]};var gr=dr("==",(function(t,e,r){return e===r}),pr),mr=dr("!=",(function(t,e,r){return e!==r}),(function(t,e,r,n){return!pr(0,e,r,n)})),vr=dr("<",(function(t,e,r){return e",(function(t,e,r){return e>r}),(function(t,e,r,n){return n.compare(e,r)>0})),xr=dr("<=",(function(t,e,r){return e<=r}),(function(t,e,r,n){return n.compare(e,r)<=0})),br=dr(">=",(function(t,e,r){return e>=r}),(function(t,e,r,n){return n.compare(e,r)>=0})),_r=function(t,e,r,n,i){this.type=Rt,this.number=t,this.locale=e,this.currency=r,this.minFractionDigits=n,this.maxFractionDigits=i};_r.parse=function(t,e){if(3!==t.length)return e.error("Expected two arguments.");var r=e.parse(t[1],1,Dt);if(!r)return null;var n=t[2];if("object"!=typeof n||Array.isArray(n))return e.error("NumberFormat options argument must be an object.");var i=null;if(n.locale&&!(i=e.parse(n.locale,1,Rt)))return null;var a=null;if(n.currency&&!(a=e.parse(n.currency,1,Rt)))return null;var o=null;if(n["min-fraction-digits"]&&!(o=e.parse(n["min-fraction-digits"],1,Dt)))return null;var s=null;return n["max-fraction-digits"]&&!(s=e.parse(n["max-fraction-digits"],1,Dt))?null:new _r(r,i,a,o,s)},_r.prototype.evaluate=function(t){return new Intl.NumberFormat(this.locale?this.locale.evaluate(t):[],{style:this.currency?"currency":"decimal",currency:this.currency?this.currency.evaluate(t):void 0,minimumFractionDigits:this.minFractionDigits?this.minFractionDigits.evaluate(t):void 0,maximumFractionDigits:this.maxFractionDigits?this.maxFractionDigits.evaluate(t):void 0}).format(this.number.evaluate(t))},_r.prototype.eachChild=function(t){t(this.number),this.locale&&t(this.locale),this.currency&&t(this.currency),this.minFractionDigits&&t(this.minFractionDigits),this.maxFractionDigits&&t(this.maxFractionDigits)},_r.prototype.outputDefined=function(){return!1},_r.prototype.serialize=function(){var t={};return this.locale&&(t.locale=this.locale.serialize()),this.currency&&(t.currency=this.currency.serialize()),this.minFractionDigits&&(t["min-fraction-digits"]=this.minFractionDigits.serialize()),this.maxFractionDigits&&(t["max-fraction-digits"]=this.maxFractionDigits.serialize()),["number-format",this.number.serialize(),t]};var wr=function(t){this.type=Dt,this.input=t};wr.parse=function(t,e){if(2!==t.length)return e.error("Expected 1 argument, but found "+(t.length-1)+" instead.");var r=e.parse(t[1],1);return r?"array"!==r.type.kind&&"string"!==r.type.kind&&"value"!==r.type.kind?e.error("Expected argument of type string or array, but found "+Gt(r.type)+" instead."):new wr(r):null},wr.prototype.evaluate=function(t){var e=this.input.evaluate(t);if("string"==typeof e)return e.length;if(Array.isArray(e))return e.length;throw new se("Expected value to be of type string or array, but found "+Gt(ie(e))+" instead.")},wr.prototype.eachChild=function(t){t(this.input)},wr.prototype.outputDefined=function(){return!1},wr.prototype.serialize=function(){var t=["length"];return this.eachChild((function(e){t.push(e.serialize())})),t};var Tr={"==":gr,"!=":mr,">":yr,"<":vr,">=":br,"<=":xr,array:ce,at:or,boolean:ce,case:ur,coalesce:ir,collator:ve,format:ue,image:fe,in:sr,"index-of":lr,interpolate:rr,"interpolate-hcl":rr,"interpolate-lab":rr,length:wr,let:ar,literal:oe,match:cr,number:ce,"number-format":_r,object:ce,slice:fr,step:je,string:ce,"to-boolean":pe,"to-color":pe,"to-number":pe,"to-string":pe,var:Fe,within:ze};function kr(t,e){var r=e[0],n=e[1],i=e[2],a=e[3];r=r.evaluate(t),n=n.evaluate(t),i=i.evaluate(t);var o=a?a.evaluate(t):1,s=re(r,n,i,o);if(s)throw new se(s);return new Kt(r/255*o,n/255*o,i/255*o,o)}function Mr(t,e){return t in e}function Ar(t,e){var r=e[t];return void 0===r?null:r}function Sr(t){return{type:t}}function Er(t){return{result:"success",value:t}}function Cr(t){return{result:"error",value:t}}function Lr(t){return"data-driven"===t["property-type"]||"cross-faded-data-driven"===t["property-type"]}function Ir(t){return!!t.expression&&t.expression.parameters.indexOf("zoom")>-1}function Pr(t){return!!t.expression&&t.expression.interpolated}function zr(t){return t instanceof Number?"number":t instanceof String?"string":t instanceof Boolean?"boolean":Array.isArray(t)?"array":null===t?"null":typeof t}function Or(t){return"object"==typeof t&&null!==t&&!Array.isArray(t)}function Dr(t){return t}function Rr(t,e,r){return void 0!==t?t:void 0!==e?e:void 0!==r?r:void 0}function Fr(t,e,r,n,i){return Rr(typeof r===i?n[r]:void 0,t.default,e.default)}function Br(t,e,r){if("number"!==zr(r))return Rr(t.default,e.default);var n=t.stops.length;if(1===n)return t.stops[0][1];if(r<=t.stops[0][0])return t.stops[0][1];if(r>=t.stops[n-1][0])return t.stops[n-1][1];var i=Ne(t.stops.map((function(t){return t[0]})),r);return t.stops[i][1]}function Nr(t,e,r){var n=void 0!==t.base?t.base:1;if("number"!==zr(r))return Rr(t.default,e.default);var i=t.stops.length;if(1===i)return t.stops[0][1];if(r<=t.stops[0][0])return t.stops[0][1];if(r>=t.stops[i-1][0])return t.stops[i-1][1];var a=Ne(t.stops.map((function(t){return t[0]})),r),o=function(t,e,r,n){var i=n-r,a=t-r;return 0===i?0:1===e?a/i:(Math.pow(e,a)-1)/(Math.pow(e,i)-1)}(r,n,t.stops[a][0],t.stops[a+1][0]),s=t.stops[a][1],l=t.stops[a+1][1],c=Ve[e.type]||Dr;if(t.colorSpace&&"rgb"!==t.colorSpace){var u=er[t.colorSpace];c=function(t,e){return u.reverse(u.interpolate(u.forward(t),u.forward(e),o))}}return"function"==typeof s.evaluate?{evaluate:function(){for(var t=[],e=arguments.length;e--;)t[e]=arguments[e];var r=s.evaluate.apply(void 0,t),n=l.evaluate.apply(void 0,t);if(void 0!==r&&void 0!==n)return c(r,n,o)}}:c(s,l,o)}function jr(t,e,r){return"color"===e.type?r=Kt.parse(r):"formatted"===e.type?r=te.fromString(r.toString()):"resolvedImage"===e.type?r=ee.fromString(r.toString()):zr(r)===e.type||"enum"===e.type&&e.values[r]||(r=void 0),Rr(r,t.default,e.default)}me.register(Tr,{error:[{kind:"error"},[Rt],function(t,e){throw new se(e[0].evaluate(t))}],typeof:[Rt,[jt],function(t,e){return Gt(ie(e[0].evaluate(t)))}],"to-rgba":[Ht(Dt,4),[Bt],function(t,e){return e[0].evaluate(t).toArray()}],rgb:[Bt,[Dt,Dt,Dt],kr],rgba:[Bt,[Dt,Dt,Dt,Dt],kr],has:{type:Ft,overloads:[[[Rt],function(t,e){return Mr(e[0].evaluate(t),t.properties())}],[[Rt,Nt],function(t,e){var r=e[1];return Mr(e[0].evaluate(t),r.evaluate(t))}]]},get:{type:jt,overloads:[[[Rt],function(t,e){return Ar(e[0].evaluate(t),t.properties())}],[[Rt,Nt],function(t,e){var r=e[1];return Ar(e[0].evaluate(t),r.evaluate(t))}]]},"feature-state":[jt,[Rt],function(t,e){return Ar(e[0].evaluate(t),t.featureState||{})}],properties:[Nt,[],function(t){return t.properties()}],"geometry-type":[Rt,[],function(t){return t.geometryType()}],id:[jt,[],function(t){return t.id()}],zoom:[Dt,[],function(t){return t.globals.zoom}],"heatmap-density":[Dt,[],function(t){return t.globals.heatmapDensity||0}],"line-progress":[Dt,[],function(t){return t.globals.lineProgress||0}],accumulated:[jt,[],function(t){return void 0===t.globals.accumulated?null:t.globals.accumulated}],"+":[Dt,Sr(Dt),function(t,e){for(var r=0,n=0,i=e;n":[Ft,[Rt,jt],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i>a}],"filter-id->":[Ft,[jt],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n>i}],"filter-<=":[Ft,[Rt,jt],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i<=a}],"filter-id-<=":[Ft,[jt],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n<=i}],"filter->=":[Ft,[Rt,jt],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i>=a}],"filter-id->=":[Ft,[jt],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n>=i}],"filter-has":[Ft,[jt],function(t,e){return e[0].value in t.properties()}],"filter-has-id":[Ft,[],function(t){return null!==t.id()&&void 0!==t.id()}],"filter-type-in":[Ft,[Ht(Rt)],function(t,e){return e[0].value.indexOf(t.geometryType())>=0}],"filter-id-in":[Ft,[Ht(jt)],function(t,e){return e[0].value.indexOf(t.id())>=0}],"filter-in-small":[Ft,[Rt,Ht(jt)],function(t,e){var r=e[0];return e[1].value.indexOf(t.properties()[r.value])>=0}],"filter-in-large":[Ft,[Rt,Ht(jt)],function(t,e){var r=e[0],n=e[1];return function(t,e,r,n){for(;r<=n;){var i=r+n>>1;if(e[i]===t)return!0;e[i]>t?n=i-1:r=i+1}return!1}(t.properties()[r.value],n.value,0,n.value.length-1)}],all:{type:Ft,overloads:[[[Ft,Ft],function(t,e){var r=e[1];return e[0].evaluate(t)&&r.evaluate(t)}],[Sr(Ft),function(t,e){for(var r=0,n=e;r0&&"string"==typeof t[0]&&t[0]in Tr}function qr(t,e){var r=new Be(Tr,[],e?function(t){var e={color:Bt,string:Rt,number:Dt,enum:Rt,boolean:Ft,formatted:Vt,resolvedImage:qt};return"array"===t.type?Ht(e[t.value]||jt,t.length):e[t.type]}(e):void 0),n=r.parse(t,void 0,void 0,void 0,e&&"string"===e.type?{typeAnnotation:"coerce"}:void 0);return n?Er(new Ur(n,e)):Cr(r.errors)}Ur.prototype.evaluateWithoutErrorHandling=function(t,e,r,n,i,a){return this._evaluator.globals=t,this._evaluator.feature=e,this._evaluator.featureState=r,this._evaluator.canonical=n,this._evaluator.availableImages=i||null,this._evaluator.formattedSection=a,this.expression.evaluate(this._evaluator)},Ur.prototype.evaluate=function(t,e,r,n,i,a){this._evaluator.globals=t,this._evaluator.feature=e||null,this._evaluator.featureState=r||null,this._evaluator.canonical=n,this._evaluator.availableImages=i||null,this._evaluator.formattedSection=a||null;try{var o=this.expression.evaluate(this._evaluator);if(null==o||"number"==typeof o&&o!=o)return this._defaultValue;if(this._enumValues&&!(o in this._enumValues))throw new se("Expected value to be one of "+Object.keys(this._enumValues).map((function(t){return JSON.stringify(t)})).join(", ")+", but found "+JSON.stringify(o)+" instead.");return o}catch(t){return this._warningHistory[t.message]||(this._warningHistory[t.message]=!0,"undefined"!=typeof console&&console.warn(t.message)),this._defaultValue}};var Hr=function(t,e){this.kind=t,this._styleExpression=e,this.isStateDependent="constant"!==t&&!De(e.expression)};Hr.prototype.evaluateWithoutErrorHandling=function(t,e,r,n,i,a){return this._styleExpression.evaluateWithoutErrorHandling(t,e,r,n,i,a)},Hr.prototype.evaluate=function(t,e,r,n,i,a){return this._styleExpression.evaluate(t,e,r,n,i,a)};var Gr=function(t,e,r,n){this.kind=t,this.zoomStops=r,this._styleExpression=e,this.isStateDependent="camera"!==t&&!De(e.expression),this.interpolationType=n};function Yr(t,e){if("error"===(t=qr(t,e)).result)return t;var r=t.value.expression,n=Oe(r);if(!n&&!Lr(e))return Cr([new Pt("","data expressions not supported")]);var i=Re(r,["zoom"]);if(!i&&!Ir(e))return Cr([new Pt("","zoom expressions not supported")]);var a=function t(e){var r=null;if(e instanceof ar)r=t(e.result);else if(e instanceof ir)for(var n=0,i=e.args;nn.maximum?[new St(e,r,r+" is greater than the maximum value "+n.maximum)]:[]}function Kr(t){var e,r,n,i=t.valueSpec,a=Lt(t.value.type),o={},s="categorical"!==a&&void 0===t.value.property,l=!s,c="array"===zr(t.value.stops)&&"array"===zr(t.value.stops[0])&&"object"===zr(t.value.stops[0][0]),u=Xr({key:t.key,value:t.value,valueSpec:t.styleSpec.function,style:t.style,styleSpec:t.styleSpec,objectElementValidators:{stops:function(t){if("identity"===a)return[new St(t.key,t.value,'identity function may not have a "stops" property')];var e=[],r=t.value;return e=e.concat(Zr({key:t.key,value:r,valueSpec:t.valueSpec,style:t.style,styleSpec:t.styleSpec,arrayElementValidator:f})),"array"===zr(r)&&0===r.length&&e.push(new St(t.key,r,"array must have at least one stop")),e},default:function(t){return bn({key:t.key,value:t.value,valueSpec:i,style:t.style,styleSpec:t.styleSpec})}}});return"identity"===a&&s&&u.push(new St(t.key,t.value,'missing required property "property"')),"identity"===a||t.value.stops||u.push(new St(t.key,t.value,'missing required property "stops"')),"exponential"===a&&t.valueSpec.expression&&!Pr(t.valueSpec)&&u.push(new St(t.key,t.value,"exponential functions not supported")),t.styleSpec.$version>=8&&(l&&!Lr(t.valueSpec)?u.push(new St(t.key,t.value,"property functions not supported")):s&&!Ir(t.valueSpec)&&u.push(new St(t.key,t.value,"zoom functions not supported"))),"categorical"!==a&&!c||void 0!==t.value.property||u.push(new St(t.key,t.value,'"property" property is required')),u;function f(t){var e=[],a=t.value,s=t.key;if("array"!==zr(a))return[new St(s,a,"array expected, "+zr(a)+" found")];if(2!==a.length)return[new St(s,a,"array length 2 expected, length "+a.length+" found")];if(c){if("object"!==zr(a[0]))return[new St(s,a,"object expected, "+zr(a[0])+" found")];if(void 0===a[0].zoom)return[new St(s,a,"object stop key must have zoom")];if(void 0===a[0].value)return[new St(s,a,"object stop key must have value")];if(n&&n>Lt(a[0].zoom))return[new St(s,a[0].zoom,"stop zoom values must appear in ascending order")];Lt(a[0].zoom)!==n&&(n=Lt(a[0].zoom),r=void 0,o={}),e=e.concat(Xr({key:s+"[0]",value:a[0],valueSpec:{zoom:{}},style:t.style,styleSpec:t.styleSpec,objectElementValidators:{zoom:Jr,value:h}}))}else e=e.concat(h({key:s+"[0]",value:a[0],valueSpec:{},style:t.style,styleSpec:t.styleSpec},a));return Vr(It(a[1]))?e.concat([new St(s+"[1]",a[1],"expressions are not allowed in function stops.")]):e.concat(bn({key:s+"[1]",value:a[1],valueSpec:i,style:t.style,styleSpec:t.styleSpec}))}function h(t,n){var s=zr(t.value),l=Lt(t.value),c=null!==t.value?t.value:n;if(e){if(s!==e)return[new St(t.key,c,s+" stop domain type must match previous stop domain type "+e)]}else e=s;if("number"!==s&&"string"!==s&&"boolean"!==s)return[new St(t.key,c,"stop domain value must be a number, string, or boolean")];if("number"!==s&&"categorical"!==a){var u="number expected, "+s+" found";return Lr(i)&&void 0===a&&(u+='\nIf you intended to use a categorical function, specify `"type": "categorical"`.'),[new St(t.key,c,u)]}return"categorical"!==a||"number"!==s||isFinite(l)&&Math.floor(l)===l?"categorical"!==a&&"number"===s&&void 0!==r&&l=2&&"$id"!==t[1]&&"$type"!==t[1];case"in":return t.length>=3&&("string"!=typeof t[1]||Array.isArray(t[2]));case"!in":case"!has":case"none":return!1;case"==":case"!=":case">":case">=":case"<":case"<=":return 3!==t.length||Array.isArray(t[1])||Array.isArray(t[2]);case"any":case"all":for(var e=0,r=t.slice(1);ee?1:0}function an(t){if(!t)return!0;var e,r=t[0];return t.length<=1?"any"!==r:"=="===r?on(t[1],t[2],"=="):"!="===r?cn(on(t[1],t[2],"==")):"<"===r||">"===r||"<="===r||">="===r?on(t[1],t[2],r):"any"===r?(e=t.slice(1),["any"].concat(e.map(an))):"all"===r?["all"].concat(t.slice(1).map(an)):"none"===r?["all"].concat(t.slice(1).map(an).map(cn)):"in"===r?sn(t[1],t.slice(2)):"!in"===r?cn(sn(t[1],t.slice(2))):"has"===r?ln(t[1]):"!has"===r?cn(ln(t[1])):"within"!==r||t}function on(t,e,r){switch(t){case"$type":return["filter-type-"+r,e];case"$id":return["filter-id-"+r,e];default:return["filter-"+r,t,e]}}function sn(t,e){if(0===e.length)return!1;switch(t){case"$type":return["filter-type-in",["literal",e]];case"$id":return["filter-id-in",["literal",e]];default:return e.length>200&&!e.some((function(t){return typeof t!=typeof e[0]}))?["filter-in-large",t,["literal",e.sort(nn)]]:["filter-in-small",t,["literal",e]]}}function ln(t){switch(t){case"$type":return!0;case"$id":return["filter-has-id"];default:return["filter-has",t]}}function cn(t){return["!",t]}function un(t){return tn(It(t.value))?Qr(Ct({},t,{expressionContext:"filter",valueSpec:{value:"boolean"}})):function t(e){var r=e.value,n=e.key;if("array"!==zr(r))return[new St(n,r,"array expected, "+zr(r)+" found")];var i,a=e.styleSpec,o=[];if(r.length<1)return[new St(n,r,"filter array must have at least 1 element")];switch(o=o.concat($r({key:n+"[0]",value:r[0],valueSpec:a.filter_operator,style:e.style,styleSpec:e.styleSpec})),Lt(r[0])){case"<":case"<=":case">":case">=":r.length>=2&&"$type"===Lt(r[1])&&o.push(new St(n,r,'"$type" cannot be use with operator "'+r[0]+'"'));case"==":case"!=":3!==r.length&&o.push(new St(n,r,'filter array for operator "'+r[0]+'" must have 3 elements'));case"in":case"!in":r.length>=2&&"string"!==(i=zr(r[1]))&&o.push(new St(n+"[1]",r[1],"string expected, "+i+" found"));for(var s=2;s=u[p+0]&&n>=u[p+1])?(o[h]=!0,a.push(c[h])):o[h]=!1}}},In.prototype._forEachCell=function(t,e,r,n,i,a,o,s){for(var l=this._convertToCellCoord(t),c=this._convertToCellCoord(e),u=this._convertToCellCoord(r),f=this._convertToCellCoord(n),h=l;h<=u;h++)for(var p=c;p<=f;p++){var d=this.d*p+h;if((!s||s(this._convertFromCellCoord(h),this._convertFromCellCoord(p),this._convertFromCellCoord(h+1),this._convertFromCellCoord(p+1)))&&i.call(this,t,e,r,n,d,a,o,s))return}},In.prototype._convertFromCellCoord=function(t){return(t-this.padding)/this.scale},In.prototype._convertToCellCoord=function(t){return Math.max(0,Math.min(this.d-1,Math.floor(t*this.scale)+this.padding))},In.prototype.toArrayBuffer=function(){if(this.arrayBuffer)return this.arrayBuffer;for(var t=this.cells,e=3+this.cells.length+1+1,r=0,n=0;n=0)){var u=t[c];l[c]=On[s].shallow.indexOf(c)>=0?u:Nn(u,e)}t instanceof Error&&(l.message=t.message)}if(l.$name)throw new Error("$name property is reserved for worker serialization logic.");return"Object"!==s&&(l.$name=s),l}throw new Error("can't serialize object of type "+typeof t)}function jn(t){if(null==t||"boolean"==typeof t||"number"==typeof t||"string"==typeof t||t instanceof Boolean||t instanceof Number||t instanceof String||t instanceof Date||t instanceof RegExp||Fn(t)||Bn(t)||ArrayBuffer.isView(t)||t instanceof Pn)return t;if(Array.isArray(t))return t.map(jn);if("object"==typeof t){var e=t.$name||"Object",r=On[e].klass;if(!r)throw new Error("can't deserialize unregistered class "+e);if(r.deserialize)return r.deserialize(t);for(var n=Object.create(r.prototype),i=0,a=Object.keys(t);i=0?s:jn(s)}}return n}throw new Error("can't deserialize object of type "+typeof t)}var Un=function(){this.first=!0};Un.prototype.update=function(t,e){var r=Math.floor(t);return this.first?(this.first=!1,this.lastIntegerZoom=r,this.lastIntegerZoomTime=0,this.lastZoom=t,this.lastFloorZoom=r,!0):(this.lastFloorZoom>r?(this.lastIntegerZoom=r+1,this.lastIntegerZoomTime=e):this.lastFloorZoom=128&&t<=255},Arabic:function(t){return t>=1536&&t<=1791},"Arabic Supplement":function(t){return t>=1872&&t<=1919},"Arabic Extended-A":function(t){return t>=2208&&t<=2303},"Hangul Jamo":function(t){return t>=4352&&t<=4607},"Unified Canadian Aboriginal Syllabics":function(t){return t>=5120&&t<=5759},Khmer:function(t){return t>=6016&&t<=6143},"Unified Canadian Aboriginal Syllabics Extended":function(t){return t>=6320&&t<=6399},"General Punctuation":function(t){return t>=8192&&t<=8303},"Letterlike Symbols":function(t){return t>=8448&&t<=8527},"Number Forms":function(t){return t>=8528&&t<=8591},"Miscellaneous Technical":function(t){return t>=8960&&t<=9215},"Control Pictures":function(t){return t>=9216&&t<=9279},"Optical Character Recognition":function(t){return t>=9280&&t<=9311},"Enclosed Alphanumerics":function(t){return t>=9312&&t<=9471},"Geometric Shapes":function(t){return t>=9632&&t<=9727},"Miscellaneous Symbols":function(t){return t>=9728&&t<=9983},"Miscellaneous Symbols and Arrows":function(t){return t>=11008&&t<=11263},"CJK Radicals Supplement":function(t){return t>=11904&&t<=12031},"Kangxi Radicals":function(t){return t>=12032&&t<=12255},"Ideographic Description Characters":function(t){return t>=12272&&t<=12287},"CJK Symbols and Punctuation":function(t){return t>=12288&&t<=12351},Hiragana:function(t){return t>=12352&&t<=12447},Katakana:function(t){return t>=12448&&t<=12543},Bopomofo:function(t){return t>=12544&&t<=12591},"Hangul Compatibility Jamo":function(t){return t>=12592&&t<=12687},Kanbun:function(t){return t>=12688&&t<=12703},"Bopomofo Extended":function(t){return t>=12704&&t<=12735},"CJK Strokes":function(t){return t>=12736&&t<=12783},"Katakana Phonetic Extensions":function(t){return t>=12784&&t<=12799},"Enclosed CJK Letters and Months":function(t){return t>=12800&&t<=13055},"CJK Compatibility":function(t){return t>=13056&&t<=13311},"CJK Unified Ideographs Extension A":function(t){return t>=13312&&t<=19903},"Yijing Hexagram Symbols":function(t){return t>=19904&&t<=19967},"CJK Unified Ideographs":function(t){return t>=19968&&t<=40959},"Yi Syllables":function(t){return t>=40960&&t<=42127},"Yi Radicals":function(t){return t>=42128&&t<=42191},"Hangul Jamo Extended-A":function(t){return t>=43360&&t<=43391},"Hangul Syllables":function(t){return t>=44032&&t<=55215},"Hangul Jamo Extended-B":function(t){return t>=55216&&t<=55295},"Private Use Area":function(t){return t>=57344&&t<=63743},"CJK Compatibility Ideographs":function(t){return t>=63744&&t<=64255},"Arabic Presentation Forms-A":function(t){return t>=64336&&t<=65023},"Vertical Forms":function(t){return t>=65040&&t<=65055},"CJK Compatibility Forms":function(t){return t>=65072&&t<=65103},"Small Form Variants":function(t){return t>=65104&&t<=65135},"Arabic Presentation Forms-B":function(t){return t>=65136&&t<=65279},"Halfwidth and Fullwidth Forms":function(t){return t>=65280&&t<=65519}};function qn(t){for(var e=0,r=t;e=65097&&t<=65103)||Vn["CJK Compatibility Ideographs"](t)||Vn["CJK Compatibility"](t)||Vn["CJK Radicals Supplement"](t)||Vn["CJK Strokes"](t)||!(!Vn["CJK Symbols and Punctuation"](t)||t>=12296&&t<=12305||t>=12308&&t<=12319||12336===t)||Vn["CJK Unified Ideographs Extension A"](t)||Vn["CJK Unified Ideographs"](t)||Vn["Enclosed CJK Letters and Months"](t)||Vn["Hangul Compatibility Jamo"](t)||Vn["Hangul Jamo Extended-A"](t)||Vn["Hangul Jamo Extended-B"](t)||Vn["Hangul Jamo"](t)||Vn["Hangul Syllables"](t)||Vn.Hiragana(t)||Vn["Ideographic Description Characters"](t)||Vn.Kanbun(t)||Vn["Kangxi Radicals"](t)||Vn["Katakana Phonetic Extensions"](t)||Vn.Katakana(t)&&12540!==t||!(!Vn["Halfwidth and Fullwidth Forms"](t)||65288===t||65289===t||65293===t||t>=65306&&t<=65310||65339===t||65341===t||65343===t||t>=65371&&t<=65503||65507===t||t>=65512&&t<=65519)||!(!Vn["Small Form Variants"](t)||t>=65112&&t<=65118||t>=65123&&t<=65126)||Vn["Unified Canadian Aboriginal Syllabics"](t)||Vn["Unified Canadian Aboriginal Syllabics Extended"](t)||Vn["Vertical Forms"](t)||Vn["Yijing Hexagram Symbols"](t)||Vn["Yi Syllables"](t)||Vn["Yi Radicals"](t))))}function Gn(t){return!(Hn(t)||function(t){return!!(Vn["Latin-1 Supplement"](t)&&(167===t||169===t||174===t||177===t||188===t||189===t||190===t||215===t||247===t)||Vn["General Punctuation"](t)&&(8214===t||8224===t||8225===t||8240===t||8241===t||8251===t||8252===t||8258===t||8263===t||8264===t||8265===t||8273===t)||Vn["Letterlike Symbols"](t)||Vn["Number Forms"](t)||Vn["Miscellaneous Technical"](t)&&(t>=8960&&t<=8967||t>=8972&&t<=8991||t>=8996&&t<=9e3||9003===t||t>=9085&&t<=9114||t>=9150&&t<=9165||9167===t||t>=9169&&t<=9179||t>=9186&&t<=9215)||Vn["Control Pictures"](t)&&9251!==t||Vn["Optical Character Recognition"](t)||Vn["Enclosed Alphanumerics"](t)||Vn["Geometric Shapes"](t)||Vn["Miscellaneous Symbols"](t)&&!(t>=9754&&t<=9759)||Vn["Miscellaneous Symbols and Arrows"](t)&&(t>=11026&&t<=11055||t>=11088&&t<=11097||t>=11192&&t<=11243)||Vn["CJK Symbols and Punctuation"](t)||Vn.Katakana(t)||Vn["Private Use Area"](t)||Vn["CJK Compatibility Forms"](t)||Vn["Small Form Variants"](t)||Vn["Halfwidth and Fullwidth Forms"](t)||8734===t||8756===t||8757===t||t>=9984&&t<=10087||t>=10102&&t<=10131||65532===t||65533===t)}(t))}function Yn(t){return t>=1424&&t<=2303||Vn["Arabic Presentation Forms-A"](t)||Vn["Arabic Presentation Forms-B"](t)}function Wn(t,e){return!(!e&&Yn(t)||t>=2304&&t<=3583||t>=3840&&t<=4255||Vn.Khmer(t))}function Xn(t){for(var e=0,r=t;e-1&&(Jn="error"),Zn&&Zn(t)};function $n(){ti.fire(new Tt("pluginStateChange",{pluginStatus:Jn,pluginURL:Kn}))}var ti=new Mt,ei=function(){return Jn},ri=function(){if("deferred"!==Jn||!Kn)throw new Error("rtl-text-plugin cannot be downloaded unless a pluginURL is specified");Jn="loading",$n(),Kn&&yt({url:Kn},(function(t){t?Qn(t):(Jn="loaded",$n())}))},ni={applyArabicShaping:null,processBidirectionalText:null,processStyledBidirectionalText:null,isLoaded:function(){return"loaded"===Jn||null!=ni.applyArabicShaping},isLoading:function(){return"loading"===Jn},setState:function(t){Jn=t.pluginStatus,Kn=t.pluginURL},isParsed:function(){return null!=ni.applyArabicShaping&&null!=ni.processBidirectionalText&&null!=ni.processStyledBidirectionalText},getPluginURL:function(){return Kn}},ii=function(t,e){this.zoom=t,e?(this.now=e.now,this.fadeDuration=e.fadeDuration,this.zoomHistory=e.zoomHistory,this.transition=e.transition):(this.now=0,this.fadeDuration=0,this.zoomHistory=new Un,this.transition={})};ii.prototype.isSupportedScript=function(t){return function(t,e){for(var r=0,n=t;rthis.zoomHistory.lastIntegerZoom?{fromScale:2,toScale:1,t:e+(1-e)*r}:{fromScale:.5,toScale:1,t:1-(1-r)*e}};var ai=function(t,e){this.property=t,this.value=e,this.expression=function(t,e){if(Or(t))return new Wr(t,e);if(Vr(t)){var r=Yr(t,e);if("error"===r.result)throw new Error(r.value.map((function(t){return t.key+": "+t.message})).join(", "));return r.value}var n=t;return"string"==typeof t&&"color"===e.type&&(n=Kt.parse(t)),{kind:"constant",evaluate:function(){return n}}}(void 0===e?t.specification.default:e,t.specification)};ai.prototype.isDataDriven=function(){return"source"===this.expression.kind||"composite"===this.expression.kind},ai.prototype.possiblyEvaluate=function(t,e,r){return this.property.possiblyEvaluate(this,t,e,r)};var oi=function(t){this.property=t,this.value=new ai(t,void 0)};oi.prototype.transitioned=function(t,e){return new li(this.property,this.value,e,u({},t.transition,this.transition),t.now)},oi.prototype.untransitioned=function(){return new li(this.property,this.value,null,{},0)};var si=function(t){this._properties=t,this._values=Object.create(t.defaultTransitionablePropertyValues)};si.prototype.getValue=function(t){return x(this._values[t].value.value)},si.prototype.setValue=function(t,e){this._values.hasOwnProperty(t)||(this._values[t]=new oi(this._values[t].property)),this._values[t].value=new ai(this._values[t].property,null===e?void 0:x(e))},si.prototype.getTransition=function(t){return x(this._values[t].transition)},si.prototype.setTransition=function(t,e){this._values.hasOwnProperty(t)||(this._values[t]=new oi(this._values[t].property)),this._values[t].transition=x(e)||void 0},si.prototype.serialize=function(){for(var t={},e=0,r=Object.keys(this._values);ethis.end)return this.prior=null,i;if(this.value.isDataDriven())return this.prior=null,i;if(n=1)return 1;var e=t*t,r=e*t;return 4*(t<.5?r:3*(t-e)+r-.75)}(o))}return i};var ci=function(t){this._properties=t,this._values=Object.create(t.defaultTransitioningPropertyValues)};ci.prototype.possiblyEvaluate=function(t,e,r){for(var n=new hi(this._properties),i=0,a=Object.keys(this._values);in.zoomHistory.lastIntegerZoom?{from:t,to:e}:{from:r,to:e}},e.prototype.interpolate=function(t){return t},e}(di),mi=function(t){this.specification=t};mi.prototype.possiblyEvaluate=function(t,e,r,n){if(void 0!==t.value){if("constant"===t.expression.kind){var i=t.expression.evaluate(e,null,{},r,n);return this._calculate(i,i,i,e)}return this._calculate(t.expression.evaluate(new ii(Math.floor(e.zoom-1),e)),t.expression.evaluate(new ii(Math.floor(e.zoom),e)),t.expression.evaluate(new ii(Math.floor(e.zoom+1),e)),e)}},mi.prototype._calculate=function(t,e,r,n){return n.zoom>n.zoomHistory.lastIntegerZoom?{from:t,to:e}:{from:r,to:e}},mi.prototype.interpolate=function(t){return t};var vi=function(t){this.specification=t};vi.prototype.possiblyEvaluate=function(t,e,r,n){return!!t.expression.evaluate(e,null,{},r,n)},vi.prototype.interpolate=function(){return!1};var yi=function(t){for(var e in this.properties=t,this.defaultPropertyValues={},this.defaultTransitionablePropertyValues={},this.defaultTransitioningPropertyValues={},this.defaultPossiblyEvaluatedValues={},this.overridableProperties=[],t){var r=t[e];r.specification.overridable&&this.overridableProperties.push(e);var n=this.defaultPropertyValues[e]=new ai(r,void 0),i=this.defaultTransitionablePropertyValues[e]=new oi(r);this.defaultTransitioningPropertyValues[e]=i.untransitioned(),this.defaultPossiblyEvaluatedValues[e]=n.possiblyEvaluate({})}};Dn("DataDrivenProperty",di),Dn("DataConstantProperty",pi),Dn("CrossFadedDataDrivenProperty",gi),Dn("CrossFadedProperty",mi),Dn("ColorRampProperty",vi);var xi=function(t){function e(e,r){if(t.call(this),this.id=e.id,this.type=e.type,this._featureFilter={filter:function(){return!0},needGeometry:!1},"custom"!==e.type&&(this.metadata=(e=e).metadata,this.minzoom=e.minzoom,this.maxzoom=e.maxzoom,"background"!==e.type&&(this.source=e.source,this.sourceLayer=e["source-layer"],this.filter=e.filter),r.layout&&(this._unevaluatedLayout=new ui(r.layout)),r.paint)){for(var n in this._transitionablePaint=new si(r.paint),e.paint)this.setPaintProperty(n,e.paint[n],{validate:!1});for(var i in e.layout)this.setLayoutProperty(i,e.layout[i],{validate:!1});this._transitioningPaint=this._transitionablePaint.untransitioned(),this.paint=new hi(r.paint)}}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.getCrossfadeParameters=function(){return this._crossfadeParameters},e.prototype.getLayoutProperty=function(t){return"visibility"===t?this.visibility:this._unevaluatedLayout.getValue(t)},e.prototype.setLayoutProperty=function(t,e,r){void 0===r&&(r={}),null!=e&&this._validate(En,"layers."+this.id+".layout."+t,t,e,r)||("visibility"!==t?this._unevaluatedLayout.setValue(t,e):this.visibility=e)},e.prototype.getPaintProperty=function(t){return m(t,"-transition")?this._transitionablePaint.getTransition(t.slice(0,-"-transition".length)):this._transitionablePaint.getValue(t)},e.prototype.setPaintProperty=function(t,e,r){if(void 0===r&&(r={}),null!=e&&this._validate(Sn,"layers."+this.id+".paint."+t,t,e,r))return!1;if(m(t,"-transition"))return this._transitionablePaint.setTransition(t.slice(0,-"-transition".length),e||void 0),!1;var n=this._transitionablePaint._values[t],i="cross-faded-data-driven"===n.property.specification["property-type"],a=n.value.isDataDriven(),o=n.value;this._transitionablePaint.setValue(t,e),this._handleSpecialPaintPropertyUpdate(t);var s=this._transitionablePaint._values[t].value;return s.isDataDriven()||a||i||this._handleOverridablePaintPropertyUpdate(t,o,s)},e.prototype._handleSpecialPaintPropertyUpdate=function(t){},e.prototype._handleOverridablePaintPropertyUpdate=function(t,e,r){return!1},e.prototype.isHidden=function(t){return!!(this.minzoom&&t=this.maxzoom)||"none"===this.visibility},e.prototype.updateTransitions=function(t){this._transitioningPaint=this._transitionablePaint.transitioned(t,this._transitioningPaint)},e.prototype.hasTransition=function(){return this._transitioningPaint.hasTransition()},e.prototype.recalculate=function(t,e){t.getCrossfadeParameters&&(this._crossfadeParameters=t.getCrossfadeParameters()),this._unevaluatedLayout&&(this.layout=this._unevaluatedLayout.possiblyEvaluate(t,void 0,e)),this.paint=this._transitioningPaint.possiblyEvaluate(t,void 0,e)},e.prototype.serialize=function(){var t={id:this.id,type:this.type,source:this.source,"source-layer":this.sourceLayer,metadata:this.metadata,minzoom:this.minzoom,maxzoom:this.maxzoom,filter:this.filter,layout:this._unevaluatedLayout&&this._unevaluatedLayout.serialize(),paint:this._transitionablePaint&&this._transitionablePaint.serialize()};return this.visibility&&(t.layout=t.layout||{},t.layout.visibility=this.visibility),y(t,(function(t,e){return!(void 0===t||"layout"===e&&!Object.keys(t).length||"paint"===e&&!Object.keys(t).length)}))},e.prototype._validate=function(t,e,r,n,i){return void 0===i&&(i={}),(!i||!1!==i.validate)&&Cn(this,t.call(Mn,{key:e,layerType:this.type,objectKey:r,value:n,styleSpec:At,style:{glyphs:!0,sprite:!0}}))},e.prototype.is3D=function(){return!1},e.prototype.isTileClipped=function(){return!1},e.prototype.hasOffscreenPass=function(){return!1},e.prototype.resize=function(){},e.prototype.isStateDependent=function(){for(var t in this.paint._values){var e=this.paint.get(t);if(e instanceof fi&&Lr(e.property.specification)&&("source"===e.value.kind||"composite"===e.value.kind)&&e.value.isStateDependent)return!0}return!1},e}(Mt),bi={Int8:Int8Array,Uint8:Uint8Array,Int16:Int16Array,Uint16:Uint16Array,Int32:Int32Array,Uint32:Uint32Array,Float32:Float32Array},_i=function(t,e){this._structArray=t,this._pos1=e*this.size,this._pos2=this._pos1/2,this._pos4=this._pos1/4,this._pos8=this._pos1/8},wi=function(){this.isTransferred=!1,this.capacity=-1,this.resize(0)};function Ti(t,e){void 0===e&&(e=1);var r=0,n=0;return{members:t.map((function(t){var i=bi[t.type].BYTES_PER_ELEMENT,a=r=ki(r,Math.max(e,i)),o=t.components||1;return n=Math.max(n,i),r+=i*o,{name:t.name,type:t.type,components:o,offset:a}})),size:ki(r,Math.max(n,e)),alignment:e}}function ki(t,e){return Math.ceil(t/e)*e}wi.serialize=function(t,e){return t._trim(),e&&(t.isTransferred=!0,e.push(t.arrayBuffer)),{length:t.length,arrayBuffer:t.arrayBuffer}},wi.deserialize=function(t){var e=Object.create(this.prototype);return e.arrayBuffer=t.arrayBuffer,e.length=t.length,e.capacity=t.arrayBuffer.byteLength/e.bytesPerElement,e._refreshViews(),e},wi.prototype._trim=function(){this.length!==this.capacity&&(this.capacity=this.length,this.arrayBuffer=this.arrayBuffer.slice(0,this.length*this.bytesPerElement),this._refreshViews())},wi.prototype.clear=function(){this.length=0},wi.prototype.resize=function(t){this.reserve(t),this.length=t},wi.prototype.reserve=function(t){if(t>this.capacity){this.capacity=Math.max(t,Math.floor(5*this.capacity),128),this.arrayBuffer=new ArrayBuffer(this.capacity*this.bytesPerElement);var e=this.uint8;this._refreshViews(),e&&this.uint8.set(e)}},wi.prototype._refreshViews=function(){throw new Error("_refreshViews() must be implemented by each concrete StructArray layout")};var Mi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;return this.resize(r+1),this.emplace(r,t,e)},e.prototype.emplace=function(t,e,r){var n=2*t;return this.int16[n+0]=e,this.int16[n+1]=r,t},e}(wi);Mi.prototype.bytesPerElement=4,Dn("StructArrayLayout2i4",Mi);var Ai=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n){var i=this.length;return this.resize(i+1),this.emplace(i,t,e,r,n)},e.prototype.emplace=function(t,e,r,n,i){var a=4*t;return this.int16[a+0]=e,this.int16[a+1]=r,this.int16[a+2]=n,this.int16[a+3]=i,t},e}(wi);Ai.prototype.bytesPerElement=8,Dn("StructArrayLayout4i8",Ai);var Si=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a){var o=this.length;return this.resize(o+1),this.emplace(o,t,e,r,n,i,a)},e.prototype.emplace=function(t,e,r,n,i,a,o){var s=6*t;return this.int16[s+0]=e,this.int16[s+1]=r,this.int16[s+2]=n,this.int16[s+3]=i,this.int16[s+4]=a,this.int16[s+5]=o,t},e}(wi);Si.prototype.bytesPerElement=12,Dn("StructArrayLayout2i4i12",Si);var Ei=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a){var o=this.length;return this.resize(o+1),this.emplace(o,t,e,r,n,i,a)},e.prototype.emplace=function(t,e,r,n,i,a,o){var s=4*t,l=8*t;return this.int16[s+0]=e,this.int16[s+1]=r,this.uint8[l+4]=n,this.uint8[l+5]=i,this.uint8[l+6]=a,this.uint8[l+7]=o,t},e}(wi);Ei.prototype.bytesPerElement=8,Dn("StructArrayLayout2i4ub8",Ei);var Ci=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c){var u=this.length;return this.resize(u+1),this.emplace(u,t,e,r,n,i,a,o,s,l,c)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c,u){var f=9*t,h=18*t;return this.uint16[f+0]=e,this.uint16[f+1]=r,this.uint16[f+2]=n,this.uint16[f+3]=i,this.uint16[f+4]=a,this.uint16[f+5]=o,this.uint16[f+6]=s,this.uint16[f+7]=l,this.uint8[h+16]=c,this.uint8[h+17]=u,t},e}(wi);Ci.prototype.bytesPerElement=18,Dn("StructArrayLayout8ui2ub18",Ci);var Li=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c,u,f){var h=this.length;return this.resize(h+1),this.emplace(h,t,e,r,n,i,a,o,s,l,c,u,f)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c,u,f,h){var p=12*t;return this.int16[p+0]=e,this.int16[p+1]=r,this.int16[p+2]=n,this.int16[p+3]=i,this.uint16[p+4]=a,this.uint16[p+5]=o,this.uint16[p+6]=s,this.uint16[p+7]=l,this.int16[p+8]=c,this.int16[p+9]=u,this.int16[p+10]=f,this.int16[p+11]=h,t},e}(wi);Li.prototype.bytesPerElement=24,Dn("StructArrayLayout4i4ui4i24",Li);var Ii=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;return this.resize(n+1),this.emplace(n,t,e,r)},e.prototype.emplace=function(t,e,r,n){var i=3*t;return this.float32[i+0]=e,this.float32[i+1]=r,this.float32[i+2]=n,t},e}(wi);Ii.prototype.bytesPerElement=12,Dn("StructArrayLayout3f12",Ii);var Pi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t){var e=this.length;return this.resize(e+1),this.emplace(e,t)},e.prototype.emplace=function(t,e){return this.uint32[1*t+0]=e,t},e}(wi);Pi.prototype.bytesPerElement=4,Dn("StructArrayLayout1ul4",Pi);var zi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l){var c=this.length;return this.resize(c+1),this.emplace(c,t,e,r,n,i,a,o,s,l)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c){var u=10*t,f=5*t;return this.int16[u+0]=e,this.int16[u+1]=r,this.int16[u+2]=n,this.int16[u+3]=i,this.int16[u+4]=a,this.int16[u+5]=o,this.uint32[f+3]=s,this.uint16[u+8]=l,this.uint16[u+9]=c,t},e}(wi);zi.prototype.bytesPerElement=20,Dn("StructArrayLayout6i1ul2ui20",zi);var Oi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a){var o=this.length;return this.resize(o+1),this.emplace(o,t,e,r,n,i,a)},e.prototype.emplace=function(t,e,r,n,i,a,o){var s=6*t;return this.int16[s+0]=e,this.int16[s+1]=r,this.int16[s+2]=n,this.int16[s+3]=i,this.int16[s+4]=a,this.int16[s+5]=o,t},e}(wi);Oi.prototype.bytesPerElement=12,Dn("StructArrayLayout2i2i2i12",Oi);var Di=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i){var a=this.length;return this.resize(a+1),this.emplace(a,t,e,r,n,i)},e.prototype.emplace=function(t,e,r,n,i,a){var o=4*t,s=8*t;return this.float32[o+0]=e,this.float32[o+1]=r,this.float32[o+2]=n,this.int16[s+6]=i,this.int16[s+7]=a,t},e}(wi);Di.prototype.bytesPerElement=16,Dn("StructArrayLayout2f1f2i16",Di);var Ri=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n){var i=this.length;return this.resize(i+1),this.emplace(i,t,e,r,n)},e.prototype.emplace=function(t,e,r,n,i){var a=12*t,o=3*t;return this.uint8[a+0]=e,this.uint8[a+1]=r,this.float32[o+1]=n,this.float32[o+2]=i,t},e}(wi);Ri.prototype.bytesPerElement=12,Dn("StructArrayLayout2ub2f12",Ri);var Fi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;return this.resize(n+1),this.emplace(n,t,e,r)},e.prototype.emplace=function(t,e,r,n){var i=3*t;return this.uint16[i+0]=e,this.uint16[i+1]=r,this.uint16[i+2]=n,t},e}(wi);Fi.prototype.bytesPerElement=6,Dn("StructArrayLayout3ui6",Fi);var Bi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m){var v=this.length;return this.resize(v+1),this.emplace(v,t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v){var y=24*t,x=12*t,b=48*t;return this.int16[y+0]=e,this.int16[y+1]=r,this.uint16[y+2]=n,this.uint16[y+3]=i,this.uint32[x+2]=a,this.uint32[x+3]=o,this.uint32[x+4]=s,this.uint16[y+10]=l,this.uint16[y+11]=c,this.uint16[y+12]=u,this.float32[x+7]=f,this.float32[x+8]=h,this.uint8[b+36]=p,this.uint8[b+37]=d,this.uint8[b+38]=g,this.uint32[x+10]=m,this.int16[y+22]=v,t},e}(wi);Bi.prototype.bytesPerElement=48,Dn("StructArrayLayout2i2ui3ul3ui2f3ub1ul1i48",Bi);var Ni=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,_,w,T,k,M,A,S){var E=this.length;return this.resize(E+1),this.emplace(E,t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,_,w,T,k,M,A,S)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,_,w,T,k,M,A,S,E){var C=34*t,L=17*t;return this.int16[C+0]=e,this.int16[C+1]=r,this.int16[C+2]=n,this.int16[C+3]=i,this.int16[C+4]=a,this.int16[C+5]=o,this.int16[C+6]=s,this.int16[C+7]=l,this.uint16[C+8]=c,this.uint16[C+9]=u,this.uint16[C+10]=f,this.uint16[C+11]=h,this.uint16[C+12]=p,this.uint16[C+13]=d,this.uint16[C+14]=g,this.uint16[C+15]=m,this.uint16[C+16]=v,this.uint16[C+17]=y,this.uint16[C+18]=x,this.uint16[C+19]=b,this.uint16[C+20]=_,this.uint16[C+21]=w,this.uint16[C+22]=T,this.uint32[L+12]=k,this.float32[L+13]=M,this.float32[L+14]=A,this.float32[L+15]=S,this.float32[L+16]=E,t},e}(wi);Ni.prototype.bytesPerElement=68,Dn("StructArrayLayout8i15ui1ul4f68",Ni);var ji=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t){var e=this.length;return this.resize(e+1),this.emplace(e,t)},e.prototype.emplace=function(t,e){return this.float32[1*t+0]=e,t},e}(wi);ji.prototype.bytesPerElement=4,Dn("StructArrayLayout1f4",ji);var Ui=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;return this.resize(n+1),this.emplace(n,t,e,r)},e.prototype.emplace=function(t,e,r,n){var i=3*t;return this.int16[i+0]=e,this.int16[i+1]=r,this.int16[i+2]=n,t},e}(wi);Ui.prototype.bytesPerElement=6,Dn("StructArrayLayout3i6",Ui);var Vi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;return this.resize(n+1),this.emplace(n,t,e,r)},e.prototype.emplace=function(t,e,r,n){var i=4*t;return this.uint32[2*t+0]=e,this.uint16[i+2]=r,this.uint16[i+3]=n,t},e}(wi);Vi.prototype.bytesPerElement=8,Dn("StructArrayLayout1ul2ui8",Vi);var qi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;return this.resize(r+1),this.emplace(r,t,e)},e.prototype.emplace=function(t,e,r){var n=2*t;return this.uint16[n+0]=e,this.uint16[n+1]=r,t},e}(wi);qi.prototype.bytesPerElement=4,Dn("StructArrayLayout2ui4",qi);var Hi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t){var e=this.length;return this.resize(e+1),this.emplace(e,t)},e.prototype.emplace=function(t,e){return this.uint16[1*t+0]=e,t},e}(wi);Hi.prototype.bytesPerElement=2,Dn("StructArrayLayout1ui2",Hi);var Gi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;return this.resize(r+1),this.emplace(r,t,e)},e.prototype.emplace=function(t,e,r){var n=2*t;return this.float32[n+0]=e,this.float32[n+1]=r,t},e}(wi);Gi.prototype.bytesPerElement=8,Dn("StructArrayLayout2f8",Gi);var Yi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n){var i=this.length;return this.resize(i+1),this.emplace(i,t,e,r,n)},e.prototype.emplace=function(t,e,r,n,i){var a=4*t;return this.float32[a+0]=e,this.float32[a+1]=r,this.float32[a+2]=n,this.float32[a+3]=i,t},e}(wi);Yi.prototype.bytesPerElement=16,Dn("StructArrayLayout4f16",Yi);var Wi=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e;var r={anchorPointX:{configurable:!0},anchorPointY:{configurable:!0},x1:{configurable:!0},y1:{configurable:!0},x2:{configurable:!0},y2:{configurable:!0},featureIndex:{configurable:!0},sourceLayerIndex:{configurable:!0},bucketIndex:{configurable:!0},anchorPoint:{configurable:!0}};return r.anchorPointX.get=function(){return this._structArray.int16[this._pos2+0]},r.anchorPointY.get=function(){return this._structArray.int16[this._pos2+1]},r.x1.get=function(){return this._structArray.int16[this._pos2+2]},r.y1.get=function(){return this._structArray.int16[this._pos2+3]},r.x2.get=function(){return this._structArray.int16[this._pos2+4]},r.y2.get=function(){return this._structArray.int16[this._pos2+5]},r.featureIndex.get=function(){return this._structArray.uint32[this._pos4+3]},r.sourceLayerIndex.get=function(){return this._structArray.uint16[this._pos2+8]},r.bucketIndex.get=function(){return this._structArray.uint16[this._pos2+9]},r.anchorPoint.get=function(){return new i(this.anchorPointX,this.anchorPointY)},Object.defineProperties(e.prototype,r),e}(_i);Wi.prototype.size=20;var Xi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.get=function(t){return new Wi(this,t)},e}(zi);Dn("CollisionBoxArray",Xi);var Zi=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e;var r={anchorX:{configurable:!0},anchorY:{configurable:!0},glyphStartIndex:{configurable:!0},numGlyphs:{configurable:!0},vertexStartIndex:{configurable:!0},lineStartIndex:{configurable:!0},lineLength:{configurable:!0},segment:{configurable:!0},lowerSize:{configurable:!0},upperSize:{configurable:!0},lineOffsetX:{configurable:!0},lineOffsetY:{configurable:!0},writingMode:{configurable:!0},placedOrientation:{configurable:!0},hidden:{configurable:!0},crossTileID:{configurable:!0},associatedIconIndex:{configurable:!0}};return r.anchorX.get=function(){return this._structArray.int16[this._pos2+0]},r.anchorY.get=function(){return this._structArray.int16[this._pos2+1]},r.glyphStartIndex.get=function(){return this._structArray.uint16[this._pos2+2]},r.numGlyphs.get=function(){return this._structArray.uint16[this._pos2+3]},r.vertexStartIndex.get=function(){return this._structArray.uint32[this._pos4+2]},r.lineStartIndex.get=function(){return this._structArray.uint32[this._pos4+3]},r.lineLength.get=function(){return this._structArray.uint32[this._pos4+4]},r.segment.get=function(){return this._structArray.uint16[this._pos2+10]},r.lowerSize.get=function(){return this._structArray.uint16[this._pos2+11]},r.upperSize.get=function(){return this._structArray.uint16[this._pos2+12]},r.lineOffsetX.get=function(){return this._structArray.float32[this._pos4+7]},r.lineOffsetY.get=function(){return this._structArray.float32[this._pos4+8]},r.writingMode.get=function(){return this._structArray.uint8[this._pos1+36]},r.placedOrientation.get=function(){return this._structArray.uint8[this._pos1+37]},r.placedOrientation.set=function(t){this._structArray.uint8[this._pos1+37]=t},r.hidden.get=function(){return this._structArray.uint8[this._pos1+38]},r.hidden.set=function(t){this._structArray.uint8[this._pos1+38]=t},r.crossTileID.get=function(){return this._structArray.uint32[this._pos4+10]},r.crossTileID.set=function(t){this._structArray.uint32[this._pos4+10]=t},r.associatedIconIndex.get=function(){return this._structArray.int16[this._pos2+22]},Object.defineProperties(e.prototype,r),e}(_i);Zi.prototype.size=48;var Ji=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.get=function(t){return new Zi(this,t)},e}(Bi);Dn("PlacedSymbolArray",Ji);var Ki=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e;var r={anchorX:{configurable:!0},anchorY:{configurable:!0},rightJustifiedTextSymbolIndex:{configurable:!0},centerJustifiedTextSymbolIndex:{configurable:!0},leftJustifiedTextSymbolIndex:{configurable:!0},verticalPlacedTextSymbolIndex:{configurable:!0},placedIconSymbolIndex:{configurable:!0},verticalPlacedIconSymbolIndex:{configurable:!0},key:{configurable:!0},textBoxStartIndex:{configurable:!0},textBoxEndIndex:{configurable:!0},verticalTextBoxStartIndex:{configurable:!0},verticalTextBoxEndIndex:{configurable:!0},iconBoxStartIndex:{configurable:!0},iconBoxEndIndex:{configurable:!0},verticalIconBoxStartIndex:{configurable:!0},verticalIconBoxEndIndex:{configurable:!0},featureIndex:{configurable:!0},numHorizontalGlyphVertices:{configurable:!0},numVerticalGlyphVertices:{configurable:!0},numIconVertices:{configurable:!0},numVerticalIconVertices:{configurable:!0},useRuntimeCollisionCircles:{configurable:!0},crossTileID:{configurable:!0},textBoxScale:{configurable:!0},textOffset0:{configurable:!0},textOffset1:{configurable:!0},collisionCircleDiameter:{configurable:!0}};return r.anchorX.get=function(){return this._structArray.int16[this._pos2+0]},r.anchorY.get=function(){return this._structArray.int16[this._pos2+1]},r.rightJustifiedTextSymbolIndex.get=function(){return this._structArray.int16[this._pos2+2]},r.centerJustifiedTextSymbolIndex.get=function(){return this._structArray.int16[this._pos2+3]},r.leftJustifiedTextSymbolIndex.get=function(){return this._structArray.int16[this._pos2+4]},r.verticalPlacedTextSymbolIndex.get=function(){return this._structArray.int16[this._pos2+5]},r.placedIconSymbolIndex.get=function(){return this._structArray.int16[this._pos2+6]},r.verticalPlacedIconSymbolIndex.get=function(){return this._structArray.int16[this._pos2+7]},r.key.get=function(){return this._structArray.uint16[this._pos2+8]},r.textBoxStartIndex.get=function(){return this._structArray.uint16[this._pos2+9]},r.textBoxEndIndex.get=function(){return this._structArray.uint16[this._pos2+10]},r.verticalTextBoxStartIndex.get=function(){return this._structArray.uint16[this._pos2+11]},r.verticalTextBoxEndIndex.get=function(){return this._structArray.uint16[this._pos2+12]},r.iconBoxStartIndex.get=function(){return this._structArray.uint16[this._pos2+13]},r.iconBoxEndIndex.get=function(){return this._structArray.uint16[this._pos2+14]},r.verticalIconBoxStartIndex.get=function(){return this._structArray.uint16[this._pos2+15]},r.verticalIconBoxEndIndex.get=function(){return this._structArray.uint16[this._pos2+16]},r.featureIndex.get=function(){return this._structArray.uint16[this._pos2+17]},r.numHorizontalGlyphVertices.get=function(){return this._structArray.uint16[this._pos2+18]},r.numVerticalGlyphVertices.get=function(){return this._structArray.uint16[this._pos2+19]},r.numIconVertices.get=function(){return this._structArray.uint16[this._pos2+20]},r.numVerticalIconVertices.get=function(){return this._structArray.uint16[this._pos2+21]},r.useRuntimeCollisionCircles.get=function(){return this._structArray.uint16[this._pos2+22]},r.crossTileID.get=function(){return this._structArray.uint32[this._pos4+12]},r.crossTileID.set=function(t){this._structArray.uint32[this._pos4+12]=t},r.textBoxScale.get=function(){return this._structArray.float32[this._pos4+13]},r.textOffset0.get=function(){return this._structArray.float32[this._pos4+14]},r.textOffset1.get=function(){return this._structArray.float32[this._pos4+15]},r.collisionCircleDiameter.get=function(){return this._structArray.float32[this._pos4+16]},Object.defineProperties(e.prototype,r),e}(_i);Ki.prototype.size=68;var Qi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.get=function(t){return new Ki(this,t)},e}(Ni);Dn("SymbolInstanceArray",Qi);var $i=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.getoffsetX=function(t){return this.float32[1*t+0]},e}(ji);Dn("GlyphOffsetArray",$i);var ta=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.getx=function(t){return this.int16[3*t+0]},e.prototype.gety=function(t){return this.int16[3*t+1]},e.prototype.gettileUnitDistanceFromAnchor=function(t){return this.int16[3*t+2]},e}(Ui);Dn("SymbolLineVertexArray",ta);var ea=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e;var r={featureIndex:{configurable:!0},sourceLayerIndex:{configurable:!0},bucketIndex:{configurable:!0}};return r.featureIndex.get=function(){return this._structArray.uint32[this._pos4+0]},r.sourceLayerIndex.get=function(){return this._structArray.uint16[this._pos2+2]},r.bucketIndex.get=function(){return this._structArray.uint16[this._pos2+3]},Object.defineProperties(e.prototype,r),e}(_i);ea.prototype.size=8;var ra=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.get=function(t){return new ea(this,t)},e}(Vi);Dn("FeatureIndexArray",ra);var na=Ti([{name:"a_pos",components:2,type:"Int16"}],4).members,ia=function(t){void 0===t&&(t=[]),this.segments=t};function aa(t,e){return 256*(t=l(Math.floor(t),0,255))+l(Math.floor(e),0,255)}ia.prototype.prepareSegment=function(t,e,r,n){var i=this.segments[this.segments.length-1];return t>ia.MAX_VERTEX_ARRAY_LENGTH&&_("Max vertices per segment is "+ia.MAX_VERTEX_ARRAY_LENGTH+": bucket requested "+t),(!i||i.vertexLength+t>ia.MAX_VERTEX_ARRAY_LENGTH||i.sortKey!==n)&&(i={vertexOffset:e.length,primitiveOffset:r.length,vertexLength:0,primitiveLength:0},void 0!==n&&(i.sortKey=n),this.segments.push(i)),i},ia.prototype.get=function(){return this.segments},ia.prototype.destroy=function(){for(var t=0,e=this.segments;t>>16)*o&65535)<<16)&4294967295)<<15|l>>>17))*s+(((l>>>16)*s&65535)<<16)&4294967295)<<13|i>>>19))+((5*(i>>>16)&65535)<<16)&4294967295))+((58964+(a>>>16)&65535)<<16);switch(l=0,r){case 3:l^=(255&t.charCodeAt(c+2))<<16;case 2:l^=(255&t.charCodeAt(c+1))<<8;case 1:i^=l=(65535&(l=(l=(65535&(l^=255&t.charCodeAt(c)))*o+(((l>>>16)*o&65535)<<16)&4294967295)<<15|l>>>17))*s+(((l>>>16)*s&65535)<<16)&4294967295}return i^=t.length,i=2246822507*(65535&(i^=i>>>16))+((2246822507*(i>>>16)&65535)<<16)&4294967295,i=3266489909*(65535&(i^=i>>>13))+((3266489909*(i>>>16)&65535)<<16)&4294967295,(i^=i>>>16)>>>0}})),la=e((function(t){t.exports=function(t,e){for(var r,n=t.length,i=e^n,a=0;n>=4;)r=1540483477*(65535&(r=255&t.charCodeAt(a)|(255&t.charCodeAt(++a))<<8|(255&t.charCodeAt(++a))<<16|(255&t.charCodeAt(++a))<<24))+((1540483477*(r>>>16)&65535)<<16),i=1540483477*(65535&i)+((1540483477*(i>>>16)&65535)<<16)^(r=1540483477*(65535&(r^=r>>>24))+((1540483477*(r>>>16)&65535)<<16)),n-=4,++a;switch(n){case 3:i^=(255&t.charCodeAt(a+2))<<16;case 2:i^=(255&t.charCodeAt(a+1))<<8;case 1:i=1540483477*(65535&(i^=255&t.charCodeAt(a)))+((1540483477*(i>>>16)&65535)<<16)}return i=1540483477*(65535&(i^=i>>>13))+((1540483477*(i>>>16)&65535)<<16),(i^=i>>>15)>>>0}})),ca=sa,ua=la;ca.murmur3=sa,ca.murmur2=ua;var fa=function(){this.ids=[],this.positions=[],this.indexed=!1};fa.prototype.add=function(t,e,r,n){this.ids.push(pa(t)),this.positions.push(e,r,n)},fa.prototype.getPositions=function(t){for(var e=pa(t),r=0,n=this.ids.length-1;r>1;this.ids[i]>=e?n=i:r=i+1}for(var a=[];this.ids[r]===e;)a.push({index:this.positions[3*r],start:this.positions[3*r+1],end:this.positions[3*r+2]}),r++;return a},fa.serialize=function(t,e){var r=new Float64Array(t.ids),n=new Uint32Array(t.positions);return function t(e,r,n,i){for(;n>1],o=n-1,s=i+1;;){do{o++}while(e[o]a);if(o>=s)break;da(e,o,s),da(r,3*o,3*s),da(r,3*o+1,3*s+1),da(r,3*o+2,3*s+2)}s-nOa.max||o.yOa.max)&&(_("Geometry exceeds allowed extent, reduce your vector tile buffer size"),o.x=l(o.x,Oa.min,Oa.max),o.y=l(o.y,Oa.min,Oa.max))}return r}function Ra(t,e,r,n,i){t.emplaceBack(2*e+(n+1)/2,2*r+(i+1)/2)}var Fa=function(t){this.zoom=t.zoom,this.overscaling=t.overscaling,this.layers=t.layers,this.layerIds=this.layers.map((function(t){return t.id})),this.index=t.index,this.hasPattern=!1,this.layoutVertexArray=new Mi,this.indexArray=new Fi,this.segments=new ia,this.programConfigurations=new Ia(na,t.layers,t.zoom),this.stateDependentLayerIds=this.layers.filter((function(t){return t.isStateDependent()})).map((function(t){return t.id}))};function Ba(t,e){for(var r=0;r1){if(Va(t,e))return!0;for(var n=0;n1?r:r.sub(e)._mult(i)._add(e))}function Ya(t,e){for(var r,n,i,a=!1,o=0;oe.y!=(i=r[l]).y>e.y&&e.x<(i.x-n.x)*(e.y-n.y)/(i.y-n.y)+n.x&&(a=!a);return a}function Wa(t,e){for(var r=!1,n=0,i=t.length-1;ne.y!=o.y>e.y&&e.x<(o.x-a.x)*(e.y-a.y)/(o.y-a.y)+a.x&&(r=!r)}return r}function Xa(t,e,r){var n=r[0],i=r[2];if(t.xi.x&&e.x>i.x||t.yi.y&&e.y>i.y)return!1;var a=w(t,e,r[0]);return a!==w(t,e,r[1])||a!==w(t,e,r[2])||a!==w(t,e,r[3])}function Za(t,e,r){var n=e.paint.get(t).value;return"constant"===n.kind?n.value:r.programConfigurations.get(e.id).getMaxValue(t)}function Ja(t){return Math.sqrt(t[0]*t[0]+t[1]*t[1])}function Ka(t,e,r,n,a){if(!e[0]&&!e[1])return t;var o=i.convert(e)._mult(a);"viewport"===r&&o._rotate(-n);for(var s=[],l=0;l=8192||u<0||u>=8192)){var f=this.segments.prepareSegment(4,this.layoutVertexArray,this.indexArray,t.sortKey),h=f.vertexLength;Ra(this.layoutVertexArray,c,u,-1,-1),Ra(this.layoutVertexArray,c,u,1,-1),Ra(this.layoutVertexArray,c,u,1,1),Ra(this.layoutVertexArray,c,u,-1,1),this.indexArray.emplaceBack(h,h+1,h+2),this.indexArray.emplaceBack(h,h+3,h+2),f.vertexLength+=4,f.primitiveLength+=2}}this.programConfigurations.populatePaintArrays(this.layoutVertexArray.length,t,r,{},n)},Dn("CircleBucket",Fa,{omit:["layers"]});var Qa=new yi({"circle-sort-key":new di(At.layout_circle["circle-sort-key"])}),$a={paint:new yi({"circle-radius":new di(At.paint_circle["circle-radius"]),"circle-color":new di(At.paint_circle["circle-color"]),"circle-blur":new di(At.paint_circle["circle-blur"]),"circle-opacity":new di(At.paint_circle["circle-opacity"]),"circle-translate":new pi(At.paint_circle["circle-translate"]),"circle-translate-anchor":new pi(At.paint_circle["circle-translate-anchor"]),"circle-pitch-scale":new pi(At.paint_circle["circle-pitch-scale"]),"circle-pitch-alignment":new pi(At.paint_circle["circle-pitch-alignment"]),"circle-stroke-width":new di(At.paint_circle["circle-stroke-width"]),"circle-stroke-color":new di(At.paint_circle["circle-stroke-color"]),"circle-stroke-opacity":new di(At.paint_circle["circle-stroke-opacity"])}),layout:Qa},to="undefined"!=typeof Float32Array?Float32Array:Array;function eo(t){return t[0]=1,t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[5]=1,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[10]=1,t[11]=0,t[12]=0,t[13]=0,t[14]=0,t[15]=1,t}function ro(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3],s=e[4],l=e[5],c=e[6],u=e[7],f=e[8],h=e[9],p=e[10],d=e[11],g=e[12],m=e[13],v=e[14],y=e[15],x=r[0],b=r[1],_=r[2],w=r[3];return t[0]=x*n+b*s+_*f+w*g,t[1]=x*i+b*l+_*h+w*m,t[2]=x*a+b*c+_*p+w*v,t[3]=x*o+b*u+_*d+w*y,t[4]=(x=r[4])*n+(b=r[5])*s+(_=r[6])*f+(w=r[7])*g,t[5]=x*i+b*l+_*h+w*m,t[6]=x*a+b*c+_*p+w*v,t[7]=x*o+b*u+_*d+w*y,t[8]=(x=r[8])*n+(b=r[9])*s+(_=r[10])*f+(w=r[11])*g,t[9]=x*i+b*l+_*h+w*m,t[10]=x*a+b*c+_*p+w*v,t[11]=x*o+b*u+_*d+w*y,t[12]=(x=r[12])*n+(b=r[13])*s+(_=r[14])*f+(w=r[15])*g,t[13]=x*i+b*l+_*h+w*m,t[14]=x*a+b*c+_*p+w*v,t[15]=x*o+b*u+_*d+w*y,t}Math.hypot||(Math.hypot=function(){for(var t=arguments,e=0,r=arguments.length;r--;)e+=t[r]*t[r];return Math.sqrt(e)});var no,io=ro;function ao(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3];return t[0]=r[0]*n+r[4]*i+r[8]*a+r[12]*o,t[1]=r[1]*n+r[5]*i+r[9]*a+r[13]*o,t[2]=r[2]*n+r[6]*i+r[10]*a+r[14]*o,t[3]=r[3]*n+r[7]*i+r[11]*a+r[15]*o,t}no=new to(3),to!=Float32Array&&(no[0]=0,no[1]=0,no[2]=0),function(){var t=new to(4);to!=Float32Array&&(t[0]=0,t[1]=0,t[2]=0,t[3]=0)}();var oo=(function(){var t=new to(2);to!=Float32Array&&(t[0]=0,t[1]=0)}(),function(t){function e(e){t.call(this,e,$a)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.createBucket=function(t){return new Fa(t)},e.prototype.queryRadius=function(t){var e=t;return Za("circle-radius",this,e)+Za("circle-stroke-width",this,e)+Ja(this.paint.get("circle-translate"))},e.prototype.queryIntersectsFeature=function(t,e,r,n,i,a,o,s){for(var l=Ka(t,this.paint.get("circle-translate"),this.paint.get("circle-translate-anchor"),a.angle,o),c=this.paint.get("circle-radius").evaluate(e,r)+this.paint.get("circle-stroke-width").evaluate(e,r),u="map"===this.paint.get("circle-pitch-alignment"),f=u?l:function(t,e){return t.map((function(t){return so(t,e)}))}(l,s),h=u?c*o:c,p=0,d=n;pt.width||i.height>t.height||r.x>t.width-i.width||r.y>t.height-i.height)throw new RangeError("out of range source coordinates for image copy");if(i.width>e.width||i.height>e.height||n.x>e.width-i.width||n.y>e.height-i.height)throw new RangeError("out of range destination coordinates for image copy");for(var o=t.data,s=e.data,l=0;l80*r){n=a=t[0],i=o=t[1];for(var d=r;da&&(a=s),l>o&&(o=l);c=0!==(c=Math.max(a-n,o-i))?1/c:0}return Ao(h,p,r,n,i,c),p}function ko(t,e,r,n,i){var a,o;if(i===Xo(t,e,r,n)>0)for(a=e;a=e;a-=n)o=Go(a,t[a],t[a+1],o);return o&&No(o,o.next)&&(Yo(o),o=o.next),o}function Mo(t,e){if(!t)return t;e||(e=t);var r,n=t;do{if(r=!1,n.steiner||!No(n,n.next)&&0!==Bo(n.prev,n,n.next))n=n.next;else{if(Yo(n),(n=e=n.prev)===n.next)break;r=!0}}while(r||n!==e);return e}function Ao(t,e,r,n,i,a,o){if(t){!o&&a&&function(t,e,r,n){var i=t;do{null===i.z&&(i.z=Oo(i.x,i.y,e,r,n)),i.prevZ=i.prev,i.nextZ=i.next,i=i.next}while(i!==t);i.prevZ.nextZ=null,i.prevZ=null,function(t){var e,r,n,i,a,o,s,l,c=1;do{for(r=t,t=null,a=null,o=0;r;){for(o++,n=r,s=0,e=0;e0||l>0&&n;)0!==s&&(0===l||!n||r.z<=n.z)?(i=r,r=r.nextZ,s--):(i=n,n=n.nextZ,l--),a?a.nextZ=i:t=i,i.prevZ=a,a=i;r=n}a.nextZ=null,c*=2}while(o>1)}(i)}(t,n,i,a);for(var s,l,c=t;t.prev!==t.next;)if(s=t.prev,l=t.next,a?Eo(t,n,i,a):So(t))e.push(s.i/r),e.push(t.i/r),e.push(l.i/r),Yo(t),t=l.next,c=l.next;else if((t=l)===c){o?1===o?Ao(t=Co(Mo(t),e,r),e,r,n,i,a,2):2===o&&Lo(t,e,r,n,i,a):Ao(Mo(t),e,r,n,i,a,1);break}}}function So(t){var e=t.prev,r=t,n=t.next;if(Bo(e,r,n)>=0)return!1;for(var i=t.next.next;i!==t.prev;){if(Ro(e.x,e.y,r.x,r.y,n.x,n.y,i.x,i.y)&&Bo(i.prev,i,i.next)>=0)return!1;i=i.next}return!0}function Eo(t,e,r,n){var i=t.prev,a=t,o=t.next;if(Bo(i,a,o)>=0)return!1;for(var s=i.x>a.x?i.x>o.x?i.x:o.x:a.x>o.x?a.x:o.x,l=i.y>a.y?i.y>o.y?i.y:o.y:a.y>o.y?a.y:o.y,c=Oo(i.x=c&&h&&h.z<=u;){if(f!==t.prev&&f!==t.next&&Ro(i.x,i.y,a.x,a.y,o.x,o.y,f.x,f.y)&&Bo(f.prev,f,f.next)>=0)return!1;if(f=f.prevZ,h!==t.prev&&h!==t.next&&Ro(i.x,i.y,a.x,a.y,o.x,o.y,h.x,h.y)&&Bo(h.prev,h,h.next)>=0)return!1;h=h.nextZ}for(;f&&f.z>=c;){if(f!==t.prev&&f!==t.next&&Ro(i.x,i.y,a.x,a.y,o.x,o.y,f.x,f.y)&&Bo(f.prev,f,f.next)>=0)return!1;f=f.prevZ}for(;h&&h.z<=u;){if(h!==t.prev&&h!==t.next&&Ro(i.x,i.y,a.x,a.y,o.x,o.y,h.x,h.y)&&Bo(h.prev,h,h.next)>=0)return!1;h=h.nextZ}return!0}function Co(t,e,r){var n=t;do{var i=n.prev,a=n.next.next;!No(i,a)&&jo(i,n,n.next,a)&&qo(i,a)&&qo(a,i)&&(e.push(i.i/r),e.push(n.i/r),e.push(a.i/r),Yo(n),Yo(n.next),n=t=a),n=n.next}while(n!==t);return Mo(n)}function Lo(t,e,r,n,i,a){var o=t;do{for(var s=o.next.next;s!==o.prev;){if(o.i!==s.i&&Fo(o,s)){var l=Ho(o,s);return o=Mo(o,o.next),l=Mo(l,l.next),Ao(o,e,r,n,i,a),void Ao(l,e,r,n,i,a)}s=s.next}o=o.next}while(o!==t)}function Io(t,e){return t.x-e.x}function Po(t,e){if(e=function(t,e){var r,n=e,i=t.x,a=t.y,o=-1/0;do{if(a<=n.y&&a>=n.next.y&&n.next.y!==n.y){var s=n.x+(a-n.y)*(n.next.x-n.x)/(n.next.y-n.y);if(s<=i&&s>o){if(o=s,s===i){if(a===n.y)return n;if(a===n.next.y)return n.next}r=n.x=n.x&&n.x>=u&&i!==n.x&&Ro(ar.x||n.x===r.x&&zo(r,n)))&&(r=n,h=l)),n=n.next}while(n!==c);return r}(t,e)){var r=Ho(e,t);Mo(e,e.next),Mo(r,r.next)}}function zo(t,e){return Bo(t.prev,t,e.prev)<0&&Bo(e.next,t,t.next)<0}function Oo(t,e,r,n,i){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t=32767*(t-r)*i)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e=32767*(e-n)*i)|e<<8))|e<<4))|e<<2))|e<<1))<<1}function Do(t){var e=t,r=t;do{(e.x=0&&(t-o)*(n-s)-(r-o)*(e-s)>=0&&(r-o)*(a-s)-(i-o)*(n-s)>=0}function Fo(t,e){return t.next.i!==e.i&&t.prev.i!==e.i&&!function(t,e){var r=t;do{if(r.i!==t.i&&r.next.i!==t.i&&r.i!==e.i&&r.next.i!==e.i&&jo(r,r.next,t,e))return!0;r=r.next}while(r!==t);return!1}(t,e)&&(qo(t,e)&&qo(e,t)&&function(t,e){var r=t,n=!1,i=(t.x+e.x)/2,a=(t.y+e.y)/2;do{r.y>a!=r.next.y>a&&r.next.y!==r.y&&i<(r.next.x-r.x)*(a-r.y)/(r.next.y-r.y)+r.x&&(n=!n),r=r.next}while(r!==t);return n}(t,e)&&(Bo(t.prev,t,e.prev)||Bo(t,e.prev,e))||No(t,e)&&Bo(t.prev,t,t.next)>0&&Bo(e.prev,e,e.next)>0)}function Bo(t,e,r){return(e.y-t.y)*(r.x-e.x)-(e.x-t.x)*(r.y-e.y)}function No(t,e){return t.x===e.x&&t.y===e.y}function jo(t,e,r,n){var i=Vo(Bo(t,e,r)),a=Vo(Bo(t,e,n)),o=Vo(Bo(r,n,t)),s=Vo(Bo(r,n,e));return i!==a&&o!==s||!(0!==i||!Uo(t,r,e))||!(0!==a||!Uo(t,n,e))||!(0!==o||!Uo(r,t,n))||!(0!==s||!Uo(r,e,n))}function Uo(t,e,r){return e.x<=Math.max(t.x,r.x)&&e.x>=Math.min(t.x,r.x)&&e.y<=Math.max(t.y,r.y)&&e.y>=Math.min(t.y,r.y)}function Vo(t){return t>0?1:t<0?-1:0}function qo(t,e){return Bo(t.prev,t,t.next)<0?Bo(t,e,t.next)>=0&&Bo(t,t.prev,e)>=0:Bo(t,e,t.prev)<0||Bo(t,t.next,e)<0}function Ho(t,e){var r=new Wo(t.i,t.x,t.y),n=new Wo(e.i,e.x,e.y),i=t.next,a=e.prev;return t.next=e,e.prev=t,r.next=i,i.prev=r,n.next=r,r.prev=n,a.next=n,n.prev=a,n}function Go(t,e,r,n){var i=new Wo(t,e,r);return n?(i.next=n.next,i.prev=n,n.next.prev=i,n.next=i):(i.prev=i,i.next=i),i}function Yo(t){t.next.prev=t.prev,t.prev.next=t.next,t.prevZ&&(t.prevZ.nextZ=t.nextZ),t.nextZ&&(t.nextZ.prevZ=t.prevZ)}function Wo(t,e,r){this.i=t,this.x=e,this.y=r,this.prev=null,this.next=null,this.z=null,this.prevZ=null,this.nextZ=null,this.steiner=!1}function Xo(t,e,r,n){for(var i=0,a=e,o=r-n;an;){if(i-n>600){var o=i-n+1,s=r-n+1,l=Math.log(o),c=.5*Math.exp(2*l/3),u=.5*Math.sqrt(l*c*(o-c)/o)*(s-o/2<0?-1:1);t(e,r,Math.max(n,Math.floor(r-s*c/o+u)),Math.min(i,Math.floor(r+(o-s)*c/o+u)),a)}var f=e[r],h=n,p=i;for(Jo(e,n,r),a(e[i],f)>0&&Jo(e,n,i);h0;)p--}0===a(e[n],f)?Jo(e,n,p):Jo(e,++p,i),p<=r&&(n=p+1),r<=p&&(i=p-1)}}(t,e,r||0,n||t.length-1,i||Ko)}function Jo(t,e,r){var n=t[e];t[e]=t[r],t[r]=n}function Ko(t,e){return te?1:0}function Qo(t,e){var r=t.length;if(r<=1)return[t];for(var n,i,a=[],o=0;o1)for(var l=0;l0&&r.holes.push(n+=t[i-1].length)}return r},_o.default=wo;var rs=function(t){this.zoom=t.zoom,this.overscaling=t.overscaling,this.layers=t.layers,this.layerIds=this.layers.map((function(t){return t.id})),this.index=t.index,this.hasPattern=!1,this.patternFeatures=[],this.layoutVertexArray=new Mi,this.indexArray=new Fi,this.indexArray2=new qi,this.programConfigurations=new Ia(bo,t.layers,t.zoom),this.segments=new ia,this.segments2=new ia,this.stateDependentLayerIds=this.layers.filter((function(t){return t.isStateDependent()})).map((function(t){return t.id}))};rs.prototype.populate=function(t,e,r){this.hasPattern=ts("fill",this.layers,e);for(var n=this.layers[0].layout.get("fill-sort-key"),i=[],a=0,o=t;a>3}if(a--,1===n||2===n)o+=t.readSVarint(),s+=t.readSVarint(),1===n&&(e&&l.push(e),e=[]),e.push(new i(o,s));else{if(7!==n)throw new Error("unknown command "+n);e&&e.push(e[0].clone())}}return e&&l.push(e),l},ls.prototype.bbox=function(){var t=this._pbf;t.pos=this._geometry;for(var e=t.readVarint()+t.pos,r=1,n=0,i=0,a=0,o=1/0,s=-1/0,l=1/0,c=-1/0;t.pos>3}if(n--,1===r||2===r)(i+=t.readSVarint())s&&(s=i),(a+=t.readSVarint())c&&(c=a);else if(7!==r)throw new Error("unknown command "+r)}return[o,l,s,c]},ls.prototype.toGeoJSON=function(t,e,r){var n,i,a=this.extent*Math.pow(2,r),o=this.extent*t,s=this.extent*e,l=this.loadGeometry(),c=ls.types[this.type];function u(t){for(var e=0;e>3;e=1===n?t.readString():2===n?t.readFloat():3===n?t.readDouble():4===n?t.readVarint64():5===n?t.readVarint():6===n?t.readSVarint():7===n?t.readBoolean():null}return e}(r))}function ds(t,e,r){if(3===t){var n=new fs(r,r.readVarint()+r.pos);n.length&&(e[n.name]=n)}}hs.prototype.feature=function(t){if(t<0||t>=this._features.length)throw new Error("feature index out of bounds");this._pbf.pos=this._features[t];var e=this._pbf.readVarint()+this._pbf.pos;return new ss(this._pbf,e,this.extent,this._keys,this._values)};var gs={VectorTile:function(t,e){this.layers=t.readFields(ds,{},e)},VectorTileFeature:ss,VectorTileLayer:fs},ms=gs.VectorTileFeature.types,vs=Math.pow(2,13);function ys(t,e,r,n,i,a,o,s){t.emplaceBack(e,r,2*Math.floor(n*vs)+o,i*vs*2,a*vs*2,Math.round(s))}var xs=function(t){this.zoom=t.zoom,this.overscaling=t.overscaling,this.layers=t.layers,this.layerIds=this.layers.map((function(t){return t.id})),this.index=t.index,this.hasPattern=!1,this.layoutVertexArray=new Si,this.indexArray=new Fi,this.programConfigurations=new Ia(os,t.layers,t.zoom),this.segments=new ia,this.stateDependentLayerIds=this.layers.filter((function(t){return t.isStateDependent()})).map((function(t){return t.id}))};function bs(t,e){return t.x===e.x&&(t.x<0||t.x>8192)||t.y===e.y&&(t.y<0||t.y>8192)}xs.prototype.populate=function(t,e,r){this.features=[],this.hasPattern=ts("fill-extrusion",this.layers,e);for(var n=0,i=t;n8192}))||P.every((function(t){return t.y<0}))||P.every((function(t){return t.y>8192}))))for(var g=0,m=0;m=1){var y=d[m-1];if(!bs(v,y)){f.vertexLength+4>ia.MAX_VERTEX_ARRAY_LENGTH&&(f=this.segments.prepareSegment(4,this.layoutVertexArray,this.indexArray));var x=v.sub(y)._perp()._unit(),b=y.dist(v);g+b>32768&&(g=0),ys(this.layoutVertexArray,v.x,v.y,x.x,x.y,0,0,g),ys(this.layoutVertexArray,v.x,v.y,x.x,x.y,0,1,g),ys(this.layoutVertexArray,y.x,y.y,x.x,x.y,0,0,g+=b),ys(this.layoutVertexArray,y.x,y.y,x.x,x.y,0,1,g);var _=f.vertexLength;this.indexArray.emplaceBack(_,_+2,_+1),this.indexArray.emplaceBack(_+1,_+2,_+3),f.vertexLength+=4,f.primitiveLength+=2}}}}if(f.vertexLength+l>ia.MAX_VERTEX_ARRAY_LENGTH&&(f=this.segments.prepareSegment(l,this.layoutVertexArray,this.indexArray)),"Polygon"===ms[t.type]){for(var w=[],T=[],k=f.vertexLength,M=0,A=s;M=2&&t[l-1].equals(t[l-2]);)l--;for(var c=0;c0;if(T&&v>c){var M=u.dist(p);if(M>2*f){var A=u.sub(u.sub(p)._mult(f/M)._round());this.updateDistance(p,A),this.addCurrentVertex(A,g,0,0,h),p=A}}var S=p&&d,E=S?r:s?"butt":n;if(S&&"round"===E&&(_i&&(E="bevel"),"bevel"===E&&(_>2&&(E="flipbevel"),_100)y=m.mult(-1);else{var C=_*g.add(m).mag()/g.sub(m).mag();y._perp()._mult(C*(k?-1:1))}this.addCurrentVertex(u,y,0,0,h),this.addCurrentVertex(u,y.mult(-1),0,0,h)}else if("bevel"===E||"fakeround"===E){var L=-Math.sqrt(_*_-1),I=k?L:0,P=k?0:L;if(p&&this.addCurrentVertex(u,g,I,P,h),"fakeround"===E)for(var z=Math.round(180*w/Math.PI/20),O=1;O2*f){var j=u.add(d.sub(u)._mult(f/N)._round());this.updateDistance(u,j),this.addCurrentVertex(j,m,0,0,h),u=j}}}}},Cs.prototype.addCurrentVertex=function(t,e,r,n,i,a){void 0===a&&(a=!1);var o=e.y*n-e.x,s=-e.y-e.x*n;this.addHalfVertex(t,e.x+e.y*r,e.y-e.x*r,a,!1,r,i),this.addHalfVertex(t,o,s,a,!0,-n,i),this.distance>Es/2&&0===this.totalDistance&&(this.distance=0,this.addCurrentVertex(t,e,r,n,i,a))},Cs.prototype.addHalfVertex=function(t,e,r,n,i,a,o){var s=.5*this.scaledDistance;this.layoutVertexArray.emplaceBack((t.x<<1)+(n?1:0),(t.y<<1)+(i?1:0),Math.round(63*e)+128,Math.round(63*r)+128,1+(0===a?0:a<0?-1:1)|(63&s)<<2,s>>6);var l=o.vertexLength++;this.e1>=0&&this.e2>=0&&(this.indexArray.emplaceBack(this.e1,this.e2,l),o.primitiveLength++),i?this.e2=l:this.e1=l},Cs.prototype.updateScaledDistance=function(){this.scaledDistance=this.totalDistance>0?(this.clipStart+(this.clipEnd-this.clipStart)*this.distance/this.totalDistance)*(Es-1):this.distance},Cs.prototype.updateDistance=function(t,e){this.distance+=t.dist(e),this.updateScaledDistance()},Dn("LineBucket",Cs,{omit:["layers","patternFeatures"]});var Ls=new yi({"line-cap":new pi(At.layout_line["line-cap"]),"line-join":new di(At.layout_line["line-join"]),"line-miter-limit":new pi(At.layout_line["line-miter-limit"]),"line-round-limit":new pi(At.layout_line["line-round-limit"]),"line-sort-key":new di(At.layout_line["line-sort-key"])}),Is={paint:new yi({"line-opacity":new di(At.paint_line["line-opacity"]),"line-color":new di(At.paint_line["line-color"]),"line-translate":new pi(At.paint_line["line-translate"]),"line-translate-anchor":new pi(At.paint_line["line-translate-anchor"]),"line-width":new di(At.paint_line["line-width"]),"line-gap-width":new di(At.paint_line["line-gap-width"]),"line-offset":new di(At.paint_line["line-offset"]),"line-blur":new di(At.paint_line["line-blur"]),"line-dasharray":new mi(At.paint_line["line-dasharray"]),"line-pattern":new gi(At.paint_line["line-pattern"]),"line-gradient":new vi(At.paint_line["line-gradient"])}),layout:Ls},Ps=new(function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.possiblyEvaluate=function(e,r){return r=new ii(Math.floor(r.zoom),{now:r.now,fadeDuration:r.fadeDuration,zoomHistory:r.zoomHistory,transition:r.transition}),t.prototype.possiblyEvaluate.call(this,e,r)},e.prototype.evaluate=function(e,r,n,i){return r=u({},r,{zoom:Math.floor(r.zoom)}),t.prototype.evaluate.call(this,e,r,n,i)},e}(di))(Is.paint.properties["line-width"].specification);Ps.useIntegerZoom=!0;var zs=function(t){function e(e){t.call(this,e,Is)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._handleSpecialPaintPropertyUpdate=function(t){"line-gradient"===t&&this._updateGradient()},e.prototype._updateGradient=function(){this.gradient=mo(this._transitionablePaint._values["line-gradient"].value.expression,"lineProgress"),this.gradientTexture=null},e.prototype.recalculate=function(e,r){t.prototype.recalculate.call(this,e,r),this.paint._values["line-floorwidth"]=Ps.possiblyEvaluate(this._transitioningPaint._values["line-width"].value,e)},e.prototype.createBucket=function(t){return new Cs(t)},e.prototype.queryRadius=function(t){var e=t,r=Os(Za("line-width",this,e),Za("line-gap-width",this,e)),n=Za("line-offset",this,e);return r/2+Math.abs(n)+Ja(this.paint.get("line-translate"))},e.prototype.queryIntersectsFeature=function(t,e,r,n,a,o,s){var l=Ka(t,this.paint.get("line-translate"),this.paint.get("line-translate-anchor"),o.angle,s),c=s/2*Os(this.paint.get("line-width").evaluate(e,r),this.paint.get("line-gap-width").evaluate(e,r)),u=this.paint.get("line-offset").evaluate(e,r);return u&&(n=function(t,e){for(var r=[],n=new i(0,0),a=0;a=3)for(var a=0;a0?e+2*t:t}var Ds=Ti([{name:"a_pos_offset",components:4,type:"Int16"},{name:"a_data",components:4,type:"Uint16"},{name:"a_pixeloffset",components:4,type:"Int16"}],4),Rs=Ti([{name:"a_projected_pos",components:3,type:"Float32"}],4),Fs=(Ti([{name:"a_fade_opacity",components:1,type:"Uint32"}],4),Ti([{name:"a_placed",components:2,type:"Uint8"},{name:"a_shift",components:2,type:"Float32"}])),Bs=(Ti([{type:"Int16",name:"anchorPointX"},{type:"Int16",name:"anchorPointY"},{type:"Int16",name:"x1"},{type:"Int16",name:"y1"},{type:"Int16",name:"x2"},{type:"Int16",name:"y2"},{type:"Uint32",name:"featureIndex"},{type:"Uint16",name:"sourceLayerIndex"},{type:"Uint16",name:"bucketIndex"}]),Ti([{name:"a_pos",components:2,type:"Int16"},{name:"a_anchor_pos",components:2,type:"Int16"},{name:"a_extrude",components:2,type:"Int16"}],4)),Ns=Ti([{name:"a_pos",components:2,type:"Float32"},{name:"a_radius",components:1,type:"Float32"},{name:"a_flags",components:2,type:"Int16"}],4);function js(t,e,r){return t.sections.forEach((function(t){t.text=function(t,e,r){var n=e.layout.get("text-transform").evaluate(r,{});return"uppercase"===n?t=t.toLocaleUpperCase():"lowercase"===n&&(t=t.toLocaleLowerCase()),ni.applyArabicShaping&&(t=ni.applyArabicShaping(t)),t}(t.text,e,r)})),t}Ti([{name:"triangle",components:3,type:"Uint16"}]),Ti([{type:"Int16",name:"anchorX"},{type:"Int16",name:"anchorY"},{type:"Uint16",name:"glyphStartIndex"},{type:"Uint16",name:"numGlyphs"},{type:"Uint32",name:"vertexStartIndex"},{type:"Uint32",name:"lineStartIndex"},{type:"Uint32",name:"lineLength"},{type:"Uint16",name:"segment"},{type:"Uint16",name:"lowerSize"},{type:"Uint16",name:"upperSize"},{type:"Float32",name:"lineOffsetX"},{type:"Float32",name:"lineOffsetY"},{type:"Uint8",name:"writingMode"},{type:"Uint8",name:"placedOrientation"},{type:"Uint8",name:"hidden"},{type:"Uint32",name:"crossTileID"},{type:"Int16",name:"associatedIconIndex"}]),Ti([{type:"Int16",name:"anchorX"},{type:"Int16",name:"anchorY"},{type:"Int16",name:"rightJustifiedTextSymbolIndex"},{type:"Int16",name:"centerJustifiedTextSymbolIndex"},{type:"Int16",name:"leftJustifiedTextSymbolIndex"},{type:"Int16",name:"verticalPlacedTextSymbolIndex"},{type:"Int16",name:"placedIconSymbolIndex"},{type:"Int16",name:"verticalPlacedIconSymbolIndex"},{type:"Uint16",name:"key"},{type:"Uint16",name:"textBoxStartIndex"},{type:"Uint16",name:"textBoxEndIndex"},{type:"Uint16",name:"verticalTextBoxStartIndex"},{type:"Uint16",name:"verticalTextBoxEndIndex"},{type:"Uint16",name:"iconBoxStartIndex"},{type:"Uint16",name:"iconBoxEndIndex"},{type:"Uint16",name:"verticalIconBoxStartIndex"},{type:"Uint16",name:"verticalIconBoxEndIndex"},{type:"Uint16",name:"featureIndex"},{type:"Uint16",name:"numHorizontalGlyphVertices"},{type:"Uint16",name:"numVerticalGlyphVertices"},{type:"Uint16",name:"numIconVertices"},{type:"Uint16",name:"numVerticalIconVertices"},{type:"Uint16",name:"useRuntimeCollisionCircles"},{type:"Uint32",name:"crossTileID"},{type:"Float32",name:"textBoxScale"},{type:"Float32",components:2,name:"textOffset"},{type:"Float32",name:"collisionCircleDiameter"}]),Ti([{type:"Float32",name:"offsetX"}]),Ti([{type:"Int16",name:"x"},{type:"Int16",name:"y"},{type:"Int16",name:"tileUnitDistanceFromAnchor"}]);var Us={"!":"\ufe15","#":"\uff03",$:"\uff04","%":"\uff05","&":"\uff06","(":"\ufe35",")":"\ufe36","*":"\uff0a","+":"\uff0b",",":"\ufe10","-":"\ufe32",".":"\u30fb","/":"\uff0f",":":"\ufe13",";":"\ufe14","<":"\ufe3f","=":"\uff1d",">":"\ufe40","?":"\ufe16","@":"\uff20","[":"\ufe47","\\":"\uff3c","]":"\ufe48","^":"\uff3e",_:"\ufe33","`":"\uff40","{":"\ufe37","|":"\u2015","}":"\ufe38","~":"\uff5e","\xa2":"\uffe0","\xa3":"\uffe1","\xa5":"\uffe5","\xa6":"\uffe4","\xac":"\uffe2","\xaf":"\uffe3","\u2013":"\ufe32","\u2014":"\ufe31","\u2018":"\ufe43","\u2019":"\ufe44","\u201c":"\ufe41","\u201d":"\ufe42","\u2026":"\ufe19","\u2027":"\u30fb","\u20a9":"\uffe6","\u3001":"\ufe11","\u3002":"\ufe12","\u3008":"\ufe3f","\u3009":"\ufe40","\u300a":"\ufe3d","\u300b":"\ufe3e","\u300c":"\ufe41","\u300d":"\ufe42","\u300e":"\ufe43","\u300f":"\ufe44","\u3010":"\ufe3b","\u3011":"\ufe3c","\u3014":"\ufe39","\u3015":"\ufe3a","\u3016":"\ufe17","\u3017":"\ufe18","\uff01":"\ufe15","\uff08":"\ufe35","\uff09":"\ufe36","\uff0c":"\ufe10","\uff0d":"\ufe32","\uff0e":"\u30fb","\uff1a":"\ufe13","\uff1b":"\ufe14","\uff1c":"\ufe3f","\uff1e":"\ufe40","\uff1f":"\ufe16","\uff3b":"\ufe47","\uff3d":"\ufe48","\uff3f":"\ufe33","\uff5b":"\ufe37","\uff5c":"\u2015","\uff5d":"\ufe38","\uff5f":"\ufe35","\uff60":"\ufe36","\uff61":"\ufe12","\uff62":"\ufe41","\uff63":"\ufe42"},Vs=function(t,e,r,n,i){var a,o,s=8*i-n-1,l=(1<>1,u=-7,f=r?i-1:0,h=r?-1:1,p=t[e+f];for(f+=h,a=p&(1<<-u)-1,p>>=-u,u+=s;u>0;a=256*a+t[e+f],f+=h,u-=8);for(o=a&(1<<-u)-1,a>>=-u,u+=n;u>0;o=256*o+t[e+f],f+=h,u-=8);if(0===a)a=1-c;else{if(a===l)return o?NaN:1/0*(p?-1:1);o+=Math.pow(2,n),a-=c}return(p?-1:1)*o*Math.pow(2,a-n)},qs=function(t,e,r,n,i,a){var o,s,l,c=8*a-i-1,u=(1<>1,h=23===i?Math.pow(2,-24)-Math.pow(2,-77):0,p=n?0:a-1,d=n?1:-1,g=e<0||0===e&&1/e<0?1:0;for(e=Math.abs(e),isNaN(e)||e===1/0?(s=isNaN(e)?1:0,o=u):(o=Math.floor(Math.log(e)/Math.LN2),e*(l=Math.pow(2,-o))<1&&(o--,l*=2),(e+=o+f>=1?h/l:h*Math.pow(2,1-f))*l>=2&&(o++,l/=2),o+f>=u?(s=0,o=u):o+f>=1?(s=(e*l-1)*Math.pow(2,i),o+=f):(s=e*Math.pow(2,f-1)*Math.pow(2,i),o=0));i>=8;t[r+p]=255&s,p+=d,s/=256,i-=8);for(o=o<0;t[r+p]=255&o,p+=d,o/=256,c-=8);t[r+p-d]|=128*g},Hs=Gs;function Gs(t){this.buf=ArrayBuffer.isView&&ArrayBuffer.isView(t)?t:new Uint8Array(t||0),this.pos=0,this.type=0,this.length=this.buf.length}Gs.Varint=0,Gs.Fixed64=1,Gs.Bytes=2,Gs.Fixed32=5;var Ys="undefined"==typeof TextDecoder?null:new TextDecoder("utf8");function Ws(t){return t.type===Gs.Bytes?t.readVarint()+t.pos:t.pos+1}function Xs(t,e,r){return r?4294967296*e+(t>>>0):4294967296*(e>>>0)+(t>>>0)}function Zs(t,e,r){var n=e<=16383?1:e<=2097151?2:e<=268435455?3:Math.floor(Math.log(e)/(7*Math.LN2));r.realloc(n);for(var i=r.pos-1;i>=t;i--)r.buf[i+n]=r.buf[i]}function Js(t,e){for(var r=0;r>>8,t[r+2]=e>>>16,t[r+3]=e>>>24}function sl(t,e){return(t[e]|t[e+1]<<8|t[e+2]<<16)+(t[e+3]<<24)}function ll(t,e,r){1===t&&r.readMessage(cl,e)}function cl(t,e,r){if(3===t){var n=r.readMessage(ul,{}),i=n.width,a=n.height,o=n.left,s=n.top,l=n.advance;e.push({id:n.id,bitmap:new ho({width:i+6,height:a+6},n.bitmap),metrics:{width:i,height:a,left:o,top:s,advance:l}})}}function ul(t,e,r){1===t?e.id=r.readVarint():2===t?e.bitmap=r.readBytes():3===t?e.width=r.readVarint():4===t?e.height=r.readVarint():5===t?e.left=r.readSVarint():6===t?e.top=r.readSVarint():7===t&&(e.advance=r.readVarint())}function fl(t){for(var e=0,r=0,n=0,i=t;n=0;h--){var p=o[h];if(!(f.w>p.w||f.h>p.h)){if(f.x=p.x,f.y=p.y,l=Math.max(l,f.y+f.h),s=Math.max(s,f.x+f.w),f.w===p.w&&f.h===p.h){var d=o.pop();h>3,a=this.pos;this.type=7&n,t(i,e,this),this.pos===a&&this.skip(n)}return e},readMessage:function(t,e){return this.readFields(t,e,this.readVarint()+this.pos)},readFixed32:function(){var t=al(this.buf,this.pos);return this.pos+=4,t},readSFixed32:function(){var t=sl(this.buf,this.pos);return this.pos+=4,t},readFixed64:function(){var t=al(this.buf,this.pos)+4294967296*al(this.buf,this.pos+4);return this.pos+=8,t},readSFixed64:function(){var t=al(this.buf,this.pos)+4294967296*sl(this.buf,this.pos+4);return this.pos+=8,t},readFloat:function(){var t=Vs(this.buf,this.pos,!0,23,4);return this.pos+=4,t},readDouble:function(){var t=Vs(this.buf,this.pos,!0,52,8);return this.pos+=8,t},readVarint:function(t){var e,r,n=this.buf;return e=127&(r=n[this.pos++]),r<128?e:(e|=(127&(r=n[this.pos++]))<<7,r<128?e:(e|=(127&(r=n[this.pos++]))<<14,r<128?e:(e|=(127&(r=n[this.pos++]))<<21,r<128?e:function(t,e,r){var n,i,a=r.buf;if(n=(112&(i=a[r.pos++]))>>4,i<128)return Xs(t,n,e);if(n|=(127&(i=a[r.pos++]))<<3,i<128)return Xs(t,n,e);if(n|=(127&(i=a[r.pos++]))<<10,i<128)return Xs(t,n,e);if(n|=(127&(i=a[r.pos++]))<<17,i<128)return Xs(t,n,e);if(n|=(127&(i=a[r.pos++]))<<24,i<128)return Xs(t,n,e);if(n|=(1&(i=a[r.pos++]))<<31,i<128)return Xs(t,n,e);throw new Error("Expected varint not more than 10 bytes")}(e|=(15&(r=n[this.pos]))<<28,t,this))))},readVarint64:function(){return this.readVarint(!0)},readSVarint:function(){var t=this.readVarint();return t%2==1?(t+1)/-2:t/2},readBoolean:function(){return Boolean(this.readVarint())},readString:function(){var t=this.readVarint()+this.pos,e=this.pos;return this.pos=t,t-e>=12&&Ys?function(t,e,r){return Ys.decode(t.subarray(e,r))}(this.buf,e,t):function(t,e,r){for(var n="",i=e;i239?4:l>223?3:l>191?2:1;if(i+u>r)break;1===u?l<128&&(c=l):2===u?128==(192&(a=t[i+1]))&&(c=(31&l)<<6|63&a)<=127&&(c=null):3===u?(o=t[i+2],128==(192&(a=t[i+1]))&&128==(192&o)&&((c=(15&l)<<12|(63&a)<<6|63&o)<=2047||c>=55296&&c<=57343)&&(c=null)):4===u&&(o=t[i+2],s=t[i+3],128==(192&(a=t[i+1]))&&128==(192&o)&&128==(192&s)&&((c=(15&l)<<18|(63&a)<<12|(63&o)<<6|63&s)<=65535||c>=1114112)&&(c=null)),null===c?(c=65533,u=1):c>65535&&(c-=65536,n+=String.fromCharCode(c>>>10&1023|55296),c=56320|1023&c),n+=String.fromCharCode(c),i+=u}return n}(this.buf,e,t)},readBytes:function(){var t=this.readVarint()+this.pos,e=this.buf.subarray(this.pos,t);return this.pos=t,e},readPackedVarint:function(t,e){if(this.type!==Gs.Bytes)return t.push(this.readVarint(e));var r=Ws(this);for(t=t||[];this.pos127;);else if(e===Gs.Bytes)this.pos=this.readVarint()+this.pos;else if(e===Gs.Fixed32)this.pos+=4;else{if(e!==Gs.Fixed64)throw new Error("Unimplemented type: "+e);this.pos+=8}},writeTag:function(t,e){this.writeVarint(t<<3|e)},realloc:function(t){for(var e=this.length||16;e268435455||t<0?function(t,e){var r,n;if(t>=0?(r=t%4294967296|0,n=t/4294967296|0):(n=~(-t/4294967296),4294967295^(r=~(-t%4294967296))?r=r+1|0:(r=0,n=n+1|0)),t>=0x10000000000000000||t<-0x10000000000000000)throw new Error("Given varint doesn't fit into 10 bytes");e.realloc(10),function(t,e,r){r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,r.buf[r.pos]=127&(t>>>=7)}(r,0,e),function(t,e){var r=(7&t)<<4;e.buf[e.pos++]|=r|((t>>>=3)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t)))))}(n,e)}(t,this):(this.realloc(4),this.buf[this.pos++]=127&t|(t>127?128:0),t<=127||(this.buf[this.pos++]=127&(t>>>=7)|(t>127?128:0),t<=127||(this.buf[this.pos++]=127&(t>>>=7)|(t>127?128:0),t<=127||(this.buf[this.pos++]=t>>>7&127))))},writeSVarint:function(t){this.writeVarint(t<0?2*-t-1:2*t)},writeBoolean:function(t){this.writeVarint(Boolean(t))},writeString:function(t){t=String(t),this.realloc(4*t.length),this.pos++;var e=this.pos;this.pos=function(t,e,r){for(var n,i,a=0;a55295&&n<57344){if(!i){n>56319||a+1===e.length?(t[r++]=239,t[r++]=191,t[r++]=189):i=n;continue}if(n<56320){t[r++]=239,t[r++]=191,t[r++]=189,i=n;continue}n=i-55296<<10|n-56320|65536,i=null}else i&&(t[r++]=239,t[r++]=191,t[r++]=189,i=null);n<128?t[r++]=n:(n<2048?t[r++]=n>>6|192:(n<65536?t[r++]=n>>12|224:(t[r++]=n>>18|240,t[r++]=n>>12&63|128),t[r++]=n>>6&63|128),t[r++]=63&n|128)}return r}(this.buf,t,this.pos);var r=this.pos-e;r>=128&&Zs(e,r,this),this.pos=e-1,this.writeVarint(r),this.pos+=r},writeFloat:function(t){this.realloc(4),qs(this.buf,t,this.pos,!0,23,4),this.pos+=4},writeDouble:function(t){this.realloc(8),qs(this.buf,t,this.pos,!0,52,8),this.pos+=8},writeBytes:function(t){var e=t.length;this.writeVarint(e),this.realloc(e);for(var r=0;r=128&&Zs(r,n,this),this.pos=r-1,this.writeVarint(n),this.pos+=n},writeMessage:function(t,e,r){this.writeTag(t,Gs.Bytes),this.writeRawMessage(e,r)},writePackedVarint:function(t,e){e.length&&this.writeMessage(t,Js,e)},writePackedSVarint:function(t,e){e.length&&this.writeMessage(t,Ks,e)},writePackedBoolean:function(t,e){e.length&&this.writeMessage(t,tl,e)},writePackedFloat:function(t,e){e.length&&this.writeMessage(t,Qs,e)},writePackedDouble:function(t,e){e.length&&this.writeMessage(t,$s,e)},writePackedFixed32:function(t,e){e.length&&this.writeMessage(t,el,e)},writePackedSFixed32:function(t,e){e.length&&this.writeMessage(t,rl,e)},writePackedFixed64:function(t,e){e.length&&this.writeMessage(t,nl,e)},writePackedSFixed64:function(t,e){e.length&&this.writeMessage(t,il,e)},writeBytesField:function(t,e){this.writeTag(t,Gs.Bytes),this.writeBytes(e)},writeFixed32Field:function(t,e){this.writeTag(t,Gs.Fixed32),this.writeFixed32(e)},writeSFixed32Field:function(t,e){this.writeTag(t,Gs.Fixed32),this.writeSFixed32(e)},writeFixed64Field:function(t,e){this.writeTag(t,Gs.Fixed64),this.writeFixed64(e)},writeSFixed64Field:function(t,e){this.writeTag(t,Gs.Fixed64),this.writeSFixed64(e)},writeVarintField:function(t,e){this.writeTag(t,Gs.Varint),this.writeVarint(e)},writeSVarintField:function(t,e){this.writeTag(t,Gs.Varint),this.writeSVarint(e)},writeStringField:function(t,e){this.writeTag(t,Gs.Bytes),this.writeString(e)},writeFloatField:function(t,e){this.writeTag(t,Gs.Fixed32),this.writeFloat(e)},writeDoubleField:function(t,e){this.writeTag(t,Gs.Fixed64),this.writeDouble(e)},writeBooleanField:function(t,e){this.writeVarintField(t,Boolean(e))}};var hl=function(t,e){var r=e.pixelRatio,n=e.version,i=e.stretchX,a=e.stretchY,o=e.content;this.paddedRect=t,this.pixelRatio=r,this.stretchX=i,this.stretchY=a,this.content=o,this.version=n},pl={tl:{configurable:!0},br:{configurable:!0},tlbr:{configurable:!0},displaySize:{configurable:!0}};pl.tl.get=function(){return[this.paddedRect.x+1,this.paddedRect.y+1]},pl.br.get=function(){return[this.paddedRect.x+this.paddedRect.w-1,this.paddedRect.y+this.paddedRect.h-1]},pl.tlbr.get=function(){return this.tl.concat(this.br)},pl.displaySize.get=function(){return[(this.paddedRect.w-2)/this.pixelRatio,(this.paddedRect.h-2)/this.pixelRatio]},Object.defineProperties(hl.prototype,pl);var dl=function(t,e){var r={},n={};this.haveRenderCallbacks=[];var i=[];this.addImages(t,r,i),this.addImages(e,n,i);var a=fl(i),o=new po({width:a.w||1,height:a.h||1});for(var s in t){var l=t[s],c=r[s].paddedRect;po.copy(l.data,o,{x:0,y:0},{x:c.x+1,y:c.y+1},l.data)}for(var u in e){var f=e[u],h=n[u].paddedRect,p=h.x+1,d=h.y+1,g=f.data.width,m=f.data.height;po.copy(f.data,o,{x:0,y:0},{x:p,y:d},f.data),po.copy(f.data,o,{x:0,y:m-1},{x:p,y:d-1},{width:g,height:1}),po.copy(f.data,o,{x:0,y:0},{x:p,y:d+m},{width:g,height:1}),po.copy(f.data,o,{x:g-1,y:0},{x:p-1,y:d},{width:1,height:m}),po.copy(f.data,o,{x:0,y:0},{x:p+g,y:d},{width:1,height:m})}this.image=o,this.iconPositions=r,this.patternPositions=n};dl.prototype.addImages=function(t,e,r){for(var n in t){var i=t[n],a={x:0,y:0,w:i.data.width+2,h:i.data.height+2};r.push(a),e[n]=new hl(a,i),i.hasRenderCallback&&this.haveRenderCallbacks.push(n)}},dl.prototype.patchUpdatedImages=function(t,e){for(var r in t.dispatchRenderCallbacks(this.haveRenderCallbacks),t.updatedImages)this.patchUpdatedImage(this.iconPositions[r],t.getImage(r),e),this.patchUpdatedImage(this.patternPositions[r],t.getImage(r),e)},dl.prototype.patchUpdatedImage=function(t,e,r){if(t&&e&&t.version!==e.version){t.version=e.version;var n=t.tl;r.update(e.data,void 0,{x:n[0],y:n[1]})}},Dn("ImagePosition",hl),Dn("ImageAtlas",dl);var gl={horizontal:1,vertical:2,horizontalOnly:3},ml=function(){this.scale=1,this.fontStack="",this.imageName=null};ml.forText=function(t,e){var r=new ml;return r.scale=t||1,r.fontStack=e,r},ml.forImage=function(t){var e=new ml;return e.imageName=t,e};var vl=function(){this.text="",this.sectionIndex=[],this.sections=[],this.imageSectionID=null};function yl(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g){var m,v=vl.fromFeature(t,i);f===gl.vertical&&v.verticalizePunctuation();var y=ni.processBidirectionalText,x=ni.processStyledBidirectionalText;if(y&&1===v.sections.length){m=[];for(var b=0,_=y(v.toString(),Ml(v,c,a,e,n,p,d));b<_.length;b+=1){var w=_[b],T=new vl;T.text=w,T.sections=v.sections;for(var k=0;k0&&B>M&&(M=B)}else{var N=r[S.fontStack],j=N&&N[C];if(j&&j.rect)P=j.rect,I=j.metrics;else{var U=e[S.fontStack],V=U&&U[C];if(!V)continue;I=V.metrics}L=24*(_-S.scale)}D?(t.verticalizable=!0,k.push({glyph:C,imageName:z,x:h,y:p+L,vertical:D,scale:S.scale,fontStack:S.fontStack,sectionIndex:E,metrics:I,rect:P}),h+=O*S.scale+c):(k.push({glyph:C,imageName:z,x:h,y:p+L,vertical:D,scale:S.scale,fontStack:S.fontStack,sectionIndex:E,metrics:I,rect:P}),h+=I.advance*S.scale+c)}0!==k.length&&(d=Math.max(h-c,d),Sl(k,0,k.length-1,m,M)),h=0;var q=a*_+M;T.lineOffset=Math.max(M,w),p+=q,g=Math.max(q,g),++v}else p+=a,++v}var H,G=p- -17,Y=Al(o),W=Y.horizontalAlign,X=Y.verticalAlign;(function(t,e,r,n,i,a,o,s,l){var c,u=(e-r)*i;c=a!==o?-s*n- -17:(-n*l+.5)*o;for(var f=0,h=t;f=0&&n>=t&&xl[this.text.charCodeAt(n)];n--)r--;this.text=this.text.substring(t,r),this.sectionIndex=this.sectionIndex.slice(t,r)},vl.prototype.substring=function(t,e){var r=new vl;return r.text=this.text.substring(t,e),r.sectionIndex=this.sectionIndex.slice(t,e),r.sections=this.sections,r},vl.prototype.toString=function(){return this.text},vl.prototype.getMaxScale=function(){var t=this;return this.sectionIndex.reduce((function(e,r){return Math.max(e,t.sections[r].scale)}),0)},vl.prototype.addTextSection=function(t,e){this.text+=t.text,this.sections.push(ml.forText(t.scale,t.fontStack||e));for(var r=this.sections.length-1,n=0;n=63743?null:++this.imageSectionID:(this.imageSectionID=57344,this.imageSectionID)};var xl={9:!0,10:!0,11:!0,12:!0,13:!0,32:!0},bl={};function _l(t,e,r,n,i,a){if(e.imageName){var o=n[e.imageName];return o?o.displaySize[0]*e.scale*24/a+i:0}var s=r[e.fontStack],l=s&&s[t];return l?l.metrics.advance*e.scale+i:0}function wl(t,e,r,n){var i=Math.pow(t-e,2);return n?t=0,f=0,h=0;h-r/2;){if(--o<0)return!1;s-=t[o].dist(a),a=t[o]}s+=t[o].dist(t[o+1]),o++;for(var l=[],c=0;sn;)c-=l.shift().angleDelta;if(c>i)return!1;o++,s+=u.dist(f)}return!0}function Dl(t){for(var e=0,r=0;rc){var d=(c-l)/p,g=Ue(f.x,h.x,d),m=Ue(f.y,h.y,d),v=new Cl(g,m,h.angleTo(f),u);return v._round(),!o||Ol(t,v,s,o,e)?v:void 0}l+=p}}function Nl(t,e,r,n,i,a,o,s,l){var c=Rl(n,a,o),u=Fl(n,i),f=u*o,h=0===t[0].x||t[0].x===l||0===t[0].y||t[0].y===l;return e-f=0&&_=0&&w=0&&p+u<=f){var T=new Cl(_,w,x,g);T._round(),i&&!Ol(e,T,o,i,a)||d.push(T)}}h+=y}return l||d.length||s||(d=t(e,h/2,n,i,a,o,s,!0,c)),d}(t,h?e/2*s%e:(u/2+2*a)*o*s%e,e,c,r,f,h,!1,l)}function jl(t,e,r,n,a){for(var o=[],s=0;s=n&&h.x>=n||(f.x>=n?f=new i(n,f.y+(n-f.x)/(h.x-f.x)*(h.y-f.y))._round():h.x>=n&&(h=new i(n,f.y+(n-f.x)/(h.x-f.x)*(h.y-f.y))._round()),f.y>=a&&h.y>=a||(f.y>=a?f=new i(f.x+(a-f.y)/(h.y-f.y)*(h.x-f.x),a)._round():h.y>=a&&(h=new i(f.x+(a-f.y)/(h.y-f.y)*(h.x-f.x),a)._round()),c&&f.equals(c[c.length-1])||o.push(c=[f]),c.push(h)))))}return o}function Ul(t,e,r,n){var a=[],o=t.image,s=o.pixelRatio,l=o.paddedRect.w-2,c=o.paddedRect.h-2,u=t.right-t.left,f=t.bottom-t.top,h=o.stretchX||[[0,l]],p=o.stretchY||[[0,c]],d=function(t,e){return t+e[1]-e[0]},g=h.reduce(d,0),m=p.reduce(d,0),v=l-g,y=c-m,x=0,b=g,_=0,w=m,T=0,k=v,M=0,A=y;if(o.content&&n){var S=o.content;x=Vl(h,0,S[0]),_=Vl(p,0,S[1]),b=Vl(h,S[0],S[2]),w=Vl(p,S[1],S[3]),T=S[0]-x,M=S[1]-_,k=S[2]-S[0]-b,A=S[3]-S[1]-w}var E=function(n,a,l,c){var h=Hl(n.stretch-x,b,u,t.left),p=Gl(n.fixed-T,k,n.stretch,g),d=Hl(a.stretch-_,w,f,t.top),v=Gl(a.fixed-M,A,a.stretch,m),y=Hl(l.stretch-x,b,u,t.left),S=Gl(l.fixed-T,k,l.stretch,g),E=Hl(c.stretch-_,w,f,t.top),C=Gl(c.fixed-M,A,c.stretch,m),L=new i(h,d),I=new i(y,d),P=new i(y,E),z=new i(h,E),O=new i(p/s,v/s),D=new i(S/s,C/s),R=e*Math.PI/180;if(R){var F=Math.sin(R),B=Math.cos(R),N=[B,-F,F,B];L._matMult(N),I._matMult(N),z._matMult(N),P._matMult(N)}var j=n.stretch+n.fixed,U=a.stretch+a.fixed;return{tl:L,tr:I,bl:z,br:P,tex:{x:o.paddedRect.x+1+j,y:o.paddedRect.y+1+U,w:l.stretch+l.fixed-j,h:c.stretch+c.fixed-U},writingMode:void 0,glyphOffset:[0,0],sectionIndex:0,pixelOffsetTL:O,pixelOffsetBR:D,minFontScaleX:k/s/u,minFontScaleY:A/s/f,isSDF:r}};if(n&&(o.stretchX||o.stretchY))for(var C=ql(h,v,g),L=ql(p,y,m),I=0;I0&&(d=Math.max(10,d),this.circleDiameter=d)}else{var g=o.top*s-l,m=o.bottom*s+l,v=o.left*s-l,y=o.right*s+l,x=o.collisionPadding;if(x&&(v-=x[0]*s,g-=x[1]*s,y+=x[2]*s,m+=x[3]*s),u){var b=new i(v,g),_=new i(y,g),w=new i(v,m),T=new i(y,m),k=u*Math.PI/180;b._rotate(k),_._rotate(k),w._rotate(k),T._rotate(k),v=Math.min(b.x,_.x,w.x,T.x),y=Math.max(b.x,_.x,w.x,T.x),g=Math.min(b.y,_.y,w.y,T.y),m=Math.max(b.y,_.y,w.y,T.y)}t.emplaceBack(e.x,e.y,v,g,y,m,r,n,a)}this.boxEndIndex=t.length},Wl=function(t,e){if(void 0===t&&(t=[]),void 0===e&&(e=Xl),this.data=t,this.length=this.data.length,this.compare=e,this.length>0)for(var r=(this.length>>1)-1;r>=0;r--)this._down(r)};function Xl(t,e){return te?1:0}function Zl(t,e,r){void 0===e&&(e=1),void 0===r&&(r=!1);for(var n=1/0,a=1/0,o=-1/0,s=-1/0,l=t[0],c=0;co)&&(o=u.x),(!c||u.y>s)&&(s=u.y)}var f=Math.min(o-n,s-a),h=f/2,p=new Wl([],Jl);if(0===f)return new i(n,a);for(var d=n;dm.d||!m.d)&&(m=y,r&&console.log("found best %d after %d probes",Math.round(1e4*y.d)/1e4,v)),y.max-m.d<=e||(p.push(new Kl(y.p.x-(h=y.h/2),y.p.y-h,h,t)),p.push(new Kl(y.p.x+h,y.p.y-h,h,t)),p.push(new Kl(y.p.x-h,y.p.y+h,h,t)),p.push(new Kl(y.p.x+h,y.p.y+h,h,t)),v+=4)}return r&&(console.log("num probes: "+v),console.log("best distance: "+m.d)),m.p}function Jl(t,e){return e.max-t.max}function Kl(t,e,r,n){this.p=new i(t,e),this.h=r,this.d=function(t,e){for(var r=!1,n=1/0,i=0;it.y!=u.y>t.y&&t.x<(u.x-c.x)*(t.y-c.y)/(u.y-c.y)+c.x&&(r=!r),n=Math.min(n,Ga(t,c,u))}return(r?1:-1)*Math.sqrt(n)}(this.p,n),this.max=this.d+this.h*Math.SQRT2}Wl.prototype.push=function(t){this.data.push(t),this.length++,this._up(this.length-1)},Wl.prototype.pop=function(){if(0!==this.length){var t=this.data[0],e=this.data.pop();return this.length--,this.length>0&&(this.data[0]=e,this._down(0)),t}},Wl.prototype.peek=function(){return this.data[0]},Wl.prototype._up=function(t){for(var e=this.data,r=this.compare,n=e[t];t>0;){var i=t-1>>1,a=e[i];if(r(n,a)>=0)break;e[t]=a,t=i}e[t]=n},Wl.prototype._down=function(t){for(var e=this.data,r=this.compare,n=this.length>>1,i=e[t];t=0)break;e[t]=o,t=a}e[t]=i};var Ql=Number.POSITIVE_INFINITY;function $l(t,e){return e[1]!==Ql?function(t,e,r){var n=0,i=0;switch(e=Math.abs(e),r=Math.abs(r),t){case"top-right":case"top-left":case"top":i=r-7;break;case"bottom-right":case"bottom-left":case"bottom":i=7-r}switch(t){case"top-right":case"bottom-right":case"right":n=-e;break;case"top-left":case"bottom-left":case"left":n=e}return[n,i]}(t,e[0],e[1]):function(t,e){var r=0,n=0;e<0&&(e=0);var i=e/Math.sqrt(2);switch(t){case"top-right":case"top-left":n=i-7;break;case"bottom-right":case"bottom-left":n=7-i;break;case"bottom":n=7-e;break;case"top":n=e-7}switch(t){case"top-right":case"bottom-right":r=-i;break;case"top-left":case"bottom-left":r=i;break;case"left":r=e;break;case"right":r=-e}return[r,n]}(t,e[0])}function tc(t){switch(t){case"right":case"top-right":case"bottom-right":return"right";case"left":case"top-left":case"bottom-left":return"left"}return"center"}function ec(t,e,r,n,a,o,s,l,c,u,f,h,p,d,g){var m=function(t,e,r,n,a,o,s,l){for(var c=n.layout.get("text-rotate").evaluate(o,{})*Math.PI/180,u=[],f=0,h=e.positionedLines;f32640&&_(t.layerIds[0]+': Value for "text-size" is >= 255. Reduce your "text-size".'):"composite"===v.kind&&((y=[128*d.compositeTextSizes[0].evaluate(s,{},g),128*d.compositeTextSizes[1].evaluate(s,{},g)])[0]>32640||y[1]>32640)&&_(t.layerIds[0]+': Value for "text-size" is >= 255. Reduce your "text-size".'),t.addSymbols(t.text,m,y,l,o,s,u,e,c.lineStartIndex,c.lineLength,p,g);for(var x=0,b=f;x=0;o--)if(n.dist(a[o])0)&&("constant"!==a.value.kind||a.value.value.length>0),c="constant"!==s.value.kind||!!s.value.value||Object.keys(s.parameters).length>0,u=i.get("symbol-sort-key");if(this.features=[],l||c){for(var f=e.iconDependencies,h=e.glyphDependencies,p=e.availableImages,d=new ii(this.zoom),g=0,m=t;g=0;for(var z=0,O=k.sections;z=0;s--)a[s]={x:e[s].x,y:e[s].y,tileUnitDistanceFromAnchor:i},s>0&&(i+=e[s-1].dist(e[s]));for(var l=0;l0},fc.prototype.hasIconData=function(){return this.icon.segments.get().length>0},fc.prototype.hasDebugData=function(){return this.textCollisionBox&&this.iconCollisionBox},fc.prototype.hasTextCollisionBoxData=function(){return this.hasDebugData()&&this.textCollisionBox.segments.get().length>0},fc.prototype.hasIconCollisionBoxData=function(){return this.hasDebugData()&&this.iconCollisionBox.segments.get().length>0},fc.prototype.addIndicesForPlacedSymbol=function(t,e){for(var r=t.placedSymbolArray.get(e),n=r.vertexStartIndex+4*r.numGlyphs,i=r.vertexStartIndex;i1||this.icon.segments.get().length>1)){this.symbolInstanceIndexes=this.getSortedSymbolIndexes(t),this.sortedAngle=t,this.text.indexArray.clear(),this.icon.indexArray.clear(),this.featureSortOrder=[];for(var r=0,n=this.symbolInstanceIndexes;r=0&&n.indexOf(t)===r&&e.addIndicesForPlacedSymbol(e.text,t)})),i.verticalPlacedTextSymbolIndex>=0&&this.addIndicesForPlacedSymbol(this.text,i.verticalPlacedTextSymbolIndex),i.placedIconSymbolIndex>=0&&this.addIndicesForPlacedSymbol(this.icon,i.placedIconSymbolIndex),i.verticalPlacedIconSymbolIndex>=0&&this.addIndicesForPlacedSymbol(this.icon,i.verticalPlacedIconSymbolIndex)}this.text.indexBuffer&&this.text.indexBuffer.updateData(this.text.indexArray),this.icon.indexBuffer&&this.icon.indexBuffer.updateData(this.icon.indexArray)}},Dn("SymbolBucket",fc,{omit:["layers","collisionBoxArray","features","compareText"]}),fc.MAX_GLYPHS=65535,fc.addDynamicAttributes=sc;var hc=new yi({"symbol-placement":new pi(At.layout_symbol["symbol-placement"]),"symbol-spacing":new pi(At.layout_symbol["symbol-spacing"]),"symbol-avoid-edges":new pi(At.layout_symbol["symbol-avoid-edges"]),"symbol-sort-key":new di(At.layout_symbol["symbol-sort-key"]),"symbol-z-order":new pi(At.layout_symbol["symbol-z-order"]),"icon-allow-overlap":new pi(At.layout_symbol["icon-allow-overlap"]),"icon-ignore-placement":new pi(At.layout_symbol["icon-ignore-placement"]),"icon-optional":new pi(At.layout_symbol["icon-optional"]),"icon-rotation-alignment":new pi(At.layout_symbol["icon-rotation-alignment"]),"icon-size":new di(At.layout_symbol["icon-size"]),"icon-text-fit":new pi(At.layout_symbol["icon-text-fit"]),"icon-text-fit-padding":new pi(At.layout_symbol["icon-text-fit-padding"]),"icon-image":new di(At.layout_symbol["icon-image"]),"icon-rotate":new di(At.layout_symbol["icon-rotate"]),"icon-padding":new pi(At.layout_symbol["icon-padding"]),"icon-keep-upright":new pi(At.layout_symbol["icon-keep-upright"]),"icon-offset":new di(At.layout_symbol["icon-offset"]),"icon-anchor":new di(At.layout_symbol["icon-anchor"]),"icon-pitch-alignment":new pi(At.layout_symbol["icon-pitch-alignment"]),"text-pitch-alignment":new pi(At.layout_symbol["text-pitch-alignment"]),"text-rotation-alignment":new pi(At.layout_symbol["text-rotation-alignment"]),"text-field":new di(At.layout_symbol["text-field"]),"text-font":new di(At.layout_symbol["text-font"]),"text-size":new di(At.layout_symbol["text-size"]),"text-max-width":new di(At.layout_symbol["text-max-width"]),"text-line-height":new pi(At.layout_symbol["text-line-height"]),"text-letter-spacing":new di(At.layout_symbol["text-letter-spacing"]),"text-justify":new di(At.layout_symbol["text-justify"]),"text-radial-offset":new di(At.layout_symbol["text-radial-offset"]),"text-variable-anchor":new pi(At.layout_symbol["text-variable-anchor"]),"text-anchor":new di(At.layout_symbol["text-anchor"]),"text-max-angle":new pi(At.layout_symbol["text-max-angle"]),"text-writing-mode":new pi(At.layout_symbol["text-writing-mode"]),"text-rotate":new di(At.layout_symbol["text-rotate"]),"text-padding":new pi(At.layout_symbol["text-padding"]),"text-keep-upright":new pi(At.layout_symbol["text-keep-upright"]),"text-transform":new di(At.layout_symbol["text-transform"]),"text-offset":new di(At.layout_symbol["text-offset"]),"text-allow-overlap":new pi(At.layout_symbol["text-allow-overlap"]),"text-ignore-placement":new pi(At.layout_symbol["text-ignore-placement"]),"text-optional":new pi(At.layout_symbol["text-optional"])}),pc={paint:new yi({"icon-opacity":new di(At.paint_symbol["icon-opacity"]),"icon-color":new di(At.paint_symbol["icon-color"]),"icon-halo-color":new di(At.paint_symbol["icon-halo-color"]),"icon-halo-width":new di(At.paint_symbol["icon-halo-width"]),"icon-halo-blur":new di(At.paint_symbol["icon-halo-blur"]),"icon-translate":new pi(At.paint_symbol["icon-translate"]),"icon-translate-anchor":new pi(At.paint_symbol["icon-translate-anchor"]),"text-opacity":new di(At.paint_symbol["text-opacity"]),"text-color":new di(At.paint_symbol["text-color"],{runtimeType:Bt,getOverride:function(t){return t.textColor},hasOverride:function(t){return!!t.textColor}}),"text-halo-color":new di(At.paint_symbol["text-halo-color"]),"text-halo-width":new di(At.paint_symbol["text-halo-width"]),"text-halo-blur":new di(At.paint_symbol["text-halo-blur"]),"text-translate":new pi(At.paint_symbol["text-translate"]),"text-translate-anchor":new pi(At.paint_symbol["text-translate-anchor"])}),layout:hc},dc=function(t){this.type=t.property.overrides?t.property.overrides.runtimeType:Ot,this.defaultValue=t};dc.prototype.evaluate=function(t){if(t.formattedSection){var e=this.defaultValue.property.overrides;if(e&&e.hasOverride(t.formattedSection))return e.getOverride(t.formattedSection)}return t.feature&&t.featureState?this.defaultValue.evaluate(t.feature,t.featureState):this.defaultValue.property.specification.default},dc.prototype.eachChild=function(t){this.defaultValue.isConstant()||t(this.defaultValue.value._styleExpression.expression)},dc.prototype.outputDefined=function(){return!1},dc.prototype.serialize=function(){return null},Dn("FormatSectionOverride",dc,{omit:["defaultValue"]});var gc=function(t){function e(e){t.call(this,e,pc)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.recalculate=function(e,r){if(t.prototype.recalculate.call(this,e,r),"auto"===this.layout.get("icon-rotation-alignment")&&(this.layout._values["icon-rotation-alignment"]="point"!==this.layout.get("symbol-placement")?"map":"viewport"),"auto"===this.layout.get("text-rotation-alignment")&&(this.layout._values["text-rotation-alignment"]="point"!==this.layout.get("symbol-placement")?"map":"viewport"),"auto"===this.layout.get("text-pitch-alignment")&&(this.layout._values["text-pitch-alignment"]=this.layout.get("text-rotation-alignment")),"auto"===this.layout.get("icon-pitch-alignment")&&(this.layout._values["icon-pitch-alignment"]=this.layout.get("icon-rotation-alignment")),"point"===this.layout.get("symbol-placement")){var n=this.layout.get("text-writing-mode");if(n){for(var i=[],a=0,o=n;a",targetMapId:n,sourceMapId:a.mapId})}}},Cc.prototype.receive=function(t){var e=t.data,r=e.id;if(r&&(!e.targetMapId||this.mapId===e.targetMapId))if(""===e.type){delete this.tasks[r];var n=this.cancelCallbacks[r];delete this.cancelCallbacks[r],n&&n()}else k()||e.mustQueue?(this.tasks[r]=e,this.taskQueue.push(r),this.invoker.trigger()):this.processTask(r,e)},Cc.prototype.process=function(){if(this.taskQueue.length){var t=this.taskQueue.shift(),e=this.tasks[t];delete this.tasks[t],this.taskQueue.length&&this.invoker.trigger(),e&&this.processTask(t,e)}},Cc.prototype.processTask=function(t,e){var r=this;if(""===e.type){var n=this.callbacks[t];delete this.callbacks[t],n&&(e.error?n(jn(e.error)):n(null,jn(e.data)))}else{var i=!1,a=S(this.globalScope)?void 0:[],o=e.hasCallback?function(e,n){i=!0,delete r.cancelCallbacks[t],r.target.postMessage({id:t,type:"",sourceMapId:r.mapId,error:e?Nn(e):null,data:Nn(n,a)},a)}:function(t){i=!0},s=null,l=jn(e.data);if(this.parent[e.type])s=this.parent[e.type](e.sourceMapId,l,o);else if(this.parent.getWorkerSource){var c=e.type.split(".");s=this.parent.getWorkerSource(e.sourceMapId,c[0],l.source)[c[1]](l,o)}else o(new Error("Could not find function "+e.type));!i&&s&&s.cancel&&(this.cancelCallbacks[t]=s.cancel)}},Cc.prototype.remove=function(){this.invoker.remove(),this.target.removeEventListener("message",this.receive,!1)};var Ic=function(t,e){t&&(e?this.setSouthWest(t).setNorthEast(e):4===t.length?this.setSouthWest([t[0],t[1]]).setNorthEast([t[2],t[3]]):this.setSouthWest(t[0]).setNorthEast(t[1]))};Ic.prototype.setNorthEast=function(t){return this._ne=t instanceof Pc?new Pc(t.lng,t.lat):Pc.convert(t),this},Ic.prototype.setSouthWest=function(t){return this._sw=t instanceof Pc?new Pc(t.lng,t.lat):Pc.convert(t),this},Ic.prototype.extend=function(t){var e,r,n=this._sw,i=this._ne;if(t instanceof Pc)e=t,r=t;else{if(!(t instanceof Ic))return Array.isArray(t)?4===t.length||t.every(Array.isArray)?this.extend(Ic.convert(t)):this.extend(Pc.convert(t)):this;if(r=t._ne,!(e=t._sw)||!r)return this}return n||i?(n.lng=Math.min(e.lng,n.lng),n.lat=Math.min(e.lat,n.lat),i.lng=Math.max(r.lng,i.lng),i.lat=Math.max(r.lat,i.lat)):(this._sw=new Pc(e.lng,e.lat),this._ne=new Pc(r.lng,r.lat)),this},Ic.prototype.getCenter=function(){return new Pc((this._sw.lng+this._ne.lng)/2,(this._sw.lat+this._ne.lat)/2)},Ic.prototype.getSouthWest=function(){return this._sw},Ic.prototype.getNorthEast=function(){return this._ne},Ic.prototype.getNorthWest=function(){return new Pc(this.getWest(),this.getNorth())},Ic.prototype.getSouthEast=function(){return new Pc(this.getEast(),this.getSouth())},Ic.prototype.getWest=function(){return this._sw.lng},Ic.prototype.getSouth=function(){return this._sw.lat},Ic.prototype.getEast=function(){return this._ne.lng},Ic.prototype.getNorth=function(){return this._ne.lat},Ic.prototype.toArray=function(){return[this._sw.toArray(),this._ne.toArray()]},Ic.prototype.toString=function(){return"LngLatBounds("+this._sw.toString()+", "+this._ne.toString()+")"},Ic.prototype.isEmpty=function(){return!(this._sw&&this._ne)},Ic.prototype.contains=function(t){var e=Pc.convert(t),r=e.lng,n=e.lat,i=this._sw.lng<=r&&r<=this._ne.lng;return this._sw.lng>this._ne.lng&&(i=this._sw.lng>=r&&r>=this._ne.lng),this._sw.lat<=n&&n<=this._ne.lat&&i},Ic.convert=function(t){return!t||t instanceof Ic?t:new Ic(t)};var Pc=function(t,e){if(isNaN(t)||isNaN(e))throw new Error("Invalid LngLat object: ("+t+", "+e+")");if(this.lng=+t,this.lat=+e,this.lat>90||this.lat<-90)throw new Error("Invalid LngLat latitude value: must be between -90 and 90")};Pc.prototype.wrap=function(){return new Pc(c(this.lng,-180,180),this.lat)},Pc.prototype.toArray=function(){return[this.lng,this.lat]},Pc.prototype.toString=function(){return"LngLat("+this.lng+", "+this.lat+")"},Pc.prototype.distanceTo=function(t){var e=Math.PI/180,r=this.lat*e,n=t.lat*e,i=Math.sin(r)*Math.sin(n)+Math.cos(r)*Math.cos(n)*Math.cos((t.lng-this.lng)*e);return 6371008.8*Math.acos(Math.min(i,1))},Pc.prototype.toBounds=function(t){void 0===t&&(t=0);var e=360*t/40075017,r=e/Math.cos(Math.PI/180*this.lat);return new Ic(new Pc(this.lng-r,this.lat-e),new Pc(this.lng+r,this.lat+e))},Pc.convert=function(t){if(t instanceof Pc)return t;if(Array.isArray(t)&&(2===t.length||3===t.length))return new Pc(Number(t[0]),Number(t[1]));if(!Array.isArray(t)&&"object"==typeof t&&null!==t)return new Pc(Number("lng"in t?t.lng:t.lon),Number(t.lat));throw new Error("`LngLatLike` argument must be specified as a LngLat instance, an object {lng: , lat: }, an object {lon: , lat: }, or an array of [, ]")};var zc=2*Math.PI*6371008.8;function Oc(t){return zc*Math.cos(t*Math.PI/180)}function Dc(t){return(180+t)/360}function Rc(t){return(180-180/Math.PI*Math.log(Math.tan(Math.PI/4+t*Math.PI/360)))/360}function Fc(t,e){return t/Oc(e)}function Bc(t){return 360/Math.PI*Math.atan(Math.exp((180-360*t)*Math.PI/180))-90}var Nc=function(t,e,r){void 0===r&&(r=0),this.x=+t,this.y=+e,this.z=+r};Nc.fromLngLat=function(t,e){void 0===e&&(e=0);var r=Pc.convert(t);return new Nc(Dc(r.lng),Rc(r.lat),Fc(e,r.lat))},Nc.prototype.toLngLat=function(){return new Pc(360*this.x-180,Bc(this.y))},Nc.prototype.toAltitude=function(){return this.z*Oc(Bc(this.y))},Nc.prototype.meterInMercatorCoordinateUnits=function(){return 1/zc*(t=Bc(this.y),1/Math.cos(t*Math.PI/180));var t};var jc=function(t,e,r){this.z=t,this.x=e,this.y=r,this.key=qc(0,t,t,e,r)};jc.prototype.equals=function(t){return this.z===t.z&&this.x===t.x&&this.y===t.y},jc.prototype.url=function(t,e){var r,n,i,a,o,s=(n=this.y,i=this.z,a=Lc(256*(r=this.x),256*(n=Math.pow(2,i)-n-1),i),o=Lc(256*(r+1),256*(n+1),i),a[0]+","+a[1]+","+o[0]+","+o[1]),l=function(t,e,r){for(var n,i="",a=t;a>0;a--)i+=(e&(n=1<this.canonical.z?new Vc(t,this.wrap,this.canonical.z,this.canonical.x,this.canonical.y):new Vc(t,this.wrap,t,this.canonical.x>>e,this.canonical.y>>e)},Vc.prototype.calculateScaledKey=function(t,e){var r=this.canonical.z-t;return t>this.canonical.z?qc(this.wrap*+e,t,this.canonical.z,this.canonical.x,this.canonical.y):qc(this.wrap*+e,t,t,this.canonical.x>>r,this.canonical.y>>r)},Vc.prototype.isChildOf=function(t){if(t.wrap!==this.wrap)return!1;var e=this.canonical.z-t.canonical.z;return 0===t.overscaledZ||t.overscaledZ>e&&t.canonical.y===this.canonical.y>>e},Vc.prototype.children=function(t){if(this.overscaledZ>=t)return[new Vc(this.overscaledZ+1,this.wrap,this.canonical.z,this.canonical.x,this.canonical.y)];var e=this.canonical.z+1,r=2*this.canonical.x,n=2*this.canonical.y;return[new Vc(e,this.wrap,e,r,n),new Vc(e,this.wrap,e,r+1,n),new Vc(e,this.wrap,e,r,n+1),new Vc(e,this.wrap,e,r+1,n+1)]},Vc.prototype.isLessThan=function(t){return this.wrapt.wrap)&&(this.overscaledZt.overscaledZ)&&(this.canonical.xt.canonical.x)&&this.canonical.y=this.dim+1||e<-1||e>=this.dim+1)throw new RangeError("out of range source coordinates for DEM data");return(e+1)*this.stride+(t+1)},Hc.prototype._unpackMapbox=function(t,e,r){return(256*t*256+256*e+r)/10-1e4},Hc.prototype._unpackTerrarium=function(t,e,r){return 256*t+e+r/256-32768},Hc.prototype.getPixels=function(){return new po({width:this.stride,height:this.stride},new Uint8Array(this.data.buffer))},Hc.prototype.backfillBorder=function(t,e,r){if(this.dim!==t.dim)throw new Error("dem dimension mismatch");var n=e*this.dim,i=e*this.dim+this.dim,a=r*this.dim,o=r*this.dim+this.dim;switch(e){case-1:n=i-1;break;case 1:i=n+1}switch(r){case-1:a=o-1;break;case 1:o=a+1}for(var s=-e*this.dim,l=-r*this.dim,c=a;c=0&&u[3]>=0&&s.insert(o,u[0],u[1],u[2],u[3])}},Zc.prototype.loadVTLayers=function(){return this.vtLayers||(this.vtLayers=new gs.VectorTile(new Hs(this.rawTileData)).layers,this.sourceLayerCoder=new Gc(this.vtLayers?Object.keys(this.vtLayers).sort():["_geojsonTileLayer"])),this.vtLayers},Zc.prototype.query=function(t,e,r,n){var a=this;this.loadVTLayers();for(var o=t.params||{},s=8192/t.tileSize/t.scale,l=rn(o.filter),c=t.queryGeometry,u=t.queryPadding*s,f=Kc(c),h=this.grid.query(f.minX-u,f.minY-u,f.maxX+u,f.maxY+u),p=Kc(t.cameraQueryGeometry),d=0,g=this.grid3D.query(p.minX-u,p.minY-u,p.maxX+u,p.maxY+u,(function(e,r,n,a){return function(t,e,r,n,a){for(var o=0,s=t;o=l.x&&a>=l.y)return!0}var c=[new i(e,r),new i(e,a),new i(n,a),new i(n,r)];if(t.length>2)for(var u=0,f=c;u=0)return!0;return!1}(a,f)){var h=this.sourceLayerCoder.decode(r),p=this.vtLayers[h].feature(n);if(i.filter(new ii(this.tileID.overscaledZ),p))for(var d=this.getId(p,h),g=0;gn)i=!1;else if(e)if(this.expirationTimeot&&(t.getActor().send("enforceCacheSizeLimit",at),ut=0)},t.clamp=l,t.clearTileCache=function(t){var e=self.caches.delete("mapbox-tiles");t&&e.catch(t).then((function(){return t()}))},t.clipLine=jl,t.clone=function(t){var e=new to(16);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e[3]=t[3],e[4]=t[4],e[5]=t[5],e[6]=t[6],e[7]=t[7],e[8]=t[8],e[9]=t[9],e[10]=t[10],e[11]=t[11],e[12]=t[12],e[13]=t[13],e[14]=t[14],e[15]=t[15],e},t.clone$1=x,t.clone$2=function(t){var e=new to(3);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e},t.collisionCircleLayout=Ns,t.config=F,t.create=function(){var t=new to(16);return to!=Float32Array&&(t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[11]=0,t[12]=0,t[13]=0,t[14]=0),t[0]=1,t[5]=1,t[10]=1,t[15]=1,t},t.create$1=function(){var t=new to(9);return to!=Float32Array&&(t[1]=0,t[2]=0,t[3]=0,t[5]=0,t[6]=0,t[7]=0),t[0]=1,t[4]=1,t[8]=1,t},t.create$2=function(){var t=new to(4);return to!=Float32Array&&(t[1]=0,t[2]=0),t[0]=1,t[3]=1,t},t.createCommonjsModule=e,t.createExpression=qr,t.createLayout=Ti,t.createStyleLayer=function(t){return"custom"===t.type?new bc(t):new _c[t.type](t)},t.cross=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2];return t[0]=i*l-a*s,t[1]=a*o-n*l,t[2]=n*s-i*o,t},t.deepEqual=function t(e,r){if(Array.isArray(e)){if(!Array.isArray(r)||e.length!==r.length)return!1;for(var n=0;n0&&(a=1/Math.sqrt(a)),t[0]=e[0]*a,t[1]=e[1]*a,t[2]=e[2]*a,t},t.number=Ue,t.offscreenCanvasSupported=ft,t.ortho=function(t,e,r,n,i,a,o){var s=1/(e-r),l=1/(n-i),c=1/(a-o);return t[0]=-2*s,t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[5]=-2*l,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[10]=2*c,t[11]=0,t[12]=(e+r)*s,t[13]=(i+n)*l,t[14]=(o+a)*c,t[15]=1,t},t.parseGlyphPBF=function(t){return new Hs(t).readFields(ll,[])},t.pbf=Hs,t.performSymbolLayout=function(t,e,r,n,i,a,o){t.createArrays(),t.tilePixelRatio=8192/(512*t.overscaling),t.compareText={},t.iconsNeedLinear=!1;var s=t.layers[0].layout,l=t.layers[0]._unevaluatedLayout._values,c={};if("composite"===t.textSizeData.kind){var u=t.textSizeData,f=u.maxZoom;c.compositeTextSizes=[l["text-size"].possiblyEvaluate(new ii(u.minZoom),o),l["text-size"].possiblyEvaluate(new ii(f),o)]}if("composite"===t.iconSizeData.kind){var h=t.iconSizeData,p=h.maxZoom;c.compositeIconSizes=[l["icon-size"].possiblyEvaluate(new ii(h.minZoom),o),l["icon-size"].possiblyEvaluate(new ii(p),o)]}c.layoutTextSize=l["text-size"].possiblyEvaluate(new ii(t.zoom+1),o),c.layoutIconSize=l["icon-size"].possiblyEvaluate(new ii(t.zoom+1),o),c.textMaxSize=l["text-size"].possiblyEvaluate(new ii(18));for(var d=24*s.get("text-line-height"),g="map"===s.get("text-rotation-alignment")&&"point"!==s.get("symbol-placement"),m=s.get("text-keep-upright"),v=s.get("text-size"),y=function(){var a=b[x],l=s.get("text-font").evaluate(a,{},o).join(","),u=v.evaluate(a,{},o),f=c.layoutTextSize.evaluate(a,{},o),h=c.layoutIconSize.evaluate(a,{},o),p={horizontal:{},vertical:void 0},y=a.text,w=[0,0];if(y){var T=y.toString(),k=24*s.get("text-letter-spacing").evaluate(a,{},o),M=function(t){for(var e=0,r=t;e=8192||f.y<0||f.y>=8192||function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,w,T,k,M){var A,S,E,C,L,I=t.addToLineVertexArray(e,r),P=0,z=0,O=0,D=0,R=-1,F=-1,B={},N=ca(""),j=0,U=0;if(void 0===s._unevaluatedLayout.getValue("text-radial-offset")?(j=(A=s.layout.get("text-offset").evaluate(b,{},k).map((function(t){return 24*t})))[0],U=A[1]):(j=24*s.layout.get("text-radial-offset").evaluate(b,{},k),U=Ql),t.allowVerticalPlacement&&n.vertical){var V=s.layout.get("text-rotate").evaluate(b,{},k)+90;C=new Yl(l,e,c,u,f,n.vertical,h,p,d,V),o&&(L=new Yl(l,e,c,u,f,o,m,v,d,V))}if(i){var q=s.layout.get("icon-rotate").evaluate(b,{}),H="none"!==s.layout.get("icon-text-fit"),G=Ul(i,q,T,H),Y=o?Ul(o,q,T,H):void 0;E=new Yl(l,e,c,u,f,i,m,v,!1,q),P=4*G.length;var W=t.iconSizeData,X=null;"source"===W.kind?(X=[128*s.layout.get("icon-size").evaluate(b,{})])[0]>32640&&_(t.layerIds[0]+': Value for "icon-size" is >= 255. Reduce your "icon-size".'):"composite"===W.kind&&((X=[128*w.compositeIconSizes[0].evaluate(b,{},k),128*w.compositeIconSizes[1].evaluate(b,{},k)])[0]>32640||X[1]>32640)&&_(t.layerIds[0]+': Value for "icon-size" is >= 255. Reduce your "icon-size".'),t.addSymbols(t.icon,G,X,x,y,b,!1,e,I.lineStartIndex,I.lineLength,-1,k),R=t.icon.placedSymbolArray.length-1,Y&&(z=4*Y.length,t.addSymbols(t.icon,Y,X,x,y,b,gl.vertical,e,I.lineStartIndex,I.lineLength,-1,k),F=t.icon.placedSymbolArray.length-1)}for(var Z in n.horizontal){var J=n.horizontal[Z];if(!S){N=ca(J.text);var K=s.layout.get("text-rotate").evaluate(b,{},k);S=new Yl(l,e,c,u,f,J,h,p,d,K)}var Q=1===J.positionedLines.length;if(O+=ec(t,e,J,a,s,d,b,g,I,n.vertical?gl.horizontal:gl.horizontalOnly,Q?Object.keys(n.horizontal):[Z],B,R,w,k),Q)break}n.vertical&&(D+=ec(t,e,n.vertical,a,s,d,b,g,I,gl.vertical,["vertical"],B,F,w,k));var $=S?S.boxStartIndex:t.collisionBoxArray.length,tt=S?S.boxEndIndex:t.collisionBoxArray.length,et=C?C.boxStartIndex:t.collisionBoxArray.length,rt=C?C.boxEndIndex:t.collisionBoxArray.length,nt=E?E.boxStartIndex:t.collisionBoxArray.length,it=E?E.boxEndIndex:t.collisionBoxArray.length,at=L?L.boxStartIndex:t.collisionBoxArray.length,ot=L?L.boxEndIndex:t.collisionBoxArray.length,st=-1,lt=function(t,e){return t&&t.circleDiameter?Math.max(t.circleDiameter,e):e};st=lt(S,st),st=lt(C,st),st=lt(E,st);var ct=(st=lt(L,st))>-1?1:0;ct&&(st*=M/24),t.glyphOffsetArray.length>=fc.MAX_GLYPHS&&_("Too many glyphs being rendered in a tile. See https://github.com/mapbox/mapbox-gl-js/issues/2907"),void 0!==b.sortKey&&t.addToSortKeyRanges(t.symbolInstances.length,b.sortKey),t.symbolInstances.emplaceBack(e.x,e.y,B.right>=0?B.right:-1,B.center>=0?B.center:-1,B.left>=0?B.left:-1,B.vertical||-1,R,F,N,$,tt,et,rt,nt,it,at,ot,c,O,D,P,z,ct,0,h,j,U,st)}(t,f,s,r,n,i,h,t.layers[0],t.collisionBoxArray,e.index,e.sourceLayerIndex,t.index,v,w,M,l,x,T,A,d,e,a,c,u,o)};if("line"===S)for(var I=0,P=jl(e.geometry,0,0,8192,8192);I1){var j=Bl(N,k,r.vertical||g,n,24,y);j&&L(N,j)}}else if("Polygon"===e.type)for(var U=0,V=Qo(e.geometry,0);U=E.maxzoom||"none"!==E.visibility&&(o(S,this.zoom,n),(g[E.id]=E.createBucket({index:u.bucketLayerIDs.length,layers:S,zoom:this.zoom,pixelRatio:this.pixelRatio,overscaling:this.overscaling,collisionBoxArray:this.collisionBoxArray,sourceLayerIndex:b,sourceID:this.source})).populate(_,m,this.tileID.canonical),u.bucketLayerIDs.push(S.map((function(t){return t.id}))))}}}var C=t.mapObject(m.glyphDependencies,(function(t){return Object.keys(t).map(Number)}));Object.keys(C).length?a.send("getGlyphs",{uid:this.uid,stacks:C},(function(t,e){f||(f=t,h=e,P.call(l))})):h={};var L=Object.keys(m.iconDependencies);L.length?a.send("getImages",{icons:L,source:this.source,tileID:this.tileID,type:"icons"},(function(t,e){f||(f=t,p=e,P.call(l))})):p={};var I=Object.keys(m.patternDependencies);function P(){if(f)return s(f);if(h&&p&&d){var e=new i(h),r=new t.ImageAtlas(p,d);for(var a in g){var l=g[a];l instanceof t.SymbolBucket?(o(l.layers,this.zoom,n),t.performSymbolLayout(l,h,e.positions,p,r.iconPositions,this.showCollisionBoxes,this.tileID.canonical)):l.hasPattern&&(l instanceof t.LineBucket||l instanceof t.FillBucket||l instanceof t.FillExtrusionBucket)&&(o(l.layers,this.zoom,n),l.addFeatures(m,this.tileID.canonical,r.patternPositions))}this.status="done",s(null,{buckets:t.values(g).filter((function(t){return!t.isEmpty()})),featureIndex:u,collisionBoxArray:this.collisionBoxArray,glyphAtlasImage:e.image,imageAtlas:r,glyphMap:this.returnDependencies?h:null,iconMap:this.returnDependencies?p:null,glyphPositions:this.returnDependencies?e.positions:null})}}I.length?a.send("getImages",{icons:I,source:this.source,tileID:this.tileID,type:"patterns"},(function(t,e){f||(f=t,d=e,P.call(l))})):d={},P.call(this)};var l=function(t,e,r,n){this.actor=t,this.layerIndex=e,this.availableImages=r,this.loadVectorData=n||s,this.loading={},this.loaded={}};l.prototype.loadTile=function(e,r){var n=this,i=e.uid;this.loading||(this.loading={});var o=!!(e&&e.request&&e.request.collectResourceTiming)&&new t.RequestPerformance(e.request),s=this.loading[i]=new a(e);s.abort=this.loadVectorData(e,(function(e,a){if(delete n.loading[i],e||!a)return s.status="done",n.loaded[i]=s,r(e);var l=a.rawData,c={};a.expires&&(c.expires=a.expires),a.cacheControl&&(c.cacheControl=a.cacheControl);var u={};if(o){var f=o.finish();f&&(u.resourceTiming=JSON.parse(JSON.stringify(f)))}s.vectorTile=a.vectorTile,s.parse(a.vectorTile,n.layerIndex,n.availableImages,n.actor,(function(e,n){if(e||!n)return r(e);r(null,t.extend({rawTileData:l.slice(0)},n,c,u))})),n.loaded=n.loaded||{},n.loaded[i]=s}))},l.prototype.reloadTile=function(t,e){var r=this,n=this.loaded,i=t.uid,a=this;if(n&&n[i]){var o=n[i];o.showCollisionBoxes=t.showCollisionBoxes;var s=function(t,n){var i=o.reloadCallback;i&&(delete o.reloadCallback,o.parse(o.vectorTile,a.layerIndex,r.availableImages,a.actor,i)),e(t,n)};"parsing"===o.status?o.reloadCallback=s:"done"===o.status&&(o.vectorTile?o.parse(o.vectorTile,this.layerIndex,this.availableImages,this.actor,s):s())}},l.prototype.abortTile=function(t,e){var r=this.loading,n=t.uid;r&&r[n]&&r[n].abort&&(r[n].abort(),delete r[n]),e()},l.prototype.removeTile=function(t,e){var r=this.loaded,n=t.uid;r&&r[n]&&delete r[n],e()};var c=t.window.ImageBitmap,u=function(){this.loaded={}};function f(t,e){if(0!==t.length){h(t[0],e);for(var r=1;r=0!=!!e&&t.reverse()}u.prototype.loadTile=function(e,r){var n=e.uid,i=e.encoding,a=e.rawImageData,o=c&&a instanceof c?this.getImageData(a):a,s=new t.DEMData(n,o,i);this.loaded=this.loaded||{},this.loaded[n]=s,r(null,s)},u.prototype.getImageData=function(e){this.offscreenCanvas&&this.offscreenCanvasContext||(this.offscreenCanvas=new OffscreenCanvas(e.width,e.height),this.offscreenCanvasContext=this.offscreenCanvas.getContext("2d")),this.offscreenCanvas.width=e.width,this.offscreenCanvas.height=e.height,this.offscreenCanvasContext.drawImage(e,0,0,e.width,e.height);var r=this.offscreenCanvasContext.getImageData(-1,-1,e.width+2,e.height+2);return this.offscreenCanvasContext.clearRect(0,0,this.offscreenCanvas.width,this.offscreenCanvas.height),new t.RGBAImage({width:r.width,height:r.height},r.data)},u.prototype.removeTile=function(t){var e=this.loaded,r=t.uid;e&&e[r]&&delete e[r]};var p=t.vectorTile.VectorTileFeature.prototype.toGeoJSON,d=function(e){this._feature=e,this.extent=t.EXTENT,this.type=e.type,this.properties=e.tags,"id"in e&&!isNaN(e.id)&&(this.id=parseInt(e.id,10))};d.prototype.loadGeometry=function(){if(1===this._feature.type){for(var e=[],r=0,n=this._feature.geometry;r>31}function E(t,e){for(var r=t.loadGeometry(),n=t.type,i=0,a=0,o=r.length,s=0;s>1;!function t(e,r,n,i,a,o){for(;a>i;){if(a-i>600){var s=a-i+1,l=n-i+1,c=Math.log(s),u=.5*Math.exp(2*c/3),f=.5*Math.sqrt(c*u*(s-u)/s)*(l-s/2<0?-1:1);t(e,r,n,Math.max(i,Math.floor(n-l*u/s+f)),Math.min(a,Math.floor(n+(s-l)*u/s+f)),o)}var h=r[2*n+o],p=i,d=a;for(L(e,r,i,n),r[2*a+o]>h&&L(e,r,i,a);ph;)d--}r[2*i+o]===h?L(e,r,i,d):L(e,r,++d,a),d<=n&&(i=d+1),n<=d&&(a=d-1)}}(e,r,s,i,a,o%2),t(e,r,n,i,s-1,o+1),t(e,r,n,s+1,a,o+1)}}(o,s,n,0,o.length-1,0)};D.prototype.range=function(t,e,r,n){return function(t,e,r,n,i,a,o){for(var s,l,c=[0,t.length-1,0],u=[];c.length;){var f=c.pop(),h=c.pop(),p=c.pop();if(h-p<=o)for(var d=p;d<=h;d++)l=e[2*d+1],(s=e[2*d])>=r&&s<=i&&l>=n&&l<=a&&u.push(t[d]);else{var g=Math.floor((p+h)/2);l=e[2*g+1],(s=e[2*g])>=r&&s<=i&&l>=n&&l<=a&&u.push(t[g]);var m=(f+1)%2;(0===f?r<=s:n<=l)&&(c.push(p),c.push(g-1),c.push(m)),(0===f?i>=s:a>=l)&&(c.push(g+1),c.push(h),c.push(m))}}return u}(this.ids,this.coords,t,e,r,n,this.nodeSize)},D.prototype.within=function(t,e,r){return function(t,e,r,n,i,a){for(var o=[0,t.length-1,0],s=[],l=i*i;o.length;){var c=o.pop(),u=o.pop(),f=o.pop();if(u-f<=a)for(var h=f;h<=u;h++)P(e[2*h],e[2*h+1],r,n)<=l&&s.push(t[h]);else{var p=Math.floor((f+u)/2),d=e[2*p],g=e[2*p+1];P(d,g,r,n)<=l&&s.push(t[p]);var m=(c+1)%2;(0===c?r-i<=d:n-i<=g)&&(o.push(f),o.push(p-1),o.push(m)),(0===c?r+i>=d:n+i>=g)&&(o.push(p+1),o.push(u),o.push(m))}}return s}(this.ids,this.coords,t,e,r,this.nodeSize)};var R={minZoom:0,maxZoom:16,radius:40,extent:512,nodeSize:64,log:!1,generateId:!1,reduce:null,map:function(t){return t}},F=function(t){this.options=H(Object.create(R),t),this.trees=new Array(this.options.maxZoom+1)};function B(t,e,r,n,i){return{x:t,y:e,zoom:1/0,id:r,parentId:-1,numPoints:n,properties:i}}function N(t,e){var r=t.geometry.coordinates,n=r[1];return{x:V(r[0]),y:q(n),zoom:1/0,index:e,parentId:-1}}function j(t){return{type:"Feature",id:t.id,properties:U(t),geometry:{type:"Point",coordinates:[(n=t.x,360*(n-.5)),(e=t.y,r=(180-360*e)*Math.PI/180,360*Math.atan(Math.exp(r))/Math.PI-90)]}};var e,r,n}function U(t){var e=t.numPoints,r=e>=1e4?Math.round(e/1e3)+"k":e>=1e3?Math.round(e/100)/10+"k":e;return H(H({},t.properties),{cluster:!0,cluster_id:t.id,point_count:e,point_count_abbreviated:r})}function V(t){return t/360+.5}function q(t){var e=Math.sin(t*Math.PI/180),r=.5-.25*Math.log((1+e)/(1-e))/Math.PI;return r<0?0:r>1?1:r}function H(t,e){for(var r in e)t[r]=e[r];return t}function G(t){return t.x}function Y(t){return t.y}function W(t,e,r,n,i,a){var o=i-r,s=a-n;if(0!==o||0!==s){var l=((t-r)*o+(e-n)*s)/(o*o+s*s);l>1?(r=i,n=a):l>0&&(r+=o*l,n+=s*l)}return(o=t-r)*o+(s=e-n)*s}function X(t,e,r,n){var i={id:void 0===t?null:t,type:e,geometry:r,tags:n,minX:1/0,minY:1/0,maxX:-1/0,maxY:-1/0};return function(t){var e=t.geometry,r=t.type;if("Point"===r||"MultiPoint"===r||"LineString"===r)Z(t,e);else if("Polygon"===r||"MultiLineString"===r)for(var n=0;n0&&(o+=n?(i*c-l*a)/2:Math.sqrt(Math.pow(l-i,2)+Math.pow(c-a,2))),i=l,a=c}var u=e.length-3;e[2]=1,function t(e,r,n,i){for(var a,o=i,s=n-r>>1,l=n-r,c=e[r],u=e[r+1],f=e[n],h=e[n+1],p=r+3;po)a=p,o=d;else if(d===o){var g=Math.abs(p-s);gi&&(a-r>3&&t(e,r,a,i),e[a+2]=o,n-a>3&&t(e,a,n,i))}(e,0,u,r),e[u+2]=1,e.size=Math.abs(o),e.start=0,e.end=e.size}function $(t,e,r,n){for(var i=0;i1?1:r}function rt(t,e,r,n,i,a,o,s){if(n/=e,a>=(r/=e)&&o=n)return null;for(var l=[],c=0;c=r&&d=n)){var g=[];if("Point"===h||"MultiPoint"===h)nt(f,g,r,n,i);else if("LineString"===h)it(f,g,r,n,i,!1,s.lineMetrics);else if("MultiLineString"===h)ot(f,g,r,n,i,!1);else if("Polygon"===h)ot(f,g,r,n,i,!0);else if("MultiPolygon"===h)for(var m=0;m=r&&o<=n&&(e.push(t[a]),e.push(t[a+1]),e.push(t[a+2]))}}function it(t,e,r,n,i,a,o){for(var s,l,c=at(t),u=0===i?lt:ct,f=t.start,h=0;hr&&(l=u(c,p,d,m,v,r),o&&(c.start=f+s*l)):y>n?x=r&&(l=u(c,p,d,m,v,r),b=!0),x>n&&y<=n&&(l=u(c,p,d,m,v,n),b=!0),!a&&b&&(o&&(c.end=f+s*l),e.push(c),c=at(t)),o&&(f+=s)}var _=t.length-3;p=t[_],d=t[_+1],g=t[_+2],(y=0===i?p:d)>=r&&y<=n&&st(c,p,d,g),_=c.length-3,a&&_>=3&&(c[_]!==c[0]||c[_+1]!==c[1])&&st(c,c[0],c[1],c[2]),c.length&&e.push(c)}function at(t){var e=[];return e.size=t.size,e.start=t.start,e.end=t.end,e}function ot(t,e,r,n,i,a){for(var o=0;oo.maxX&&(o.maxX=u),f>o.maxY&&(o.maxY=f)}return o}function gt(t,e,r,n){var i=e.geometry,a=e.type,o=[];if("Point"===a||"MultiPoint"===a)for(var s=0;s0&&e.size<(i?o:n))r.numPoints+=e.length/3;else{for(var s=[],l=0;lo)&&(r.numSimplified++,s.push(e[l]),s.push(e[l+1])),r.numPoints++;i&&function(t,e){for(var r=0,n=0,i=t.length,a=i-2;n0===e)for(n=0,i=t.length;n24)throw new Error("maxZoom should be in the 0-24 range");if(e.promoteId&&e.generateId)throw new Error("promoteId and generateId cannot be used together.");var n=function(t,e){var r=[];if("FeatureCollection"===t.type)for(var n=0;n=n;c--){var u=+Date.now();s=this._cluster(s,c),this.trees[c]=new D(s,G,Y,a,Float32Array),r&&console.log("z%d: %d clusters in %dms",c,s.length,+Date.now()-u)}return r&&console.timeEnd("total time"),this},F.prototype.getClusters=function(t,e){var r=((t[0]+180)%360+360)%360-180,n=Math.max(-90,Math.min(90,t[1])),i=180===t[2]?180:((t[2]+180)%360+360)%360-180,a=Math.max(-90,Math.min(90,t[3]));if(t[2]-t[0]>=360)r=-180,i=180;else if(r>i){var o=this.getClusters([r,n,180,a],e),s=this.getClusters([-180,n,i,a],e);return o.concat(s)}for(var l=this.trees[this._limitZoom(e)],c=[],u=0,f=l.range(V(r),q(a),V(i),q(n));u1?this._map(s,!0):null,d=(o<<5)+(e+1)+this.points.length,g=0,m=c;g>5},F.prototype._getOriginZoom=function(t){return(t-this.points.length)%32},F.prototype._map=function(t,e){if(t.numPoints)return e?H({},t.properties):t.properties;var r=this.points[t.index].properties,n=this.options.map(r);return e&&n===r?H({},n):n},vt.prototype.options={maxZoom:14,indexMaxZoom:5,indexMaxPoints:1e5,tolerance:3,extent:4096,buffer:64,lineMetrics:!1,promoteId:null,generateId:!1,debug:0},vt.prototype.splitTile=function(t,e,r,n,i,a,o){for(var s=[t,e,r,n],l=this.options,c=l.debug;s.length;){n=s.pop(),r=s.pop(),e=s.pop(),t=s.pop();var u=1<1&&console.time("creation"),h=this.tiles[f]=dt(t,e,r,n,l),this.tileCoords.push({z:e,x:r,y:n}),c)){c>1&&(console.log("tile z%d-%d-%d (features: %d, points: %d, simplified: %d)",e,r,n,h.numFeatures,h.numPoints,h.numSimplified),console.timeEnd("creation"));var p="z"+e;this.stats[p]=(this.stats[p]||0)+1,this.total++}if(h.source=t,i){if(e===l.maxZoom||e===i)continue;var d=1<1&&console.time("clipping");var g,m,v,y,x,b,_=.5*l.buffer/l.extent,w=.5-_,T=.5+_,k=1+_;g=m=v=y=null,x=rt(t,u,r-_,r+T,0,h.minX,h.maxX,l),b=rt(t,u,r+w,r+k,0,h.minX,h.maxX,l),t=null,x&&(g=rt(x,u,n-_,n+T,1,h.minY,h.maxY,l),m=rt(x,u,n+w,n+k,1,h.minY,h.maxY,l),x=null),b&&(v=rt(b,u,n-_,n+T,1,h.minY,h.maxY,l),y=rt(b,u,n+w,n+k,1,h.minY,h.maxY,l),b=null),c>1&&console.timeEnd("clipping"),s.push(g||[],e+1,2*r,2*n),s.push(m||[],e+1,2*r,2*n+1),s.push(v||[],e+1,2*r+1,2*n),s.push(y||[],e+1,2*r+1,2*n+1)}}},vt.prototype.getTile=function(t,e,r){var n=this.options,i=n.extent,a=n.debug;if(t<0||t>24)return null;var o=1<1&&console.log("drilling down to z%d-%d-%d",t,e,r);for(var l,c=t,u=e,f=r;!l&&c>0;)c--,u=Math.floor(u/2),f=Math.floor(f/2),l=this.tiles[yt(c,u,f)];return l&&l.source?(a>1&&console.log("found parent tile z%d-%d-%d",c,u,f),a>1&&console.time("drilling down"),this.splitTile(l.source,c,u,f,t,e,r),a>1&&console.timeEnd("drilling down"),this.tiles[s]?ht(this.tiles[s],i):null):null};var bt=function(e){function r(t,r,n,i){e.call(this,t,r,n,xt),i&&(this.loadGeoJSON=i)}return e&&(r.__proto__=e),(r.prototype=Object.create(e&&e.prototype)).constructor=r,r.prototype.loadData=function(t,e){this._pendingCallback&&this._pendingCallback(null,{abandoned:!0}),this._pendingCallback=e,this._pendingLoadDataParams=t,this._state&&"Idle"!==this._state?this._state="NeedsLoadData":(this._state="Coalescing",this._loadData())},r.prototype._loadData=function(){var e=this;if(this._pendingCallback&&this._pendingLoadDataParams){var r=this._pendingCallback,n=this._pendingLoadDataParams;delete this._pendingCallback,delete this._pendingLoadDataParams;var i=!!(n&&n.request&&n.request.collectResourceTiming)&&new t.RequestPerformance(n.request);this.loadGeoJSON(n,(function(a,o){if(a||!o)return r(a);if("object"!=typeof o)return r(new Error("Input data given to '"+n.source+"' is not a valid GeoJSON object."));!function t(e,r){var n,i=e&&e.type;if("FeatureCollection"===i)for(n=0;n=0?0:e.button},r.remove=function(t){t.parentNode&&t.parentNode.removeChild(t)};var h=function(e){function r(){e.call(this),this.images={},this.updatedImages={},this.callbackDispatchedThisFrame={},this.loaded=!1,this.requestors=[],this.patterns={},this.atlasImage=new t.RGBAImage({width:1,height:1}),this.dirty=!0}return e&&(r.__proto__=e),(r.prototype=Object.create(e&&e.prototype)).constructor=r,r.prototype.isLoaded=function(){return this.loaded},r.prototype.setLoaded=function(t){if(this.loaded!==t&&(this.loaded=t,t)){for(var e=0,r=this.requestors;e=0?1.2:1))}function v(t,e,r,n,i,a,o){for(var s=0;s65535)e(new Error("glyphs > 65535 not supported"));else if(a.ranges[s])e(null,{stack:r,id:i,glyph:o});else{var l=a.requests[s];l||(l=a.requests[s]=[],x.loadGlyphRange(r,s,n.url,n.requestManager,(function(t,e){if(e){for(var r in e)n._doesCharSupportLocalGlyph(+r)||(a.glyphs[+r]=e[+r]);a.ranges[s]=!0}for(var i=0,o=l;i1&&(s=t[++o]);var c=Math.abs(l-s.left),u=Math.abs(l-s.right),f=Math.min(c,u),h=void 0,p=i/r*(n+1);if(s.isDash){var d=n-Math.abs(p);h=Math.sqrt(f*f+d*d)}else h=n-Math.sqrt(f*f+p*p);this.data[a+l]=Math.max(0,Math.min(255,h+128))}},T.prototype.addRegularDash=function(t){for(var e=t.length-1;e>=0;--e){var r=t[e],n=t[e+1];r.zeroLength?t.splice(e,1):n&&n.isDash===r.isDash&&(n.left=r.left,t.splice(e,1))}var i=t[0],a=t[t.length-1];i.isDash===a.isDash&&(i.left=a.left-this.width,a.right=i.right+this.width);for(var o=this.width*this.nextRow,s=0,l=t[s],c=0;c1&&(l=t[++s]);var u=Math.abs(c-l.left),f=Math.abs(c-l.right),h=Math.min(u,f);this.data[o+c]=Math.max(0,Math.min(255,(l.isDash?h:-h)+128))}},T.prototype.addDash=function(e,r){var n=r?7:0,i=2*n+1;if(this.nextRow+i>this.height)return t.warnOnce("LineAtlas out of space"),null;for(var a=0,o=0;o=n&&e.x=i&&e.y0&&(l[new t.OverscaledTileID(e.overscaledZ,a,r.z,i,r.y-1).key]={backfilled:!1},l[new t.OverscaledTileID(e.overscaledZ,e.wrap,r.z,r.x,r.y-1).key]={backfilled:!1},l[new t.OverscaledTileID(e.overscaledZ,s,r.z,o,r.y-1).key]={backfilled:!1}),r.y+10&&(n.resourceTiming=e._resourceTiming,e._resourceTiming=[]),e.fire(new t.Event("data",n))}}))},r.prototype.onAdd=function(t){this.map=t,this.load()},r.prototype.setData=function(e){var r=this;return this._data=e,this.fire(new t.Event("dataloading",{dataType:"source"})),this._updateWorkerData((function(e){if(e)r.fire(new t.ErrorEvent(e));else{var n={dataType:"source",sourceDataType:"content"};r._collectResourceTiming&&r._resourceTiming&&r._resourceTiming.length>0&&(n.resourceTiming=r._resourceTiming,r._resourceTiming=[]),r.fire(new t.Event("data",n))}})),this},r.prototype.getClusterExpansionZoom=function(t,e){return this.actor.send("geojson.getClusterExpansionZoom",{clusterId:t,source:this.id},e),this},r.prototype.getClusterChildren=function(t,e){return this.actor.send("geojson.getClusterChildren",{clusterId:t,source:this.id},e),this},r.prototype.getClusterLeaves=function(t,e,r,n){return this.actor.send("geojson.getClusterLeaves",{source:this.id,clusterId:t,limit:e,offset:r},n),this},r.prototype._updateWorkerData=function(e){var r=this;this._loaded=!1;var n=t.extend({},this.workerOptions),i=this._data;"string"==typeof i?(n.request=this.map._requestManager.transformRequest(t.browser.resolveURL(i),t.ResourceType.Source),n.request.collectResourceTiming=this._collectResourceTiming):n.data=JSON.stringify(i),this.actor.send(this.type+".loadData",n,(function(t,i){r._removed||i&&i.abandoned||(r._loaded=!0,i&&i.resourceTiming&&i.resourceTiming[r.id]&&(r._resourceTiming=i.resourceTiming[r.id].slice(0)),r.actor.send(r.type+".coalesce",{source:n.source},null),e(t))}))},r.prototype.loaded=function(){return this._loaded},r.prototype.loadTile=function(e,r){var n=this,i=e.actor?"reloadTile":"loadTile";e.actor=this.actor,e.request=this.actor.send(i,{type:this.type,uid:e.uid,tileID:e.tileID,zoom:e.tileID.overscaledZ,maxZoom:this.maxzoom,tileSize:this.tileSize,source:this.id,pixelRatio:t.browser.devicePixelRatio,showCollisionBoxes:this.map.showCollisionBoxes,promoteId:this.promoteId},(function(t,a){return delete e.request,e.unloadVectorData(),e.aborted?r(null):t?r(t):(e.loadVectorData(a,n.map.painter,"reloadTile"===i),r(null))}))},r.prototype.abortTile=function(t){t.request&&(t.request.cancel(),delete t.request),t.aborted=!0},r.prototype.unloadTile=function(t){t.unloadVectorData(),this.actor.send("removeTile",{uid:t.uid,type:this.type,source:this.id})},r.prototype.onRemove=function(){this._removed=!0,this.actor.send("removeSource",{type:this.type,source:this.id})},r.prototype.serialize=function(){return t.extend({},this._options,{type:this.type,data:this._data})},r.prototype.hasTransition=function(){return!1},r}(t.Evented),I=t.createLayout([{name:"a_pos",type:"Int16",components:2},{name:"a_texture_pos",type:"Int16",components:2}]),P=function(e){function r(t,r,n,i){e.call(this),this.id=t,this.dispatcher=n,this.coordinates=r.coordinates,this.type="image",this.minzoom=0,this.maxzoom=22,this.tileSize=512,this.tiles={},this._loaded=!1,this.setEventedParent(i),this.options=r}return e&&(r.__proto__=e),(r.prototype=Object.create(e&&e.prototype)).constructor=r,r.prototype.load=function(e,r){var n=this;this._loaded=!1,this.fire(new t.Event("dataloading",{dataType:"source"})),this.url=this.options.url,t.getImage(this.map._requestManager.transformRequest(this.url,t.ResourceType.Image),(function(i,a){n._loaded=!0,i?n.fire(new t.ErrorEvent(i)):a&&(n.image=a,e&&(n.coordinates=e),r&&r(),n._finishLoading())}))},r.prototype.loaded=function(){return this._loaded},r.prototype.updateImage=function(t){var e=this;return this.image&&t.url?(this.options.url=t.url,this.load(t.coordinates,(function(){e.texture=null})),this):this},r.prototype._finishLoading=function(){this.map&&(this.setCoordinates(this.coordinates),this.fire(new t.Event("data",{dataType:"source",sourceDataType:"metadata"})))},r.prototype.onAdd=function(t){this.map=t,this.load()},r.prototype.setCoordinates=function(e){var r=this;this.coordinates=e;var n=e.map(t.MercatorCoordinate.fromLngLat);this.tileID=function(e){for(var r=1/0,n=1/0,i=-1/0,a=-1/0,o=0,s=e;or.end(0)?this.fire(new t.ErrorEvent(new t.ValidationError("sources."+this.id,null,"Playback for this video can be set only between the "+r.start(0)+" and "+r.end(0)+"-second mark."))):this.video.currentTime=e}},r.prototype.getVideo=function(){return this.video},r.prototype.onAdd=function(t){this.map||(this.map=t,this.load(),this.video&&(this.video.play(),this.setCoordinates(this.coordinates)))},r.prototype.prepare=function(){if(!(0===Object.keys(this.tiles).length||this.video.readyState<2)){var e=this.map.painter.context,r=e.gl;for(var n in this.boundsBuffer||(this.boundsBuffer=e.createVertexBuffer(this._boundsArray,I.members)),this.boundsSegments||(this.boundsSegments=t.SegmentVector.simpleSegment(0,0,4,2)),this.texture?this.video.paused||(this.texture.bind(r.LINEAR,r.CLAMP_TO_EDGE),r.texSubImage2D(r.TEXTURE_2D,0,0,0,r.RGBA,r.UNSIGNED_BYTE,this.video)):(this.texture=new t.Texture(e,this.video,r.RGBA),this.texture.bind(r.LINEAR,r.CLAMP_TO_EDGE)),this.tiles){var i=this.tiles[n];"loaded"!==i.state&&(i.state="loaded",i.texture=this.texture)}}},r.prototype.serialize=function(){return{type:"video",urls:this.urls,coordinates:this.coordinates}},r.prototype.hasTransition=function(){return this.video&&!this.video.paused},r}(P),O=function(e){function r(r,n,i,a){e.call(this,r,n,i,a),n.coordinates?Array.isArray(n.coordinates)&&4===n.coordinates.length&&!n.coordinates.some((function(t){return!Array.isArray(t)||2!==t.length||t.some((function(t){return"number"!=typeof t}))}))||this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'"coordinates" property must be an array of 4 longitude/latitude array pairs'))):this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'missing required property "coordinates"'))),n.animate&&"boolean"!=typeof n.animate&&this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'optional "animate" property must be a boolean value'))),n.canvas?"string"==typeof n.canvas||n.canvas instanceof t.window.HTMLCanvasElement||this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'"canvas" must be either a string representing the ID of the canvas element from which to read, or an HTMLCanvasElement instance'))):this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'missing required property "canvas"'))),this.options=n,this.animate=void 0===n.animate||n.animate}return e&&(r.__proto__=e),(r.prototype=Object.create(e&&e.prototype)).constructor=r,r.prototype.load=function(){this._loaded=!0,this.canvas||(this.canvas=this.options.canvas instanceof t.window.HTMLCanvasElement?this.options.canvas:t.window.document.getElementById(this.options.canvas)),this.width=this.canvas.width,this.height=this.canvas.height,this._hasInvalidDimensions()?this.fire(new t.ErrorEvent(new Error("Canvas dimensions cannot be less than or equal to zero."))):(this.play=function(){this._playing=!0,this.map.triggerRepaint()},this.pause=function(){this._playing&&(this.prepare(),this._playing=!1)},this._finishLoading())},r.prototype.getCanvas=function(){return this.canvas},r.prototype.onAdd=function(t){this.map=t,this.load(),this.canvas&&this.animate&&this.play()},r.prototype.onRemove=function(){this.pause()},r.prototype.prepare=function(){var e=!1;if(this.canvas.width!==this.width&&(this.width=this.canvas.width,e=!0),this.canvas.height!==this.height&&(this.height=this.canvas.height,e=!0),!this._hasInvalidDimensions()&&0!==Object.keys(this.tiles).length){var r=this.map.painter.context,n=r.gl;for(var i in this.boundsBuffer||(this.boundsBuffer=r.createVertexBuffer(this._boundsArray,I.members)),this.boundsSegments||(this.boundsSegments=t.SegmentVector.simpleSegment(0,0,4,2)),this.texture?(e||this._playing)&&this.texture.update(this.canvas,{premultiply:!0}):this.texture=new t.Texture(r,this.canvas,n.RGBA,{premultiply:!0}),this.tiles){var a=this.tiles[i];"loaded"!==a.state&&(a.state="loaded",a.texture=this.texture)}}},r.prototype.serialize=function(){return{type:"canvas",coordinates:this.coordinates}},r.prototype.hasTransition=function(){return this._playing},r.prototype._hasInvalidDimensions=function(){for(var t=0,e=[this.canvas.width,this.canvas.height];tthis.max){var o=this._getAndRemoveByKey(this.order[0]);o&&this.onRemove(o)}return this},N.prototype.has=function(t){return t.wrapped().key in this.data},N.prototype.getAndRemove=function(t){return this.has(t)?this._getAndRemoveByKey(t.wrapped().key):null},N.prototype._getAndRemoveByKey=function(t){var e=this.data[t].shift();return e.timeout&&clearTimeout(e.timeout),0===this.data[t].length&&delete this.data[t],this.order.splice(this.order.indexOf(t),1),e.value},N.prototype.getByKey=function(t){var e=this.data[t];return e?e[0].value:null},N.prototype.get=function(t){return this.has(t)?this.data[t.wrapped().key][0].value:null},N.prototype.remove=function(t,e){if(!this.has(t))return this;var r=t.wrapped().key,n=void 0===e?0:this.data[r].indexOf(e),i=this.data[r][n];return this.data[r].splice(n,1),i.timeout&&clearTimeout(i.timeout),0===this.data[r].length&&delete this.data[r],this.onRemove(i.value),this.order.splice(this.order.indexOf(r),1),this},N.prototype.setMaxSize=function(t){for(this.max=t;this.order.length>this.max;){var e=this._getAndRemoveByKey(this.order[0]);e&&this.onRemove(e)}return this},N.prototype.filter=function(t){var e=[];for(var r in this.data)for(var n=0,i=this.data[r];n1||(Math.abs(r)>1&&(1===Math.abs(r+i)?r+=i:1===Math.abs(r-i)&&(r-=i)),e.dem&&t.dem&&(t.dem.backfillBorder(e.dem,r,n),t.neighboringTiles&&t.neighboringTiles[a]&&(t.neighboringTiles[a].backfilled=!0)))}},r.prototype.getTile=function(t){return this.getTileByID(t.key)},r.prototype.getTileByID=function(t){return this._tiles[t]},r.prototype._retainLoadedChildren=function(t,e,r,n){for(var i in this._tiles){var a=this._tiles[i];if(!(n[i]||!a.hasData()||a.tileID.overscaledZ<=e||a.tileID.overscaledZ>r)){for(var o=a.tileID;a&&a.tileID.overscaledZ>e+1;){var s=a.tileID.scaledTo(a.tileID.overscaledZ-1);(a=this._tiles[s.key])&&a.hasData()&&(o=s)}for(var l=o;l.overscaledZ>e;)if(t[(l=l.scaledTo(l.overscaledZ-1)).key]){n[o.key]=o;break}}}},r.prototype.findLoadedParent=function(t,e){if(t.key in this._loadedParentTiles){var r=this._loadedParentTiles[t.key];return r&&r.tileID.overscaledZ>=e?r:null}for(var n=t.overscaledZ-1;n>=e;n--){var i=t.scaledTo(n),a=this._getLoadedTile(i);if(a)return a}},r.prototype._getLoadedTile=function(t){var e=this._tiles[t.key];return e&&e.hasData()?e:this._cache.getByKey(t.wrapped().key)},r.prototype.updateCacheSize=function(t){var e=Math.ceil(t.width/this._source.tileSize)+1,r=Math.ceil(t.height/this._source.tileSize)+1,n=Math.floor(e*r*5),i="number"==typeof this._maxTileCacheSize?Math.min(this._maxTileCacheSize,n):n;this._cache.setMaxSize(i)},r.prototype.handleWrapJump=function(t){var e=Math.round((t-(void 0===this._prevLng?t:this._prevLng))/360);if(this._prevLng=t,e){var r={};for(var n in this._tiles){var i=this._tiles[n];i.tileID=i.tileID.unwrapTo(i.tileID.wrap+e),r[i.tileID.key]=i}for(var a in this._tiles=r,this._timers)clearTimeout(this._timers[a]),delete this._timers[a];for(var o in this._tiles)this._setTileReloadTimer(o,this._tiles[o])}},r.prototype.update=function(e){var n=this;if(this.transform=e,this._sourceLoaded&&!this._paused){var i;this.updateCacheSize(e),this.handleWrapJump(this.transform.center.lng),this._coveredTiles={},this.used?this._source.tileID?i=e.getVisibleUnwrappedCoordinates(this._source.tileID).map((function(e){return new t.OverscaledTileID(e.canonical.z,e.wrap,e.canonical.z,e.canonical.x,e.canonical.y)})):(i=e.coveringTiles({tileSize:this._source.tileSize,minzoom:this._source.minzoom,maxzoom:this._source.maxzoom,roundZoom:this._source.roundZoom,reparseOverscaled:this._source.reparseOverscaled}),this._source.hasTile&&(i=i.filter((function(t){return n._source.hasTile(t)})))):i=[];var a=e.coveringZoomLevel(this._source),o=Math.max(a-r.maxOverzooming,this._source.minzoom),s=Math.max(a+r.maxUnderzooming,this._source.minzoom),l=this._updateRetainedTiles(i,a);if(Pt(this._source.type)){for(var c={},u={},f=0,h=Object.keys(l);fthis._source.maxzoom){var m=d.children(this._source.maxzoom)[0],v=this.getTile(m);if(v&&v.hasData()){n[m.key]=m;continue}}else{var y=d.children(this._source.maxzoom);if(n[y[0].key]&&n[y[1].key]&&n[y[2].key]&&n[y[3].key])continue}for(var x=g.wasRequested(),b=d.overscaledZ-1;b>=a;--b){var _=d.scaledTo(b);if(i[_.key])break;if(i[_.key]=!0,!(g=this.getTile(_))&&x&&(g=this._addTile(_)),g&&(n[_.key]=_,x=g.wasRequested(),g.hasData()))break}}}return n},r.prototype._updateLoadedParentTileCache=function(){for(var t in this._loadedParentTiles={},this._tiles){for(var e=[],r=void 0,n=this._tiles[t].tileID;n.overscaledZ>0;){if(n.key in this._loadedParentTiles){r=this._loadedParentTiles[n.key];break}e.push(n.key);var i=n.scaledTo(n.overscaledZ-1);if(r=this._getLoadedTile(i))break;n=i}for(var a=0,o=e;a0||(e.hasData()&&"reloading"!==e.state?this._cache.add(e.tileID,e,e.getExpiryTimeout()):(e.aborted=!0,this._abortTile(e),this._unloadTile(e))))},r.prototype.clearTiles=function(){for(var t in this._shouldReloadOnResume=!1,this._paused=!1,this._tiles)this._removeTile(t);this._cache.reset()},r.prototype.tilesIn=function(e,r,n){var i=this,a=[],o=this.transform;if(!o)return a;for(var s=n?o.getCameraQueryGeometry(e):e,l=e.map((function(t){return o.pointCoordinate(t)})),c=s.map((function(t){return o.pointCoordinate(t)})),u=this.getIds(),f=1/0,h=1/0,p=-1/0,d=-1/0,g=0,m=c;g=0&&v[1].y+m>=0){var y=l.map((function(t){return s.getTilePoint(t)})),x=c.map((function(t){return s.getTilePoint(t)}));a.push({tile:n,tileID:s,queryGeometry:y,cameraQueryGeometry:x,scale:g})}}},x=0;x=t.browser.now())return!0}return!1},r.prototype.setFeatureState=function(t,e,r){this._state.updateState(t=t||"_geojsonTileLayer",e,r)},r.prototype.removeFeatureState=function(t,e,r){this._state.removeFeatureState(t=t||"_geojsonTileLayer",e,r)},r.prototype.getFeatureState=function(t,e){return this._state.getState(t=t||"_geojsonTileLayer",e)},r.prototype.setDependencies=function(t,e,r){var n=this._tiles[t];n&&n.setDependencies(e,r)},r.prototype.reloadTilesForDependencies=function(t,e){for(var r in this._tiles)this._tiles[r].hasDependency(t,e)&&this._reloadTile(r,"reloading");this._cache.filter((function(r){return!r.hasDependency(t,e)}))},r}(t.Evented);function It(t,e){var r=Math.abs(2*t.wrap)-+(t.wrap<0),n=Math.abs(2*e.wrap)-+(e.wrap<0);return t.overscaledZ-e.overscaledZ||n-r||e.canonical.y-t.canonical.y||e.canonical.x-t.canonical.x}function Pt(t){return"raster"===t||"image"===t||"video"===t}function zt(){return new t.window.Worker(Yi.workerUrl)}Lt.maxOverzooming=10,Lt.maxUnderzooming=3;var Ot="mapboxgl_preloaded_worker_pool",Dt=function(){this.active={}};Dt.prototype.acquire=function(t){if(!this.workers)for(this.workers=[];this.workers.length0?(i-o)/s:0;return this.points[a].mult(1-l).add(this.points[r].mult(l))};var Jt=function(t,e,r){var n=this.boxCells=[],i=this.circleCells=[];this.xCellCount=Math.ceil(t/r),this.yCellCount=Math.ceil(e/r);for(var a=0;a=-e[0]&&r<=e[0]&&n>=-e[1]&&n<=e[1]}function re(e,r,n,i,a,o,s,l){var c=i?e.textSizeData:e.iconSizeData,u=t.evaluateSizeForZoom(c,n.transform.zoom),f=[256/n.width*2+1,256/n.height*2+1],h=i?e.text.dynamicLayoutVertexArray:e.icon.dynamicLayoutVertexArray;h.clear();for(var p=e.lineVertexArray,d=i?e.text.placedSymbolArray:e.icon.placedSymbolArray,g=n.transform.width/n.transform.height,m=!1,v=0;vMath.abs(n.x-r.x)*i?{useVertical:!0}:(e===t.WritingMode.vertical?r.yn.x)?{needsFlipping:!0}:null}function ae(e,r,n,i,a,o,s,l,c,u,f,h,p,d){var g,m=r/24,v=e.lineOffsetX*m,y=e.lineOffsetY*m;if(e.numGlyphs>1){var x=e.glyphStartIndex+e.numGlyphs,b=e.lineStartIndex,_=e.lineStartIndex+e.lineLength,w=ne(m,l,v,y,n,f,h,e,c,o,p);if(!w)return{notEnoughRoom:!0};var T=$t(w.first.point,s).point,k=$t(w.last.point,s).point;if(i&&!n){var M=ie(e.writingMode,T,k,d);if(M)return M}g=[w.first];for(var A=e.glyphStartIndex+1;A0?L.point:oe(h,C,S,1,a),P=ie(e.writingMode,S,I,d);if(P)return P}var z=se(m*l.getoffsetX(e.glyphStartIndex),v,y,n,f,h,e.segment,e.lineStartIndex,e.lineStartIndex+e.lineLength,c,o,p);if(!z)return{notEnoughRoom:!0};g=[z]}for(var O=0,D=g;O0?1:-1,g=0;i&&(d*=-1,g=Math.PI),d<0&&(g+=Math.PI);for(var m=d>0?l+s:l+s+1,v=a,y=a,x=0,b=0,_=Math.abs(p),w=[];x+b<=_;){if((m+=d)=c)return null;if(y=v,w.push(v),void 0===(v=h[m])){var T=new t.Point(u.getx(m),u.gety(m)),k=$t(T,f);if(k.signedDistanceFromCamera>0)v=h[m]=k.point;else{var M=m-d;v=oe(0===x?o:new t.Point(u.getx(M),u.gety(M)),T,y,_-x+1,f)}}x+=b,b=y.dist(v)}var A=(_-x)/b,S=v.sub(y),E=S.mult(A)._add(y);E._add(S._unit()._perp()._mult(n*d));var C=g+Math.atan2(v.y-y.y,v.x-y.x);return w.push(E),{point:E,angle:C,path:w}}Jt.prototype.keysLength=function(){return this.boxKeys.length+this.circleKeys.length},Jt.prototype.insert=function(t,e,r,n,i){this._forEachCell(e,r,n,i,this._insertBoxCell,this.boxUid++),this.boxKeys.push(t),this.bboxes.push(e),this.bboxes.push(r),this.bboxes.push(n),this.bboxes.push(i)},Jt.prototype.insertCircle=function(t,e,r,n){this._forEachCell(e-n,r-n,e+n,r+n,this._insertCircleCell,this.circleUid++),this.circleKeys.push(t),this.circles.push(e),this.circles.push(r),this.circles.push(n)},Jt.prototype._insertBoxCell=function(t,e,r,n,i,a){this.boxCells[i].push(a)},Jt.prototype._insertCircleCell=function(t,e,r,n,i,a){this.circleCells[i].push(a)},Jt.prototype._query=function(t,e,r,n,i,a){if(r<0||t>this.width||n<0||e>this.height)return!i&&[];var o=[];if(t<=0&&e<=0&&this.width<=r&&this.height<=n){if(i)return!0;for(var s=0;s0:o},Jt.prototype._queryCircle=function(t,e,r,n,i){var a=t-r,o=t+r,s=e-r,l=e+r;if(o<0||a>this.width||l<0||s>this.height)return!n&&[];var c=[];return this._forEachCell(a,s,o,l,this._queryCellCircle,c,{hitTest:n,circle:{x:t,y:e,radius:r},seenUids:{box:{},circle:{}}},i),n?c.length>0:c},Jt.prototype.query=function(t,e,r,n,i){return this._query(t,e,r,n,!1,i)},Jt.prototype.hitTest=function(t,e,r,n,i){return this._query(t,e,r,n,!0,i)},Jt.prototype.hitTestCircle=function(t,e,r,n){return this._queryCircle(t,e,r,!0,n)},Jt.prototype._queryCell=function(t,e,r,n,i,a,o,s){var l=o.seenUids,c=this.boxCells[i];if(null!==c)for(var u=this.bboxes,f=0,h=c;f=u[d+0]&&n>=u[d+1]&&(!s||s(this.boxKeys[p]))){if(o.hitTest)return a.push(!0),!0;a.push({key:this.boxKeys[p],x1:u[d],y1:u[d+1],x2:u[d+2],y2:u[d+3]})}}}var g=this.circleCells[i];if(null!==g)for(var m=this.circles,v=0,y=g;vo*o+s*s},Jt.prototype._circleAndRectCollide=function(t,e,r,n,i,a,o){var s=(a-n)/2,l=Math.abs(t-(n+s));if(l>s+r)return!1;var c=(o-i)/2,u=Math.abs(e-(i+c));if(u>c+r)return!1;if(l<=s||u<=c)return!0;var f=l-s,h=u-c;return f*f+h*h<=r*r};var le=new Float32Array([-1/0,-1/0,0,-1/0,-1/0,0,-1/0,-1/0,0,-1/0,-1/0,0]);function ce(t,e){for(var r=0;r=1;I--)L.push(E.path[I]);for(var P=1;P0){for(var R=L[0].clone(),F=L[0].clone(),B=1;B=M.x&&F.x<=A.x&&R.y>=M.y&&F.y<=A.y?[L]:F.xA.x||F.yA.y?[]:t.clipLine([L],M.x,M.y,A.x,A.y)}for(var N=0,j=D;N=this.screenRightBoundary||n<100||e>this.screenBottomBoundary},fe.prototype.isInsideGrid=function(t,e,r,n){return r>=0&&t=0&&e0?(this.prevPlacement&&this.prevPlacement.variableOffsets[f.crossTileID]&&this.prevPlacement.placements[f.crossTileID]&&this.prevPlacement.placements[f.crossTileID].text&&(g=this.prevPlacement.variableOffsets[f.crossTileID].anchor),this.variableOffsets[f.crossTileID]={textOffset:m,width:r,height:n,anchor:t,textBoxScale:i,prevAnchor:g},this.markUsedJustification(h,t,f,p),h.allowVerticalPlacement&&(this.markUsedOrientation(h,p,f),this.placedOrientations[f.crossTileID]=p),{shift:v,placedGlyphBoxes:y}):void 0},_e.prototype.placeLayerBucketPart=function(e,r,n){var i=this,a=e.parameters,o=a.bucket,s=a.layout,l=a.posMatrix,c=a.textLabelPlaneMatrix,u=a.labelToScreenMatrix,f=a.textPixelRatio,h=a.holdingForFade,p=a.collisionBoxArray,d=a.partiallyEvaluatedTextSize,g=a.collisionGroup,m=s.get("text-optional"),v=s.get("icon-optional"),y=s.get("text-allow-overlap"),x=s.get("icon-allow-overlap"),b="map"===s.get("text-rotation-alignment"),_="map"===s.get("text-pitch-alignment"),w="none"!==s.get("icon-text-fit"),T="viewport-y"===s.get("symbol-z-order"),k=y&&(x||!o.hasIconData()||v),M=x&&(y||!o.hasTextData()||m);!o.collisionArrays&&p&&o.deserializeCollisionBoxes(p);var A=function(e,a){if(!r[e.crossTileID])if(h)i.placements[e.crossTileID]=new ge(!1,!1,!1);else{var p,T=!1,A=!1,S=!0,E=null,C={box:null,offscreen:null},L={box:null,offscreen:null},I=null,P=null,z=0,O=0,D=0;a.textFeatureIndex?z=a.textFeatureIndex:e.useRuntimeCollisionCircles&&(z=e.featureIndex),a.verticalTextFeatureIndex&&(O=a.verticalTextFeatureIndex);var R=a.textBox;if(R){var F=function(r){var n=t.WritingMode.horizontal;if(o.allowVerticalPlacement&&!r&&i.prevPlacement){var a=i.prevPlacement.placedOrientations[e.crossTileID];a&&(i.placedOrientations[e.crossTileID]=a,i.markUsedOrientation(o,n=a,e))}return n},B=function(r,n){if(o.allowVerticalPlacement&&e.numVerticalGlyphVertices>0&&a.verticalTextBox)for(var i=0,s=o.writingModes;i0&&(N=N.filter((function(t){return t!==j.anchor}))).unshift(j.anchor)}var U=function(t,r,n){for(var a=t.x2-t.x1,s=t.y2-t.y1,c=e.textBoxScale,u=w&&!x?r:null,h={box:[],offscreen:!1},p=y?2*N.length:N.length,d=0;d=N.length,e,o,n,u);if(m&&(h=m.placedGlyphBoxes)&&h.box&&h.box.length){T=!0,E=m.shift;break}}return h};B((function(){return U(R,a.iconBox,t.WritingMode.horizontal)}),(function(){var r=a.verticalTextBox;return o.allowVerticalPlacement&&!(C&&C.box&&C.box.length)&&e.numVerticalGlyphVertices>0&&r?U(r,a.verticalIconBox,t.WritingMode.vertical):{box:null,offscreen:null}})),C&&(T=C.box,S=C.offscreen);var V=F(C&&C.box);if(!T&&i.prevPlacement){var q=i.prevPlacement.variableOffsets[e.crossTileID];q&&(i.variableOffsets[e.crossTileID]=q,i.markUsedJustification(o,q.anchor,e,V))}}else{var H=function(t,r){var n=i.collisionIndex.placeCollisionBox(t,y,f,l,g.predicate);return n&&n.box&&n.box.length&&(i.markUsedOrientation(o,r,e),i.placedOrientations[e.crossTileID]=r),n};B((function(){return H(R,t.WritingMode.horizontal)}),(function(){var r=a.verticalTextBox;return o.allowVerticalPlacement&&e.numVerticalGlyphVertices>0&&r?H(r,t.WritingMode.vertical):{box:null,offscreen:null}})),F(C&&C.box&&C.box.length)}}if(T=(p=C)&&p.box&&p.box.length>0,S=p&&p.offscreen,e.useRuntimeCollisionCircles){var G=o.text.placedSymbolArray.get(e.centerJustifiedTextSymbolIndex),Y=t.evaluateSizeForFeature(o.textSizeData,d,G),W=s.get("text-padding");I=i.collisionIndex.placeCollisionCircles(y,G,o.lineVertexArray,o.glyphOffsetArray,Y,l,c,u,n,_,g.predicate,e.collisionCircleDiameter,W),T=y||I.circles.length>0&&!I.collisionDetected,S=S&&I.offscreen}if(a.iconFeatureIndex&&(D=a.iconFeatureIndex),a.iconBox){var X=function(t){var e=w&&E?be(t,E.x,E.y,b,_,i.transform.angle):t;return i.collisionIndex.placeCollisionBox(e,x,f,l,g.predicate)};A=L&&L.box&&L.box.length&&a.verticalIconBox?(P=X(a.verticalIconBox)).box.length>0:(P=X(a.iconBox)).box.length>0,S=S&&P.offscreen}var Z=m||0===e.numHorizontalGlyphVertices&&0===e.numVerticalGlyphVertices,J=v||0===e.numIconVertices;if(Z||J?J?Z||(A=A&&T):T=A&&T:A=T=A&&T,T&&p&&p.box&&i.collisionIndex.insertCollisionBox(p.box,s.get("text-ignore-placement"),o.bucketInstanceId,L&&L.box&&O?O:z,g.ID),A&&P&&i.collisionIndex.insertCollisionBox(P.box,s.get("icon-ignore-placement"),o.bucketInstanceId,D,g.ID),I&&(T&&i.collisionIndex.insertCollisionCircles(I.circles,s.get("text-ignore-placement"),o.bucketInstanceId,z,g.ID),n)){var K=o.bucketInstanceId,Q=i.collisionCircleArrays[K];void 0===Q&&(Q=i.collisionCircleArrays[K]=new me);for(var $=0;$=0;--E){var C=S[E];A(o.symbolInstances.get(C),o.collisionArrays[C])}else for(var L=e.symbolInstanceStart;L=0&&(e.text.placedSymbolArray.get(l).crossTileID=a>=0&&l!==a?0:n.crossTileID)}},_e.prototype.markUsedOrientation=function(e,r,n){for(var i=r===t.WritingMode.horizontal||r===t.WritingMode.horizontalOnly?r:0,a=r===t.WritingMode.vertical?r:0,o=0,s=[n.leftJustifiedTextSymbolIndex,n.centerJustifiedTextSymbolIndex,n.rightJustifiedTextSymbolIndex];o0,y=i.placedOrientations[a.crossTileID],x=y===t.WritingMode.vertical,b=y===t.WritingMode.horizontal||y===t.WritingMode.horizontalOnly;if(s>0||l>0){var _=Le(m.text);d(e.text,s,x?Ie:_),d(e.text,l,b?Ie:_);var w=m.text.isHidden();[a.rightJustifiedTextSymbolIndex,a.centerJustifiedTextSymbolIndex,a.leftJustifiedTextSymbolIndex].forEach((function(t){t>=0&&(e.text.placedSymbolArray.get(t).hidden=w||x?1:0)})),a.verticalPlacedTextSymbolIndex>=0&&(e.text.placedSymbolArray.get(a.verticalPlacedTextSymbolIndex).hidden=w||b?1:0);var T=i.variableOffsets[a.crossTileID];T&&i.markUsedJustification(e,T.anchor,a,y);var k=i.placedOrientations[a.crossTileID];k&&(i.markUsedJustification(e,"left",a,k),i.markUsedOrientation(e,k,a))}if(v){var M=Le(m.icon),A=!(h&&a.verticalPlacedIconSymbolIndex&&x);a.placedIconSymbolIndex>=0&&(d(e.icon,a.numIconVertices,A?M:Ie),e.icon.placedSymbolArray.get(a.placedIconSymbolIndex).hidden=m.icon.isHidden()),a.verticalPlacedIconSymbolIndex>=0&&(d(e.icon,a.numVerticalIconVertices,A?Ie:M),e.icon.placedSymbolArray.get(a.verticalPlacedIconSymbolIndex).hidden=m.icon.isHidden())}if(e.hasIconCollisionBoxData()||e.hasTextCollisionBoxData()){var S=e.collisionArrays[n];if(S){var E=new t.Point(0,0);if(S.textBox||S.verticalTextBox){var C=!0;if(c){var L=i.variableOffsets[g];L?(E=xe(L.anchor,L.width,L.height,L.textOffset,L.textBoxScale),u&&E._rotate(f?i.transform.angle:-i.transform.angle)):C=!1}S.textBox&&we(e.textCollisionBox.collisionVertexArray,m.text.placed,!C||x,E.x,E.y),S.verticalTextBox&&we(e.textCollisionBox.collisionVertexArray,m.text.placed,!C||b,E.x,E.y)}var I=Boolean(!b&&S.verticalIconBox);S.iconBox&&we(e.iconCollisionBox.collisionVertexArray,m.icon.placed,I,h?E.x:0,h?E.y:0),S.verticalIconBox&&we(e.iconCollisionBox.collisionVertexArray,m.icon.placed,!I,h?E.x:0,h?E.y:0)}}},m=0;mt},_e.prototype.setStale=function(){this.stale=!0};var Te=Math.pow(2,25),ke=Math.pow(2,24),Me=Math.pow(2,17),Ae=Math.pow(2,16),Se=Math.pow(2,9),Ee=Math.pow(2,8),Ce=Math.pow(2,1);function Le(t){if(0===t.opacity&&!t.placed)return 0;if(1===t.opacity&&t.placed)return 4294967295;var e=t.placed?1:0,r=Math.floor(127*t.opacity);return r*Te+e*ke+r*Me+e*Ae+r*Se+e*Ee+r*Ce+e}var Ie=0,Pe=function(t){this._sortAcrossTiles="viewport-y"!==t.layout.get("symbol-z-order")&&void 0!==t.layout.get("symbol-sort-key").constantOr(1),this._currentTileIndex=0,this._currentPartIndex=0,this._seenCrossTileIDs={},this._bucketParts=[]};Pe.prototype.continuePlacement=function(t,e,r,n,i){for(var a=this._bucketParts;this._currentTileIndex2};this._currentPlacementIndex>=0;){var s=r[e[this._currentPlacementIndex]],l=this.placement.collisionIndex.transform.zoom;if("symbol"===s.type&&(!s.minzoom||s.minzoom<=l)&&(!s.maxzoom||s.maxzoom>l)){if(this._inProgressLayer||(this._inProgressLayer=new Pe(s)),this._inProgressLayer.continuePlacement(n[s.source],this.placement,this._showCollisionBoxes,s,o))return;delete this._inProgressLayer}this._currentPlacementIndex--}this._done=!0},ze.prototype.commit=function(t){return this.placement.commit(t),this.placement};var Oe=512/t.EXTENT/2,De=function(t,e,r){this.tileID=t,this.indexedSymbolInstances={},this.bucketInstanceId=r;for(var n=0;nt.overscaledZ)for(var s in o){var l=o[s];l.tileID.isChildOf(t)&&l.findMatches(e.symbolInstances,t,i)}else{var c=o[t.scaledTo(Number(a)).key];c&&c.findMatches(e.symbolInstances,t,i)}}for(var u=0;u1?"@2x":"",l=t.getJSON(r.transformRequest(r.normalizeSpriteURL(e,s,".json"),t.ResourceType.SpriteJSON),(function(t,e){l=null,o||(o=t,i=e,u())})),c=t.getImage(r.transformRequest(r.normalizeSpriteURL(e,s,".png"),t.ResourceType.SpriteImage),(function(t,e){c=null,o||(o=t,a=e,u())}));function u(){if(o)n(o);else if(i&&a){var e=t.browser.getImageData(a),r={};for(var s in i){var l=i[s],c=l.width,u=l.height,f=l.x,h=l.y,p=l.sdf,d=l.pixelRatio,g=l.stretchX,m=l.stretchY,v=l.content,y=new t.RGBAImage({width:c,height:u});t.RGBAImage.copy(e,y,{x:f,y:h},{x:0,y:0},{width:c,height:u}),r[s]={data:y,pixelRatio:d,sdf:p,stretchX:g,stretchY:m,content:v}}n(null,r)}}return{cancel:function(){l&&(l.cancel(),l=null),c&&(c.cancel(),c=null)}}}(e,this.map._requestManager,(function(e,n){if(r._spriteRequest=null,e)r.fire(new t.ErrorEvent(e));else if(n)for(var i in n)r.imageManager.addImage(i,n[i]);r.imageManager.setLoaded(!0),r._availableImages=r.imageManager.listImages(),r.dispatcher.broadcast("setImages",r._availableImages),r.fire(new t.Event("data",{dataType:"style"}))}))},r.prototype._validateLayer=function(e){var r=this.sourceCaches[e.source];if(r){var n=e.sourceLayer;if(n){var i=r.getSource();("geojson"===i.type||i.vectorLayerIds&&-1===i.vectorLayerIds.indexOf(n))&&this.fire(new t.ErrorEvent(new Error('Source layer "'+n+'" does not exist on source "'+i.id+'" as specified by style layer "'+e.id+'"')))}}},r.prototype.loaded=function(){if(!this._loaded)return!1;if(Object.keys(this._updatedSources).length)return!1;for(var t in this.sourceCaches)if(!this.sourceCaches[t].loaded())return!1;return!!this.imageManager.isLoaded()},r.prototype._serializeLayers=function(t){for(var e=[],r=0,n=t;r0)throw new Error("Unimplemented: "+i.map((function(t){return t.command})).join(", ")+".");return n.forEach((function(t){"setTransition"!==t.command&&r[t.command].apply(r,t.args)})),this.stylesheet=e,!0},r.prototype.addImage=function(e,r){if(this.getImage(e))return this.fire(new t.ErrorEvent(new Error("An image with this name already exists.")));this.imageManager.addImage(e,r),this._availableImages=this.imageManager.listImages(),this._changedImages[e]=!0,this._changed=!0,this.fire(new t.Event("data",{dataType:"style"}))},r.prototype.updateImage=function(t,e){this.imageManager.updateImage(t,e)},r.prototype.getImage=function(t){return this.imageManager.getImage(t)},r.prototype.removeImage=function(e){if(!this.getImage(e))return this.fire(new t.ErrorEvent(new Error("No image with this name exists.")));this.imageManager.removeImage(e),this._availableImages=this.imageManager.listImages(),this._changedImages[e]=!0,this._changed=!0,this.fire(new t.Event("data",{dataType:"style"}))},r.prototype.listImages=function(){return this._checkLoaded(),this.imageManager.listImages()},r.prototype.addSource=function(e,r,n){var i=this;if(void 0===n&&(n={}),this._checkLoaded(),void 0!==this.sourceCaches[e])throw new Error("There is already a source with this ID");if(!r.type)throw new Error("The type property must be defined, but the only the following properties were given: "+Object.keys(r).join(", ")+".");if(!(["vector","raster","geojson","video","image"].indexOf(r.type)>=0&&this._validate(t.validateStyle.source,"sources."+e,r,null,n))){this.map&&this.map._collectResourceTiming&&(r.collectResourceTiming=!0);var a=this.sourceCaches[e]=new Lt(e,r,this.dispatcher);a.style=this,a.setEventedParent(this,(function(){return{isSourceLoaded:i.loaded(),source:a.serialize(),sourceId:e}})),a.onAdd(this.map),this._changed=!0}},r.prototype.removeSource=function(e){if(this._checkLoaded(),void 0===this.sourceCaches[e])throw new Error("There is no source with this ID");for(var r in this._layers)if(this._layers[r].source===e)return this.fire(new t.ErrorEvent(new Error('Source "'+e+'" cannot be removed while layer "'+r+'" is using it.')));var n=this.sourceCaches[e];delete this.sourceCaches[e],delete this._updatedSources[e],n.fire(new t.Event("data",{sourceDataType:"metadata",dataType:"source",sourceId:e})),n.setEventedParent(null),n.clearTiles(),n.onRemove&&n.onRemove(this.map),this._changed=!0},r.prototype.setGeoJSONSourceData=function(t,e){this._checkLoaded(),this.sourceCaches[t].getSource().setData(e),this._changed=!0},r.prototype.getSource=function(t){return this.sourceCaches[t]&&this.sourceCaches[t].getSource()},r.prototype.addLayer=function(e,r,n){void 0===n&&(n={}),this._checkLoaded();var i=e.id;if(this.getLayer(i))this.fire(new t.ErrorEvent(new Error('Layer with id "'+i+'" already exists on this map')));else{var a;if("custom"===e.type){if(Ne(this,t.validateCustomStyleLayer(e)))return;a=t.createStyleLayer(e)}else{if("object"==typeof e.source&&(this.addSource(i,e.source),e=t.clone$1(e),e=t.extend(e,{source:i})),this._validate(t.validateStyle.layer,"layers."+i,e,{arrayIndex:-1},n))return;a=t.createStyleLayer(e),this._validateLayer(a),a.setEventedParent(this,{layer:{id:i}}),this._serializedLayers[a.id]=a.serialize()}var o=r?this._order.indexOf(r):this._order.length;if(r&&-1===o)this.fire(new t.ErrorEvent(new Error('Layer with id "'+r+'" does not exist on this map.')));else{if(this._order.splice(o,0,i),this._layerOrderChanged=!0,this._layers[i]=a,this._removedLayers[i]&&a.source&&"custom"!==a.type){var s=this._removedLayers[i];delete this._removedLayers[i],s.type!==a.type?this._updatedSources[a.source]="clear":(this._updatedSources[a.source]="reload",this.sourceCaches[a.source].pause())}this._updateLayer(a),a.onAdd&&a.onAdd(this.map)}}},r.prototype.moveLayer=function(e,r){if(this._checkLoaded(),this._changed=!0,this._layers[e]){if(e!==r){var n=this._order.indexOf(e);this._order.splice(n,1);var i=r?this._order.indexOf(r):this._order.length;r&&-1===i?this.fire(new t.ErrorEvent(new Error('Layer with id "'+r+'" does not exist on this map.'))):(this._order.splice(i,0,e),this._layerOrderChanged=!0)}}else this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be moved.")))},r.prototype.removeLayer=function(e){this._checkLoaded();var r=this._layers[e];if(r){r.setEventedParent(null);var n=this._order.indexOf(e);this._order.splice(n,1),this._layerOrderChanged=!0,this._changed=!0,this._removedLayers[e]=r,delete this._layers[e],delete this._serializedLayers[e],delete this._updatedLayers[e],delete this._updatedPaintProps[e],r.onRemove&&r.onRemove(this.map)}else this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be removed.")))},r.prototype.getLayer=function(t){return this._layers[t]},r.prototype.hasLayer=function(t){return t in this._layers},r.prototype.setLayerZoomRange=function(e,r,n){this._checkLoaded();var i=this.getLayer(e);i?i.minzoom===r&&i.maxzoom===n||(null!=r&&(i.minzoom=r),null!=n&&(i.maxzoom=n),this._updateLayer(i)):this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot have zoom extent.")))},r.prototype.setFilter=function(e,r,n){void 0===n&&(n={}),this._checkLoaded();var i=this.getLayer(e);if(i){if(!t.deepEqual(i.filter,r))return null==r?(i.filter=void 0,void this._updateLayer(i)):void(this._validate(t.validateStyle.filter,"layers."+i.id+".filter",r,null,n)||(i.filter=t.clone$1(r),this._updateLayer(i)))}else this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be filtered.")))},r.prototype.getFilter=function(e){return t.clone$1(this.getLayer(e).filter)},r.prototype.setLayoutProperty=function(e,r,n,i){void 0===i&&(i={}),this._checkLoaded();var a=this.getLayer(e);a?t.deepEqual(a.getLayoutProperty(r),n)||(a.setLayoutProperty(r,n,i),this._updateLayer(a)):this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be styled.")))},r.prototype.getLayoutProperty=function(e,r){var n=this.getLayer(e);if(n)return n.getLayoutProperty(r);this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style.")))},r.prototype.setPaintProperty=function(e,r,n,i){void 0===i&&(i={}),this._checkLoaded();var a=this.getLayer(e);a?t.deepEqual(a.getPaintProperty(r),n)||(a.setPaintProperty(r,n,i)&&this._updateLayer(a),this._changed=!0,this._updatedPaintProps[e]=!0):this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be styled.")))},r.prototype.getPaintProperty=function(t,e){return this.getLayer(t).getPaintProperty(e)},r.prototype.setFeatureState=function(e,r){this._checkLoaded();var n=e.source,i=e.sourceLayer,a=this.sourceCaches[n];if(void 0!==a){var o=a.getSource().type;"geojson"===o&&i?this.fire(new t.ErrorEvent(new Error("GeoJSON sources cannot have a sourceLayer parameter."))):"vector"!==o||i?(void 0===e.id&&this.fire(new t.ErrorEvent(new Error("The feature id parameter must be provided."))),a.setFeatureState(i,e.id,r)):this.fire(new t.ErrorEvent(new Error("The sourceLayer parameter must be provided for vector source types.")))}else this.fire(new t.ErrorEvent(new Error("The source '"+n+"' does not exist in the map's style.")))},r.prototype.removeFeatureState=function(e,r){this._checkLoaded();var n=e.source,i=this.sourceCaches[n];if(void 0!==i){var a=i.getSource().type,o="vector"===a?e.sourceLayer:void 0;"vector"!==a||o?r&&"string"!=typeof e.id&&"number"!=typeof e.id?this.fire(new t.ErrorEvent(new Error("A feature id is requred to remove its specific state property."))):i.removeFeatureState(o,e.id,r):this.fire(new t.ErrorEvent(new Error("The sourceLayer parameter must be provided for vector source types.")))}else this.fire(new t.ErrorEvent(new Error("The source '"+n+"' does not exist in the map's style.")))},r.prototype.getFeatureState=function(e){this._checkLoaded();var r=e.source,n=e.sourceLayer,i=this.sourceCaches[r];if(void 0!==i){if("vector"!==i.getSource().type||n)return void 0===e.id&&this.fire(new t.ErrorEvent(new Error("The feature id parameter must be provided."))),i.getFeatureState(n,e.id);this.fire(new t.ErrorEvent(new Error("The sourceLayer parameter must be provided for vector source types.")))}else this.fire(new t.ErrorEvent(new Error("The source '"+r+"' does not exist in the map's style.")))},r.prototype.getTransition=function(){return t.extend({duration:300,delay:0},this.stylesheet&&this.stylesheet.transition)},r.prototype.serialize=function(){return t.filterObject({version:this.stylesheet.version,name:this.stylesheet.name,metadata:this.stylesheet.metadata,light:this.stylesheet.light,center:this.stylesheet.center,zoom:this.stylesheet.zoom,bearing:this.stylesheet.bearing,pitch:this.stylesheet.pitch,sprite:this.stylesheet.sprite,glyphs:this.stylesheet.glyphs,transition:this.stylesheet.transition,sources:t.mapObject(this.sourceCaches,(function(t){return t.serialize()})),layers:this._serializeLayers(this._order)},(function(t){return void 0!==t}))},r.prototype._updateLayer=function(t){this._updatedLayers[t.id]=!0,t.source&&!this._updatedSources[t.source]&&"raster"!==this.sourceCaches[t.source].getSource().type&&(this._updatedSources[t.source]="reload",this.sourceCaches[t.source].pause()),this._changed=!0},r.prototype._flattenAndSortRenderedFeatures=function(t){for(var e=this,r=function(t){return"fill-extrusion"===e._layers[t].type},n={},i=[],a=this._order.length-1;a>=0;a--){var o=this._order[a];if(r(o)){n[o]=a;for(var s=0,l=t;s=0;p--){var d=this._order[p];if(r(d))for(var g=i.length-1;g>=0;g--){var m=i[g].feature;if(n[m.layer.id] 0.5) {gl_FragColor=vec4(0.0,0.0,1.0,0.5)*alpha;}if (v_notUsed > 0.5) {gl_FragColor*=.1;}}","attribute vec2 a_pos;attribute vec2 a_anchor_pos;attribute vec2 a_extrude;attribute vec2 a_placed;attribute vec2 a_shift;uniform mat4 u_matrix;uniform vec2 u_extrude_scale;uniform float u_camera_to_center_distance;varying float v_placed;varying float v_notUsed;void main() {vec4 projectedPoint=u_matrix*vec4(a_anchor_pos,0,1);highp float camera_to_anchor_distance=projectedPoint.w;highp float collision_perspective_ratio=clamp(0.5+0.5*(u_camera_to_center_distance/camera_to_anchor_distance),0.0,4.0);gl_Position=u_matrix*vec4(a_pos,0.0,1.0);gl_Position.xy+=(a_extrude+a_shift)*u_extrude_scale*gl_Position.w*collision_perspective_ratio;v_placed=a_placed.x;v_notUsed=a_placed.y;}"),$e=vr("varying float v_radius;varying vec2 v_extrude;varying float v_perspective_ratio;varying float v_collision;void main() {float alpha=0.5*min(v_perspective_ratio,1.0);float stroke_radius=0.9*max(v_perspective_ratio,1.0);float distance_to_center=length(v_extrude);float distance_to_edge=abs(distance_to_center-v_radius);float opacity_t=smoothstep(-stroke_radius,0.0,-distance_to_edge);vec4 color=mix(vec4(0.0,0.0,1.0,0.5),vec4(1.0,0.0,0.0,1.0),v_collision);gl_FragColor=color*alpha*opacity_t;}","attribute vec2 a_pos;attribute float a_radius;attribute vec2 a_flags;uniform mat4 u_matrix;uniform mat4 u_inv_matrix;uniform vec2 u_viewport_size;uniform float u_camera_to_center_distance;varying float v_radius;varying vec2 v_extrude;varying float v_perspective_ratio;varying float v_collision;vec3 toTilePosition(vec2 screenPos) {vec4 rayStart=u_inv_matrix*vec4(screenPos,-1.0,1.0);vec4 rayEnd =u_inv_matrix*vec4(screenPos, 1.0,1.0);rayStart.xyz/=rayStart.w;rayEnd.xyz /=rayEnd.w;highp float t=(0.0-rayStart.z)/(rayEnd.z-rayStart.z);return mix(rayStart.xyz,rayEnd.xyz,t);}void main() {vec2 quadCenterPos=a_pos;float radius=a_radius;float collision=a_flags.x;float vertexIdx=a_flags.y;vec2 quadVertexOffset=vec2(mix(-1.0,1.0,float(vertexIdx >=2.0)),mix(-1.0,1.0,float(vertexIdx >=1.0 && vertexIdx <=2.0)));vec2 quadVertexExtent=quadVertexOffset*radius;vec3 tilePos=toTilePosition(quadCenterPos);vec4 clipPos=u_matrix*vec4(tilePos,1.0);highp float camera_to_anchor_distance=clipPos.w;highp float collision_perspective_ratio=clamp(0.5+0.5*(u_camera_to_center_distance/camera_to_anchor_distance),0.0,4.0);float padding_factor=1.2;v_radius=radius;v_extrude=quadVertexExtent*padding_factor;v_perspective_ratio=collision_perspective_ratio;v_collision=collision;gl_Position=vec4(clipPos.xyz/clipPos.w,1.0)+vec4(quadVertexExtent*padding_factor/u_viewport_size*2.0,0.0,0.0);}"),tr=vr("uniform highp vec4 u_color;uniform sampler2D u_overlay;varying vec2 v_uv;void main() {vec4 overlay_color=texture2D(u_overlay,v_uv);gl_FragColor=mix(u_color,overlay_color,overlay_color.a);}","attribute vec2 a_pos;varying vec2 v_uv;uniform mat4 u_matrix;uniform float u_overlay_scale;void main() {v_uv=a_pos/8192.0;gl_Position=u_matrix*vec4(a_pos*u_overlay_scale,0,1);}"),er=vr("#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float opacity\ngl_FragColor=color*opacity;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","attribute vec2 a_pos;uniform mat4 u_matrix;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float opacity\ngl_Position=u_matrix*vec4(a_pos,0,1);}"),rr=vr("varying vec2 v_pos;\n#pragma mapbox: define highp vec4 outline_color\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 outline_color\n#pragma mapbox: initialize lowp float opacity\nfloat dist=length(v_pos-gl_FragCoord.xy);float alpha=1.0-smoothstep(0.0,1.0,dist);gl_FragColor=outline_color*(alpha*opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","attribute vec2 a_pos;uniform mat4 u_matrix;uniform vec2 u_world;varying vec2 v_pos;\n#pragma mapbox: define highp vec4 outline_color\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 outline_color\n#pragma mapbox: initialize lowp float opacity\ngl_Position=u_matrix*vec4(a_pos,0,1);v_pos=(gl_Position.xy/gl_Position.w+1.0)/2.0*u_world;}"),nr=vr("uniform vec2 u_texsize;uniform sampler2D u_image;uniform float u_fade;varying vec2 v_pos_a;varying vec2 v_pos_b;varying vec2 v_pos;\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;vec2 imagecoord=mod(v_pos_a,1.0);vec2 pos=mix(pattern_tl_a/u_texsize,pattern_br_a/u_texsize,imagecoord);vec4 color1=texture2D(u_image,pos);vec2 imagecoord_b=mod(v_pos_b,1.0);vec2 pos2=mix(pattern_tl_b/u_texsize,pattern_br_b/u_texsize,imagecoord_b);vec4 color2=texture2D(u_image,pos2);float dist=length(v_pos-gl_FragCoord.xy);float alpha=1.0-smoothstep(0.0,1.0,dist);gl_FragColor=mix(color1,color2,u_fade)*alpha*opacity;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_world;uniform vec2 u_pixel_coord_upper;uniform vec2 u_pixel_coord_lower;uniform vec3 u_scale;attribute vec2 a_pos;varying vec2 v_pos_a;varying vec2 v_pos_b;varying vec2 v_pos;\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;float tileRatio=u_scale.x;float fromScale=u_scale.y;float toScale=u_scale.z;gl_Position=u_matrix*vec4(a_pos,0,1);vec2 display_size_a=(pattern_br_a-pattern_tl_a)/pixel_ratio_from;vec2 display_size_b=(pattern_br_b-pattern_tl_b)/pixel_ratio_to;v_pos_a=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,fromScale*display_size_a,tileRatio,a_pos);v_pos_b=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,toScale*display_size_b,tileRatio,a_pos);v_pos=(gl_Position.xy/gl_Position.w+1.0)/2.0*u_world;}"),ir=vr("uniform vec2 u_texsize;uniform float u_fade;uniform sampler2D u_image;varying vec2 v_pos_a;varying vec2 v_pos_b;\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;vec2 imagecoord=mod(v_pos_a,1.0);vec2 pos=mix(pattern_tl_a/u_texsize,pattern_br_a/u_texsize,imagecoord);vec4 color1=texture2D(u_image,pos);vec2 imagecoord_b=mod(v_pos_b,1.0);vec2 pos2=mix(pattern_tl_b/u_texsize,pattern_br_b/u_texsize,imagecoord_b);vec4 color2=texture2D(u_image,pos2);gl_FragColor=mix(color1,color2,u_fade)*opacity;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_pixel_coord_upper;uniform vec2 u_pixel_coord_lower;uniform vec3 u_scale;attribute vec2 a_pos;varying vec2 v_pos_a;varying vec2 v_pos_b;\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;float tileZoomRatio=u_scale.x;float fromScale=u_scale.y;float toScale=u_scale.z;vec2 display_size_a=(pattern_br_a-pattern_tl_a)/pixel_ratio_from;vec2 display_size_b=(pattern_br_b-pattern_tl_b)/pixel_ratio_to;gl_Position=u_matrix*vec4(a_pos,0,1);v_pos_a=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,fromScale*display_size_a,tileZoomRatio,a_pos);v_pos_b=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,toScale*display_size_b,tileZoomRatio,a_pos);}"),ar=vr("varying vec4 v_color;void main() {gl_FragColor=v_color;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec3 u_lightcolor;uniform lowp vec3 u_lightpos;uniform lowp float u_lightintensity;uniform float u_vertical_gradient;uniform lowp float u_opacity;attribute vec2 a_pos;attribute vec4 a_normal_ed;varying vec4 v_color;\n#pragma mapbox: define highp float base\n#pragma mapbox: define highp float height\n#pragma mapbox: define highp vec4 color\nvoid main() {\n#pragma mapbox: initialize highp float base\n#pragma mapbox: initialize highp float height\n#pragma mapbox: initialize highp vec4 color\nvec3 normal=a_normal_ed.xyz;base=max(0.0,base);height=max(0.0,height);float t=mod(normal.x,2.0);gl_Position=u_matrix*vec4(a_pos,t > 0.0 ? height : base,1);float colorvalue=color.r*0.2126+color.g*0.7152+color.b*0.0722;v_color=vec4(0.0,0.0,0.0,1.0);vec4 ambientlight=vec4(0.03,0.03,0.03,1.0);color+=ambientlight;float directional=clamp(dot(normal/16384.0,u_lightpos),0.0,1.0);directional=mix((1.0-u_lightintensity),max((1.0-colorvalue+u_lightintensity),1.0),directional);if (normal.y !=0.0) {directional*=((1.0-u_vertical_gradient)+(u_vertical_gradient*clamp((t+base)*pow(height/150.0,0.5),mix(0.7,0.98,1.0-u_lightintensity),1.0)));}v_color.r+=clamp(color.r*directional*u_lightcolor.r,mix(0.0,0.3,1.0-u_lightcolor.r),1.0);v_color.g+=clamp(color.g*directional*u_lightcolor.g,mix(0.0,0.3,1.0-u_lightcolor.g),1.0);v_color.b+=clamp(color.b*directional*u_lightcolor.b,mix(0.0,0.3,1.0-u_lightcolor.b),1.0);v_color*=u_opacity;}"),or=vr("uniform vec2 u_texsize;uniform float u_fade;uniform sampler2D u_image;varying vec2 v_pos_a;varying vec2 v_pos_b;varying vec4 v_lighting;\n#pragma mapbox: define lowp float base\n#pragma mapbox: define lowp float height\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float base\n#pragma mapbox: initialize lowp float height\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;vec2 imagecoord=mod(v_pos_a,1.0);vec2 pos=mix(pattern_tl_a/u_texsize,pattern_br_a/u_texsize,imagecoord);vec4 color1=texture2D(u_image,pos);vec2 imagecoord_b=mod(v_pos_b,1.0);vec2 pos2=mix(pattern_tl_b/u_texsize,pattern_br_b/u_texsize,imagecoord_b);vec4 color2=texture2D(u_image,pos2);vec4 mixedColor=mix(color1,color2,u_fade);gl_FragColor=mixedColor*v_lighting;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_pixel_coord_upper;uniform vec2 u_pixel_coord_lower;uniform float u_height_factor;uniform vec3 u_scale;uniform float u_vertical_gradient;uniform lowp float u_opacity;uniform vec3 u_lightcolor;uniform lowp vec3 u_lightpos;uniform lowp float u_lightintensity;attribute vec2 a_pos;attribute vec4 a_normal_ed;varying vec2 v_pos_a;varying vec2 v_pos_b;varying vec4 v_lighting;\n#pragma mapbox: define lowp float base\n#pragma mapbox: define lowp float height\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float base\n#pragma mapbox: initialize lowp float height\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;float tileRatio=u_scale.x;float fromScale=u_scale.y;float toScale=u_scale.z;vec3 normal=a_normal_ed.xyz;float edgedistance=a_normal_ed.w;vec2 display_size_a=(pattern_br_a-pattern_tl_a)/pixel_ratio_from;vec2 display_size_b=(pattern_br_b-pattern_tl_b)/pixel_ratio_to;base=max(0.0,base);height=max(0.0,height);float t=mod(normal.x,2.0);float z=t > 0.0 ? height : base;gl_Position=u_matrix*vec4(a_pos,z,1);vec2 pos=normal.x==1.0 && normal.y==0.0 && normal.z==16384.0\n? a_pos\n: vec2(edgedistance,z*u_height_factor);v_pos_a=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,fromScale*display_size_a,tileRatio,pos);v_pos_b=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,toScale*display_size_b,tileRatio,pos);v_lighting=vec4(0.0,0.0,0.0,1.0);float directional=clamp(dot(normal/16383.0,u_lightpos),0.0,1.0);directional=mix((1.0-u_lightintensity),max((0.5+u_lightintensity),1.0),directional);if (normal.y !=0.0) {directional*=((1.0-u_vertical_gradient)+(u_vertical_gradient*clamp((t+base)*pow(height/150.0,0.5),mix(0.7,0.98,1.0-u_lightintensity),1.0)));}v_lighting.rgb+=clamp(directional*u_lightcolor,mix(vec3(0.0),vec3(0.3),1.0-u_lightcolor),vec3(1.0));v_lighting*=u_opacity;}"),sr=vr("#ifdef GL_ES\nprecision highp float;\n#endif\nuniform sampler2D u_image;varying vec2 v_pos;uniform vec2 u_dimension;uniform float u_zoom;uniform float u_maxzoom;uniform vec4 u_unpack;float getElevation(vec2 coord,float bias) {vec4 data=texture2D(u_image,coord)*255.0;data.a=-1.0;return dot(data,u_unpack)/4.0;}void main() {vec2 epsilon=1.0/u_dimension;float a=getElevation(v_pos+vec2(-epsilon.x,-epsilon.y),0.0);float b=getElevation(v_pos+vec2(0,-epsilon.y),0.0);float c=getElevation(v_pos+vec2(epsilon.x,-epsilon.y),0.0);float d=getElevation(v_pos+vec2(-epsilon.x,0),0.0);float e=getElevation(v_pos,0.0);float f=getElevation(v_pos+vec2(epsilon.x,0),0.0);float g=getElevation(v_pos+vec2(-epsilon.x,epsilon.y),0.0);float h=getElevation(v_pos+vec2(0,epsilon.y),0.0);float i=getElevation(v_pos+vec2(epsilon.x,epsilon.y),0.0);float exaggeration=u_zoom < 2.0 ? 0.4 : u_zoom < 4.5 ? 0.35 : 0.3;vec2 deriv=vec2((c+f+f+i)-(a+d+d+g),(g+h+h+i)-(a+b+b+c))/ pow(2.0,(u_zoom-u_maxzoom)*exaggeration+19.2562-u_zoom);gl_FragColor=clamp(vec4(deriv.x/2.0+0.5,deriv.y/2.0+0.5,1.0,1.0),0.0,1.0);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_dimension;attribute vec2 a_pos;attribute vec2 a_texture_pos;varying vec2 v_pos;void main() {gl_Position=u_matrix*vec4(a_pos,0,1);highp vec2 epsilon=1.0/u_dimension;float scale=(u_dimension.x-2.0)/u_dimension.x;v_pos=(a_texture_pos/8192.0)*scale+epsilon;}"),lr=vr("uniform sampler2D u_image;varying vec2 v_pos;uniform vec2 u_latrange;uniform vec2 u_light;uniform vec4 u_shadow;uniform vec4 u_highlight;uniform vec4 u_accent;\n#define PI 3.141592653589793\nvoid main() {vec4 pixel=texture2D(u_image,v_pos);vec2 deriv=((pixel.rg*2.0)-1.0);float scaleFactor=cos(radians((u_latrange[0]-u_latrange[1])*(1.0-v_pos.y)+u_latrange[1]));float slope=atan(1.25*length(deriv)/scaleFactor);float aspect=deriv.x !=0.0 ? atan(deriv.y,-deriv.x) : PI/2.0*(deriv.y > 0.0 ? 1.0 :-1.0);float intensity=u_light.x;float azimuth=u_light.y+PI;float base=1.875-intensity*1.75;float maxValue=0.5*PI;float scaledSlope=intensity !=0.5 ? ((pow(base,slope)-1.0)/(pow(base,maxValue)-1.0))*maxValue : slope;float accent=cos(scaledSlope);vec4 accent_color=(1.0-accent)*u_accent*clamp(intensity*2.0,0.0,1.0);float shade=abs(mod((aspect+azimuth)/PI+0.5,2.0)-1.0);vec4 shade_color=mix(u_shadow,u_highlight,shade)*sin(scaledSlope)*clamp(intensity*2.0,0.0,1.0);gl_FragColor=accent_color*(1.0-shade_color.a)+shade_color;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;attribute vec2 a_pos;attribute vec2 a_texture_pos;varying vec2 v_pos;void main() {gl_Position=u_matrix*vec4(a_pos,0,1);v_pos=a_texture_pos/8192.0;}"),cr=vr("uniform lowp float u_device_pixel_ratio;varying vec2 v_width2;varying vec2 v_normal;varying float v_gamma_scale;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\nfloat dist=length(v_normal)*v_width2.s;float blur2=(blur+1.0/u_device_pixel_ratio)*v_gamma_scale;float alpha=clamp(min(dist-(v_width2.t-blur2),v_width2.s-dist)/blur2,0.0,1.0);gl_FragColor=color*(alpha*opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","\n#define scale 0.015873016\nattribute vec2 a_pos_normal;attribute vec4 a_data;uniform mat4 u_matrix;uniform mediump float u_ratio;uniform vec2 u_units_to_pixels;uniform lowp float u_device_pixel_ratio;varying vec2 v_normal;varying vec2 v_width2;varying float v_gamma_scale;varying highp float v_linesofar;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define mediump float gapwidth\n#pragma mapbox: define lowp float offset\n#pragma mapbox: define mediump float width\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump float gapwidth\n#pragma mapbox: initialize lowp float offset\n#pragma mapbox: initialize mediump float width\nfloat ANTIALIASING=1.0/u_device_pixel_ratio/2.0;vec2 a_extrude=a_data.xy-128.0;float a_direction=mod(a_data.z,4.0)-1.0;v_linesofar=(floor(a_data.z/4.0)+a_data.w*64.0)*2.0;vec2 pos=floor(a_pos_normal*0.5);mediump vec2 normal=a_pos_normal-2.0*pos;normal.y=normal.y*2.0-1.0;v_normal=normal;gapwidth=gapwidth/2.0;float halfwidth=width/2.0;offset=-1.0*offset;float inset=gapwidth+(gapwidth > 0.0 ? ANTIALIASING : 0.0);float outset=gapwidth+halfwidth*(gapwidth > 0.0 ? 2.0 : 1.0)+(halfwidth==0.0 ? 0.0 : ANTIALIASING);mediump vec2 dist=outset*a_extrude*scale;mediump float u=0.5*a_direction;mediump float t=1.0-abs(u);mediump vec2 offset2=offset*a_extrude*scale*normal.y*mat2(t,-u,u,t);vec4 projected_extrude=u_matrix*vec4(dist/u_ratio,0.0,0.0);gl_Position=u_matrix*vec4(pos+offset2/u_ratio,0.0,1.0)+projected_extrude;float extrude_length_without_perspective=length(dist);float extrude_length_with_perspective=length(projected_extrude.xy/gl_Position.w*u_units_to_pixels);v_gamma_scale=extrude_length_without_perspective/extrude_length_with_perspective;v_width2=vec2(outset,inset);}"),ur=vr("uniform lowp float u_device_pixel_ratio;uniform sampler2D u_image;varying vec2 v_width2;varying vec2 v_normal;varying float v_gamma_scale;varying highp float v_lineprogress;\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\nfloat dist=length(v_normal)*v_width2.s;float blur2=(blur+1.0/u_device_pixel_ratio)*v_gamma_scale;float alpha=clamp(min(dist-(v_width2.t-blur2),v_width2.s-dist)/blur2,0.0,1.0);vec4 color=texture2D(u_image,vec2(v_lineprogress,0.5));gl_FragColor=color*(alpha*opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","\n#define MAX_LINE_DISTANCE 32767.0\n#define scale 0.015873016\nattribute vec2 a_pos_normal;attribute vec4 a_data;uniform mat4 u_matrix;uniform mediump float u_ratio;uniform lowp float u_device_pixel_ratio;uniform vec2 u_units_to_pixels;varying vec2 v_normal;varying vec2 v_width2;varying float v_gamma_scale;varying highp float v_lineprogress;\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define mediump float gapwidth\n#pragma mapbox: define lowp float offset\n#pragma mapbox: define mediump float width\nvoid main() {\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump float gapwidth\n#pragma mapbox: initialize lowp float offset\n#pragma mapbox: initialize mediump float width\nfloat ANTIALIASING=1.0/u_device_pixel_ratio/2.0;vec2 a_extrude=a_data.xy-128.0;float a_direction=mod(a_data.z,4.0)-1.0;v_lineprogress=(floor(a_data.z/4.0)+a_data.w*64.0)*2.0/MAX_LINE_DISTANCE;vec2 pos=floor(a_pos_normal*0.5);mediump vec2 normal=a_pos_normal-2.0*pos;normal.y=normal.y*2.0-1.0;v_normal=normal;gapwidth=gapwidth/2.0;float halfwidth=width/2.0;offset=-1.0*offset;float inset=gapwidth+(gapwidth > 0.0 ? ANTIALIASING : 0.0);float outset=gapwidth+halfwidth*(gapwidth > 0.0 ? 2.0 : 1.0)+(halfwidth==0.0 ? 0.0 : ANTIALIASING);mediump vec2 dist=outset*a_extrude*scale;mediump float u=0.5*a_direction;mediump float t=1.0-abs(u);mediump vec2 offset2=offset*a_extrude*scale*normal.y*mat2(t,-u,u,t);vec4 projected_extrude=u_matrix*vec4(dist/u_ratio,0.0,0.0);gl_Position=u_matrix*vec4(pos+offset2/u_ratio,0.0,1.0)+projected_extrude;float extrude_length_without_perspective=length(dist);float extrude_length_with_perspective=length(projected_extrude.xy/gl_Position.w*u_units_to_pixels);v_gamma_scale=extrude_length_without_perspective/extrude_length_with_perspective;v_width2=vec2(outset,inset);}"),fr=vr("uniform lowp float u_device_pixel_ratio;uniform vec2 u_texsize;uniform float u_fade;uniform mediump vec3 u_scale;uniform sampler2D u_image;varying vec2 v_normal;varying vec2 v_width2;varying float v_linesofar;varying float v_gamma_scale;varying float v_width;\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;float tileZoomRatio=u_scale.x;float fromScale=u_scale.y;float toScale=u_scale.z;vec2 display_size_a=(pattern_br_a-pattern_tl_a)/pixel_ratio_from;vec2 display_size_b=(pattern_br_b-pattern_tl_b)/pixel_ratio_to;vec2 pattern_size_a=vec2(display_size_a.x*fromScale/tileZoomRatio,display_size_a.y);vec2 pattern_size_b=vec2(display_size_b.x*toScale/tileZoomRatio,display_size_b.y);float aspect_a=display_size_a.y/v_width;float aspect_b=display_size_b.y/v_width;float dist=length(v_normal)*v_width2.s;float blur2=(blur+1.0/u_device_pixel_ratio)*v_gamma_scale;float alpha=clamp(min(dist-(v_width2.t-blur2),v_width2.s-dist)/blur2,0.0,1.0);float x_a=mod(v_linesofar/pattern_size_a.x*aspect_a,1.0);float x_b=mod(v_linesofar/pattern_size_b.x*aspect_b,1.0);float y=0.5*v_normal.y+0.5;vec2 texel_size=1.0/u_texsize;vec2 pos_a=mix(pattern_tl_a*texel_size-texel_size,pattern_br_a*texel_size+texel_size,vec2(x_a,y));vec2 pos_b=mix(pattern_tl_b*texel_size-texel_size,pattern_br_b*texel_size+texel_size,vec2(x_b,y));vec4 color=mix(texture2D(u_image,pos_a),texture2D(u_image,pos_b),u_fade);gl_FragColor=color*alpha*opacity;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","\n#define scale 0.015873016\n#define LINE_DISTANCE_SCALE 2.0\nattribute vec2 a_pos_normal;attribute vec4 a_data;uniform mat4 u_matrix;uniform vec2 u_units_to_pixels;uniform mediump float u_ratio;uniform lowp float u_device_pixel_ratio;varying vec2 v_normal;varying vec2 v_width2;varying float v_linesofar;varying float v_gamma_scale;varying float v_width;\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float offset\n#pragma mapbox: define mediump float gapwidth\n#pragma mapbox: define mediump float width\n#pragma mapbox: define lowp float floorwidth\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float offset\n#pragma mapbox: initialize mediump float gapwidth\n#pragma mapbox: initialize mediump float width\n#pragma mapbox: initialize lowp float floorwidth\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nfloat ANTIALIASING=1.0/u_device_pixel_ratio/2.0;vec2 a_extrude=a_data.xy-128.0;float a_direction=mod(a_data.z,4.0)-1.0;float a_linesofar=(floor(a_data.z/4.0)+a_data.w*64.0)*LINE_DISTANCE_SCALE;vec2 pos=floor(a_pos_normal*0.5);mediump vec2 normal=a_pos_normal-2.0*pos;normal.y=normal.y*2.0-1.0;v_normal=normal;gapwidth=gapwidth/2.0;float halfwidth=width/2.0;offset=-1.0*offset;float inset=gapwidth+(gapwidth > 0.0 ? ANTIALIASING : 0.0);float outset=gapwidth+halfwidth*(gapwidth > 0.0 ? 2.0 : 1.0)+(halfwidth==0.0 ? 0.0 : ANTIALIASING);mediump vec2 dist=outset*a_extrude*scale;mediump float u=0.5*a_direction;mediump float t=1.0-abs(u);mediump vec2 offset2=offset*a_extrude*scale*normal.y*mat2(t,-u,u,t);vec4 projected_extrude=u_matrix*vec4(dist/u_ratio,0.0,0.0);gl_Position=u_matrix*vec4(pos+offset2/u_ratio,0.0,1.0)+projected_extrude;float extrude_length_without_perspective=length(dist);float extrude_length_with_perspective=length(projected_extrude.xy/gl_Position.w*u_units_to_pixels);v_gamma_scale=extrude_length_without_perspective/extrude_length_with_perspective;v_linesofar=a_linesofar;v_width2=vec2(outset,inset);v_width=floorwidth;}"),hr=vr("uniform lowp float u_device_pixel_ratio;uniform sampler2D u_image;uniform float u_sdfgamma;uniform float u_mix;varying vec2 v_normal;varying vec2 v_width2;varying vec2 v_tex_a;varying vec2 v_tex_b;varying float v_gamma_scale;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define mediump float width\n#pragma mapbox: define lowp float floorwidth\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump float width\n#pragma mapbox: initialize lowp float floorwidth\nfloat dist=length(v_normal)*v_width2.s;float blur2=(blur+1.0/u_device_pixel_ratio)*v_gamma_scale;float alpha=clamp(min(dist-(v_width2.t-blur2),v_width2.s-dist)/blur2,0.0,1.0);float sdfdist_a=texture2D(u_image,v_tex_a).a;float sdfdist_b=texture2D(u_image,v_tex_b).a;float sdfdist=mix(sdfdist_a,sdfdist_b,u_mix);alpha*=smoothstep(0.5-u_sdfgamma/floorwidth,0.5+u_sdfgamma/floorwidth,sdfdist);gl_FragColor=color*(alpha*opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","\n#define scale 0.015873016\n#define LINE_DISTANCE_SCALE 2.0\nattribute vec2 a_pos_normal;attribute vec4 a_data;uniform mat4 u_matrix;uniform mediump float u_ratio;uniform lowp float u_device_pixel_ratio;uniform vec2 u_patternscale_a;uniform float u_tex_y_a;uniform vec2 u_patternscale_b;uniform float u_tex_y_b;uniform vec2 u_units_to_pixels;varying vec2 v_normal;varying vec2 v_width2;varying vec2 v_tex_a;varying vec2 v_tex_b;varying float v_gamma_scale;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define mediump float gapwidth\n#pragma mapbox: define lowp float offset\n#pragma mapbox: define mediump float width\n#pragma mapbox: define lowp float floorwidth\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump float gapwidth\n#pragma mapbox: initialize lowp float offset\n#pragma mapbox: initialize mediump float width\n#pragma mapbox: initialize lowp float floorwidth\nfloat ANTIALIASING=1.0/u_device_pixel_ratio/2.0;vec2 a_extrude=a_data.xy-128.0;float a_direction=mod(a_data.z,4.0)-1.0;float a_linesofar=(floor(a_data.z/4.0)+a_data.w*64.0)*LINE_DISTANCE_SCALE;vec2 pos=floor(a_pos_normal*0.5);mediump vec2 normal=a_pos_normal-2.0*pos;normal.y=normal.y*2.0-1.0;v_normal=normal;gapwidth=gapwidth/2.0;float halfwidth=width/2.0;offset=-1.0*offset;float inset=gapwidth+(gapwidth > 0.0 ? ANTIALIASING : 0.0);float outset=gapwidth+halfwidth*(gapwidth > 0.0 ? 2.0 : 1.0)+(halfwidth==0.0 ? 0.0 : ANTIALIASING);mediump vec2 dist=outset*a_extrude*scale;mediump float u=0.5*a_direction;mediump float t=1.0-abs(u);mediump vec2 offset2=offset*a_extrude*scale*normal.y*mat2(t,-u,u,t);vec4 projected_extrude=u_matrix*vec4(dist/u_ratio,0.0,0.0);gl_Position=u_matrix*vec4(pos+offset2/u_ratio,0.0,1.0)+projected_extrude;float extrude_length_without_perspective=length(dist);float extrude_length_with_perspective=length(projected_extrude.xy/gl_Position.w*u_units_to_pixels);v_gamma_scale=extrude_length_without_perspective/extrude_length_with_perspective;v_tex_a=vec2(a_linesofar*u_patternscale_a.x/floorwidth,normal.y*u_patternscale_a.y+u_tex_y_a);v_tex_b=vec2(a_linesofar*u_patternscale_b.x/floorwidth,normal.y*u_patternscale_b.y+u_tex_y_b);v_width2=vec2(outset,inset);}"),pr=vr("uniform float u_fade_t;uniform float u_opacity;uniform sampler2D u_image0;uniform sampler2D u_image1;varying vec2 v_pos0;varying vec2 v_pos1;uniform float u_brightness_low;uniform float u_brightness_high;uniform float u_saturation_factor;uniform float u_contrast_factor;uniform vec3 u_spin_weights;void main() {vec4 color0=texture2D(u_image0,v_pos0);vec4 color1=texture2D(u_image1,v_pos1);if (color0.a > 0.0) {color0.rgb=color0.rgb/color0.a;}if (color1.a > 0.0) {color1.rgb=color1.rgb/color1.a;}vec4 color=mix(color0,color1,u_fade_t);color.a*=u_opacity;vec3 rgb=color.rgb;rgb=vec3(dot(rgb,u_spin_weights.xyz),dot(rgb,u_spin_weights.zxy),dot(rgb,u_spin_weights.yzx));float average=(color.r+color.g+color.b)/3.0;rgb+=(average-rgb)*u_saturation_factor;rgb=(rgb-0.5)*u_contrast_factor+0.5;vec3 u_high_vec=vec3(u_brightness_low,u_brightness_low,u_brightness_low);vec3 u_low_vec=vec3(u_brightness_high,u_brightness_high,u_brightness_high);gl_FragColor=vec4(mix(u_high_vec,u_low_vec,rgb)*color.a,color.a);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_tl_parent;uniform float u_scale_parent;uniform float u_buffer_scale;attribute vec2 a_pos;attribute vec2 a_texture_pos;varying vec2 v_pos0;varying vec2 v_pos1;void main() {gl_Position=u_matrix*vec4(a_pos,0,1);v_pos0=(((a_texture_pos/8192.0)-0.5)/u_buffer_scale )+0.5;v_pos1=(v_pos0*u_scale_parent)+u_tl_parent;}"),dr=vr("uniform sampler2D u_texture;varying vec2 v_tex;varying float v_fade_opacity;\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\nlowp float alpha=opacity*v_fade_opacity;gl_FragColor=texture2D(u_texture,v_tex)*alpha;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","const float PI=3.141592653589793;attribute vec4 a_pos_offset;attribute vec4 a_data;attribute vec4 a_pixeloffset;attribute vec3 a_projected_pos;attribute float a_fade_opacity;uniform bool u_is_size_zoom_constant;uniform bool u_is_size_feature_constant;uniform highp float u_size_t;uniform highp float u_size;uniform highp float u_camera_to_center_distance;uniform highp float u_pitch;uniform bool u_rotate_symbol;uniform highp float u_aspect_ratio;uniform float u_fade_change;uniform mat4 u_matrix;uniform mat4 u_label_plane_matrix;uniform mat4 u_coord_matrix;uniform bool u_is_text;uniform bool u_pitch_with_map;uniform vec2 u_texsize;varying vec2 v_tex;varying float v_fade_opacity;\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\nvec2 a_pos=a_pos_offset.xy;vec2 a_offset=a_pos_offset.zw;vec2 a_tex=a_data.xy;vec2 a_size=a_data.zw;float a_size_min=floor(a_size[0]*0.5);vec2 a_pxoffset=a_pixeloffset.xy;vec2 a_minFontScale=a_pixeloffset.zw/256.0;highp float segment_angle=-a_projected_pos[2];float size;if (!u_is_size_zoom_constant && !u_is_size_feature_constant) {size=mix(a_size_min,a_size[1],u_size_t)/128.0;} else if (u_is_size_zoom_constant && !u_is_size_feature_constant) {size=a_size_min/128.0;} else {size=u_size;}vec4 projectedPoint=u_matrix*vec4(a_pos,0,1);highp float camera_to_anchor_distance=projectedPoint.w;highp float distance_ratio=u_pitch_with_map ?\ncamera_to_anchor_distance/u_camera_to_center_distance :\nu_camera_to_center_distance/camera_to_anchor_distance;highp float perspective_ratio=clamp(0.5+0.5*distance_ratio,0.0,4.0);size*=perspective_ratio;float fontScale=u_is_text ? size/24.0 : size;highp float symbol_rotation=0.0;if (u_rotate_symbol) {vec4 offsetProjectedPoint=u_matrix*vec4(a_pos+vec2(1,0),0,1);vec2 a=projectedPoint.xy/projectedPoint.w;vec2 b=offsetProjectedPoint.xy/offsetProjectedPoint.w;symbol_rotation=atan((b.y-a.y)/u_aspect_ratio,b.x-a.x);}highp float angle_sin=sin(segment_angle+symbol_rotation);highp float angle_cos=cos(segment_angle+symbol_rotation);mat2 rotation_matrix=mat2(angle_cos,-1.0*angle_sin,angle_sin,angle_cos);vec4 projected_pos=u_label_plane_matrix*vec4(a_projected_pos.xy,0.0,1.0);gl_Position=u_coord_matrix*vec4(projected_pos.xy/projected_pos.w+rotation_matrix*(a_offset/32.0*max(a_minFontScale,fontScale)+a_pxoffset/16.0),0.0,1.0);v_tex=a_tex/u_texsize;vec2 fade_opacity=unpack_opacity(a_fade_opacity);float fade_change=fade_opacity[1] > 0.5 ? u_fade_change :-u_fade_change;v_fade_opacity=max(0.0,min(1.0,fade_opacity[0]+fade_change));}"),gr=vr("#define SDF_PX 8.0\nuniform bool u_is_halo;uniform sampler2D u_texture;uniform highp float u_gamma_scale;uniform lowp float u_device_pixel_ratio;uniform bool u_is_text;varying vec2 v_data0;varying vec3 v_data1;\n#pragma mapbox: define highp vec4 fill_color\n#pragma mapbox: define highp vec4 halo_color\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float halo_width\n#pragma mapbox: define lowp float halo_blur\nvoid main() {\n#pragma mapbox: initialize highp vec4 fill_color\n#pragma mapbox: initialize highp vec4 halo_color\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float halo_width\n#pragma mapbox: initialize lowp float halo_blur\nfloat EDGE_GAMMA=0.105/u_device_pixel_ratio;vec2 tex=v_data0.xy;float gamma_scale=v_data1.x;float size=v_data1.y;float fade_opacity=v_data1[2];float fontScale=u_is_text ? size/24.0 : size;lowp vec4 color=fill_color;highp float gamma=EDGE_GAMMA/(fontScale*u_gamma_scale);lowp float buff=(256.0-64.0)/256.0;if (u_is_halo) {color=halo_color;gamma=(halo_blur*1.19/SDF_PX+EDGE_GAMMA)/(fontScale*u_gamma_scale);buff=(6.0-halo_width/fontScale)/SDF_PX;}lowp float dist=texture2D(u_texture,tex).a;highp float gamma_scaled=gamma*gamma_scale;highp float alpha=smoothstep(buff-gamma_scaled,buff+gamma_scaled,dist);gl_FragColor=color*(alpha*opacity*fade_opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","const float PI=3.141592653589793;attribute vec4 a_pos_offset;attribute vec4 a_data;attribute vec4 a_pixeloffset;attribute vec3 a_projected_pos;attribute float a_fade_opacity;uniform bool u_is_size_zoom_constant;uniform bool u_is_size_feature_constant;uniform highp float u_size_t;uniform highp float u_size;uniform mat4 u_matrix;uniform mat4 u_label_plane_matrix;uniform mat4 u_coord_matrix;uniform bool u_is_text;uniform bool u_pitch_with_map;uniform highp float u_pitch;uniform bool u_rotate_symbol;uniform highp float u_aspect_ratio;uniform highp float u_camera_to_center_distance;uniform float u_fade_change;uniform vec2 u_texsize;varying vec2 v_data0;varying vec3 v_data1;\n#pragma mapbox: define highp vec4 fill_color\n#pragma mapbox: define highp vec4 halo_color\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float halo_width\n#pragma mapbox: define lowp float halo_blur\nvoid main() {\n#pragma mapbox: initialize highp vec4 fill_color\n#pragma mapbox: initialize highp vec4 halo_color\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float halo_width\n#pragma mapbox: initialize lowp float halo_blur\nvec2 a_pos=a_pos_offset.xy;vec2 a_offset=a_pos_offset.zw;vec2 a_tex=a_data.xy;vec2 a_size=a_data.zw;float a_size_min=floor(a_size[0]*0.5);vec2 a_pxoffset=a_pixeloffset.xy;highp float segment_angle=-a_projected_pos[2];float size;if (!u_is_size_zoom_constant && !u_is_size_feature_constant) {size=mix(a_size_min,a_size[1],u_size_t)/128.0;} else if (u_is_size_zoom_constant && !u_is_size_feature_constant) {size=a_size_min/128.0;} else {size=u_size;}vec4 projectedPoint=u_matrix*vec4(a_pos,0,1);highp float camera_to_anchor_distance=projectedPoint.w;highp float distance_ratio=u_pitch_with_map ?\ncamera_to_anchor_distance/u_camera_to_center_distance :\nu_camera_to_center_distance/camera_to_anchor_distance;highp float perspective_ratio=clamp(0.5+0.5*distance_ratio,0.0,4.0);size*=perspective_ratio;float fontScale=u_is_text ? size/24.0 : size;highp float symbol_rotation=0.0;if (u_rotate_symbol) {vec4 offsetProjectedPoint=u_matrix*vec4(a_pos+vec2(1,0),0,1);vec2 a=projectedPoint.xy/projectedPoint.w;vec2 b=offsetProjectedPoint.xy/offsetProjectedPoint.w;symbol_rotation=atan((b.y-a.y)/u_aspect_ratio,b.x-a.x);}highp float angle_sin=sin(segment_angle+symbol_rotation);highp float angle_cos=cos(segment_angle+symbol_rotation);mat2 rotation_matrix=mat2(angle_cos,-1.0*angle_sin,angle_sin,angle_cos);vec4 projected_pos=u_label_plane_matrix*vec4(a_projected_pos.xy,0.0,1.0);gl_Position=u_coord_matrix*vec4(projected_pos.xy/projected_pos.w+rotation_matrix*(a_offset/32.0*fontScale+a_pxoffset),0.0,1.0);float gamma_scale=gl_Position.w;vec2 fade_opacity=unpack_opacity(a_fade_opacity);float fade_change=fade_opacity[1] > 0.5 ? u_fade_change :-u_fade_change;float interpolated_fade_opacity=max(0.0,min(1.0,fade_opacity[0]+fade_change));v_data0=a_tex/u_texsize;v_data1=vec3(gamma_scale,size,interpolated_fade_opacity);}"),mr=vr("#define SDF_PX 8.0\n#define SDF 1.0\n#define ICON 0.0\nuniform bool u_is_halo;uniform sampler2D u_texture;uniform sampler2D u_texture_icon;uniform highp float u_gamma_scale;uniform lowp float u_device_pixel_ratio;varying vec4 v_data0;varying vec4 v_data1;\n#pragma mapbox: define highp vec4 fill_color\n#pragma mapbox: define highp vec4 halo_color\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float halo_width\n#pragma mapbox: define lowp float halo_blur\nvoid main() {\n#pragma mapbox: initialize highp vec4 fill_color\n#pragma mapbox: initialize highp vec4 halo_color\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float halo_width\n#pragma mapbox: initialize lowp float halo_blur\nfloat fade_opacity=v_data1[2];if (v_data1.w==ICON) {vec2 tex_icon=v_data0.zw;lowp float alpha=opacity*fade_opacity;gl_FragColor=texture2D(u_texture_icon,tex_icon)*alpha;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\nreturn;}vec2 tex=v_data0.xy;float EDGE_GAMMA=0.105/u_device_pixel_ratio;float gamma_scale=v_data1.x;float size=v_data1.y;float fontScale=size/24.0;lowp vec4 color=fill_color;highp float gamma=EDGE_GAMMA/(fontScale*u_gamma_scale);lowp float buff=(256.0-64.0)/256.0;if (u_is_halo) {color=halo_color;gamma=(halo_blur*1.19/SDF_PX+EDGE_GAMMA)/(fontScale*u_gamma_scale);buff=(6.0-halo_width/fontScale)/SDF_PX;}lowp float dist=texture2D(u_texture,tex).a;highp float gamma_scaled=gamma*gamma_scale;highp float alpha=smoothstep(buff-gamma_scaled,buff+gamma_scaled,dist);gl_FragColor=color*(alpha*opacity*fade_opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","const float PI=3.141592653589793;attribute vec4 a_pos_offset;attribute vec4 a_data;attribute vec3 a_projected_pos;attribute float a_fade_opacity;uniform bool u_is_size_zoom_constant;uniform bool u_is_size_feature_constant;uniform highp float u_size_t;uniform highp float u_size;uniform mat4 u_matrix;uniform mat4 u_label_plane_matrix;uniform mat4 u_coord_matrix;uniform bool u_is_text;uniform bool u_pitch_with_map;uniform highp float u_pitch;uniform bool u_rotate_symbol;uniform highp float u_aspect_ratio;uniform highp float u_camera_to_center_distance;uniform float u_fade_change;uniform vec2 u_texsize;uniform vec2 u_texsize_icon;varying vec4 v_data0;varying vec4 v_data1;\n#pragma mapbox: define highp vec4 fill_color\n#pragma mapbox: define highp vec4 halo_color\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float halo_width\n#pragma mapbox: define lowp float halo_blur\nvoid main() {\n#pragma mapbox: initialize highp vec4 fill_color\n#pragma mapbox: initialize highp vec4 halo_color\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float halo_width\n#pragma mapbox: initialize lowp float halo_blur\nvec2 a_pos=a_pos_offset.xy;vec2 a_offset=a_pos_offset.zw;vec2 a_tex=a_data.xy;vec2 a_size=a_data.zw;float a_size_min=floor(a_size[0]*0.5);float is_sdf=a_size[0]-2.0*a_size_min;highp float segment_angle=-a_projected_pos[2];float size;if (!u_is_size_zoom_constant && !u_is_size_feature_constant) {size=mix(a_size_min,a_size[1],u_size_t)/128.0;} else if (u_is_size_zoom_constant && !u_is_size_feature_constant) {size=a_size_min/128.0;} else {size=u_size;}vec4 projectedPoint=u_matrix*vec4(a_pos,0,1);highp float camera_to_anchor_distance=projectedPoint.w;highp float distance_ratio=u_pitch_with_map ?\ncamera_to_anchor_distance/u_camera_to_center_distance :\nu_camera_to_center_distance/camera_to_anchor_distance;highp float perspective_ratio=clamp(0.5+0.5*distance_ratio,0.0,4.0);size*=perspective_ratio;float fontScale=size/24.0;highp float symbol_rotation=0.0;if (u_rotate_symbol) {vec4 offsetProjectedPoint=u_matrix*vec4(a_pos+vec2(1,0),0,1);vec2 a=projectedPoint.xy/projectedPoint.w;vec2 b=offsetProjectedPoint.xy/offsetProjectedPoint.w;symbol_rotation=atan((b.y-a.y)/u_aspect_ratio,b.x-a.x);}highp float angle_sin=sin(segment_angle+symbol_rotation);highp float angle_cos=cos(segment_angle+symbol_rotation);mat2 rotation_matrix=mat2(angle_cos,-1.0*angle_sin,angle_sin,angle_cos);vec4 projected_pos=u_label_plane_matrix*vec4(a_projected_pos.xy,0.0,1.0);gl_Position=u_coord_matrix*vec4(projected_pos.xy/projected_pos.w+rotation_matrix*(a_offset/32.0*fontScale),0.0,1.0);float gamma_scale=gl_Position.w;vec2 fade_opacity=unpack_opacity(a_fade_opacity);float fade_change=fade_opacity[1] > 0.5 ? u_fade_change :-u_fade_change;float interpolated_fade_opacity=max(0.0,min(1.0,fade_opacity[0]+fade_change));v_data0.xy=a_tex/u_texsize;v_data0.zw=a_tex/u_texsize_icon;v_data1=vec4(gamma_scale,size,interpolated_fade_opacity,is_sdf);}");function vr(t,e){var r=/#pragma mapbox: ([\w]+) ([\w]+) ([\w]+) ([\w]+)/g,n={};return{fragmentSource:t=t.replace(r,(function(t,e,r,i,a){return n[a]=!0,"define"===e?"\n#ifndef HAS_UNIFORM_u_"+a+"\nvarying "+r+" "+i+" "+a+";\n#else\nuniform "+r+" "+i+" u_"+a+";\n#endif\n":"\n#ifdef HAS_UNIFORM_u_"+a+"\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n"})),vertexSource:e=e.replace(r,(function(t,e,r,i,a){var o="float"===i?"vec2":"vec4",s=a.match(/color/)?"color":o;return n[a]?"define"===e?"\n#ifndef HAS_UNIFORM_u_"+a+"\nuniform lowp float u_"+a+"_t;\nattribute "+r+" "+o+" a_"+a+";\nvarying "+r+" "+i+" "+a+";\n#else\nuniform "+r+" "+i+" u_"+a+";\n#endif\n":"vec4"===s?"\n#ifndef HAS_UNIFORM_u_"+a+"\n "+a+" = a_"+a+";\n#else\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n":"\n#ifndef HAS_UNIFORM_u_"+a+"\n "+a+" = unpack_mix_"+s+"(a_"+a+", u_"+a+"_t);\n#else\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n":"define"===e?"\n#ifndef HAS_UNIFORM_u_"+a+"\nuniform lowp float u_"+a+"_t;\nattribute "+r+" "+o+" a_"+a+";\n#else\nuniform "+r+" "+i+" u_"+a+";\n#endif\n":"vec4"===s?"\n#ifndef HAS_UNIFORM_u_"+a+"\n "+r+" "+i+" "+a+" = a_"+a+";\n#else\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n":"\n#ifndef HAS_UNIFORM_u_"+a+"\n "+r+" "+i+" "+a+" = unpack_mix_"+s+"(a_"+a+", u_"+a+"_t);\n#else\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n"}))}}var yr=Object.freeze({__proto__:null,prelude:Ge,background:Ye,backgroundPattern:We,circle:Xe,clippingMask:Ze,heatmap:Je,heatmapTexture:Ke,collisionBox:Qe,collisionCircle:$e,debug:tr,fill:er,fillOutline:rr,fillOutlinePattern:nr,fillPattern:ir,fillExtrusion:ar,fillExtrusionPattern:or,hillshadePrepare:sr,hillshade:lr,line:cr,lineGradient:ur,linePattern:fr,lineSDF:hr,raster:pr,symbolIcon:dr,symbolSDF:gr,symbolTextAndIcon:mr}),xr=function(){this.boundProgram=null,this.boundLayoutVertexBuffer=null,this.boundPaintVertexBuffers=[],this.boundIndexBuffer=null,this.boundVertexOffset=null,this.boundDynamicVertexBuffer=null,this.vao=null};xr.prototype.bind=function(t,e,r,n,i,a,o,s){this.context=t;for(var l=this.boundPaintVertexBuffers.length!==n.length,c=0;!l&&c>16,s>>16],u_pixel_coord_lower:[65535&o,65535&s]}}br.prototype.draw=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g){var m,v=t.gl;if(!this.failedToCreate){for(var y in t.program.set(this.program),t.setDepthMode(r),t.setStencilMode(n),t.setColorMode(i),t.setCullFace(a),this.fixedUniforms)this.fixedUniforms[y].set(o[y]);p&&p.setUniforms(t,this.binderUniforms,f,{zoom:h});for(var x=(m={},m[v.LINES]=2,m[v.TRIANGLES]=3,m[v.LINE_STRIP]=1,m)[e],b=0,_=u.get();b<_.length;b+=1){var w=_[b],T=w.vaos||(w.vaos={});(T[s]||(T[s]=new xr)).bind(t,this,l,p?p.getPaintVertexBuffers():[],c,w.vertexOffset,d,g),v.drawElements(e,w.primitiveLength*x,v.UNSIGNED_SHORT,w.primitiveOffset*x*2)}}};var wr=function(e,r,n,i){var a=r.style.light,o=a.properties.get("position"),s=[o.x,o.y,o.z],l=t.create$1();"viewport"===a.properties.get("anchor")&&t.fromRotation(l,-r.transform.angle),t.transformMat3(s,s,l);var c=a.properties.get("color");return{u_matrix:e,u_lightpos:s,u_lightintensity:a.properties.get("intensity"),u_lightcolor:[c.r,c.g,c.b],u_vertical_gradient:+n,u_opacity:i}},Tr=function(e,r,n,i,a,o,s){return t.extend(wr(e,r,n,i),_r(o,r,s),{u_height_factor:-Math.pow(2,a.overscaledZ)/s.tileSize/8})},kr=function(t){return{u_matrix:t}},Mr=function(e,r,n,i){return t.extend(kr(e),_r(n,r,i))},Ar=function(t,e){return{u_matrix:t,u_world:e}},Sr=function(e,r,n,i,a){return t.extend(Mr(e,r,n,i),{u_world:a})},Er=function(e,r,n,i){var a,o,s=e.transform;if("map"===i.paint.get("circle-pitch-alignment")){var l=he(n,1,s.zoom);a=!0,o=[l,l]}else a=!1,o=s.pixelsToGLUnits;return{u_camera_to_center_distance:s.cameraToCenterDistance,u_scale_with_map:+("map"===i.paint.get("circle-pitch-scale")),u_matrix:e.translatePosMatrix(r.posMatrix,n,i.paint.get("circle-translate"),i.paint.get("circle-translate-anchor")),u_pitch_with_map:+a,u_device_pixel_ratio:t.browser.devicePixelRatio,u_extrude_scale:o}},Cr=function(t,e,r){var n=he(r,1,e.zoom),i=Math.pow(2,e.zoom-r.tileID.overscaledZ),a=r.tileID.overscaleFactor();return{u_matrix:t,u_camera_to_center_distance:e.cameraToCenterDistance,u_pixels_to_tile_units:n,u_extrude_scale:[e.pixelsToGLUnits[0]/(n*i),e.pixelsToGLUnits[1]/(n*i)],u_overscale_factor:a}},Lr=function(t,e,r){return{u_matrix:t,u_inv_matrix:e,u_camera_to_center_distance:r.cameraToCenterDistance,u_viewport_size:[r.width,r.height]}},Ir=function(t,e,r){return void 0===r&&(r=1),{u_matrix:t,u_color:e,u_overlay:0,u_overlay_scale:r}},Pr=function(t){return{u_matrix:t}},zr=function(t,e,r,n){return{u_matrix:t,u_extrude_scale:he(e,1,r),u_intensity:n}},Or=function(e,r,n){var i=e.transform;return{u_matrix:Nr(e,r,n),u_ratio:1/he(r,1,i.zoom),u_device_pixel_ratio:t.browser.devicePixelRatio,u_units_to_pixels:[1/i.pixelsToGLUnits[0],1/i.pixelsToGLUnits[1]]}},Dr=function(e,r,n){return t.extend(Or(e,r,n),{u_image:0})},Rr=function(e,r,n,i){var a=e.transform,o=Br(r,a);return{u_matrix:Nr(e,r,n),u_texsize:r.imageAtlasTexture.size,u_ratio:1/he(r,1,a.zoom),u_device_pixel_ratio:t.browser.devicePixelRatio,u_image:0,u_scale:[o,i.fromScale,i.toScale],u_fade:i.t,u_units_to_pixels:[1/a.pixelsToGLUnits[0],1/a.pixelsToGLUnits[1]]}},Fr=function(e,r,n,i,a){var o=e.lineAtlas,s=Br(r,e.transform),l="round"===n.layout.get("line-cap"),c=o.getDash(i.from,l),u=o.getDash(i.to,l),f=c.width*a.fromScale,h=u.width*a.toScale;return t.extend(Or(e,r,n),{u_patternscale_a:[s/f,-c.height/2],u_patternscale_b:[s/h,-u.height/2],u_sdfgamma:o.width/(256*Math.min(f,h)*t.browser.devicePixelRatio)/2,u_image:0,u_tex_y_a:c.y,u_tex_y_b:u.y,u_mix:a.t})};function Br(t,e){return 1/he(t,1,e.tileZoom)}function Nr(t,e,r){return t.translatePosMatrix(e.tileID.posMatrix,e,r.paint.get("line-translate"),r.paint.get("line-translate-anchor"))}var jr=function(t,e,r,n,i){return{u_matrix:t,u_tl_parent:e,u_scale_parent:r,u_buffer_scale:1,u_fade_t:n.mix,u_opacity:n.opacity*i.paint.get("raster-opacity"),u_image0:0,u_image1:1,u_brightness_low:i.paint.get("raster-brightness-min"),u_brightness_high:i.paint.get("raster-brightness-max"),u_saturation_factor:(o=i.paint.get("raster-saturation"),o>0?1-1/(1.001-o):-o),u_contrast_factor:(a=i.paint.get("raster-contrast"),a>0?1/(1-a):1+a),u_spin_weights:Ur(i.paint.get("raster-hue-rotate"))};var a,o};function Ur(t){t*=Math.PI/180;var e=Math.sin(t),r=Math.cos(t);return[(2*r+1)/3,(-Math.sqrt(3)*e-r+1)/3,(Math.sqrt(3)*e-r+1)/3]}var Vr,qr=function(t,e,r,n,i,a,o,s,l,c){var u=i.transform;return{u_is_size_zoom_constant:+("constant"===t||"source"===t),u_is_size_feature_constant:+("constant"===t||"camera"===t),u_size_t:e?e.uSizeT:0,u_size:e?e.uSize:0,u_camera_to_center_distance:u.cameraToCenterDistance,u_pitch:u.pitch/360*2*Math.PI,u_rotate_symbol:+r,u_aspect_ratio:u.width/u.height,u_fade_change:i.options.fadeDuration?i.symbolFadeChange:1,u_matrix:a,u_label_plane_matrix:o,u_coord_matrix:s,u_is_text:+l,u_pitch_with_map:+n,u_texsize:c,u_texture:0}},Hr=function(e,r,n,i,a,o,s,l,c,u,f){var h=a.transform;return t.extend(qr(e,r,n,i,a,o,s,l,c,u),{u_gamma_scale:i?Math.cos(h._pitch)*h.cameraToCenterDistance:1,u_device_pixel_ratio:t.browser.devicePixelRatio,u_is_halo:+f})},Gr=function(e,r,n,i,a,o,s,l,c,u){return t.extend(Hr(e,r,n,i,a,o,s,l,!0,c,!0),{u_texsize_icon:u,u_texture_icon:1})},Yr=function(t,e,r){return{u_matrix:t,u_opacity:e,u_color:r}},Wr=function(e,r,n,i,a,o){return t.extend(function(t,e,r,n){var i=r.imageManager.getPattern(t.from.toString()),a=r.imageManager.getPattern(t.to.toString()),o=r.imageManager.getPixelSize(),s=o.width,l=o.height,c=Math.pow(2,n.tileID.overscaledZ),u=n.tileSize*Math.pow(2,r.transform.tileZoom)/c,f=u*(n.tileID.canonical.x+n.tileID.wrap*c),h=u*n.tileID.canonical.y;return{u_image:0,u_pattern_tl_a:i.tl,u_pattern_br_a:i.br,u_pattern_tl_b:a.tl,u_pattern_br_b:a.br,u_texsize:[s,l],u_mix:e.t,u_pattern_size_a:i.displaySize,u_pattern_size_b:a.displaySize,u_scale_a:e.fromScale,u_scale_b:e.toScale,u_tile_units_to_pixels:1/he(n,1,r.transform.tileZoom),u_pixel_coord_upper:[f>>16,h>>16],u_pixel_coord_lower:[65535&f,65535&h]}}(i,o,n,a),{u_matrix:e,u_opacity:r})},Xr={fillExtrusion:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_lightpos:new t.Uniform3f(e,r.u_lightpos),u_lightintensity:new t.Uniform1f(e,r.u_lightintensity),u_lightcolor:new t.Uniform3f(e,r.u_lightcolor),u_vertical_gradient:new t.Uniform1f(e,r.u_vertical_gradient),u_opacity:new t.Uniform1f(e,r.u_opacity)}},fillExtrusionPattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_lightpos:new t.Uniform3f(e,r.u_lightpos),u_lightintensity:new t.Uniform1f(e,r.u_lightintensity),u_lightcolor:new t.Uniform3f(e,r.u_lightcolor),u_vertical_gradient:new t.Uniform1f(e,r.u_vertical_gradient),u_height_factor:new t.Uniform1f(e,r.u_height_factor),u_image:new t.Uniform1i(e,r.u_image),u_texsize:new t.Uniform2f(e,r.u_texsize),u_pixel_coord_upper:new t.Uniform2f(e,r.u_pixel_coord_upper),u_pixel_coord_lower:new t.Uniform2f(e,r.u_pixel_coord_lower),u_scale:new t.Uniform3f(e,r.u_scale),u_fade:new t.Uniform1f(e,r.u_fade),u_opacity:new t.Uniform1f(e,r.u_opacity)}},fill:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix)}},fillPattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_image:new t.Uniform1i(e,r.u_image),u_texsize:new t.Uniform2f(e,r.u_texsize),u_pixel_coord_upper:new t.Uniform2f(e,r.u_pixel_coord_upper),u_pixel_coord_lower:new t.Uniform2f(e,r.u_pixel_coord_lower),u_scale:new t.Uniform3f(e,r.u_scale),u_fade:new t.Uniform1f(e,r.u_fade)}},fillOutline:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_world:new t.Uniform2f(e,r.u_world)}},fillOutlinePattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_world:new t.Uniform2f(e,r.u_world),u_image:new t.Uniform1i(e,r.u_image),u_texsize:new t.Uniform2f(e,r.u_texsize),u_pixel_coord_upper:new t.Uniform2f(e,r.u_pixel_coord_upper),u_pixel_coord_lower:new t.Uniform2f(e,r.u_pixel_coord_lower),u_scale:new t.Uniform3f(e,r.u_scale),u_fade:new t.Uniform1f(e,r.u_fade)}},circle:function(e,r){return{u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_scale_with_map:new t.Uniform1i(e,r.u_scale_with_map),u_pitch_with_map:new t.Uniform1i(e,r.u_pitch_with_map),u_extrude_scale:new t.Uniform2f(e,r.u_extrude_scale),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_matrix:new t.UniformMatrix4f(e,r.u_matrix)}},collisionBox:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_pixels_to_tile_units:new t.Uniform1f(e,r.u_pixels_to_tile_units),u_extrude_scale:new t.Uniform2f(e,r.u_extrude_scale),u_overscale_factor:new t.Uniform1f(e,r.u_overscale_factor)}},collisionCircle:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_inv_matrix:new t.UniformMatrix4f(e,r.u_inv_matrix),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_viewport_size:new t.Uniform2f(e,r.u_viewport_size)}},debug:function(e,r){return{u_color:new t.UniformColor(e,r.u_color),u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_overlay:new t.Uniform1i(e,r.u_overlay),u_overlay_scale:new t.Uniform1f(e,r.u_overlay_scale)}},clippingMask:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix)}},heatmap:function(e,r){return{u_extrude_scale:new t.Uniform1f(e,r.u_extrude_scale),u_intensity:new t.Uniform1f(e,r.u_intensity),u_matrix:new t.UniformMatrix4f(e,r.u_matrix)}},heatmapTexture:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_world:new t.Uniform2f(e,r.u_world),u_image:new t.Uniform1i(e,r.u_image),u_color_ramp:new t.Uniform1i(e,r.u_color_ramp),u_opacity:new t.Uniform1f(e,r.u_opacity)}},hillshade:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_image:new t.Uniform1i(e,r.u_image),u_latrange:new t.Uniform2f(e,r.u_latrange),u_light:new t.Uniform2f(e,r.u_light),u_shadow:new t.UniformColor(e,r.u_shadow),u_highlight:new t.UniformColor(e,r.u_highlight),u_accent:new t.UniformColor(e,r.u_accent)}},hillshadePrepare:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_image:new t.Uniform1i(e,r.u_image),u_dimension:new t.Uniform2f(e,r.u_dimension),u_zoom:new t.Uniform1f(e,r.u_zoom),u_maxzoom:new t.Uniform1f(e,r.u_maxzoom),u_unpack:new t.Uniform4f(e,r.u_unpack)}},line:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_ratio:new t.Uniform1f(e,r.u_ratio),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_units_to_pixels:new t.Uniform2f(e,r.u_units_to_pixels)}},lineGradient:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_ratio:new t.Uniform1f(e,r.u_ratio),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_units_to_pixels:new t.Uniform2f(e,r.u_units_to_pixels),u_image:new t.Uniform1i(e,r.u_image)}},linePattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_texsize:new t.Uniform2f(e,r.u_texsize),u_ratio:new t.Uniform1f(e,r.u_ratio),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_image:new t.Uniform1i(e,r.u_image),u_units_to_pixels:new t.Uniform2f(e,r.u_units_to_pixels),u_scale:new t.Uniform3f(e,r.u_scale),u_fade:new t.Uniform1f(e,r.u_fade)}},lineSDF:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_ratio:new t.Uniform1f(e,r.u_ratio),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_units_to_pixels:new t.Uniform2f(e,r.u_units_to_pixels),u_patternscale_a:new t.Uniform2f(e,r.u_patternscale_a),u_patternscale_b:new t.Uniform2f(e,r.u_patternscale_b),u_sdfgamma:new t.Uniform1f(e,r.u_sdfgamma),u_image:new t.Uniform1i(e,r.u_image),u_tex_y_a:new t.Uniform1f(e,r.u_tex_y_a),u_tex_y_b:new t.Uniform1f(e,r.u_tex_y_b),u_mix:new t.Uniform1f(e,r.u_mix)}},raster:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_tl_parent:new t.Uniform2f(e,r.u_tl_parent),u_scale_parent:new t.Uniform1f(e,r.u_scale_parent),u_buffer_scale:new t.Uniform1f(e,r.u_buffer_scale),u_fade_t:new t.Uniform1f(e,r.u_fade_t),u_opacity:new t.Uniform1f(e,r.u_opacity),u_image0:new t.Uniform1i(e,r.u_image0),u_image1:new t.Uniform1i(e,r.u_image1),u_brightness_low:new t.Uniform1f(e,r.u_brightness_low),u_brightness_high:new t.Uniform1f(e,r.u_brightness_high),u_saturation_factor:new t.Uniform1f(e,r.u_saturation_factor),u_contrast_factor:new t.Uniform1f(e,r.u_contrast_factor),u_spin_weights:new t.Uniform3f(e,r.u_spin_weights)}},symbolIcon:function(e,r){return{u_is_size_zoom_constant:new t.Uniform1i(e,r.u_is_size_zoom_constant),u_is_size_feature_constant:new t.Uniform1i(e,r.u_is_size_feature_constant),u_size_t:new t.Uniform1f(e,r.u_size_t),u_size:new t.Uniform1f(e,r.u_size),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_pitch:new t.Uniform1f(e,r.u_pitch),u_rotate_symbol:new t.Uniform1i(e,r.u_rotate_symbol),u_aspect_ratio:new t.Uniform1f(e,r.u_aspect_ratio),u_fade_change:new t.Uniform1f(e,r.u_fade_change),u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_label_plane_matrix:new t.UniformMatrix4f(e,r.u_label_plane_matrix),u_coord_matrix:new t.UniformMatrix4f(e,r.u_coord_matrix),u_is_text:new t.Uniform1i(e,r.u_is_text),u_pitch_with_map:new t.Uniform1i(e,r.u_pitch_with_map),u_texsize:new t.Uniform2f(e,r.u_texsize),u_texture:new t.Uniform1i(e,r.u_texture)}},symbolSDF:function(e,r){return{u_is_size_zoom_constant:new t.Uniform1i(e,r.u_is_size_zoom_constant),u_is_size_feature_constant:new t.Uniform1i(e,r.u_is_size_feature_constant),u_size_t:new t.Uniform1f(e,r.u_size_t),u_size:new t.Uniform1f(e,r.u_size),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_pitch:new t.Uniform1f(e,r.u_pitch),u_rotate_symbol:new t.Uniform1i(e,r.u_rotate_symbol),u_aspect_ratio:new t.Uniform1f(e,r.u_aspect_ratio),u_fade_change:new t.Uniform1f(e,r.u_fade_change),u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_label_plane_matrix:new t.UniformMatrix4f(e,r.u_label_plane_matrix),u_coord_matrix:new t.UniformMatrix4f(e,r.u_coord_matrix),u_is_text:new t.Uniform1i(e,r.u_is_text),u_pitch_with_map:new t.Uniform1i(e,r.u_pitch_with_map),u_texsize:new t.Uniform2f(e,r.u_texsize),u_texture:new t.Uniform1i(e,r.u_texture),u_gamma_scale:new t.Uniform1f(e,r.u_gamma_scale),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_is_halo:new t.Uniform1i(e,r.u_is_halo)}},symbolTextAndIcon:function(e,r){return{u_is_size_zoom_constant:new t.Uniform1i(e,r.u_is_size_zoom_constant),u_is_size_feature_constant:new t.Uniform1i(e,r.u_is_size_feature_constant),u_size_t:new t.Uniform1f(e,r.u_size_t),u_size:new t.Uniform1f(e,r.u_size),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_pitch:new t.Uniform1f(e,r.u_pitch),u_rotate_symbol:new t.Uniform1i(e,r.u_rotate_symbol),u_aspect_ratio:new t.Uniform1f(e,r.u_aspect_ratio),u_fade_change:new t.Uniform1f(e,r.u_fade_change),u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_label_plane_matrix:new t.UniformMatrix4f(e,r.u_label_plane_matrix),u_coord_matrix:new t.UniformMatrix4f(e,r.u_coord_matrix),u_is_text:new t.Uniform1i(e,r.u_is_text),u_pitch_with_map:new t.Uniform1i(e,r.u_pitch_with_map),u_texsize:new t.Uniform2f(e,r.u_texsize),u_texsize_icon:new t.Uniform2f(e,r.u_texsize_icon),u_texture:new t.Uniform1i(e,r.u_texture),u_texture_icon:new t.Uniform1i(e,r.u_texture_icon),u_gamma_scale:new t.Uniform1f(e,r.u_gamma_scale),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_is_halo:new t.Uniform1i(e,r.u_is_halo)}},background:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_opacity:new t.Uniform1f(e,r.u_opacity),u_color:new t.UniformColor(e,r.u_color)}},backgroundPattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_opacity:new t.Uniform1f(e,r.u_opacity),u_image:new t.Uniform1i(e,r.u_image),u_pattern_tl_a:new t.Uniform2f(e,r.u_pattern_tl_a),u_pattern_br_a:new t.Uniform2f(e,r.u_pattern_br_a),u_pattern_tl_b:new t.Uniform2f(e,r.u_pattern_tl_b),u_pattern_br_b:new t.Uniform2f(e,r.u_pattern_br_b),u_texsize:new t.Uniform2f(e,r.u_texsize),u_mix:new t.Uniform1f(e,r.u_mix),u_pattern_size_a:new t.Uniform2f(e,r.u_pattern_size_a),u_pattern_size_b:new t.Uniform2f(e,r.u_pattern_size_b),u_scale_a:new t.Uniform1f(e,r.u_scale_a),u_scale_b:new t.Uniform1f(e,r.u_scale_b),u_pixel_coord_upper:new t.Uniform2f(e,r.u_pixel_coord_upper),u_pixel_coord_lower:new t.Uniform2f(e,r.u_pixel_coord_lower),u_tile_units_to_pixels:new t.Uniform1f(e,r.u_tile_units_to_pixels)}}};function Zr(e,r,n,i,a,o,s){for(var l=e.context,c=l.gl,u=e.useProgram("collisionBox"),f=[],h=0,p=0,d=0;d0){var _=t.create(),w=y;t.mul(_,v.placementInvProjMatrix,e.transform.glCoordMatrix),t.mul(_,_,v.placementViewportMatrix),f.push({circleArray:b,circleOffset:p,transform:w,invTransform:_}),p=h+=b.length/4}x&&u.draw(l,c.LINES,Mt.disabled,At.disabled,e.colorModeForRenderPass(),Et.disabled,Cr(y,e.transform,m),n.id,x.layoutVertexBuffer,x.indexBuffer,x.segments,null,e.transform.zoom,null,null,x.collisionVertexBuffer)}}if(s&&f.length){var T=e.useProgram("collisionCircle"),k=new t.StructArrayLayout2f1f2i16;k.resize(4*h),k._trim();for(var M=0,A=0,S=f;A=0&&(g[v.associatedIconIndex]={shiftedAnchor:k,angle:M})}else ce(v.numGlyphs,p)}if(f){d.clear();for(var S=e.icon.placedSymbolArray,E=0;E0){var s=t.browser.now(),l=(s-e.timeAdded)/o,c=r?(s-r.timeAdded)/o:-1,u=n.getSource(),f=a.coveringZoomLevel({tileSize:u.tileSize,roundZoom:u.roundZoom}),h=!r||Math.abs(r.tileID.overscaledZ-f)>Math.abs(e.tileID.overscaledZ-f),p=h&&e.refreshedUponExpiration?1:t.clamp(h?l:1-c,0,1);return e.refreshedUponExpiration&&l>=1&&(e.refreshedUponExpiration=!1),r?{opacity:1,mix:1-p}:{opacity:p,mix:0}}return{opacity:1,mix:0}}var ln=new t.Color(1,0,0,1),cn=new t.Color(0,1,0,1),un=new t.Color(0,0,1,1),fn=new t.Color(1,0,1,1),hn=new t.Color(0,1,1,1);function pn(t,e,r,n){gn(t,0,e+r/2,t.transform.width,r,n)}function dn(t,e,r,n){gn(t,e-r/2,0,r,t.transform.height,n)}function gn(e,r,n,i,a,o){var s=e.context,l=s.gl;l.enable(l.SCISSOR_TEST),l.scissor(r*t.browser.devicePixelRatio,n*t.browser.devicePixelRatio,i*t.browser.devicePixelRatio,a*t.browser.devicePixelRatio),s.clear({color:o}),l.disable(l.SCISSOR_TEST)}function mn(e,r,n){var i=e.context,a=i.gl,o=n.posMatrix,s=e.useProgram("debug"),l=Mt.disabled,c=At.disabled,u=e.colorModeForRenderPass();i.activeTexture.set(a.TEXTURE0),e.emptyTexture.bind(a.LINEAR,a.CLAMP_TO_EDGE),s.draw(i,a.LINE_STRIP,l,c,u,Et.disabled,Ir(o,t.Color.red),"$debug",e.debugBuffer,e.tileBorderIndexBuffer,e.debugSegments);var f=r.getTileByID(n.key).latestRawTileData,h=Math.floor((f&&f.byteLength||0)/1024),p=r.getTile(n).tileSize,d=512/Math.min(p,512)*(n.overscaledZ/e.transform.zoom)*.5,g=n.canonical.toString();n.overscaledZ!==n.canonical.z&&(g+=" => "+n.overscaledZ),function(t,e){t.initDebugOverlayCanvas();var r=t.debugOverlayCanvas,n=t.context.gl,i=t.debugOverlayCanvas.getContext("2d");i.clearRect(0,0,r.width,r.height),i.shadowColor="white",i.shadowBlur=2,i.lineWidth=1.5,i.strokeStyle="white",i.textBaseline="top",i.font="bold 36px Open Sans, sans-serif",i.fillText(e,5,5),i.strokeText(e,5,5),t.debugOverlayTexture.update(r),t.debugOverlayTexture.bind(n.LINEAR,n.CLAMP_TO_EDGE)}(e,g+" "+h+"kb"),s.draw(i,a.TRIANGLES,l,c,St.alphaBlended,Et.disabled,Ir(o,t.Color.transparent,d),"$debug",e.debugBuffer,e.quadTriangleIndexBuffer,e.debugSegments)}var vn={symbol:function(e,r,n,i,a){if("translucent"===e.renderPass){var o=At.disabled,s=e.colorModeForRenderPass();n.layout.get("text-variable-anchor")&&function(e,r,n,i,a,o,s){for(var l=r.transform,c="map"===a,u="map"===o,f=0,h=e;f256&&this.clearStencil(),r.setColorMode(St.disabled),r.setDepthMode(Mt.disabled);var i=this.useProgram("clippingMask");this._tileClippingMaskIDs={};for(var a=0,o=e;a256&&this.clearStencil();var t=this.nextStencilID++,e=this.context.gl;return new At({func:e.NOTEQUAL,mask:255},t,255,e.KEEP,e.KEEP,e.REPLACE)},yn.prototype.stencilModeForClipping=function(t){var e=this.context.gl;return new At({func:e.EQUAL,mask:255},this._tileClippingMaskIDs[t.key],0,e.KEEP,e.KEEP,e.REPLACE)},yn.prototype.stencilConfigForOverlap=function(t){var e,r=this.context.gl,n=t.sort((function(t,e){return e.overscaledZ-t.overscaledZ})),i=n[n.length-1].overscaledZ,a=n[0].overscaledZ-i+1;if(a>1){this.currentStencilSource=void 0,this.nextStencilID+a>256&&this.clearStencil();for(var o={},s=0;s=0;this.currentLayer--){var b=this.style._layers[i[this.currentLayer]],_=a[b.source],w=u[b.source];this._renderTileClippingMasks(b,w),this.renderLayer(this,_,b,w)}for(this.renderPass="translucent",this.currentLayer=0;this.currentLayer0?e.pop():null},yn.prototype.isPatternMissing=function(t){if(!t)return!1;if(!t.from||!t.to)return!0;var e=this.imageManager.getPattern(t.from.toString()),r=this.imageManager.getPattern(t.to.toString());return!e||!r},yn.prototype.useProgram=function(t,e){this.cache=this.cache||{};var r=""+t+(e?e.cacheKey:"")+(this._showOverdrawInspector?"/overdraw":"");return this.cache[r]||(this.cache[r]=new br(this.context,yr[t],e,Xr[t],this._showOverdrawInspector)),this.cache[r]},yn.prototype.setCustomLayerDefaults=function(){this.context.unbindVAO(),this.context.cullFace.setDefault(),this.context.activeTexture.setDefault(),this.context.pixelStoreUnpack.setDefault(),this.context.pixelStoreUnpackPremultiplyAlpha.setDefault(),this.context.pixelStoreUnpackFlipY.setDefault()},yn.prototype.setBaseState=function(){var t=this.context.gl;this.context.cullFace.set(!1),this.context.viewport.set([0,0,this.width,this.height]),this.context.blendEquation.set(t.FUNC_ADD)},yn.prototype.initDebugOverlayCanvas=function(){null==this.debugOverlayCanvas&&(this.debugOverlayCanvas=t.window.document.createElement("canvas"),this.debugOverlayCanvas.width=512,this.debugOverlayCanvas.height=512,this.debugOverlayTexture=new t.Texture(this.context,this.debugOverlayCanvas,this.context.gl.RGBA))},yn.prototype.destroy=function(){this.emptyTexture.destroy(),this.debugOverlayTexture&&this.debugOverlayTexture.destroy()};var xn=function(t,e){this.points=t,this.planes=e};xn.fromInvProjectionMatrix=function(e,r,n){var i=Math.pow(2,n),a=[[-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]].map((function(r){return t.transformMat4([],r,e)})).map((function(e){return t.scale$1([],e,1/e[3]/r*i)})),o=[[0,1,2],[6,5,4],[0,3,7],[2,1,5],[3,2,6],[0,4,5]].map((function(e){var r=t.sub([],a[e[0]],a[e[1]]),n=t.sub([],a[e[2]],a[e[1]]),i=t.normalize([],t.cross([],r,n)),o=-t.dot(i,a[e[1]]);return i.concat(o)}));return new xn(a,o)};var bn=function(e,r){this.min=e,this.max=r,this.center=t.scale$2([],t.add([],this.min,this.max),.5)};bn.prototype.quadrant=function(e){for(var r=[e%2==0,e<2],n=t.clone$2(this.min),i=t.clone$2(this.max),a=0;a=0;if(0===o)return 0;o!==r.length&&(n=!1)}if(n)return 2;for(var l=0;l<3;l++){for(var c=Number.MAX_VALUE,u=-Number.MAX_VALUE,f=0;fthis.max[l]-this.min[l])return 0}return 1};var _n=function(t,e,r,n){if(void 0===t&&(t=0),void 0===e&&(e=0),void 0===r&&(r=0),void 0===n&&(n=0),isNaN(t)||t<0||isNaN(e)||e<0||isNaN(r)||r<0||isNaN(n)||n<0)throw new Error("Invalid value for edge-insets, top, bottom, left and right must all be numbers");this.top=t,this.bottom=e,this.left=r,this.right=n};_n.prototype.interpolate=function(e,r,n){return null!=r.top&&null!=e.top&&(this.top=t.number(e.top,r.top,n)),null!=r.bottom&&null!=e.bottom&&(this.bottom=t.number(e.bottom,r.bottom,n)),null!=r.left&&null!=e.left&&(this.left=t.number(e.left,r.left,n)),null!=r.right&&null!=e.right&&(this.right=t.number(e.right,r.right,n)),this},_n.prototype.getCenter=function(e,r){var n=t.clamp((this.left+e-this.right)/2,0,e),i=t.clamp((this.top+r-this.bottom)/2,0,r);return new t.Point(n,i)},_n.prototype.equals=function(t){return this.top===t.top&&this.bottom===t.bottom&&this.left===t.left&&this.right===t.right},_n.prototype.clone=function(){return new _n(this.top,this.bottom,this.left,this.right)},_n.prototype.toJSON=function(){return{top:this.top,bottom:this.bottom,left:this.left,right:this.right}};var wn=function(e,r,n,i,a){this.tileSize=512,this.maxValidLatitude=85.051129,this._renderWorldCopies=void 0===a||a,this._minZoom=e||0,this._maxZoom=r||22,this._minPitch=null==n?0:n,this._maxPitch=null==i?60:i,this.setMaxBounds(),this.width=0,this.height=0,this._center=new t.LngLat(0,0),this.zoom=0,this.angle=0,this._fov=.6435011087932844,this._pitch=0,this._unmodified=!0,this._edgeInsets=new _n,this._posMatrixCache={},this._alignedPosMatrixCache={}},Tn={minZoom:{configurable:!0},maxZoom:{configurable:!0},minPitch:{configurable:!0},maxPitch:{configurable:!0},renderWorldCopies:{configurable:!0},worldSize:{configurable:!0},centerOffset:{configurable:!0},size:{configurable:!0},bearing:{configurable:!0},pitch:{configurable:!0},fov:{configurable:!0},zoom:{configurable:!0},center:{configurable:!0},padding:{configurable:!0},centerPoint:{configurable:!0},unmodified:{configurable:!0},point:{configurable:!0}};wn.prototype.clone=function(){var t=new wn(this._minZoom,this._maxZoom,this._minPitch,this.maxPitch,this._renderWorldCopies);return t.tileSize=this.tileSize,t.latRange=this.latRange,t.width=this.width,t.height=this.height,t._center=this._center,t.zoom=this.zoom,t.angle=this.angle,t._fov=this._fov,t._pitch=this._pitch,t._unmodified=this._unmodified,t._edgeInsets=this._edgeInsets.clone(),t._calcMatrices(),t},Tn.minZoom.get=function(){return this._minZoom},Tn.minZoom.set=function(t){this._minZoom!==t&&(this._minZoom=t,this.zoom=Math.max(this.zoom,t))},Tn.maxZoom.get=function(){return this._maxZoom},Tn.maxZoom.set=function(t){this._maxZoom!==t&&(this._maxZoom=t,this.zoom=Math.min(this.zoom,t))},Tn.minPitch.get=function(){return this._minPitch},Tn.minPitch.set=function(t){this._minPitch!==t&&(this._minPitch=t,this.pitch=Math.max(this.pitch,t))},Tn.maxPitch.get=function(){return this._maxPitch},Tn.maxPitch.set=function(t){this._maxPitch!==t&&(this._maxPitch=t,this.pitch=Math.min(this.pitch,t))},Tn.renderWorldCopies.get=function(){return this._renderWorldCopies},Tn.renderWorldCopies.set=function(t){void 0===t?t=!0:null===t&&(t=!1),this._renderWorldCopies=t},Tn.worldSize.get=function(){return this.tileSize*this.scale},Tn.centerOffset.get=function(){return this.centerPoint._sub(this.size._div(2))},Tn.size.get=function(){return new t.Point(this.width,this.height)},Tn.bearing.get=function(){return-this.angle/Math.PI*180},Tn.bearing.set=function(e){var r=-t.wrap(e,-180,180)*Math.PI/180;this.angle!==r&&(this._unmodified=!1,this.angle=r,this._calcMatrices(),this.rotationMatrix=t.create$2(),t.rotate(this.rotationMatrix,this.rotationMatrix,this.angle))},Tn.pitch.get=function(){return this._pitch/Math.PI*180},Tn.pitch.set=function(e){var r=t.clamp(e,this.minPitch,this.maxPitch)/180*Math.PI;this._pitch!==r&&(this._unmodified=!1,this._pitch=r,this._calcMatrices())},Tn.fov.get=function(){return this._fov/Math.PI*180},Tn.fov.set=function(t){t=Math.max(.01,Math.min(60,t)),this._fov!==t&&(this._unmodified=!1,this._fov=t/180*Math.PI,this._calcMatrices())},Tn.zoom.get=function(){return this._zoom},Tn.zoom.set=function(t){var e=Math.min(Math.max(t,this.minZoom),this.maxZoom);this._zoom!==e&&(this._unmodified=!1,this._zoom=e,this.scale=this.zoomScale(e),this.tileZoom=Math.floor(e),this.zoomFraction=e-this.tileZoom,this._constrain(),this._calcMatrices())},Tn.center.get=function(){return this._center},Tn.center.set=function(t){t.lat===this._center.lat&&t.lng===this._center.lng||(this._unmodified=!1,this._center=t,this._constrain(),this._calcMatrices())},Tn.padding.get=function(){return this._edgeInsets.toJSON()},Tn.padding.set=function(t){this._edgeInsets.equals(t)||(this._unmodified=!1,this._edgeInsets.interpolate(this._edgeInsets,t,1),this._calcMatrices())},Tn.centerPoint.get=function(){return this._edgeInsets.getCenter(this.width,this.height)},wn.prototype.isPaddingEqual=function(t){return this._edgeInsets.equals(t)},wn.prototype.interpolatePadding=function(t,e,r){this._unmodified=!1,this._edgeInsets.interpolate(t,e,r),this._constrain(),this._calcMatrices()},wn.prototype.coveringZoomLevel=function(t){var e=(t.roundZoom?Math.round:Math.floor)(this.zoom+this.scaleZoom(this.tileSize/t.tileSize));return Math.max(0,e)},wn.prototype.getVisibleUnwrappedCoordinates=function(e){var r=[new t.UnwrappedTileID(0,e)];if(this._renderWorldCopies)for(var n=this.pointCoordinate(new t.Point(0,0)),i=this.pointCoordinate(new t.Point(this.width,0)),a=this.pointCoordinate(new t.Point(this.width,this.height)),o=this.pointCoordinate(new t.Point(0,this.height)),s=Math.floor(Math.min(n.x,i.x,a.x,o.x)),l=Math.floor(Math.max(n.x,i.x,a.x,o.x)),c=s-1;c<=l+1;c++)0!==c&&r.push(new t.UnwrappedTileID(c,e));return r},wn.prototype.coveringTiles=function(e){var r=this.coveringZoomLevel(e),n=r;if(void 0!==e.minzoom&&re.maxzoom&&(r=e.maxzoom);var i=t.MercatorCoordinate.fromLngLat(this.center),a=Math.pow(2,r),o=[a*i.x,a*i.y,0],s=xn.fromInvProjectionMatrix(this.invProjMatrix,this.worldSize,r),l=e.minzoom||0;this.pitch<=60&&this._edgeInsets.top<.1&&(l=r);var c=function(t){return{aabb:new bn([t*a,0,0],[(t+1)*a,a,0]),zoom:0,x:0,y:0,wrap:t,fullyVisible:!1}},u=[],f=[],h=r,p=e.reparseOverscaled?n:r;if(this._renderWorldCopies)for(var d=1;d<=3;d++)u.push(c(-d)),u.push(c(d));for(u.push(c(0));u.length>0;){var g=u.pop(),m=g.x,v=g.y,y=g.fullyVisible;if(!y){var x=g.aabb.intersects(s);if(0===x)continue;y=2===x}var b=g.aabb.distanceX(o),_=g.aabb.distanceY(o),w=Math.max(Math.abs(b),Math.abs(_));if(g.zoom===h||w>3+(1<=l)f.push({tileID:new t.OverscaledTileID(g.zoom===h?p:g.zoom,g.wrap,g.zoom,m,v),distanceSq:t.sqrLen([o[0]-.5-m,o[1]-.5-v])});else for(var T=0;T<4;T++){var k=(m<<1)+T%2,M=(v<<1)+(T>>1);u.push({aabb:g.aabb.quadrant(T),zoom:g.zoom+1,x:k,y:M,wrap:g.wrap,fullyVisible:y})}}return f.sort((function(t,e){return t.distanceSq-e.distanceSq})).map((function(t){return t.tileID}))},wn.prototype.resize=function(t,e){this.width=t,this.height=e,this.pixelsToGLUnits=[2/t,-2/e],this._constrain(),this._calcMatrices()},Tn.unmodified.get=function(){return this._unmodified},wn.prototype.zoomScale=function(t){return Math.pow(2,t)},wn.prototype.scaleZoom=function(t){return Math.log(t)/Math.LN2},wn.prototype.project=function(e){var r=t.clamp(e.lat,-this.maxValidLatitude,this.maxValidLatitude);return new t.Point(t.mercatorXfromLng(e.lng)*this.worldSize,t.mercatorYfromLat(r)*this.worldSize)},wn.prototype.unproject=function(e){return new t.MercatorCoordinate(e.x/this.worldSize,e.y/this.worldSize).toLngLat()},Tn.point.get=function(){return this.project(this.center)},wn.prototype.setLocationAtPoint=function(e,r){var n=this.pointCoordinate(r),i=this.pointCoordinate(this.centerPoint),a=this.locationCoordinate(e),o=new t.MercatorCoordinate(a.x-(n.x-i.x),a.y-(n.y-i.y));this.center=this.coordinateLocation(o),this._renderWorldCopies&&(this.center=this.center.wrap())},wn.prototype.locationPoint=function(t){return this.coordinatePoint(this.locationCoordinate(t))},wn.prototype.pointLocation=function(t){return this.coordinateLocation(this.pointCoordinate(t))},wn.prototype.locationCoordinate=function(e){return t.MercatorCoordinate.fromLngLat(e)},wn.prototype.coordinateLocation=function(t){return t.toLngLat()},wn.prototype.pointCoordinate=function(e){var r=[e.x,e.y,0,1],n=[e.x,e.y,1,1];t.transformMat4(r,r,this.pixelMatrixInverse),t.transformMat4(n,n,this.pixelMatrixInverse);var i=r[3],a=n[3],o=r[1]/i,s=n[1]/a,l=r[2]/i,c=n[2]/a,u=l===c?0:(0-l)/(c-l);return new t.MercatorCoordinate(t.number(r[0]/i,n[0]/a,u)/this.worldSize,t.number(o,s,u)/this.worldSize)},wn.prototype.coordinatePoint=function(e){var r=[e.x*this.worldSize,e.y*this.worldSize,0,1];return t.transformMat4(r,r,this.pixelMatrix),new t.Point(r[0]/r[3],r[1]/r[3])},wn.prototype.getBounds=function(){return(new t.LngLatBounds).extend(this.pointLocation(new t.Point(0,0))).extend(this.pointLocation(new t.Point(this.width,0))).extend(this.pointLocation(new t.Point(this.width,this.height))).extend(this.pointLocation(new t.Point(0,this.height)))},wn.prototype.getMaxBounds=function(){return this.latRange&&2===this.latRange.length&&this.lngRange&&2===this.lngRange.length?new t.LngLatBounds([this.lngRange[0],this.latRange[0]],[this.lngRange[1],this.latRange[1]]):null},wn.prototype.setMaxBounds=function(t){t?(this.lngRange=[t.getWest(),t.getEast()],this.latRange=[t.getSouth(),t.getNorth()],this._constrain()):(this.lngRange=null,this.latRange=[-this.maxValidLatitude,this.maxValidLatitude])},wn.prototype.calculatePosMatrix=function(e,r){void 0===r&&(r=!1);var n=e.key,i=r?this._alignedPosMatrixCache:this._posMatrixCache;if(i[n])return i[n];var a=e.canonical,o=this.worldSize/this.zoomScale(a.z),s=a.x+Math.pow(2,a.z)*e.wrap,l=t.identity(new Float64Array(16));return t.translate(l,l,[s*o,a.y*o,0]),t.scale(l,l,[o/t.EXTENT,o/t.EXTENT,1]),t.multiply(l,r?this.alignedProjMatrix:this.projMatrix,l),i[n]=new Float32Array(l),i[n]},wn.prototype.customLayerMatrix=function(){return this.mercatorMatrix.slice()},wn.prototype._constrain=function(){if(this.center&&this.width&&this.height&&!this._constraining){this._constraining=!0;var e,r,n,i,a=-90,o=90,s=-180,l=180,c=this.size,u=this._unmodified;if(this.latRange){var f=this.latRange;a=t.mercatorYfromLat(f[1])*this.worldSize,e=(o=t.mercatorYfromLat(f[0])*this.worldSize)-ao&&(i=o-m)}if(this.lngRange){var v=p.x,y=c.x/2;v-yl&&(n=l-y)}void 0===n&&void 0===i||(this.center=this.unproject(new t.Point(void 0!==n?n:p.x,void 0!==i?i:p.y))),this._unmodified=u,this._constraining=!1}},wn.prototype._calcMatrices=function(){if(this.height){var e=this.centerOffset;this.cameraToCenterDistance=.5/Math.tan(this._fov/2)*this.height;var r=Math.PI/2+this._pitch,n=this._fov*(.5+e.y/this.height),i=Math.sin(n)*this.cameraToCenterDistance/Math.sin(t.clamp(Math.PI-r-n,.01,Math.PI-.01)),a=this.point,o=a.x,s=a.y,l=1.01*(Math.cos(Math.PI/2-this._pitch)*i+this.cameraToCenterDistance),c=this.height/50,u=new Float64Array(16);t.perspective(u,this._fov,this.width/this.height,c,l),u[8]=2*-e.x/this.width,u[9]=2*e.y/this.height,t.scale(u,u,[1,-1,1]),t.translate(u,u,[0,0,-this.cameraToCenterDistance]),t.rotateX(u,u,this._pitch),t.rotateZ(u,u,this.angle),t.translate(u,u,[-o,-s,0]),this.mercatorMatrix=t.scale([],u,[this.worldSize,this.worldSize,this.worldSize]),t.scale(u,u,[1,1,t.mercatorZfromAltitude(1,this.center.lat)*this.worldSize,1]),this.projMatrix=u,this.invProjMatrix=t.invert([],this.projMatrix);var f=this.width%2/2,h=this.height%2/2,p=Math.cos(this.angle),d=Math.sin(this.angle),g=o-Math.round(o)+p*f+d*h,m=s-Math.round(s)+p*h+d*f,v=new Float64Array(u);if(t.translate(v,v,[g>.5?g-1:g,m>.5?m-1:m,0]),this.alignedProjMatrix=v,u=t.create(),t.scale(u,u,[this.width/2,-this.height/2,1]),t.translate(u,u,[1,-1,0]),this.labelPlaneMatrix=u,u=t.create(),t.scale(u,u,[1,-1,1]),t.translate(u,u,[-1,-1,0]),t.scale(u,u,[2/this.width,2/this.height,1]),this.glCoordMatrix=u,this.pixelMatrix=t.multiply(new Float64Array(16),this.labelPlaneMatrix,this.projMatrix),!(u=t.invert(new Float64Array(16),this.pixelMatrix)))throw new Error("failed to invert matrix");this.pixelMatrixInverse=u,this._posMatrixCache={},this._alignedPosMatrixCache={}}},wn.prototype.maxPitchScaleFactor=function(){if(!this.pixelMatrixInverse)return 1;var e=this.pointCoordinate(new t.Point(0,0)),r=[e.x*this.worldSize,e.y*this.worldSize,0,1];return t.transformMat4(r,r,this.pixelMatrix)[3]/this.cameraToCenterDistance},wn.prototype.getCameraPoint=function(){var e=Math.tan(this._pitch)*(this.cameraToCenterDistance||1);return this.centerPoint.add(new t.Point(0,e))},wn.prototype.getCameraQueryGeometry=function(e){var r=this.getCameraPoint();if(1===e.length)return[e[0],r];for(var n=r.x,i=r.y,a=r.x,o=r.y,s=0,l=e;s=3&&!t.some((function(t){return isNaN(t)}))){var e=this._map.dragRotate.isEnabled()&&this._map.touchZoomRotate.isEnabled()?+(t[3]||0):this._map.getBearing();return this._map.jumpTo({center:[+t[2],+t[1]],zoom:+t[0],bearing:e,pitch:+(t[4]||0)}),!0}return!1},kn.prototype._updateHashUnthrottled=function(){var e=this.getHashString();try{t.window.history.replaceState(t.window.history.state,"",e)}catch(t){}};var Mn={linearity:.3,easing:t.bezier(0,0,.3,1)},An=t.extend({deceleration:2500,maxSpeed:1400},Mn),Sn=t.extend({deceleration:20,maxSpeed:1400},Mn),En=t.extend({deceleration:1e3,maxSpeed:360},Mn),Cn=t.extend({deceleration:1e3,maxSpeed:90},Mn),Ln=function(t){this._map=t,this.clear()};function In(t,e){(!t.duration||t.duration0&&r-e[0].time>160;)e.shift()},Ln.prototype._onMoveEnd=function(e){if(this._drainInertiaBuffer(),!(this._inertiaBuffer.length<2)){for(var r={zoom:0,bearing:0,pitch:0,pan:new t.Point(0,0),pinchAround:void 0,around:void 0},n=0,i=this._inertiaBuffer;n=this._clickTolerance||this._map.fire(new zn(t.type,this._map,t))},Rn.prototype.dblclick=function(t){return this._firePreventable(new zn(t.type,this._map,t))},Rn.prototype.mouseover=function(t){this._map.fire(new zn(t.type,this._map,t))},Rn.prototype.mouseout=function(t){this._map.fire(new zn(t.type,this._map,t))},Rn.prototype.touchstart=function(t){return this._firePreventable(new On(t.type,this._map,t))},Rn.prototype.touchmove=function(t){this._map.fire(new On(t.type,this._map,t))},Rn.prototype.touchend=function(t){this._map.fire(new On(t.type,this._map,t))},Rn.prototype.touchcancel=function(t){this._map.fire(new On(t.type,this._map,t))},Rn.prototype._firePreventable=function(t){if(this._map.fire(t),t.defaultPrevented)return{}},Rn.prototype.isEnabled=function(){return!0},Rn.prototype.isActive=function(){return!1},Rn.prototype.enable=function(){},Rn.prototype.disable=function(){};var Fn=function(t){this._map=t};Fn.prototype.reset=function(){this._delayContextMenu=!1,delete this._contextMenuEvent},Fn.prototype.mousemove=function(t){this._map.fire(new zn(t.type,this._map,t))},Fn.prototype.mousedown=function(){this._delayContextMenu=!0},Fn.prototype.mouseup=function(){this._delayContextMenu=!1,this._contextMenuEvent&&(this._map.fire(new zn("contextmenu",this._map,this._contextMenuEvent)),delete this._contextMenuEvent)},Fn.prototype.contextmenu=function(t){this._delayContextMenu?this._contextMenuEvent=t:this._map.fire(new zn(t.type,this._map,t)),this._map.listens("contextmenu")&&t.preventDefault()},Fn.prototype.isEnabled=function(){return!0},Fn.prototype.isActive=function(){return!1},Fn.prototype.enable=function(){},Fn.prototype.disable=function(){};var Bn=function(t,e){this._map=t,this._el=t.getCanvasContainer(),this._container=t.getContainer(),this._clickTolerance=e.clickTolerance||1};function Nn(t,e){for(var r={},n=0;nthis.numTouches)&&(this.aborted=!0),this.aborted||(void 0===this.startTime&&(this.startTime=e.timeStamp),n.length===this.numTouches&&(this.centroid=function(e){for(var r=new t.Point(0,0),n=0,i=e;n30)&&(this.aborted=!0)}}},jn.prototype.touchend=function(t,e,r){if((!this.centroid||t.timeStamp-this.startTime>500)&&(this.aborted=!0),0===r.length){var n=!this.aborted&&this.centroid;if(this.reset(),n)return n}};var Un=function(t){this.singleTap=new jn(t),this.numTaps=t.numTaps,this.reset()};Un.prototype.reset=function(){this.lastTime=1/0,delete this.lastTap,this.count=0,this.singleTap.reset()},Un.prototype.touchstart=function(t,e,r){this.singleTap.touchstart(t,e,r)},Un.prototype.touchmove=function(t,e,r){this.singleTap.touchmove(t,e,r)},Un.prototype.touchend=function(t,e,r){var n=this.singleTap.touchend(t,e,r);if(n){var i=t.timeStamp-this.lastTime<500,a=!this.lastTap||this.lastTap.dist(n)<30;if(i&&a||this.reset(),this.count++,this.lastTime=t.timeStamp,this.lastTap=n,this.count===this.numTaps)return this.reset(),n}};var Vn=function(){this._zoomIn=new Un({numTouches:1,numTaps:2}),this._zoomOut=new Un({numTouches:2,numTaps:1}),this.reset()};Vn.prototype.reset=function(){this._active=!1,this._zoomIn.reset(),this._zoomOut.reset()},Vn.prototype.touchstart=function(t,e,r){this._zoomIn.touchstart(t,e,r),this._zoomOut.touchstart(t,e,r)},Vn.prototype.touchmove=function(t,e,r){this._zoomIn.touchmove(t,e,r),this._zoomOut.touchmove(t,e,r)},Vn.prototype.touchend=function(t,e,r){var n=this,i=this._zoomIn.touchend(t,e,r),a=this._zoomOut.touchend(t,e,r);return i?(this._active=!0,t.preventDefault(),setTimeout((function(){return n.reset()}),0),{cameraAnimation:function(e){return e.easeTo({duration:300,zoom:e.getZoom()+1,around:e.unproject(i)},{originalEvent:t})}}):a?(this._active=!0,t.preventDefault(),setTimeout((function(){return n.reset()}),0),{cameraAnimation:function(e){return e.easeTo({duration:300,zoom:e.getZoom()-1,around:e.unproject(a)},{originalEvent:t})}}):void 0},Vn.prototype.touchcancel=function(){this.reset()},Vn.prototype.enable=function(){this._enabled=!0},Vn.prototype.disable=function(){this._enabled=!1,this.reset()},Vn.prototype.isEnabled=function(){return this._enabled},Vn.prototype.isActive=function(){return this._active};var qn=function(t){this.reset(),this._clickTolerance=t.clickTolerance||1};qn.prototype.reset=function(){this._active=!1,this._moved=!1,delete this._lastPoint,delete this._eventButton},qn.prototype._correctButton=function(t,e){return!1},qn.prototype._move=function(t,e){return{}},qn.prototype.mousedown=function(t,e){if(!this._lastPoint){var n=r.mouseButton(t);this._correctButton(t,n)&&(this._lastPoint=e,this._eventButton=n)}},qn.prototype.mousemoveWindow=function(t,e){var r=this._lastPoint;if(r&&(t.preventDefault(),this._moved||!(e.dist(r)0&&(this._active=!0);var i=Nn(n,r),a=new t.Point(0,0),o=new t.Point(0,0),s=0;for(var l in i){var c=i[l],u=this._touches[l];u&&(a._add(c),o._add(c.sub(u)),s++,i[l]=c)}if(this._touches=i,!(sMath.abs(t.x)}var ei=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.reset=function(){t.prototype.reset.call(this),this._valid=void 0,delete this._firstMove,delete this._lastPoints},e.prototype._start=function(t){this._lastPoints=t,ti(t[0].sub(t[1]))&&(this._valid=!1)},e.prototype._move=function(t,e,r){var n=t[0].sub(this._lastPoints[0]),i=t[1].sub(this._lastPoints[1]);if(this._valid=this.gestureBeginsVertically(n,i,r.timeStamp),this._valid)return this._lastPoints=t,this._active=!0,{pitchDelta:(n.y+i.y)/2*-.5}},e.prototype.gestureBeginsVertically=function(t,e,r){if(void 0!==this._valid)return this._valid;var n=t.mag()>=2,i=e.mag()>=2;if(n||i){if(!n||!i)return void 0===this._firstMove&&(this._firstMove=r),r-this._firstMove<100&&void 0;var a=t.y>0==e.y>0;return ti(t)&&ti(e)&&a}},e}(Xn),ri={panStep:100,bearingStep:15,pitchStep:10},ni=function(){var t=ri;this._panStep=t.panStep,this._bearingStep=t.bearingStep,this._pitchStep=t.pitchStep};function ii(t){return t*(2-t)}ni.prototype.reset=function(){this._active=!1},ni.prototype.keydown=function(t){var e=this;if(!(t.altKey||t.ctrlKey||t.metaKey)){var r=0,n=0,i=0,a=0,o=0;switch(t.keyCode){case 61:case 107:case 171:case 187:r=1;break;case 189:case 109:case 173:r=-1;break;case 37:t.shiftKey?n=-1:(t.preventDefault(),a=-1);break;case 39:t.shiftKey?n=1:(t.preventDefault(),a=1);break;case 38:t.shiftKey?i=1:(t.preventDefault(),o=-1);break;case 40:t.shiftKey?i=-1:(t.preventDefault(),o=1);break;default:return}return{cameraAnimation:function(s){var l=s.getZoom();s.easeTo({duration:300,easeId:"keyboardHandler",easing:ii,zoom:r?Math.round(l)+r*(t.shiftKey?2:1):l,bearing:s.getBearing()+n*e._bearingStep,pitch:s.getPitch()+i*e._pitchStep,offset:[-a*e._panStep,-o*e._panStep],center:s.getCenter()},{originalEvent:t})}}}},ni.prototype.enable=function(){this._enabled=!0},ni.prototype.disable=function(){this._enabled=!1,this.reset()},ni.prototype.isEnabled=function(){return this._enabled},ni.prototype.isActive=function(){return this._active};var ai=function(e,r){this._map=e,this._el=e.getCanvasContainer(),this._handler=r,this._delta=0,this._defaultZoomRate=.01,this._wheelZoomRate=1/450,t.bindAll(["_onWheel","_onTimeout","_onScrollFrame","_onScrollFinished"],this)};ai.prototype.setZoomRate=function(t){this._defaultZoomRate=t},ai.prototype.setWheelZoomRate=function(t){this._wheelZoomRate=t},ai.prototype.isEnabled=function(){return!!this._enabled},ai.prototype.isActive=function(){return!!this._active||void 0!==this._finishTimeout},ai.prototype.isZooming=function(){return!!this._zooming},ai.prototype.enable=function(t){this.isEnabled()||(this._enabled=!0,this._aroundCenter=t&&"center"===t.around)},ai.prototype.disable=function(){this.isEnabled()&&(this._enabled=!1)},ai.prototype.wheel=function(e){if(this.isEnabled()){var r=e.deltaMode===t.window.WheelEvent.DOM_DELTA_LINE?40*e.deltaY:e.deltaY,n=t.browser.now(),i=n-(this._lastWheelEventTime||0);this._lastWheelEventTime=n,0!==r&&r%4.000244140625==0?this._type="wheel":0!==r&&Math.abs(r)<4?this._type="trackpad":i>400?(this._type=null,this._lastValue=r,this._timeout=setTimeout(this._onTimeout,40,e)):this._type||(this._type=Math.abs(i*r)<200?"trackpad":"wheel",this._timeout&&(clearTimeout(this._timeout),this._timeout=null,r+=this._lastValue)),e.shiftKey&&r&&(r/=4),this._type&&(this._lastWheelEvent=e,this._delta-=r,this._active||this._start(e)),e.preventDefault()}},ai.prototype._onTimeout=function(t){this._type="wheel",this._delta-=this._lastValue,this._active||this._start(t)},ai.prototype._start=function(e){if(this._delta){this._frameId&&(this._frameId=null),this._active=!0,this.isZooming()||(this._zooming=!0),this._finishTimeout&&(clearTimeout(this._finishTimeout),delete this._finishTimeout);var n=r.mousePos(this._el,e);this._around=t.LngLat.convert(this._aroundCenter?this._map.getCenter():this._map.unproject(n)),this._aroundPoint=this._map.transform.locationPoint(this._around),this._frameId||(this._frameId=!0,this._handler._triggerRenderFrame())}},ai.prototype.renderFrame=function(){return this._onScrollFrame()},ai.prototype._onScrollFrame=function(){var e=this;if(this._frameId&&(this._frameId=null,this.isActive())){var r=this._map.transform;if(0!==this._delta){var n="wheel"===this._type&&Math.abs(this._delta)>4.000244140625?this._wheelZoomRate:this._defaultZoomRate,i=2/(1+Math.exp(-Math.abs(this._delta*n)));this._delta<0&&0!==i&&(i=1/i);var a="number"==typeof this._targetZoom?r.zoomScale(this._targetZoom):r.scale;this._targetZoom=Math.min(r.maxZoom,Math.max(r.minZoom,r.scaleZoom(a*i))),"wheel"===this._type&&(this._startZoom=r.zoom,this._easing=this._smoothOutEasing(200)),this._delta=0}var o,s="number"==typeof this._targetZoom?this._targetZoom:r.zoom,l=this._startZoom,c=this._easing,u=!1;if("wheel"===this._type&&l&&c){var f=Math.min((t.browser.now()-this._lastWheelEventTime)/200,1),h=c(f);o=t.number(l,s,h),f<1?this._frameId||(this._frameId=!0):u=!0}else o=s,u=!0;return this._active=!0,u&&(this._active=!1,this._finishTimeout=setTimeout((function(){e._zooming=!1,e._handler._triggerRenderFrame(),delete e._targetZoom,delete e._finishTimeout}),200)),{noInertia:!0,needsRenderFrame:!u,zoomDelta:o-r.zoom,around:this._aroundPoint,originalEvent:this._lastWheelEvent}}},ai.prototype._smoothOutEasing=function(e){var r=t.ease;if(this._prevEase){var n=this._prevEase,i=(t.browser.now()-n.start)/n.duration,a=n.easing(i+.01)-n.easing(i),o=.27/Math.sqrt(a*a+1e-4)*.01,s=Math.sqrt(.0729-o*o);r=t.bezier(o,s,.25,1)}return this._prevEase={start:t.browser.now(),duration:e,easing:r},r},ai.prototype.reset=function(){this._active=!1};var oi=function(t,e){this._clickZoom=t,this._tapZoom=e};oi.prototype.enable=function(){this._clickZoom.enable(),this._tapZoom.enable()},oi.prototype.disable=function(){this._clickZoom.disable(),this._tapZoom.disable()},oi.prototype.isEnabled=function(){return this._clickZoom.isEnabled()&&this._tapZoom.isEnabled()},oi.prototype.isActive=function(){return this._clickZoom.isActive()||this._tapZoom.isActive()};var si=function(){this.reset()};si.prototype.reset=function(){this._active=!1},si.prototype.dblclick=function(t,e){return t.preventDefault(),{cameraAnimation:function(r){r.easeTo({duration:300,zoom:r.getZoom()+(t.shiftKey?-1:1),around:r.unproject(e)},{originalEvent:t})}}},si.prototype.enable=function(){this._enabled=!0},si.prototype.disable=function(){this._enabled=!1,this.reset()},si.prototype.isEnabled=function(){return this._enabled},si.prototype.isActive=function(){return this._active};var li=function(){this._tap=new Un({numTouches:1,numTaps:1}),this.reset()};li.prototype.reset=function(){this._active=!1,delete this._swipePoint,delete this._swipeTouch,delete this._tapTime,this._tap.reset()},li.prototype.touchstart=function(t,e,r){this._swipePoint||(this._tapTime&&t.timeStamp-this._tapTime>500&&this.reset(),this._tapTime?r.length>0&&(this._swipePoint=e[0],this._swipeTouch=r[0].identifier):this._tap.touchstart(t,e,r))},li.prototype.touchmove=function(t,e,r){if(this._tapTime){if(this._swipePoint){if(r[0].identifier!==this._swipeTouch)return;var n=e[0],i=n.y-this._swipePoint.y;return this._swipePoint=n,t.preventDefault(),this._active=!0,{zoomDelta:i/128}}}else this._tap.touchmove(t,e,r)},li.prototype.touchend=function(t,e,r){this._tapTime?this._swipePoint&&0===r.length&&this.reset():this._tap.touchend(t,e,r)&&(this._tapTime=t.timeStamp)},li.prototype.touchcancel=function(){this.reset()},li.prototype.enable=function(){this._enabled=!0},li.prototype.disable=function(){this._enabled=!1,this.reset()},li.prototype.isEnabled=function(){return this._enabled},li.prototype.isActive=function(){return this._active};var ci=function(t,e,r){this._el=t,this._mousePan=e,this._touchPan=r};ci.prototype.enable=function(t){this._inertiaOptions=t||{},this._mousePan.enable(),this._touchPan.enable(),this._el.classList.add("mapboxgl-touch-drag-pan")},ci.prototype.disable=function(){this._mousePan.disable(),this._touchPan.disable(),this._el.classList.remove("mapboxgl-touch-drag-pan")},ci.prototype.isEnabled=function(){return this._mousePan.isEnabled()&&this._touchPan.isEnabled()},ci.prototype.isActive=function(){return this._mousePan.isActive()||this._touchPan.isActive()};var ui=function(t,e,r){this._pitchWithRotate=t.pitchWithRotate,this._mouseRotate=e,this._mousePitch=r};ui.prototype.enable=function(){this._mouseRotate.enable(),this._pitchWithRotate&&this._mousePitch.enable()},ui.prototype.disable=function(){this._mouseRotate.disable(),this._mousePitch.disable()},ui.prototype.isEnabled=function(){return this._mouseRotate.isEnabled()&&(!this._pitchWithRotate||this._mousePitch.isEnabled())},ui.prototype.isActive=function(){return this._mouseRotate.isActive()||this._mousePitch.isActive()};var fi=function(t,e,r,n){this._el=t,this._touchZoom=e,this._touchRotate=r,this._tapDragZoom=n,this._rotationDisabled=!1,this._enabled=!0};fi.prototype.enable=function(t){this._touchZoom.enable(t),this._rotationDisabled||this._touchRotate.enable(t),this._tapDragZoom.enable(),this._el.classList.add("mapboxgl-touch-zoom-rotate")},fi.prototype.disable=function(){this._touchZoom.disable(),this._touchRotate.disable(),this._tapDragZoom.disable(),this._el.classList.remove("mapboxgl-touch-zoom-rotate")},fi.prototype.isEnabled=function(){return this._touchZoom.isEnabled()&&(this._rotationDisabled||this._touchRotate.isEnabled())&&this._tapDragZoom.isEnabled()},fi.prototype.isActive=function(){return this._touchZoom.isActive()||this._touchRotate.isActive()||this._tapDragZoom.isActive()},fi.prototype.disableRotation=function(){this._rotationDisabled=!0,this._touchRotate.disable()},fi.prototype.enableRotation=function(){this._rotationDisabled=!1,this._touchZoom.isEnabled()&&this._touchRotate.enable()};var hi=function(t){return t.zoom||t.drag||t.pitch||t.rotate},pi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e}(t.Event);function di(t){return t.panDelta&&t.panDelta.mag()||t.zoomDelta||t.bearingDelta||t.pitchDelta}var gi=function(e,n){this._map=e,this._el=this._map.getCanvasContainer(),this._handlers=[],this._handlersById={},this._changes=[],this._inertia=new Ln(e),this._bearingSnap=n.bearingSnap,this._previousActiveHandlers={},this._eventsInProgress={},this._addDefaultHandlers(n),t.bindAll(["handleEvent","handleWindowEvent"],this);var i=this._el;this._listeners=[[i,"touchstart",{passive:!1}],[i,"touchmove",{passive:!1}],[i,"touchend",void 0],[i,"touchcancel",void 0],[i,"mousedown",void 0],[i,"mousemove",void 0],[i,"mouseup",void 0],[t.window.document,"mousemove",{capture:!0}],[t.window.document,"mouseup",void 0],[i,"mouseover",void 0],[i,"mouseout",void 0],[i,"dblclick",void 0],[i,"click",void 0],[i,"keydown",{capture:!1}],[i,"keyup",void 0],[i,"wheel",{passive:!1}],[i,"contextmenu",void 0],[t.window,"blur",void 0]];for(var a=0,o=this._listeners;aa?Math.min(2,_):Math.max(.5,_),w=Math.pow(m,1-e),T=i.unproject(x.add(b.mult(e*w)).mult(g));i.setLocationAtPoint(i.renderWorldCopies?T.wrap():T,d)}n._fireMoveEvents(r)}),(function(t){n._afterEase(r,t)}),e),this},r.prototype._prepareEase=function(e,r,n){void 0===n&&(n={}),this._moving=!0,r||n.moving||this.fire(new t.Event("movestart",e)),this._zooming&&!n.zooming&&this.fire(new t.Event("zoomstart",e)),this._rotating&&!n.rotating&&this.fire(new t.Event("rotatestart",e)),this._pitching&&!n.pitching&&this.fire(new t.Event("pitchstart",e))},r.prototype._fireMoveEvents=function(e){this.fire(new t.Event("move",e)),this._zooming&&this.fire(new t.Event("zoom",e)),this._rotating&&this.fire(new t.Event("rotate",e)),this._pitching&&this.fire(new t.Event("pitch",e))},r.prototype._afterEase=function(e,r){if(!this._easeId||!r||this._easeId!==r){delete this._easeId;var n=this._zooming,i=this._rotating,a=this._pitching;this._moving=!1,this._zooming=!1,this._rotating=!1,this._pitching=!1,this._padding=!1,n&&this.fire(new t.Event("zoomend",e)),i&&this.fire(new t.Event("rotateend",e)),a&&this.fire(new t.Event("pitchend",e)),this.fire(new t.Event("moveend",e))}},r.prototype.flyTo=function(e,r){var n=this;if(!e.essential&&t.browser.prefersReducedMotion){var i=t.pick(e,["center","zoom","bearing","pitch","around"]);return this.jumpTo(i,r)}this.stop(),e=t.extend({offset:[0,0],speed:1.2,curve:1.42,easing:t.ease},e);var a=this.transform,o=this.getZoom(),s=this.getBearing(),l=this.getPitch(),c=this.getPadding(),u="zoom"in e?t.clamp(+e.zoom,a.minZoom,a.maxZoom):o,f="bearing"in e?this._normalizeBearing(e.bearing,s):s,h="pitch"in e?+e.pitch:l,p="padding"in e?e.padding:a.padding,d=a.zoomScale(u-o),g=t.Point.convert(e.offset),m=a.centerPoint.add(g),v=a.pointLocation(m),y=t.LngLat.convert(e.center||v);this._normalizeCenter(y);var x=a.project(v),b=a.project(y).sub(x),_=e.curve,w=Math.max(a.width,a.height),T=w/d,k=b.mag();if("minZoom"in e){var M=t.clamp(Math.min(e.minZoom,o,u),a.minZoom,a.maxZoom),A=w/a.zoomScale(M-o);_=Math.sqrt(A/k*2)}var S=_*_;function E(t){var e=(T*T-w*w+(t?-1:1)*S*S*k*k)/(2*(t?T:w)*S*k);return Math.log(Math.sqrt(e*e+1)-e)}function C(t){return(Math.exp(t)-Math.exp(-t))/2}function L(t){return(Math.exp(t)+Math.exp(-t))/2}var I=E(0),P=function(t){return L(I)/L(I+_*t)},z=function(t){return w*((L(I)*(C(e=I+_*t)/L(e))-C(I))/S)/k;var e},O=(E(1)-I)/_;if(Math.abs(k)<1e-6||!isFinite(O)){if(Math.abs(w-T)<1e-6)return this.easeTo(e,r);var D=Te.maxDuration&&(e.duration=0),this._zooming=!0,this._rotating=s!==f,this._pitching=h!==l,this._padding=!a.isPaddingEqual(p),this._prepareEase(r,!1),this._ease((function(e){var i=e*O,d=1/P(i);a.zoom=1===e?u:o+a.scaleZoom(d),n._rotating&&(a.bearing=t.number(s,f,e)),n._pitching&&(a.pitch=t.number(l,h,e)),n._padding&&(a.interpolatePadding(c,p,e),m=a.centerPoint.add(g));var v=1===e?y:a.unproject(x.add(b.mult(z(i))).mult(d));a.setLocationAtPoint(a.renderWorldCopies?v.wrap():v,m),n._fireMoveEvents(r)}),(function(){return n._afterEase(r)}),e),this},r.prototype.isEasing=function(){return!!this._easeFrameId},r.prototype.stop=function(){return this._stop()},r.prototype._stop=function(t,e){if(this._easeFrameId&&(this._cancelRenderFrame(this._easeFrameId),delete this._easeFrameId,delete this._onEaseFrame),this._onEaseEnd){var r=this._onEaseEnd;delete this._onEaseEnd,r.call(this,e)}if(!t){var n=this.handlers;n&&n.stop()}return this},r.prototype._ease=function(e,r,n){!1===n.animate||0===n.duration?(e(1),r()):(this._easeStart=t.browser.now(),this._easeOptions=n,this._onEaseFrame=e,this._onEaseEnd=r,this._easeFrameId=this._requestRenderFrame(this._renderFrameCallback))},r.prototype._renderFrameCallback=function(){var e=Math.min((t.browser.now()-this._easeStart)/this._easeOptions.duration,1);this._onEaseFrame(this._easeOptions.easing(e)),e<1?this._easeFrameId=this._requestRenderFrame(this._renderFrameCallback):this.stop()},r.prototype._normalizeBearing=function(e,r){e=t.wrap(e,-180,180);var n=Math.abs(e-r);return Math.abs(e-360-r)180?-360:r<-180?360:0}},r}(t.Evented),vi=function(e){void 0===e&&(e={}),this.options=e,t.bindAll(["_updateEditLink","_updateData","_updateCompact"],this)};vi.prototype.getDefaultPosition=function(){return"bottom-right"},vi.prototype.onAdd=function(t){var e=this.options&&this.options.compact;return this._map=t,this._container=r.create("div","mapboxgl-ctrl mapboxgl-ctrl-attrib"),this._innerContainer=r.create("div","mapboxgl-ctrl-attrib-inner",this._container),e&&this._container.classList.add("mapboxgl-compact"),this._updateAttributions(),this._updateEditLink(),this._map.on("styledata",this._updateData),this._map.on("sourcedata",this._updateData),this._map.on("moveend",this._updateEditLink),void 0===e&&(this._map.on("resize",this._updateCompact),this._updateCompact()),this._container},vi.prototype.onRemove=function(){r.remove(this._container),this._map.off("styledata",this._updateData),this._map.off("sourcedata",this._updateData),this._map.off("moveend",this._updateEditLink),this._map.off("resize",this._updateCompact),this._map=void 0,this._attribHTML=void 0},vi.prototype._updateEditLink=function(){var e=this._editLink;e||(e=this._editLink=this._container.querySelector(".mapbox-improve-map"));var r=[{key:"owner",value:this.styleOwner},{key:"id",value:this.styleId},{key:"access_token",value:this._map._requestManager._customAccessToken||t.config.ACCESS_TOKEN}];if(e){var n=r.reduce((function(t,e,n){return e.value&&(t+=e.key+"="+e.value+(n=0)return!1;return!0}))).join(" | ");o!==this._attribHTML&&(this._attribHTML=o,t.length?(this._innerContainer.innerHTML=o,this._container.classList.remove("mapboxgl-attrib-empty")):this._container.classList.add("mapboxgl-attrib-empty"),this._editLink=null)}},vi.prototype._updateCompact=function(){this._map.getCanvasContainer().offsetWidth<=640?this._container.classList.add("mapboxgl-compact"):this._container.classList.remove("mapboxgl-compact")};var yi=function(){t.bindAll(["_updateLogo"],this),t.bindAll(["_updateCompact"],this)};yi.prototype.onAdd=function(t){this._map=t,this._container=r.create("div","mapboxgl-ctrl");var e=r.create("a","mapboxgl-ctrl-logo");return e.target="_blank",e.rel="noopener nofollow",e.href="https://www.mapbox.com/",e.setAttribute("aria-label",this._map._getUIString("LogoControl.Title")),e.setAttribute("rel","noopener nofollow"),this._container.appendChild(e),this._container.style.display="none",this._map.on("sourcedata",this._updateLogo),this._updateLogo(),this._map.on("resize",this._updateCompact),this._updateCompact(),this._container},yi.prototype.onRemove=function(){r.remove(this._container),this._map.off("sourcedata",this._updateLogo),this._map.off("resize",this._updateCompact)},yi.prototype.getDefaultPosition=function(){return"bottom-left"},yi.prototype._updateLogo=function(t){t&&"metadata"!==t.sourceDataType||(this._container.style.display=this._logoRequired()?"block":"none")},yi.prototype._logoRequired=function(){if(this._map.style){var t=this._map.style.sourceCaches;for(var e in t)if(t[e].getSource().mapbox_logo)return!0;return!1}},yi.prototype._updateCompact=function(){var t=this._container.children;if(t.length){var e=t[0];this._map.getCanvasContainer().offsetWidth<250?e.classList.add("mapboxgl-compact"):e.classList.remove("mapboxgl-compact")}};var xi=function(){this._queue=[],this._id=0,this._cleared=!1,this._currentlyRunning=!1};xi.prototype.add=function(t){var e=++this._id;return this._queue.push({callback:t,id:e,cancelled:!1}),e},xi.prototype.remove=function(t){for(var e=this._currentlyRunning,r=0,n=e?this._queue.concat(e):this._queue;re.maxZoom)throw new Error("maxZoom must be greater than or equal to minZoom");if(null!=e.minPitch&&null!=e.maxPitch&&e.minPitch>e.maxPitch)throw new Error("maxPitch must be greater than or equal to minPitch");if(null!=e.minPitch&&e.minPitch<0)throw new Error("minPitch must be greater than or equal to 0");if(null!=e.maxPitch&&e.maxPitch>60)throw new Error("maxPitch must be less than or equal to 60");var i=new wn(e.minZoom,e.maxZoom,e.minPitch,e.maxPitch,e.renderWorldCopies);if(n.call(this,i,e),this._interactive=e.interactive,this._maxTileCacheSize=e.maxTileCacheSize,this._failIfMajorPerformanceCaveat=e.failIfMajorPerformanceCaveat,this._preserveDrawingBuffer=e.preserveDrawingBuffer,this._antialias=e.antialias,this._trackResize=e.trackResize,this._bearingSnap=e.bearingSnap,this._refreshExpiredTiles=e.refreshExpiredTiles,this._fadeDuration=e.fadeDuration,this._crossSourceCollisions=e.crossSourceCollisions,this._crossFadingFactor=1,this._collectResourceTiming=e.collectResourceTiming,this._renderTaskQueue=new xi,this._controls=[],this._mapId=t.uniqueId(),this._locale=t.extend({},bi,e.locale),this._requestManager=new t.RequestManager(e.transformRequest,e.accessToken),"string"==typeof e.container){if(this._container=t.window.document.getElementById(e.container),!this._container)throw new Error("Container '"+e.container+"' not found.")}else{if(!(e.container instanceof wi))throw new Error("Invalid type: 'container' must be a String or HTMLElement.");this._container=e.container}if(e.maxBounds&&this.setMaxBounds(e.maxBounds),t.bindAll(["_onWindowOnline","_onWindowResize","_contextLost","_contextRestored"],this),this._setupContainer(),this._setupPainter(),void 0===this.painter)throw new Error("Failed to initialize WebGL.");this.on("move",(function(){return r._update(!1)})),this.on("moveend",(function(){return r._update(!1)})),this.on("zoom",(function(){return r._update(!0)})),void 0!==t.window&&(t.window.addEventListener("online",this._onWindowOnline,!1),t.window.addEventListener("resize",this._onWindowResize,!1)),this.handlers=new gi(this,e),this._hash=e.hash&&new kn("string"==typeof e.hash&&e.hash||void 0).addTo(this),this._hash&&this._hash._onHashChange()||(this.jumpTo({center:e.center,zoom:e.zoom,bearing:e.bearing,pitch:e.pitch}),e.bounds&&(this.resize(),this.fitBounds(e.bounds,t.extend({},e.fitBoundsOptions,{duration:0})))),this.resize(),this._localIdeographFontFamily=e.localIdeographFontFamily,e.style&&this.setStyle(e.style,{localIdeographFontFamily:e.localIdeographFontFamily}),e.attributionControl&&this.addControl(new vi({customAttribution:e.customAttribution})),this.addControl(new yi,e.logoPosition),this.on("style.load",(function(){r.transform.unmodified&&r.jumpTo(r.style.stylesheet)})),this.on("data",(function(e){r._update("style"===e.dataType),r.fire(new t.Event(e.dataType+"data",e))})),this.on("dataloading",(function(e){r.fire(new t.Event(e.dataType+"dataloading",e))}))}n&&(i.__proto__=n),(i.prototype=Object.create(n&&n.prototype)).constructor=i;var a={showTileBoundaries:{configurable:!0},showPadding:{configurable:!0},showCollisionBoxes:{configurable:!0},showOverdrawInspector:{configurable:!0},repaint:{configurable:!0},vertices:{configurable:!0},version:{configurable:!0}};return i.prototype._getMapId=function(){return this._mapId},i.prototype.addControl=function(e,r){if(void 0===r&&e.getDefaultPosition&&(r=e.getDefaultPosition()),void 0===r&&(r="top-right"),!e||!e.onAdd)return this.fire(new t.ErrorEvent(new Error("Invalid argument to map.addControl(). Argument must be a control with onAdd and onRemove methods.")));var n=e.onAdd(this);this._controls.push(e);var i=this._controlPositions[r];return-1!==r.indexOf("bottom")?i.insertBefore(n,i.firstChild):i.appendChild(n),this},i.prototype.removeControl=function(e){if(!e||!e.onRemove)return this.fire(new t.ErrorEvent(new Error("Invalid argument to map.removeControl(). Argument must be a control with onAdd and onRemove methods.")));var r=this._controls.indexOf(e);return r>-1&&this._controls.splice(r,1),e.onRemove(this),this},i.prototype.resize=function(e){var r=this._containerDimensions(),n=r[0],i=r[1];this._resizeCanvas(n,i),this.transform.resize(n,i),this.painter.resize(n,i);var a=!this._moving;return a&&(this.stop(),this.fire(new t.Event("movestart",e)).fire(new t.Event("move",e))),this.fire(new t.Event("resize",e)),a&&this.fire(new t.Event("moveend",e)),this},i.prototype.getBounds=function(){return this.transform.getBounds()},i.prototype.getMaxBounds=function(){return this.transform.getMaxBounds()},i.prototype.setMaxBounds=function(e){return this.transform.setMaxBounds(t.LngLatBounds.convert(e)),this._update()},i.prototype.setMinZoom=function(t){if((t=null==t?-2:t)>=-2&&t<=this.transform.maxZoom)return this.transform.minZoom=t,this._update(),this.getZoom()=this.transform.minZoom)return this.transform.maxZoom=t,this._update(),this.getZoom()>t&&this.setZoom(t),this;throw new Error("maxZoom must be greater than the current minZoom")},i.prototype.getMaxZoom=function(){return this.transform.maxZoom},i.prototype.setMinPitch=function(t){if((t=null==t?0:t)<0)throw new Error("minPitch must be greater than or equal to 0");if(t>=0&&t<=this.transform.maxPitch)return this.transform.minPitch=t,this._update(),this.getPitch()60)throw new Error("maxPitch must be less than or equal to 60");if(t>=this.transform.minPitch)return this.transform.maxPitch=t,this._update(),this.getPitch()>t&&this.setPitch(t),this;throw new Error("maxPitch must be greater than the current minPitch")},i.prototype.getMaxPitch=function(){return this.transform.maxPitch},i.prototype.getRenderWorldCopies=function(){return this.transform.renderWorldCopies},i.prototype.setRenderWorldCopies=function(t){return this.transform.renderWorldCopies=t,this._update()},i.prototype.project=function(e){return this.transform.locationPoint(t.LngLat.convert(e))},i.prototype.unproject=function(e){return this.transform.pointLocation(t.Point.convert(e))},i.prototype.isMoving=function(){return this._moving||this.handlers.isMoving()},i.prototype.isZooming=function(){return this._zooming||this.handlers.isZooming()},i.prototype.isRotating=function(){return this._rotating||this.handlers.isRotating()},i.prototype._createDelegatedListener=function(t,e,r){var n,i=this;if("mouseenter"===t||"mouseover"===t){var a=!1;return{layer:e,listener:r,delegates:{mousemove:function(n){var o=i.getLayer(e)?i.queryRenderedFeatures(n.point,{layers:[e]}):[];o.length?a||(a=!0,r.call(i,new zn(t,i,n.originalEvent,{features:o}))):a=!1},mouseout:function(){a=!1}}}}if("mouseleave"===t||"mouseout"===t){var o=!1;return{layer:e,listener:r,delegates:{mousemove:function(n){(i.getLayer(e)?i.queryRenderedFeatures(n.point,{layers:[e]}):[]).length?o=!0:o&&(o=!1,r.call(i,new zn(t,i,n.originalEvent)))},mouseout:function(e){o&&(o=!1,r.call(i,new zn(t,i,e.originalEvent)))}}}}return{layer:e,listener:r,delegates:(n={},n[t]=function(t){var n=i.getLayer(e)?i.queryRenderedFeatures(t.point,{layers:[e]}):[];n.length&&(t.features=n,r.call(i,t),delete t.features)},n)}},i.prototype.on=function(t,e,r){if(void 0===r)return n.prototype.on.call(this,t,e);var i=this._createDelegatedListener(t,e,r);for(var a in this._delegatedListeners=this._delegatedListeners||{},this._delegatedListeners[t]=this._delegatedListeners[t]||[],this._delegatedListeners[t].push(i),i.delegates)this.on(a,i.delegates[a]);return this},i.prototype.once=function(t,e,r){if(void 0===r)return n.prototype.once.call(this,t,e);var i=this._createDelegatedListener(t,e,r);for(var a in i.delegates)this.once(a,i.delegates[a]);return this},i.prototype.off=function(t,e,r){var i=this;return void 0===r?n.prototype.off.call(this,t,e):(this._delegatedListeners&&this._delegatedListeners[t]&&function(n){for(var a=n[t],o=0;o180;){var s=n.locationPoint(e);if(s.x>=0&&s.y>=0&&s.x<=n.width&&s.y<=n.height)break;e.lng>n.center.lng?e.lng-=360:e.lng+=360}return e}Ci.prototype.down=function(t,e){this.mouseRotate.mousedown(t,e),this.mousePitch&&this.mousePitch.mousedown(t,e),r.disableDrag()},Ci.prototype.move=function(t,e){var r=this.map,n=this.mouseRotate.mousemoveWindow(t,e);if(n&&n.bearingDelta&&r.setBearing(r.getBearing()+n.bearingDelta),this.mousePitch){var i=this.mousePitch.mousemoveWindow(t,e);i&&i.pitchDelta&&r.setPitch(r.getPitch()+i.pitchDelta)}},Ci.prototype.off=function(){var t=this.element;r.removeEventListener(t,"mousedown",this.mousedown),r.removeEventListener(t,"touchstart",this.touchstart,{passive:!1}),r.removeEventListener(t,"touchmove",this.touchmove),r.removeEventListener(t,"touchend",this.touchend),r.removeEventListener(t,"touchcancel",this.reset),this.offTemp()},Ci.prototype.offTemp=function(){r.enableDrag(),r.removeEventListener(t.window,"mousemove",this.mousemove),r.removeEventListener(t.window,"mouseup",this.mouseup)},Ci.prototype.mousedown=function(e){this.down(t.extend({},e,{ctrlKey:!0,preventDefault:function(){return e.preventDefault()}}),r.mousePos(this.element,e)),r.addEventListener(t.window,"mousemove",this.mousemove),r.addEventListener(t.window,"mouseup",this.mouseup)},Ci.prototype.mousemove=function(t){this.move(t,r.mousePos(this.element,t))},Ci.prototype.mouseup=function(t){this.mouseRotate.mouseupWindow(t),this.mousePitch&&this.mousePitch.mouseupWindow(t),this.offTemp()},Ci.prototype.touchstart=function(t){1!==t.targetTouches.length?this.reset():(this._startPos=this._lastPos=r.touchPos(this.element,t.targetTouches)[0],this.down({type:"mousedown",button:0,ctrlKey:!0,preventDefault:function(){return t.preventDefault()}},this._startPos))},Ci.prototype.touchmove=function(t){1!==t.targetTouches.length?this.reset():(this._lastPos=r.touchPos(this.element,t.targetTouches)[0],this.move({preventDefault:function(){return t.preventDefault()}},this._lastPos))},Ci.prototype.touchend=function(t){0===t.targetTouches.length&&this._startPos&&this._lastPos&&this._startPos.dist(this._lastPos)e.getEast()||r.latitudee.getNorth())},n.prototype._setErrorState=function(){switch(this._watchState){case"WAITING_ACTIVE":this._watchState="ACTIVE_ERROR",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active-error");break;case"ACTIVE_LOCK":this._watchState="ACTIVE_ERROR",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active-error"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting");break;case"BACKGROUND":this._watchState="BACKGROUND_ERROR",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background-error"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting")}},n.prototype._onSuccess=function(e){if(this._map){if(this._isOutOfMapMaxBounds(e))return this._setErrorState(),this.fire(new t.Event("outofmaxbounds",e)),this._updateMarker(),void this._finish();if(this.options.trackUserLocation)switch(this._lastKnownPosition=e,this._watchState){case"WAITING_ACTIVE":case"ACTIVE_LOCK":case"ACTIVE_ERROR":this._watchState="ACTIVE_LOCK",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active-error"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active");break;case"BACKGROUND":case"BACKGROUND_ERROR":this._watchState="BACKGROUND",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background-error"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background")}this.options.showUserLocation&&"OFF"!==this._watchState&&this._updateMarker(e),this.options.trackUserLocation&&"ACTIVE_LOCK"!==this._watchState||this._updateCamera(e),this.options.showUserLocation&&this._dotElement.classList.remove("mapboxgl-user-location-dot-stale"),this.fire(new t.Event("geolocate",e)),this._finish()}},n.prototype._updateCamera=function(e){var r=new t.LngLat(e.coords.longitude,e.coords.latitude),n=e.coords.accuracy,i=this._map.getBearing(),a=t.extend({bearing:i},this.options.fitBoundsOptions);this._map.fitBounds(r.toBounds(n),a,{geolocateSource:!0})},n.prototype._updateMarker=function(e){if(e){var r=new t.LngLat(e.coords.longitude,e.coords.latitude);this._accuracyCircleMarker.setLngLat(r).addTo(this._map),this._userLocationDotMarker.setLngLat(r).addTo(this._map),this._accuracy=e.coords.accuracy,this.options.showUserLocation&&this.options.showAccuracyCircle&&this._updateCircleRadius()}else this._userLocationDotMarker.remove(),this._accuracyCircleMarker.remove()},n.prototype._updateCircleRadius=function(){var t=this._map._container.clientHeight/2,e=this._map.unproject([0,t]),r=this._map.unproject([1,t]),n=e.distanceTo(r),i=Math.ceil(2*this._accuracy/n);this._circleElement.style.width=i+"px",this._circleElement.style.height=i+"px"},n.prototype._onZoom=function(){this.options.showUserLocation&&this.options.showAccuracyCircle&&this._updateCircleRadius()},n.prototype._onError=function(e){if(this._map){if(this.options.trackUserLocation)if(1===e.code){this._watchState="OFF",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active-error"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background-error"),this._geolocateButton.disabled=!0;var r=this._map._getUIString("GeolocateControl.LocationNotAvailable");this._geolocateButton.title=r,this._geolocateButton.setAttribute("aria-label",r),void 0!==this._geolocationWatchID&&this._clearWatch()}else{if(3===e.code&&Fi)return;this._setErrorState()}"OFF"!==this._watchState&&this.options.showUserLocation&&this._dotElement.classList.add("mapboxgl-user-location-dot-stale"),this.fire(new t.Event("error",e)),this._finish()}},n.prototype._finish=function(){this._timeoutId&&clearTimeout(this._timeoutId),this._timeoutId=void 0},n.prototype._setupUI=function(e){var n=this;if(this._container.addEventListener("contextmenu",(function(t){return t.preventDefault()})),this._geolocateButton=r.create("button","mapboxgl-ctrl-geolocate",this._container),r.create("span","mapboxgl-ctrl-icon",this._geolocateButton).setAttribute("aria-hidden",!0),this._geolocateButton.type="button",!1===e){t.warnOnce("Geolocation support is not available so the GeolocateControl will be disabled.");var i=this._map._getUIString("GeolocateControl.LocationNotAvailable");this._geolocateButton.disabled=!0,this._geolocateButton.title=i,this._geolocateButton.setAttribute("aria-label",i)}else{var a=this._map._getUIString("GeolocateControl.FindMyLocation");this._geolocateButton.title=a,this._geolocateButton.setAttribute("aria-label",a)}this.options.trackUserLocation&&(this._geolocateButton.setAttribute("aria-pressed","false"),this._watchState="OFF"),this.options.showUserLocation&&(this._dotElement=r.create("div","mapboxgl-user-location-dot"),this._userLocationDotMarker=new Oi(this._dotElement),this._circleElement=r.create("div","mapboxgl-user-location-accuracy-circle"),this._accuracyCircleMarker=new Oi({element:this._circleElement,pitchAlignment:"map"}),this.options.trackUserLocation&&(this._watchState="OFF"),this._map.on("zoom",this._onZoom)),this._geolocateButton.addEventListener("click",this.trigger.bind(this)),this._setup=!0,this.options.trackUserLocation&&this._map.on("movestart",(function(e){e.geolocateSource||"ACTIVE_LOCK"!==n._watchState||e.originalEvent&&"resize"===e.originalEvent.type||(n._watchState="BACKGROUND",n._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background"),n._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),n.fire(new t.Event("trackuserlocationend")))}))},n.prototype.trigger=function(){if(!this._setup)return t.warnOnce("Geolocate control triggered before added to a map"),!1;if(this.options.trackUserLocation){switch(this._watchState){case"OFF":this._watchState="WAITING_ACTIVE",this.fire(new t.Event("trackuserlocationstart"));break;case"WAITING_ACTIVE":case"ACTIVE_LOCK":case"ACTIVE_ERROR":case"BACKGROUND_ERROR":Ri--,Fi=!1,this._watchState="OFF",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active-error"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background-error"),this.fire(new t.Event("trackuserlocationend"));break;case"BACKGROUND":this._watchState="ACTIVE_LOCK",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background"),this._lastKnownPosition&&this._updateCamera(this._lastKnownPosition),this.fire(new t.Event("trackuserlocationstart"))}switch(this._watchState){case"WAITING_ACTIVE":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active");break;case"ACTIVE_LOCK":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active");break;case"ACTIVE_ERROR":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active-error");break;case"BACKGROUND":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background");break;case"BACKGROUND_ERROR":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background-error")}if("OFF"===this._watchState&&void 0!==this._geolocationWatchID)this._clearWatch();else if(void 0===this._geolocationWatchID){var e;this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.setAttribute("aria-pressed","true"),++Ri>1?(e={maximumAge:6e5,timeout:0},Fi=!0):(e=this.options.positionOptions,Fi=!1),this._geolocationWatchID=t.window.navigator.geolocation.watchPosition(this._onSuccess,this._onError,e)}}else t.window.navigator.geolocation.getCurrentPosition(this._onSuccess,this._onError,this.options.positionOptions),this._timeoutId=setTimeout(this._finish,1e4);return!0},n.prototype._clearWatch=function(){t.window.navigator.geolocation.clearWatch(this._geolocationWatchID),this._geolocationWatchID=void 0,this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.setAttribute("aria-pressed","false"),this.options.showUserLocation&&this._updateMarker(null)},n}(t.Evented),Ni={maxWidth:100,unit:"metric"},ji=function(e){this.options=t.extend({},Ni,e),t.bindAll(["_onMove","setUnit"],this)};function Ui(t,e,r){var n=r&&r.maxWidth||100,i=t._container.clientHeight/2,a=t.unproject([0,i]),o=t.unproject([n,i]),s=a.distanceTo(o);if(r&&"imperial"===r.unit){var l=3.2808*s;l>5280?Vi(e,n,l/5280,t._getUIString("ScaleControl.Miles")):Vi(e,n,l,t._getUIString("ScaleControl.Feet"))}else r&&"nautical"===r.unit?Vi(e,n,s/1852,t._getUIString("ScaleControl.NauticalMiles")):s>=1e3?Vi(e,n,s/1e3,t._getUIString("ScaleControl.Kilometers")):Vi(e,n,s,t._getUIString("ScaleControl.Meters"))}function Vi(t,e,r,n){var i,a,o,s=(i=r,(a=Math.pow(10,(""+Math.floor(i)).length-1))*(o=(o=i/a)>=10?10:o>=5?5:o>=3?3:o>=2?2:o>=1?1:function(t){var e=Math.pow(10,Math.ceil(-Math.log(t)/Math.LN10));return Math.round(t*e)/e}(o)));t.style.width=e*(s/r)+"px",t.innerHTML=s+" "+n}ji.prototype.getDefaultPosition=function(){return"bottom-left"},ji.prototype._onMove=function(){Ui(this._map,this._container,this.options)},ji.prototype.onAdd=function(t){return this._map=t,this._container=r.create("div","mapboxgl-ctrl mapboxgl-ctrl-scale",t.getContainer()),this._map.on("move",this._onMove),this._onMove(),this._container},ji.prototype.onRemove=function(){r.remove(this._container),this._map.off("move",this._onMove),this._map=void 0},ji.prototype.setUnit=function(t){this.options.unit=t,Ui(this._map,this._container,this.options)};var qi=function(e){this._fullscreen=!1,e&&e.container&&(e.container instanceof t.window.HTMLElement?this._container=e.container:t.warnOnce("Full screen control 'container' must be a DOM element.")),t.bindAll(["_onClickFullscreen","_changeIcon"],this),"onfullscreenchange"in t.window.document?this._fullscreenchange="fullscreenchange":"onmozfullscreenchange"in t.window.document?this._fullscreenchange="mozfullscreenchange":"onwebkitfullscreenchange"in t.window.document?this._fullscreenchange="webkitfullscreenchange":"onmsfullscreenchange"in t.window.document&&(this._fullscreenchange="MSFullscreenChange")};qi.prototype.onAdd=function(e){return this._map=e,this._container||(this._container=this._map.getContainer()),this._controlContainer=r.create("div","mapboxgl-ctrl mapboxgl-ctrl-group"),this._checkFullscreenSupport()?this._setupUI():(this._controlContainer.style.display="none",t.warnOnce("This device does not support fullscreen mode.")),this._controlContainer},qi.prototype.onRemove=function(){r.remove(this._controlContainer),this._map=null,t.window.document.removeEventListener(this._fullscreenchange,this._changeIcon)},qi.prototype._checkFullscreenSupport=function(){return!!(t.window.document.fullscreenEnabled||t.window.document.mozFullScreenEnabled||t.window.document.msFullscreenEnabled||t.window.document.webkitFullscreenEnabled)},qi.prototype._setupUI=function(){var e=this._fullscreenButton=r.create("button","mapboxgl-ctrl-fullscreen",this._controlContainer);r.create("span","mapboxgl-ctrl-icon",e).setAttribute("aria-hidden",!0),e.type="button",this._updateTitle(),this._fullscreenButton.addEventListener("click",this._onClickFullscreen),t.window.document.addEventListener(this._fullscreenchange,this._changeIcon)},qi.prototype._updateTitle=function(){var t=this._getTitle();this._fullscreenButton.setAttribute("aria-label",t),this._fullscreenButton.title=t},qi.prototype._getTitle=function(){return this._map._getUIString(this._isFullscreen()?"FullscreenControl.Exit":"FullscreenControl.Enter")},qi.prototype._isFullscreen=function(){return this._fullscreen},qi.prototype._changeIcon=function(){(t.window.document.fullscreenElement||t.window.document.mozFullScreenElement||t.window.document.webkitFullscreenElement||t.window.document.msFullscreenElement)===this._container!==this._fullscreen&&(this._fullscreen=!this._fullscreen,this._fullscreenButton.classList.toggle("mapboxgl-ctrl-shrink"),this._fullscreenButton.classList.toggle("mapboxgl-ctrl-fullscreen"),this._updateTitle())},qi.prototype._onClickFullscreen=function(){this._isFullscreen()?t.window.document.exitFullscreen?t.window.document.exitFullscreen():t.window.document.mozCancelFullScreen?t.window.document.mozCancelFullScreen():t.window.document.msExitFullscreen?t.window.document.msExitFullscreen():t.window.document.webkitCancelFullScreen&&t.window.document.webkitCancelFullScreen():this._container.requestFullscreen?this._container.requestFullscreen():this._container.mozRequestFullScreen?this._container.mozRequestFullScreen():this._container.msRequestFullscreen?this._container.msRequestFullscreen():this._container.webkitRequestFullscreen&&this._container.webkitRequestFullscreen()};var Hi={closeButton:!0,closeOnClick:!0,className:"",maxWidth:"240px"},Gi=function(e){function n(r){e.call(this),this.options=t.extend(Object.create(Hi),r),t.bindAll(["_update","_onClose","remove","_onMouseMove","_onMouseUp","_onDrag"],this)}return e&&(n.__proto__=e),(n.prototype=Object.create(e&&e.prototype)).constructor=n,n.prototype.addTo=function(e){return this._map&&this.remove(),this._map=e,this.options.closeOnClick&&this._map.on("click",this._onClose),this.options.closeOnMove&&this._map.on("move",this._onClose),this._map.on("remove",this.remove),this._update(),this._trackPointer?(this._map.on("mousemove",this._onMouseMove),this._map.on("mouseup",this._onMouseUp),this._container&&this._container.classList.add("mapboxgl-popup-track-pointer"),this._map._canvasContainer.classList.add("mapboxgl-track-pointer")):this._map.on("move",this._update),this.fire(new t.Event("open")),this},n.prototype.isOpen=function(){return!!this._map},n.prototype.remove=function(){return this._content&&r.remove(this._content),this._container&&(r.remove(this._container),delete this._container),this._map&&(this._map.off("move",this._update),this._map.off("move",this._onClose),this._map.off("click",this._onClose),this._map.off("remove",this.remove),this._map.off("mousemove",this._onMouseMove),this._map.off("mouseup",this._onMouseUp),this._map.off("drag",this._onDrag),delete this._map),this.fire(new t.Event("close")),this},n.prototype.getLngLat=function(){return this._lngLat},n.prototype.setLngLat=function(e){return this._lngLat=t.LngLat.convert(e),this._pos=null,this._trackPointer=!1,this._update(),this._map&&(this._map.on("move",this._update),this._map.off("mousemove",this._onMouseMove),this._container&&this._container.classList.remove("mapboxgl-popup-track-pointer"),this._map._canvasContainer.classList.remove("mapboxgl-track-pointer")),this},n.prototype.trackPointer=function(){return this._trackPointer=!0,this._pos=null,this._update(),this._map&&(this._map.off("move",this._update),this._map.on("mousemove",this._onMouseMove),this._map.on("drag",this._onDrag),this._container&&this._container.classList.add("mapboxgl-popup-track-pointer"),this._map._canvasContainer.classList.add("mapboxgl-track-pointer")),this},n.prototype.getElement=function(){return this._container},n.prototype.setText=function(e){return this.setDOMContent(t.window.document.createTextNode(e))},n.prototype.setHTML=function(e){var r,n=t.window.document.createDocumentFragment(),i=t.window.document.createElement("body");for(i.innerHTML=e;r=i.firstChild;)n.appendChild(r);return this.setDOMContent(n)},n.prototype.getMaxWidth=function(){return this._container&&this._container.style.maxWidth},n.prototype.setMaxWidth=function(t){return this.options.maxWidth=t,this._update(),this},n.prototype.setDOMContent=function(t){return this._createContent(),this._content.appendChild(t),this._update(),this},n.prototype.addClassName=function(t){this._container&&this._container.classList.add(t)},n.prototype.removeClassName=function(t){this._container&&this._container.classList.remove(t)},n.prototype.toggleClassName=function(t){if(this._container)return this._container.classList.toggle(t)},n.prototype._createContent=function(){this._content&&r.remove(this._content),this._content=r.create("div","mapboxgl-popup-content",this._container),this.options.closeButton&&(this._closeButton=r.create("button","mapboxgl-popup-close-button",this._content),this._closeButton.type="button",this._closeButton.setAttribute("aria-label","Close popup"),this._closeButton.innerHTML="×",this._closeButton.addEventListener("click",this._onClose))},n.prototype._onMouseUp=function(t){this._update(t.point)},n.prototype._onMouseMove=function(t){this._update(t.point)},n.prototype._onDrag=function(t){this._update(t.point)},n.prototype._update=function(e){var n=this;if(this._map&&(this._lngLat||this._trackPointer)&&this._content&&(this._container||(this._container=r.create("div","mapboxgl-popup",this._map.getContainer()),this._tip=r.create("div","mapboxgl-popup-tip",this._container),this._container.appendChild(this._content),this.options.className&&this.options.className.split(" ").forEach((function(t){return n._container.classList.add(t)})),this._trackPointer&&this._container.classList.add("mapboxgl-popup-track-pointer")),this.options.maxWidth&&this._container.style.maxWidth!==this.options.maxWidth&&(this._container.style.maxWidth=this.options.maxWidth),this._map.transform.renderWorldCopies&&!this._trackPointer&&(this._lngLat=Li(this._lngLat,this._pos,this._map.transform)),!this._trackPointer||e)){var i=this._pos=this._trackPointer&&e?e:this._map.project(this._lngLat),a=this.options.anchor,o=function e(r){if(r){if("number"==typeof r){var n=Math.round(Math.sqrt(.5*Math.pow(r,2)));return{center:new t.Point(0,0),top:new t.Point(0,r),"top-left":new t.Point(n,n),"top-right":new t.Point(-n,n),bottom:new t.Point(0,-r),"bottom-left":new t.Point(n,-n),"bottom-right":new t.Point(-n,-n),left:new t.Point(r,0),right:new t.Point(-r,0)}}if(r instanceof t.Point||Array.isArray(r)){var i=t.Point.convert(r);return{center:i,top:i,"top-left":i,"top-right":i,bottom:i,"bottom-left":i,"bottom-right":i,left:i,right:i}}return{center:t.Point.convert(r.center||[0,0]),top:t.Point.convert(r.top||[0,0]),"top-left":t.Point.convert(r["top-left"]||[0,0]),"top-right":t.Point.convert(r["top-right"]||[0,0]),bottom:t.Point.convert(r.bottom||[0,0]),"bottom-left":t.Point.convert(r["bottom-left"]||[0,0]),"bottom-right":t.Point.convert(r["bottom-right"]||[0,0]),left:t.Point.convert(r.left||[0,0]),right:t.Point.convert(r.right||[0,0])}}return e(new t.Point(0,0))}(this.options.offset);if(!a){var s,l=this._container.offsetWidth,c=this._container.offsetHeight;s=i.y+o.bottom.ythis._map.transform.height-c?["bottom"]:[],i.xthis._map.transform.width-l/2&&s.push("right"),a=0===s.length?"bottom":s.join("-")}var u=i.add(o[a]).round();r.setTransform(this._container,Ii[a]+" translate("+u.x+"px,"+u.y+"px)"),Pi(this._container,a,"popup")}},n.prototype._onClose=function(){this.remove()},n}(t.Evented),Yi={version:t.version,supported:e,setRTLTextPlugin:t.setRTLTextPlugin,getRTLTextPluginStatus:t.getRTLTextPluginStatus,Map:Mi,NavigationControl:Ei,GeolocateControl:Bi,AttributionControl:vi,ScaleControl:ji,FullscreenControl:qi,Popup:Gi,Marker:Oi,Style:qe,LngLat:t.LngLat,LngLatBounds:t.LngLatBounds,Point:t.Point,MercatorCoordinate:t.MercatorCoordinate,Evented:t.Evented,config:t.config,prewarm:function(){Bt().acquire(Ot)},clearPrewarmedResources:function(){var t=Rt;t&&(t.isPreloaded()&&1===t.numActive()?(t.release(Ot),Rt=null):console.warn("Could not clear WebWorkers since there are active Map instances that still reference it. The pre-warmed WebWorker pool can only be cleared when all map instances have been removed with map.remove()"))},get accessToken(){return t.config.ACCESS_TOKEN},set accessToken(e){t.config.ACCESS_TOKEN=e},get baseApiUrl(){return t.config.API_URL},set baseApiUrl(e){t.config.API_URL=e},get workerCount(){return Dt.workerCount},set workerCount(t){Dt.workerCount=t},get maxParallelImageRequests(){return t.config.MAX_PARALLEL_IMAGE_REQUESTS},set maxParallelImageRequests(e){t.config.MAX_PARALLEL_IMAGE_REQUESTS=e},clearStorage:function(e){t.clearTileCache(e)},workerUrl:""};return Yi})),r}))},{}],474:[function(t,e,r){"use strict";e.exports=function(t){for(var e=1<p[1][2]&&(v[0]=-v[0]),p[0][2]>p[2][0]&&(v[1]=-v[1]),p[1][0]>p[0][1]&&(v[2]=-v[2]),!0}},{"./normalize":476,"gl-mat4/clone":278,"gl-mat4/create":280,"gl-mat4/determinant":281,"gl-mat4/invert":293,"gl-mat4/transpose":306,"gl-vec3/cross":365,"gl-vec3/dot":370,"gl-vec3/length":380,"gl-vec3/normalize":387}],476:[function(t,e,r){e.exports=function(t,e){var r=e[15];if(0===r)return!1;for(var n=1/r,i=0;i<16;i++)t[i]=e[i]*n;return!0}},{}],477:[function(t,e,r){var n=t("gl-vec3/lerp"),i=t("mat4-recompose"),a=t("mat4-decompose"),o=t("gl-mat4/determinant"),s=t("quat-slerp"),l=f(),c=f(),u=f();function f(){return{translate:h(),scale:h(1),skew:h(),perspective:[0,0,0,1],quaternion:[0,0,0,1]}}function h(t){return[t||0,t||0,t||0]}e.exports=function(t,e,r,f){if(0===o(e)||0===o(r))return!1;var h=a(e,l.translate,l.scale,l.skew,l.perspective,l.quaternion),p=a(r,c.translate,c.scale,c.skew,c.perspective,c.quaternion);return!(!h||!p)&&(n(u.translate,l.translate,c.translate,f),n(u.skew,l.skew,c.skew,f),n(u.scale,l.scale,c.scale,f),n(u.perspective,l.perspective,c.perspective,f),s(u.quaternion,l.quaternion,c.quaternion,f),i(t,u.translate,u.scale,u.skew,u.perspective,u.quaternion),!0)}},{"gl-mat4/determinant":281,"gl-vec3/lerp":381,"mat4-decompose":475,"mat4-recompose":478,"quat-slerp":527}],478:[function(t,e,r){var n={identity:t("gl-mat4/identity"),translate:t("gl-mat4/translate"),multiply:t("gl-mat4/multiply"),create:t("gl-mat4/create"),scale:t("gl-mat4/scale"),fromRotationTranslation:t("gl-mat4/fromRotationTranslation")},i=(n.create(),n.create());e.exports=function(t,e,r,a,o,s){return n.identity(t),n.fromRotationTranslation(t,s,e),t[3]=o[0],t[7]=o[1],t[11]=o[2],t[15]=o[3],n.identity(i),0!==a[2]&&(i[9]=a[2],n.multiply(t,t,i)),0!==a[1]&&(i[9]=0,i[8]=a[1],n.multiply(t,t,i)),0!==a[0]&&(i[8]=0,i[4]=a[0],n.multiply(t,t,i)),n.scale(t,t,r),t}},{"gl-mat4/create":280,"gl-mat4/fromRotationTranslation":284,"gl-mat4/identity":291,"gl-mat4/multiply":295,"gl-mat4/scale":303,"gl-mat4/translate":305}],479:[function(t,e,r){"use strict";e.exports=Math.log2||function(t){return Math.log(t)*Math.LOG2E}},{}],480:[function(t,e,r){"use strict";var n=t("binary-search-bounds"),i=t("mat4-interpolate"),a=t("gl-mat4/invert"),o=t("gl-mat4/rotateX"),s=t("gl-mat4/rotateY"),l=t("gl-mat4/rotateZ"),c=t("gl-mat4/lookAt"),u=t("gl-mat4/translate"),f=(t("gl-mat4/scale"),t("gl-vec3/normalize")),h=[0,0,0];function p(t){this._components=t.slice(),this._time=[0],this.prevMatrix=t.slice(),this.nextMatrix=t.slice(),this.computedMatrix=t.slice(),this.computedInverse=t.slice(),this.computedEye=[0,0,0],this.computedUp=[0,0,0],this.computedCenter=[0,0,0],this.computedRadius=[0],this._limits=[-1/0,1/0]}e.exports=function(t){return new p((t=t||{}).matrix||[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1])};var d=p.prototype;d.recalcMatrix=function(t){var e=this._time,r=n.le(e,t),o=this.computedMatrix;if(!(r<0)){var s=this._components;if(r===e.length-1)for(var l=16*r,c=0;c<16;++c)o[c]=s[l++];else{var u=e[r+1]-e[r],h=(l=16*r,this.prevMatrix),p=!0;for(c=0;c<16;++c)h[c]=s[l++];var d=this.nextMatrix;for(c=0;c<16;++c)d[c]=s[l++],p=p&&h[c]===d[c];if(u<1e-6||p)for(c=0;c<16;++c)o[c]=h[c];else i(o,h,d,(t-e[r])/u)}var g=this.computedUp;g[0]=o[1],g[1]=o[5],g[2]=o[9],f(g,g);var m=this.computedInverse;a(m,o);var v=this.computedEye,y=m[15];v[0]=m[12]/y,v[1]=m[13]/y,v[2]=m[14]/y;var x=this.computedCenter,b=Math.exp(this.computedRadius[0]);for(c=0;c<3;++c)x[c]=v[c]-o[2+4*c]*b}},d.idle=function(t){if(!(t1&&n(t[o[u-2]],t[o[u-1]],c)<=0;)u-=1,o.pop();for(o.push(l),u=s.length;u>1&&n(t[s[u-2]],t[s[u-1]],c)>=0;)u-=1,s.pop();s.push(l)}r=new Array(s.length+o.length-2);for(var f=0,h=(i=0,o.length);i0;--p)r[f++]=s[p];return r};var n=t("robust-orientation")[3]},{"robust-orientation":548}],483:[function(t,e,r){"use strict";e.exports=function(t,e){e||(e=t,t=window);var r=0,i=0,a=0,o={shift:!1,alt:!1,control:!1,meta:!1},s=!1;function l(t){var e=!1;return"altKey"in t&&(e=e||t.altKey!==o.alt,o.alt=!!t.altKey),"shiftKey"in t&&(e=e||t.shiftKey!==o.shift,o.shift=!!t.shiftKey),"ctrlKey"in t&&(e=e||t.ctrlKey!==o.control,o.control=!!t.ctrlKey),"metaKey"in t&&(e=e||t.metaKey!==o.meta,o.meta=!!t.metaKey),e}function c(t,s){var c=n.x(s),u=n.y(s);"buttons"in s&&(t=0|s.buttons),(t!==r||c!==i||u!==a||l(s))&&(r=0|t,i=c||0,a=u||0,e&&e(r,i,a,o))}function u(t){c(0,t)}function f(){(r||i||a||o.shift||o.alt||o.meta||o.control)&&(i=a=0,r=0,o.shift=o.alt=o.control=o.meta=!1,e&&e(0,0,0,o))}function h(t){l(t)&&e&&e(r,i,a,o)}function p(t){0===n.buttons(t)?c(0,t):c(r,t)}function d(t){c(r|n.buttons(t),t)}function g(t){c(r&~n.buttons(t),t)}function m(){s||(s=!0,t.addEventListener("mousemove",p),t.addEventListener("mousedown",d),t.addEventListener("mouseup",g),t.addEventListener("mouseleave",u),t.addEventListener("mouseenter",u),t.addEventListener("mouseout",u),t.addEventListener("mouseover",u),t.addEventListener("blur",f),t.addEventListener("keyup",h),t.addEventListener("keydown",h),t.addEventListener("keypress",h),t!==window&&(window.addEventListener("blur",f),window.addEventListener("keyup",h),window.addEventListener("keydown",h),window.addEventListener("keypress",h)))}m();var v={element:t};return Object.defineProperties(v,{enabled:{get:function(){return s},set:function(e){e?m():function(){if(!s)return;s=!1,t.removeEventListener("mousemove",p),t.removeEventListener("mousedown",d),t.removeEventListener("mouseup",g),t.removeEventListener("mouseleave",u),t.removeEventListener("mouseenter",u),t.removeEventListener("mouseout",u),t.removeEventListener("mouseover",u),t.removeEventListener("blur",f),t.removeEventListener("keyup",h),t.removeEventListener("keydown",h),t.removeEventListener("keypress",h),t!==window&&(window.removeEventListener("blur",f),window.removeEventListener("keyup",h),window.removeEventListener("keydown",h),window.removeEventListener("keypress",h))}()},enumerable:!0},buttons:{get:function(){return r},enumerable:!0},x:{get:function(){return i},enumerable:!0},y:{get:function(){return a},enumerable:!0},mods:{get:function(){return o},enumerable:!0}}),v};var n=t("mouse-event")},{"mouse-event":485}],484:[function(t,e,r){var n={left:0,top:0};e.exports=function(t,e,r){e=e||t.currentTarget||t.srcElement,Array.isArray(r)||(r=[0,0]);var i=t.clientX||0,a=t.clientY||0,o=(s=e,s===window||s===document||s===document.body?n:s.getBoundingClientRect());var s;return r[0]=i-o.left,r[1]=a-o.top,r}},{}],485:[function(t,e,r){"use strict";function n(t){return t.target||t.srcElement||window}r.buttons=function(t){if("object"==typeof t){if("buttons"in t)return t.buttons;if("which"in t){if(2===(e=t.which))return 4;if(3===e)return 2;if(e>0)return 1<=0)return 1< 0");"function"!=typeof t.vertex&&e("Must specify vertex creation function");"function"!=typeof t.cell&&e("Must specify cell creation function");"function"!=typeof t.phase&&e("Must specify phase function");for(var w=t.getters||[],T=new Array(b),k=0;k=0?T[k]=!0:T[k]=!1;return function(t,e,r,b,_,w){var T=w.length,k=_.length;if(k<2)throw new Error("ndarray-extract-contour: Dimension must be at least 2");for(var M="extractContour"+_.join("_"),A=[],S=[],E=[],C=0;C0&&z.push(l(C,_[L-1])+"*"+s(_[L-1])),S.push(d(C,_[L])+"=("+z.join("-")+")|0")}for(C=0;C=0;--C)O.push(s(_[C]));S.push("Q=("+O.join("*")+")|0","P=mallocUint32(Q)","V=mallocUint32(Q)","X=0"),S.push(g(0)+"=0");for(L=1;L<1<0;_=_-1&d)x.push("V[X+"+v(_)+"]");x.push(y(0));for(_=0;_=0;--e)N(e,0);var r=[];for(e=0;e0){",p(_[e]),"=1;"),t(e-1,r|1<<_[e]);for(var n=0;n=0?s.push("0"):e.indexOf(-(l+1))>=0?s.push("s["+l+"]-1"):(s.push("-1"),a.push("1"),o.push("s["+l+"]-2"));var c=".lo("+a.join()+").hi("+o.join()+")";if(0===a.length&&(c=""),i>0){n.push("if(1");for(l=0;l=0||e.indexOf(-(l+1))>=0||n.push("&&s[",l,"]>2");n.push("){grad",i,"(src.pick(",s.join(),")",c);for(l=0;l=0||e.indexOf(-(l+1))>=0||n.push(",dst.pick(",s.join(),",",l,")",c);n.push(");")}for(l=0;l1){dst.set(",s.join(),",",u,",0.5*(src.get(",h.join(),")-src.get(",p.join(),")))}else{dst.set(",s.join(),",",u,",0)};"):n.push("if(s[",u,"]>1){diff(",f,",src.pick(",h.join(),")",c,",src.pick(",p.join(),")",c,");}else{zero(",f,");};");break;case"mirror":0===i?n.push("dst.set(",s.join(),",",u,",0);"):n.push("zero(",f,");");break;case"wrap":var d=s.slice(),g=s.slice();e[l]<0?(d[u]="s["+u+"]-2",g[u]="0"):(d[u]="s["+u+"]-1",g[u]="1"),0===i?n.push("if(s[",u,"]>2){dst.set(",s.join(),",",u,",0.5*(src.get(",d.join(),")-src.get(",g.join(),")))}else{dst.set(",s.join(),",",u,",0)};"):n.push("if(s[",u,"]>2){diff(",f,",src.pick(",d.join(),")",c,",src.pick(",g.join(),")",c,");}else{zero(",f,");};");break;default:throw new Error("ndarray-gradient: Invalid boundary condition")}}i>0&&n.push("};")}for(var s=0;s<1<>",rrshift:">>>"};!function(){for(var t in s){var e=s[t];r[t]=o({args:["array","array","array"],body:{args:["a","b","c"],body:"a=b"+e+"c"},funcName:t}),r[t+"eq"]=o({args:["array","array"],body:{args:["a","b"],body:"a"+e+"=b"},rvalue:!0,funcName:t+"eq"}),r[t+"s"]=o({args:["array","array","scalar"],body:{args:["a","b","s"],body:"a=b"+e+"s"},funcName:t+"s"}),r[t+"seq"]=o({args:["array","scalar"],body:{args:["a","s"],body:"a"+e+"=s"},rvalue:!0,funcName:t+"seq"})}}();var l={not:"!",bnot:"~",neg:"-",recip:"1.0/"};!function(){for(var t in l){var e=l[t];r[t]=o({args:["array","array"],body:{args:["a","b"],body:"a="+e+"b"},funcName:t}),r[t+"eq"]=o({args:["array"],body:{args:["a"],body:"a="+e+"a"},rvalue:!0,count:2,funcName:t+"eq"})}}();var c={and:"&&",or:"||",eq:"===",neq:"!==",lt:"<",gt:">",leq:"<=",geq:">="};!function(){for(var t in c){var e=c[t];r[t]=o({args:["array","array","array"],body:{args:["a","b","c"],body:"a=b"+e+"c"},funcName:t}),r[t+"s"]=o({args:["array","array","scalar"],body:{args:["a","b","s"],body:"a=b"+e+"s"},funcName:t+"s"}),r[t+"eq"]=o({args:["array","array"],body:{args:["a","b"],body:"a=a"+e+"b"},rvalue:!0,count:2,funcName:t+"eq"}),r[t+"seq"]=o({args:["array","scalar"],body:{args:["a","s"],body:"a=a"+e+"s"},rvalue:!0,count:2,funcName:t+"seq"})}}();var u=["abs","acos","asin","atan","ceil","cos","exp","floor","log","round","sin","sqrt","tan"];!function(){for(var t=0;tthis_s){this_s=-a}else if(a>this_s){this_s=a}",localVars:[],thisVars:["this_s"]},post:{args:[],localVars:[],thisVars:["this_s"],body:"return this_s"},funcName:"norminf"}),r.norm1=n({args:["array"],pre:{args:[],localVars:[],thisVars:["this_s"],body:"this_s=0"},body:{args:[{name:"a",lvalue:!1,rvalue:!0,count:3}],body:"this_s+=a<0?-a:a",localVars:[],thisVars:["this_s"]},post:{args:[],localVars:[],thisVars:["this_s"],body:"return this_s"},funcName:"norm1"}),r.sup=n({args:["array"],pre:{body:"this_h=-Infinity",args:[],thisVars:["this_h"],localVars:[]},body:{body:"if(_inline_1_arg0_>this_h)this_h=_inline_1_arg0_",args:[{name:"_inline_1_arg0_",lvalue:!1,rvalue:!0,count:2}],thisVars:["this_h"],localVars:[]},post:{body:"return this_h",args:[],thisVars:["this_h"],localVars:[]}}),r.inf=n({args:["array"],pre:{body:"this_h=Infinity",args:[],thisVars:["this_h"],localVars:[]},body:{body:"if(_inline_1_arg0_this_v){this_v=_inline_1_arg1_;for(var _inline_1_k=0;_inline_1_k<_inline_1_arg0_.length;++_inline_1_k){this_i[_inline_1_k]=_inline_1_arg0_[_inline_1_k]}}}",args:[{name:"_inline_1_arg0_",lvalue:!1,rvalue:!0,count:2},{name:"_inline_1_arg1_",lvalue:!1,rvalue:!0,count:2}],thisVars:["this_i","this_v"],localVars:["_inline_1_k"]},post:{body:"{return this_i}",args:[],thisVars:["this_i"],localVars:[]}}),r.random=o({args:["array"],pre:{args:[],body:"this_f=Math.random",thisVars:["this_f"]},body:{args:["a"],body:"a=this_f()",thisVars:["this_f"]},funcName:"random"}),r.assign=o({args:["array","array"],body:{args:["a","b"],body:"a=b"},funcName:"assign"}),r.assigns=o({args:["array","scalar"],body:{args:["a","b"],body:"a=b"},funcName:"assigns"}),r.equals=n({args:["array","array"],pre:i,body:{args:[{name:"x",lvalue:!1,rvalue:!0,count:1},{name:"y",lvalue:!1,rvalue:!0,count:1}],body:"if(x!==y){return false}",localVars:[],thisVars:[]},post:{args:[],localVars:[],thisVars:[],body:"return true"},funcName:"equals"})},{"cwise-compiler":151}],491:[function(t,e,r){"use strict";var n=t("ndarray"),i=t("./doConvert.js");e.exports=function(t,e){for(var r=[],a=t,o=1;Array.isArray(a);)r.push(a.length),o*=a.length,a=a[0];return 0===r.length?n():(e||(e=n(new Float64Array(o),r)),i(e,t),e)}},{"./doConvert.js":492,ndarray:495}],492:[function(t,e,r){e.exports=t("cwise-compiler")({args:["array","scalar","index"],pre:{body:"{}",args:[],thisVars:[],localVars:[]},body:{body:"{\nvar _inline_1_v=_inline_1_arg1_,_inline_1_i\nfor(_inline_1_i=0;_inline_1_i<_inline_1_arg2_.length-1;++_inline_1_i) {\n_inline_1_v=_inline_1_v[_inline_1_arg2_[_inline_1_i]]\n}\n_inline_1_arg0_=_inline_1_v[_inline_1_arg2_[_inline_1_arg2_.length-1]]\n}",args:[{name:"_inline_1_arg0_",lvalue:!0,rvalue:!1,count:1},{name:"_inline_1_arg1_",lvalue:!1,rvalue:!0,count:1},{name:"_inline_1_arg2_",lvalue:!1,rvalue:!0,count:4}],thisVars:[],localVars:["_inline_1_i","_inline_1_v"]},post:{body:"{}",args:[],thisVars:[],localVars:[]},funcName:"convert",blockSize:64})},{"cwise-compiler":151}],493:[function(t,e,r){"use strict";var n=t("typedarray-pool"),i=32;function a(t){switch(t){case"uint8":return[n.mallocUint8,n.freeUint8];case"uint16":return[n.mallocUint16,n.freeUint16];case"uint32":return[n.mallocUint32,n.freeUint32];case"int8":return[n.mallocInt8,n.freeInt8];case"int16":return[n.mallocInt16,n.freeInt16];case"int32":return[n.mallocInt32,n.freeInt32];case"float32":return[n.mallocFloat,n.freeFloat];case"float64":return[n.mallocDouble,n.freeDouble];default:return null}}function o(t){for(var e=[],r=0;r0?s.push(["d",d,"=s",d,"-d",f,"*n",f].join("")):s.push(["d",d,"=s",d].join("")),f=d),0!==(p=t.length-1-l)&&(h>0?s.push(["e",p,"=s",p,"-e",h,"*n",h,",f",p,"=",c[p],"-f",h,"*n",h].join("")):s.push(["e",p,"=s",p,",f",p,"=",c[p]].join("")),h=p)}r.push("var "+s.join(","));var g=["0","n0-1","data","offset"].concat(o(t.length));r.push(["if(n0<=",i,"){","insertionSort(",g.join(","),")}else{","quickSort(",g.join(","),")}"].join("")),r.push("}return "+n);var m=new Function("insertionSort","quickSort",r.join("\n")),v=function(t,e){var r=["'use strict'"],n=["ndarrayInsertionSort",t.join("d"),e].join(""),i=["left","right","data","offset"].concat(o(t.length)),s=a(e),l=["i,j,cptr,ptr=left*s0+offset"];if(t.length>1){for(var c=[],u=1;u1){r.push("dptr=0;sptr=ptr");for(u=t.length-1;u>=0;--u){0!==(p=t[u])&&r.push(["for(i",p,"=0;i",p,"b){break __l}"].join(""));for(u=t.length-1;u>=1;--u)r.push("sptr+=e"+u,"dptr+=f"+u,"}");r.push("dptr=cptr;sptr=cptr-s0");for(u=t.length-1;u>=0;--u){0!==(p=t[u])&&r.push(["for(i",p,"=0;i",p,"=0;--u){0!==(p=t[u])&&r.push(["for(i",p,"=0;i",p,"scratch)){",h("cptr",f("cptr-s0")),"cptr-=s0","}",h("cptr","scratch"));return r.push("}"),t.length>1&&s&&r.push("free(scratch)"),r.push("} return "+n),s?new Function("malloc","free",r.join("\n"))(s[0],s[1]):new Function(r.join("\n"))()}(t,e),y=function(t,e,r){var n=["'use strict'"],s=["ndarrayQuickSort",t.join("d"),e].join(""),l=["left","right","data","offset"].concat(o(t.length)),c=a(e),u=0;n.push(["function ",s,"(",l.join(","),"){"].join(""));var f=["sixth=((right-left+1)/6)|0","index1=left+sixth","index5=right-sixth","index3=(left+right)>>1","index2=index3-sixth","index4=index3+sixth","el1=index1","el2=index2","el3=index3","el4=index4","el5=index5","less=left+1","great=right-1","pivots_are_equal=true","tmp","tmp0","x","y","z","k","ptr0","ptr1","ptr2","comp_pivot1=0","comp_pivot2=0","comp=0"];if(t.length>1){for(var h=[],p=1;p=0;--a){0!==(o=t[a])&&n.push(["for(i",o,"=0;i",o,"1)for(a=0;a1?n.push("ptr_shift+=d"+o):n.push("ptr0+=d"+o),n.push("}"))}}function y(e,r,i,a){if(1===r.length)n.push("ptr0="+d(r[0]));else{for(var o=0;o1)for(o=0;o=1;--o)i&&n.push("pivot_ptr+=f"+o),r.length>1?n.push("ptr_shift+=e"+o):n.push("ptr0+=e"+o),n.push("}")}function x(){t.length>1&&c&&n.push("free(pivot1)","free(pivot2)")}function b(e,r){var i="el"+e,a="el"+r;if(t.length>1){var o="__l"+ ++u;y(o,[i,a],!1,["comp=",g("ptr0"),"-",g("ptr1"),"\n","if(comp>0){tmp0=",i,";",i,"=",a,";",a,"=tmp0;break ",o,"}\n","if(comp<0){break ",o,"}"].join(""))}else n.push(["if(",g(d(i)),">",g(d(a)),"){tmp0=",i,";",i,"=",a,";",a,"=tmp0}"].join(""))}function _(e,r){t.length>1?v([e,r],!1,m("ptr0",g("ptr1"))):n.push(m(d(e),g(d(r))))}function w(e,r,i){if(t.length>1){var a="__l"+ ++u;y(a,[r],!0,[e,"=",g("ptr0"),"-pivot",i,"[pivot_ptr]\n","if(",e,"!==0){break ",a,"}"].join(""))}else n.push([e,"=",g(d(r)),"-pivot",i].join(""))}function T(e,r){t.length>1?v([e,r],!1,["tmp=",g("ptr0"),"\n",m("ptr0",g("ptr1")),"\n",m("ptr1","tmp")].join("")):n.push(["ptr0=",d(e),"\n","ptr1=",d(r),"\n","tmp=",g("ptr0"),"\n",m("ptr0",g("ptr1")),"\n",m("ptr1","tmp")].join(""))}function k(e,r,i){t.length>1?(v([e,r,i],!1,["tmp=",g("ptr0"),"\n",m("ptr0",g("ptr1")),"\n",m("ptr1",g("ptr2")),"\n",m("ptr2","tmp")].join("")),n.push("++"+r,"--"+i)):n.push(["ptr0=",d(e),"\n","ptr1=",d(r),"\n","ptr2=",d(i),"\n","++",r,"\n","--",i,"\n","tmp=",g("ptr0"),"\n",m("ptr0",g("ptr1")),"\n",m("ptr1",g("ptr2")),"\n",m("ptr2","tmp")].join(""))}function M(t,e){T(t,e),n.push("--"+e)}function A(e,r,i){t.length>1?v([e,r],!0,[m("ptr0",g("ptr1")),"\n",m("ptr1",["pivot",i,"[pivot_ptr]"].join(""))].join("")):n.push(m(d(e),g(d(r))),m(d(r),"pivot"+i))}function S(e,r){n.push(["if((",r,"-",e,")<=",i,"){\n","insertionSort(",e,",",r,",data,offset,",o(t.length).join(","),")\n","}else{\n",s,"(",e,",",r,",data,offset,",o(t.length).join(","),")\n","}"].join(""))}function E(e,r,i){t.length>1?(n.push(["__l",++u,":while(true){"].join("")),v([e],!0,["if(",g("ptr0"),"!==pivot",r,"[pivot_ptr]){break __l",u,"}"].join("")),n.push(i,"}")):n.push(["while(",g(d(e)),"===pivot",r,"){",i,"}"].join(""))}return n.push("var "+f.join(",")),b(1,2),b(4,5),b(1,3),b(2,3),b(1,4),b(3,4),b(2,5),b(2,3),b(4,5),t.length>1?v(["el1","el2","el3","el4","el5","index1","index3","index5"],!0,["pivot1[pivot_ptr]=",g("ptr1"),"\n","pivot2[pivot_ptr]=",g("ptr3"),"\n","pivots_are_equal=pivots_are_equal&&(pivot1[pivot_ptr]===pivot2[pivot_ptr])\n","x=",g("ptr0"),"\n","y=",g("ptr2"),"\n","z=",g("ptr4"),"\n",m("ptr5","x"),"\n",m("ptr6","y"),"\n",m("ptr7","z")].join("")):n.push(["pivot1=",g(d("el2")),"\n","pivot2=",g(d("el4")),"\n","pivots_are_equal=pivot1===pivot2\n","x=",g(d("el1")),"\n","y=",g(d("el3")),"\n","z=",g(d("el5")),"\n",m(d("index1"),"x"),"\n",m(d("index3"),"y"),"\n",m(d("index5"),"z")].join("")),_("index2","left"),_("index4","right"),n.push("if(pivots_are_equal){"),n.push("for(k=less;k<=great;++k){"),w("comp","k",1),n.push("if(comp===0){continue}"),n.push("if(comp<0){"),n.push("if(k!==less){"),T("k","less"),n.push("}"),n.push("++less"),n.push("}else{"),n.push("while(true){"),w("comp","great",1),n.push("if(comp>0){"),n.push("great--"),n.push("}else if(comp<0){"),k("k","less","great"),n.push("break"),n.push("}else{"),M("k","great"),n.push("break"),n.push("}"),n.push("}"),n.push("}"),n.push("}"),n.push("}else{"),n.push("for(k=less;k<=great;++k){"),w("comp_pivot1","k",1),n.push("if(comp_pivot1<0){"),n.push("if(k!==less){"),T("k","less"),n.push("}"),n.push("++less"),n.push("}else{"),w("comp_pivot2","k",2),n.push("if(comp_pivot2>0){"),n.push("while(true){"),w("comp","great",2),n.push("if(comp>0){"),n.push("if(--greatindex5){"),E("less",1,"++less"),E("great",2,"--great"),n.push("for(k=less;k<=great;++k){"),w("comp_pivot1","k",1),n.push("if(comp_pivot1===0){"),n.push("if(k!==less){"),T("k","less"),n.push("}"),n.push("++less"),n.push("}else{"),w("comp_pivot2","k",2),n.push("if(comp_pivot2===0){"),n.push("while(true){"),w("comp","great",2),n.push("if(comp===0){"),n.push("if(--great1&&c?new Function("insertionSort","malloc","free",n.join("\n"))(r,c[0],c[1]):new Function("insertionSort",n.join("\n"))(r)}(t,e,v);return m(v,y)}},{"typedarray-pool":595}],494:[function(t,e,r){"use strict";var n=t("./lib/compile_sort.js"),i={};e.exports=function(t){var e=t.order,r=t.dtype,a=[e,r].join(":"),o=i[a];return o||(i[a]=o=n(e,r)),o(t),t}},{"./lib/compile_sort.js":493}],495:[function(t,e,r){var n=t("iota-array"),i=t("is-buffer"),a="undefined"!=typeof Float64Array;function o(t,e){return t[0]-e[0]}function s(){var t,e=this.stride,r=new Array(e.length);for(t=0;tMath.abs(this.stride[1]))?[1,0]:[0,1]}})"):3===e&&a.push("var s0=Math.abs(this.stride[0]),s1=Math.abs(this.stride[1]),s2=Math.abs(this.stride[2]);if(s0>s1){if(s1>s2){return [2,1,0];}else if(s0>s2){return [1,2,0];}else{return [1,0,2];}}else if(s0>s2){return [2,0,1];}else if(s2>s1){return [0,1,2];}else{return [0,2,1];}}})")):a.push("ORDER})")),a.push("proto.set=function "+r+"_set("+l.join(",")+",v){"),i?a.push("return this.data.set("+u+",v)}"):a.push("return this.data["+u+"]=v}"),a.push("proto.get=function "+r+"_get("+l.join(",")+"){"),i?a.push("return this.data.get("+u+")}"):a.push("return this.data["+u+"]}"),a.push("proto.index=function "+r+"_index(",l.join(),"){return "+u+"}"),a.push("proto.hi=function "+r+"_hi("+l.join(",")+"){return new "+r+"(this.data,"+o.map((function(t){return["(typeof i",t,"!=='number'||i",t,"<0)?this.shape[",t,"]:i",t,"|0"].join("")})).join(",")+","+o.map((function(t){return"this.stride["+t+"]"})).join(",")+",this.offset)}");var p=o.map((function(t){return"a"+t+"=this.shape["+t+"]"})),d=o.map((function(t){return"c"+t+"=this.stride["+t+"]"}));a.push("proto.lo=function "+r+"_lo("+l.join(",")+"){var b=this.offset,d=0,"+p.join(",")+","+d.join(","));for(var g=0;g=0){d=i"+g+"|0;b+=c"+g+"*d;a"+g+"-=d}");a.push("return new "+r+"(this.data,"+o.map((function(t){return"a"+t})).join(",")+","+o.map((function(t){return"c"+t})).join(",")+",b)}"),a.push("proto.step=function "+r+"_step("+l.join(",")+"){var "+o.map((function(t){return"a"+t+"=this.shape["+t+"]"})).join(",")+","+o.map((function(t){return"b"+t+"=this.stride["+t+"]"})).join(",")+",c=this.offset,d=0,ceil=Math.ceil");for(g=0;g=0){c=(c+this.stride["+g+"]*i"+g+")|0}else{a.push(this.shape["+g+"]);b.push(this.stride["+g+"])}");return a.push("var ctor=CTOR_LIST[a.length+1];return ctor(this.data,a,b,c)}"),a.push("return function construct_"+r+"(data,shape,stride,offset){return new "+r+"(data,"+o.map((function(t){return"shape["+t+"]"})).join(",")+","+o.map((function(t){return"stride["+t+"]"})).join(",")+",offset)}"),new Function("CTOR_LIST","ORDER",a.join("\n"))(c[t],s)}var c={float32:[],float64:[],int8:[],int16:[],int32:[],uint8:[],uint16:[],uint32:[],array:[],uint8_clamped:[],bigint64:[],biguint64:[],buffer:[],generic:[]};e.exports=function(t,e,r,n){if(void 0===t)return(0,c.array[0])([]);"number"==typeof t&&(t=[t]),void 0===e&&(e=[t.length]);var o=e.length;if(void 0===r){r=new Array(o);for(var s=o-1,u=1;s>=0;--s)r[s]=u,u*=e[s]}if(void 0===n){n=0;for(s=0;st==t>0?a===-1>>>0?(r+=1,a=0):a+=1:0===a?(a=-1>>>0,r-=1):a-=1;return n.pack(a,r)}},{"double-bits":173}],497:[function(t,e,r){var n=Math.PI,i=c(120);function a(t,e,r,n){return["C",t,e,r,n,r,n]}function o(t,e,r,n,i,a){return["C",t/3+2/3*r,e/3+2/3*n,i/3+2/3*r,a/3+2/3*n,i,a]}function s(t,e,r,a,o,c,u,f,h,p){if(p)T=p[0],k=p[1],_=p[2],w=p[3];else{var d=l(t,e,-o);t=d.x,e=d.y;var g=(t-(f=(d=l(f,h,-o)).x))/2,m=(e-(h=d.y))/2,v=g*g/(r*r)+m*m/(a*a);v>1&&(r*=v=Math.sqrt(v),a*=v);var y=r*r,x=a*a,b=(c==u?-1:1)*Math.sqrt(Math.abs((y*x-y*m*m-x*g*g)/(y*m*m+x*g*g)));b==1/0&&(b=1);var _=b*r*m/a+(t+f)/2,w=b*-a*g/r+(e+h)/2,T=Math.asin(((e-w)/a).toFixed(9)),k=Math.asin(((h-w)/a).toFixed(9));(T=t<_?n-T:T)<0&&(T=2*n+T),(k=f<_?n-k:k)<0&&(k=2*n+k),u&&T>k&&(T-=2*n),!u&&k>T&&(k-=2*n)}if(Math.abs(k-T)>i){var M=k,A=f,S=h;k=T+i*(u&&k>T?1:-1);var E=s(f=_+r*Math.cos(k),h=w+a*Math.sin(k),r,a,o,0,u,A,S,[k,M,_,w])}var C=Math.tan((k-T)/4),L=4/3*r*C,I=4/3*a*C,P=[2*t-(t+L*Math.sin(T)),2*e-(e-I*Math.cos(T)),f+L*Math.sin(k),h-I*Math.cos(k),f,h];if(p)return P;E&&(P=P.concat(E));for(var z=0;z7&&(r.push(v.splice(0,7)),v.unshift("C"));break;case"S":var x=p,b=d;"C"!=e&&"S"!=e||(x+=x-n,b+=b-i),v=["C",x,b,v[1],v[2],v[3],v[4]];break;case"T":"Q"==e||"T"==e?(f=2*p-f,h=2*d-h):(f=p,h=d),v=o(p,d,f,h,v[1],v[2]);break;case"Q":f=v[1],h=v[2],v=o(p,d,v[1],v[2],v[3],v[4]);break;case"L":v=a(p,d,v[1],v[2]);break;case"H":v=a(p,d,v[1],d);break;case"V":v=a(p,d,p,v[1]);break;case"Z":v=a(p,d,l,u)}e=y,p=v[v.length-2],d=v[v.length-1],v.length>4?(n=v[v.length-4],i=v[v.length-3]):(n=p,i=d),r.push(v)}return r}},{}],498:[function(t,e,r){r.vertexNormals=function(t,e,r){for(var n=e.length,i=new Array(n),a=void 0===r?1e-6:r,o=0;oa){var b=i[c],_=1/Math.sqrt(m*y);for(x=0;x<3;++x){var w=(x+1)%3,T=(x+2)%3;b[x]+=_*(v[w]*g[T]-v[T]*g[w])}}}for(o=0;oa)for(_=1/Math.sqrt(k),x=0;x<3;++x)b[x]*=_;else for(x=0;x<3;++x)b[x]=0}return i},r.faceNormals=function(t,e,r){for(var n=t.length,i=new Array(n),a=void 0===r?1e-6:r,o=0;oa?1/Math.sqrt(p):0;for(c=0;c<3;++c)h[c]*=p;i[o]=h}return i}},{}],499:[function(t,e,r){ +/* +object-assign +(c) Sindre Sorhus +@license MIT +*/ +"use strict";var n=Object.getOwnPropertySymbols,i=Object.prototype.hasOwnProperty,a=Object.prototype.propertyIsEnumerable;function o(t){if(null==t)throw new TypeError("Object.assign cannot be called with null or undefined");return Object(t)}e.exports=function(){try{if(!Object.assign)return!1;var t=new String("abc");if(t[5]="de","5"===Object.getOwnPropertyNames(t)[0])return!1;for(var e={},r=0;r<10;r++)e["_"+String.fromCharCode(r)]=r;if("0123456789"!==Object.getOwnPropertyNames(e).map((function(t){return e[t]})).join(""))return!1;var n={};return"abcdefghijklmnopqrst".split("").forEach((function(t){n[t]=t})),"abcdefghijklmnopqrst"===Object.keys(Object.assign({},n)).join("")}catch(t){return!1}}()?Object.assign:function(t,e){for(var r,s,l=o(t),c=1;c0){var f=Math.sqrt(u+1);t[0]=.5*(o-l)/f,t[1]=.5*(s-n)/f,t[2]=.5*(r-a)/f,t[3]=.5*f}else{var h=Math.max(e,a,c);f=Math.sqrt(2*h-u+1);e>=h?(t[0]=.5*f,t[1]=.5*(i+r)/f,t[2]=.5*(s+n)/f,t[3]=.5*(o-l)/f):a>=h?(t[0]=.5*(r+i)/f,t[1]=.5*f,t[2]=.5*(l+o)/f,t[3]=.5*(s-n)/f):(t[0]=.5*(n+s)/f,t[1]=.5*(o+l)/f,t[2]=.5*f,t[3]=.5*(r-i)/f)}return t}},{}],501:[function(t,e,r){"use strict";e.exports=function(t){var e=(t=t||{}).center||[0,0,0],r=t.rotation||[0,0,0,1],n=t.radius||1;e=[].slice.call(e,0,3),u(r=[].slice.call(r,0,4),r);var i=new f(r,e,Math.log(n));i.setDistanceLimits(t.zoomMin,t.zoomMax),("eye"in t||"up"in t)&&i.lookAt(0,t.eye,t.center,t.up);return i};var n=t("filtered-vector"),i=t("gl-mat4/lookAt"),a=t("gl-mat4/fromQuat"),o=t("gl-mat4/invert"),s=t("./lib/quatFromFrame");function l(t,e,r){return Math.sqrt(Math.pow(t,2)+Math.pow(e,2)+Math.pow(r,2))}function c(t,e,r,n){return Math.sqrt(Math.pow(t,2)+Math.pow(e,2)+Math.pow(r,2)+Math.pow(n,2))}function u(t,e){var r=e[0],n=e[1],i=e[2],a=e[3],o=c(r,n,i,a);o>1e-6?(t[0]=r/o,t[1]=n/o,t[2]=i/o,t[3]=a/o):(t[0]=t[1]=t[2]=0,t[3]=1)}function f(t,e,r){this.radius=n([r]),this.center=n(e),this.rotation=n(t),this.computedRadius=this.radius.curve(0),this.computedCenter=this.center.curve(0),this.computedRotation=this.rotation.curve(0),this.computedUp=[.1,0,0],this.computedEye=[.1,0,0],this.computedMatrix=[.1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0],this.recalcMatrix(0)}var h=f.prototype;h.lastT=function(){return Math.max(this.radius.lastT(),this.center.lastT(),this.rotation.lastT())},h.recalcMatrix=function(t){this.radius.curve(t),this.center.curve(t),this.rotation.curve(t);var e=this.computedRotation;u(e,e);var r=this.computedMatrix;a(r,e);var n=this.computedCenter,i=this.computedEye,o=this.computedUp,s=Math.exp(this.computedRadius[0]);i[0]=n[0]+s*r[2],i[1]=n[1]+s*r[6],i[2]=n[2]+s*r[10],o[0]=r[1],o[1]=r[5],o[2]=r[9];for(var l=0;l<3;++l){for(var c=0,f=0;f<3;++f)c+=r[l+4*f]*i[f];r[12+l]=-c}},h.getMatrix=function(t,e){this.recalcMatrix(t);var r=this.computedMatrix;if(e){for(var n=0;n<16;++n)e[n]=r[n];return e}return r},h.idle=function(t){this.center.idle(t),this.radius.idle(t),this.rotation.idle(t)},h.flush=function(t){this.center.flush(t),this.radius.flush(t),this.rotation.flush(t)},h.pan=function(t,e,r,n){e=e||0,r=r||0,n=n||0,this.recalcMatrix(t);var i=this.computedMatrix,a=i[1],o=i[5],s=i[9],c=l(a,o,s);a/=c,o/=c,s/=c;var u=i[0],f=i[4],h=i[8],p=u*a+f*o+h*s,d=l(u-=a*p,f-=o*p,h-=s*p);u/=d,f/=d,h/=d;var g=i[2],m=i[6],v=i[10],y=g*a+m*o+v*s,x=g*u+m*f+v*h,b=l(g-=y*a+x*u,m-=y*o+x*f,v-=y*s+x*h);g/=b,m/=b,v/=b;var _=u*e+a*r,w=f*e+o*r,T=h*e+s*r;this.center.move(t,_,w,T);var k=Math.exp(this.computedRadius[0]);k=Math.max(1e-4,k+n),this.radius.set(t,Math.log(k))},h.rotate=function(t,e,r,n){this.recalcMatrix(t),e=e||0,r=r||0;var i=this.computedMatrix,a=i[0],o=i[4],s=i[8],u=i[1],f=i[5],h=i[9],p=i[2],d=i[6],g=i[10],m=e*a+r*u,v=e*o+r*f,y=e*s+r*h,x=-(d*y-g*v),b=-(g*m-p*y),_=-(p*v-d*m),w=Math.sqrt(Math.max(0,1-Math.pow(x,2)-Math.pow(b,2)-Math.pow(_,2))),T=c(x,b,_,w);T>1e-6?(x/=T,b/=T,_/=T,w/=T):(x=b=_=0,w=1);var k=this.computedRotation,M=k[0],A=k[1],S=k[2],E=k[3],C=M*w+E*x+A*_-S*b,L=A*w+E*b+S*x-M*_,I=S*w+E*_+M*b-A*x,P=E*w-M*x-A*b-S*_;if(n){x=p,b=d,_=g;var z=Math.sin(n)/l(x,b,_);x*=z,b*=z,_*=z,P=P*(w=Math.cos(e))-(C=C*w+P*x+L*_-I*b)*x-(L=L*w+P*b+I*x-C*_)*b-(I=I*w+P*_+C*b-L*x)*_}var O=c(C,L,I,P);O>1e-6?(C/=O,L/=O,I/=O,P/=O):(C=L=I=0,P=1),this.rotation.set(t,C,L,I,P)},h.lookAt=function(t,e,r,n){this.recalcMatrix(t),r=r||this.computedCenter,e=e||this.computedEye,n=n||this.computedUp;var a=this.computedMatrix;i(a,e,r,n);var o=this.computedRotation;s(o,a[0],a[1],a[2],a[4],a[5],a[6],a[8],a[9],a[10]),u(o,o),this.rotation.set(t,o[0],o[1],o[2],o[3]);for(var l=0,c=0;c<3;++c)l+=Math.pow(r[c]-e[c],2);this.radius.set(t,.5*Math.log(Math.max(l,1e-6))),this.center.set(t,r[0],r[1],r[2])},h.translate=function(t,e,r,n){this.center.move(t,e||0,r||0,n||0)},h.setMatrix=function(t,e){var r=this.computedRotation;s(r,e[0],e[1],e[2],e[4],e[5],e[6],e[8],e[9],e[10]),u(r,r),this.rotation.set(t,r[0],r[1],r[2],r[3]);var n=this.computedMatrix;o(n,e);var i=n[15];if(Math.abs(i)>1e-6){var a=n[12]/i,l=n[13]/i,c=n[14]/i;this.recalcMatrix(t);var f=Math.exp(this.computedRadius[0]);this.center.set(t,a-n[2]*f,l-n[6]*f,c-n[10]*f),this.radius.idle(t)}else this.center.idle(t),this.radius.idle(t)},h.setDistance=function(t,e){e>0&&this.radius.set(t,Math.log(e))},h.setDistanceLimits=function(t,e){t=t>0?Math.log(t):-1/0,e=e>0?Math.log(e):1/0,e=Math.max(e,t),this.radius.bounds[0][0]=t,this.radius.bounds[1][0]=e},h.getDistanceLimits=function(t){var e=this.radius.bounds;return t?(t[0]=Math.exp(e[0][0]),t[1]=Math.exp(e[1][0]),t):[Math.exp(e[0][0]),Math.exp(e[1][0])]},h.toJSON=function(){return this.recalcMatrix(this.lastT()),{center:this.computedCenter.slice(),rotation:this.computedRotation.slice(),distance:Math.log(this.computedRadius[0]),zoomMin:this.radius.bounds[0][0],zoomMax:this.radius.bounds[1][0]}},h.fromJSON=function(t){var e=this.lastT(),r=t.center;r&&this.center.set(e,r[0],r[1],r[2]);var n=t.rotation;n&&this.rotation.set(e,n[0],n[1],n[2],n[3]);var i=t.distance;i&&i>0&&this.radius.set(e,Math.log(i)),this.setDistanceLimits(t.zoomMin,t.zoomMax)}},{"./lib/quatFromFrame":500,"filtered-vector":242,"gl-mat4/fromQuat":282,"gl-mat4/invert":293,"gl-mat4/lookAt":294}],502:[function(t,e,r){ +/*! + * pad-left + * + * Copyright (c) 2014-2015, Jon Schlinkert. + * Licensed under the MIT license. + */ +"use strict";var n=t("repeat-string");e.exports=function(t,e,r){return n(r="undefined"!=typeof r?r+"":" ",e)+t}},{"repeat-string":541}],503:[function(t,e,r){"use strict";function n(t,e){if("string"!=typeof t)return[t];var r=[t];"string"==typeof e||Array.isArray(e)?e={brackets:e}:e||(e={});var n=e.brackets?Array.isArray(e.brackets)?e.brackets:[e.brackets]:["{}","[]","()"],i=e.escape||"___",a=!!e.flat;n.forEach((function(t){var e=new RegExp(["\\",t[0],"[^\\",t[0],"\\",t[1],"]*\\",t[1]].join("")),n=[];function a(e,a,o){var s=r.push(e.slice(t[0].length,-t[1].length))-1;return n.push(s),i+s+i}r.forEach((function(t,n){for(var i,o=0;t!=i;)if(i=t,t=t.replace(e,a),o++>1e4)throw Error("References have circular dependency. Please, check them.");r[n]=t})),n=n.reverse(),r=r.map((function(e){return n.forEach((function(r){e=e.replace(new RegExp("(\\"+i+r+"\\"+i+")","g"),t[0]+"$1"+t[1])})),e}))}));var o=new RegExp("\\"+i+"([0-9]+)\\"+i);return a?r:function t(e,r,n){for(var i,a=[],s=0;i=o.exec(e);){if(s++>1e4)throw Error("Circular references in parenthesis");a.push(e.slice(0,i.index)),a.push(t(r[i[1]],r)),e=e.slice(i.index+i[0].length)}return a.push(e),a}(r[0],r)}function i(t,e){if(e&&e.flat){var r,n=e&&e.escape||"___",i=t[0];if(!i)return"";for(var a=new RegExp("\\"+n+"([0-9]+)\\"+n),o=0;i!=r;){if(o++>1e4)throw Error("Circular references in "+t);r=i,i=i.replace(a,s)}return i}return t.reduce((function t(e,r){return Array.isArray(r)&&(r=r.reduce(t,"")),e+r}),"");function s(e,r){if(null==t[r])throw Error("Reference "+r+"is undefined");return t[r]}}function a(t,e){return Array.isArray(t)?i(t,e):n(t,e)}a.parse=n,a.stringify=i,e.exports=a},{}],504:[function(t,e,r){"use strict";var n=t("pick-by-alias");e.exports=function(t){var e;arguments.length>1&&(t=arguments);"string"==typeof t?t=t.split(/\s/).map(parseFloat):"number"==typeof t&&(t=[t]);t.length&&"number"==typeof t[0]?e=1===t.length?{width:t[0],height:t[0],x:0,y:0}:2===t.length?{width:t[0],height:t[1],x:0,y:0}:{x:t[0],y:t[1],width:t[2]-t[0]||0,height:t[3]-t[1]||0}:t&&(t=n(t,{left:"x l left Left",top:"y t top Top",width:"w width W Width",height:"h height W Width",bottom:"b bottom Bottom",right:"r right Right"}),e={x:t.left||0,y:t.top||0},null==t.width?t.right?e.width=t.right-e.x:e.width=0:e.width=t.width,null==t.height?t.bottom?e.height=t.bottom-e.y:e.height=0:e.height=t.height);return e}},{"pick-by-alias":511}],505:[function(t,e,r){e.exports=function(t){var e=[];return t.replace(i,(function(t,r,i){var o=r.toLowerCase();for(i=function(t){var e=t.match(a);return e?e.map(Number):[]}(i),"m"==o&&i.length>2&&(e.push([r].concat(i.splice(0,2))),o="l",r="m"==r?"l":"L");;){if(i.length==n[o])return i.unshift(r),e.push(i);if(i.length2){var l=n.lastIndexOf("/");if(l!==n.length-1){-1===l?(n="",i=0):i=(n=n.slice(0,l)).length-1-n.lastIndexOf("/"),a=s,o=0;continue}}else if(2===n.length||1===n.length){n="",i=0,a=s,o=0;continue}e&&(n.length>0?n+="/..":n="..",i=2)}else n.length>0?n+="/"+t.slice(a+1,s):n=t.slice(a+1,s),i=s-a-1;a=s,o=0}else 46===r&&-1!==o?++o:o=-1}return n}var i={resolve:function(){for(var e,i="",a=!1,o=arguments.length-1;o>=-1&&!a;o--){var s;o>=0?s=arguments[o]:(void 0===e&&(e=t.cwd()),s=e),r(s),0!==s.length&&(i=s+"/"+i,a=47===s.charCodeAt(0))}return i=n(i,!a),a?i.length>0?"/"+i:"/":i.length>0?i:"."},normalize:function(t){if(r(t),0===t.length)return".";var e=47===t.charCodeAt(0),i=47===t.charCodeAt(t.length-1);return 0!==(t=n(t,!e)).length||e||(t="."),t.length>0&&i&&(t+="/"),e?"/"+t:t},isAbsolute:function(t){return r(t),t.length>0&&47===t.charCodeAt(0)},join:function(){if(0===arguments.length)return".";for(var t,e=0;e0&&(void 0===t?t=n:t+="/"+n)}return void 0===t?".":i.normalize(t)},relative:function(t,e){if(r(t),r(e),t===e)return"";if((t=i.resolve(t))===(e=i.resolve(e)))return"";for(var n=1;nc){if(47===e.charCodeAt(s+f))return e.slice(s+f+1);if(0===f)return e.slice(s+f)}else o>c&&(47===t.charCodeAt(n+f)?u=f:0===f&&(u=0));break}var h=t.charCodeAt(n+f);if(h!==e.charCodeAt(s+f))break;47===h&&(u=f)}var p="";for(f=n+u+1;f<=a;++f)f!==a&&47!==t.charCodeAt(f)||(0===p.length?p+="..":p+="/..");return p.length>0?p+e.slice(s+u):(s+=u,47===e.charCodeAt(s)&&++s,e.slice(s))},_makeLong:function(t){return t},dirname:function(t){if(r(t),0===t.length)return".";for(var e=t.charCodeAt(0),n=47===e,i=-1,a=!0,o=t.length-1;o>=1;--o)if(47===(e=t.charCodeAt(o))){if(!a){i=o;break}}else a=!1;return-1===i?n?"/":".":n&&1===i?"//":t.slice(0,i)},basename:function(t,e){if(void 0!==e&&"string"!=typeof e)throw new TypeError('"ext" argument must be a string');r(t);var n,i=0,a=-1,o=!0;if(void 0!==e&&e.length>0&&e.length<=t.length){if(e.length===t.length&&e===t)return"";var s=e.length-1,l=-1;for(n=t.length-1;n>=0;--n){var c=t.charCodeAt(n);if(47===c){if(!o){i=n+1;break}}else-1===l&&(o=!1,l=n+1),s>=0&&(c===e.charCodeAt(s)?-1==--s&&(a=n):(s=-1,a=l))}return i===a?a=l:-1===a&&(a=t.length),t.slice(i,a)}for(n=t.length-1;n>=0;--n)if(47===t.charCodeAt(n)){if(!o){i=n+1;break}}else-1===a&&(o=!1,a=n+1);return-1===a?"":t.slice(i,a)},extname:function(t){r(t);for(var e=-1,n=0,i=-1,a=!0,o=0,s=t.length-1;s>=0;--s){var l=t.charCodeAt(s);if(47!==l)-1===i&&(a=!1,i=s+1),46===l?-1===e?e=s:1!==o&&(o=1):-1!==e&&(o=-1);else if(!a){n=s+1;break}}return-1===e||-1===i||0===o||1===o&&e===i-1&&e===n+1?"":t.slice(e,i)},format:function(t){if(null===t||"object"!=typeof t)throw new TypeError('The "pathObject" argument must be of type Object. Received type '+typeof t);return function(t,e){var r=e.dir||e.root,n=e.base||(e.name||"")+(e.ext||"");return r?r===e.root?r+n:r+t+n:n}("/",t)},parse:function(t){r(t);var e={root:"",dir:"",base:"",ext:"",name:""};if(0===t.length)return e;var n,i=t.charCodeAt(0),a=47===i;a?(e.root="/",n=1):n=0;for(var o=-1,s=0,l=-1,c=!0,u=t.length-1,f=0;u>=n;--u)if(47!==(i=t.charCodeAt(u)))-1===l&&(c=!1,l=u+1),46===i?-1===o?o=u:1!==f&&(f=1):-1!==o&&(f=-1);else if(!c){s=u+1;break}return-1===o||-1===l||0===f||1===f&&o===l-1&&o===s+1?-1!==l&&(e.base=e.name=0===s&&a?t.slice(1,l):t.slice(s,l)):(0===s&&a?(e.name=t.slice(1,o),e.base=t.slice(1,l)):(e.name=t.slice(s,o),e.base=t.slice(s,l)),e.ext=t.slice(o,l)),s>0?e.dir=t.slice(0,s-1):a&&(e.dir="/"),e},sep:"/",delimiter:":",win32:null,posix:null};i.posix=i,e.exports=i}).call(this)}).call(this,t("_process"))},{_process:526}],508:[function(t,e,r){(function(t){(function(){(function(){var r,n,i,a,o,s;"undefined"!=typeof performance&&null!==performance&&performance.now?e.exports=function(){return performance.now()}:"undefined"!=typeof t&&null!==t&&t.hrtime?(e.exports=function(){return(r()-o)/1e6},n=t.hrtime,a=(r=function(){var t;return 1e9*(t=n())[0]+t[1]})(),s=1e9*t.uptime(),o=a-s):Date.now?(e.exports=function(){return Date.now()-i},i=Date.now()):(e.exports=function(){return(new Date).getTime()-i},i=(new Date).getTime())}).call(this)}).call(this)}).call(this,t("_process"))},{_process:526}],509:[function(t,e,r){"use strict";e.exports=function(t){var e=t.length;if(e<32){for(var r=1,i=0;i0;--o)a=l[o],r=s[o],s[o]=s[a],s[a]=r,l[o]=l[r],l[r]=a,c=(c+r)*o;return n.freeUint32(l),n.freeUint32(s),c},r.unrank=function(t,e,r){switch(t){case 0:return r||[];case 1:return r?(r[0]=0,r):[0];case 2:return r?(e?(r[0]=0,r[1]=1):(r[0]=1,r[1]=0),r):e?[0,1]:[1,0]}var n,i,a,o=1;for((r=r||new Array(t))[0]=0,a=1;a0;--a)e=e-(n=e/o|0)*o|0,o=o/a|0,i=0|r[a],r[a]=0|r[n],r[n]=0|i;return r}},{"invert-permutation":462,"typedarray-pool":595}],511:[function(t,e,r){"use strict";e.exports=function(t,e,r){var n,a,o={};if("string"==typeof e&&(e=i(e)),Array.isArray(e)){var s={};for(a=0;a0){o=a[u][r][0],l=u;break}s=o[1^l];for(var f=0;f<2;++f)for(var h=a[f][r],p=0;p0&&(o=d,s=g,l=f)}return i||o&&c(o,l),s}function f(t,r){var i=a[r][t][0],o=[t];c(i,r);for(var s=i[1^r];;){for(;s!==t;)o.push(s),s=u(o[o.length-2],s,!1);if(a[0][t].length+a[1][t].length===0)break;var l=o[o.length-1],f=t,h=o[1],p=u(l,f,!0);if(n(e[l],e[f],e[h],e[p])<0)break;o.push(t),s=u(l,f)}return o}function h(t,e){return e[1]===e[e.length-1]}for(o=0;o0;){a[0][o].length;var g=f(o,p);h(0,g)?d.push.apply(d,g):(d.length>0&&l.push(d),d=g)}d.length>0&&l.push(d)}return l};var n=t("compare-angle")},{"compare-angle":132}],513:[function(t,e,r){"use strict";e.exports=function(t,e){for(var r=n(t,e.length),i=new Array(e.length),a=new Array(e.length),o=[],s=0;s0;){var c=o.pop();i[c]=!1;var u=r[c];for(s=0;s0}))).length,m=new Array(g),v=new Array(g);for(p=0;p0;){var B=R.pop(),N=E[B];l(N,(function(t,e){return t-e}));var j,U=N.length,V=F[B];if(0===V){var q=d[B];j=[q]}for(p=0;p=0))if(F[H]=1^V,R.push(H),0===V)D(q=d[H])||(q.reverse(),j.push(q))}0===V&&r.push(j)}return r};var n=t("edges-to-adjacency-list"),i=t("planar-dual"),a=t("point-in-big-polygon"),o=t("two-product"),s=t("robust-sum"),l=t("uniq"),c=t("./lib/trim-leaves");function u(t,e){for(var r=new Array(t),n=0;n0&&e[i]===r[0]))return 1;a=t[i-1]}for(var s=1;a;){var l=a.key,c=n(r,l[0],l[1]);if(l[0][0]0))return 0;s=-1,a=a.right}else if(c>0)a=a.left;else{if(!(c<0))return 0;s=1,a=a.right}}return s}}(v.slabs,v.coordinates);return 0===a.length?y:function(t,e){return function(r){return t(r[0],r[1])?0:e(r)}}(l(a),y)};var n=t("robust-orientation")[3],i=t("slab-decomposition"),a=t("interval-tree-1d"),o=t("binary-search-bounds");function s(){return!0}function l(t){for(var e={},r=0;r=-t},pointBetween:function(e,r,n){var i=e[1]-r[1],a=n[0]-r[0],o=e[0]-r[0],s=n[1]-r[1],l=o*a+i*s;return!(l-t)},pointsSameX:function(e,r){return Math.abs(e[0]-r[0])t!=o-i>t&&(a-c)*(i-u)/(o-u)+c-n>t&&(s=!s),a=c,o=u}return s}};return e}},{}],520:[function(t,e,r){var n={toPolygon:function(t,e){function r(e){if(e.length<=0)return t.segments({inverted:!1,regions:[]});function r(e){var r=e.slice(0,e.length-1);return t.segments({inverted:!1,regions:[r]})}for(var n=r(e[0]),i=1;i0}))}function u(t,n){var i=t.seg,a=n.seg,o=i.start,s=i.end,c=a.start,u=a.end;r&&r.checkIntersection(i,a);var f=e.linesIntersect(o,s,c,u);if(!1===f){if(!e.pointsCollinear(o,s,c))return!1;if(e.pointsSame(o,u)||e.pointsSame(s,c))return!1;var h=e.pointsSame(o,c),p=e.pointsSame(s,u);if(h&&p)return n;var d=!h&&e.pointBetween(o,c,u),g=!p&&e.pointBetween(s,c,u);if(h)return g?l(n,s):l(t,u),n;d&&(p||(g?l(n,s):l(t,u)),l(n,o))}else 0===f.alongA&&(-1===f.alongB?l(t,c):0===f.alongB?l(t,f.pt):1===f.alongB&&l(t,u)),0===f.alongB&&(-1===f.alongA?l(n,o):0===f.alongA?l(n,f.pt):1===f.alongA&&l(n,s));return!1}for(var f=[];!a.isEmpty();){var h=a.getHead();if(r&&r.vert(h.pt[0]),h.isStart){r&&r.segmentNew(h.seg,h.primary);var p=c(h),d=p.before?p.before.ev:null,g=p.after?p.after.ev:null;function m(){if(d){var t=u(h,d);if(t)return t}return!!g&&u(h,g)}r&&r.tempStatus(h.seg,!!d&&d.seg,!!g&&g.seg);var v,y=m();if(y){var x;if(t)(x=null===h.seg.myFill.below||h.seg.myFill.above!==h.seg.myFill.below)&&(y.seg.myFill.above=!y.seg.myFill.above);else y.seg.otherFill=h.seg.myFill;r&&r.segmentUpdate(y.seg),h.other.remove(),h.remove()}if(a.getHead()!==h){r&&r.rewind(h.seg);continue}if(t)x=null===h.seg.myFill.below||h.seg.myFill.above!==h.seg.myFill.below,h.seg.myFill.below=g?g.seg.myFill.above:i,h.seg.myFill.above=x?!h.seg.myFill.below:h.seg.myFill.below;else if(null===h.seg.otherFill)v=g?h.primary===g.primary?g.seg.otherFill.above:g.seg.myFill.above:h.primary?o:i,h.seg.otherFill={above:v,below:v};r&&r.status(h.seg,!!d&&d.seg,!!g&&g.seg),h.other.status=p.insert(n.node({ev:h}))}else{var b=h.status;if(null===b)throw new Error("PolyBool: Zero-length segment detected; your epsilon is probably too small or too large");if(s.exists(b.prev)&&s.exists(b.next)&&u(b.prev.ev,b.next.ev),r&&r.statusRemove(b.ev.seg),b.remove(),!h.primary){var _=h.seg.myFill;h.seg.myFill=h.seg.otherFill,h.seg.otherFill=_}f.push(h.seg)}a.getHead().remove()}return r&&r.done(),f}return t?{addRegion:function(t){for(var n,i,a,o=t[t.length-1],l=0;l=c?(k=1,y=c+2*h+d):y=h*(k=-h/c)+d):(k=0,p>=0?(M=0,y=d):-p>=f?(M=1,y=f+2*p+d):y=p*(M=-p/f)+d);else if(M<0)M=0,h>=0?(k=0,y=d):-h>=c?(k=1,y=c+2*h+d):y=h*(k=-h/c)+d;else{var A=1/T;y=(k*=A)*(c*k+u*(M*=A)+2*h)+M*(u*k+f*M+2*p)+d}else k<0?(b=f+p)>(x=u+h)?(_=b-x)>=(w=c-2*u+f)?(k=1,M=0,y=c+2*h+d):y=(k=_/w)*(c*k+u*(M=1-k)+2*h)+M*(u*k+f*M+2*p)+d:(k=0,b<=0?(M=1,y=f+2*p+d):p>=0?(M=0,y=d):y=p*(M=-p/f)+d):M<0?(b=c+h)>(x=u+p)?(_=b-x)>=(w=c-2*u+f)?(M=1,k=0,y=f+2*p+d):y=(k=1-(M=_/w))*(c*k+u*M+2*h)+M*(u*k+f*M+2*p)+d:(M=0,b<=0?(k=1,y=c+2*h+d):h>=0?(k=0,y=d):y=h*(k=-h/c)+d):(_=f+p-u-h)<=0?(k=0,M=1,y=f+2*p+d):_>=(w=c-2*u+f)?(k=1,M=0,y=c+2*h+d):y=(k=_/w)*(c*k+u*(M=1-k)+2*h)+M*(u*k+f*M+2*p)+d;var S=1-k-M;for(l=0;l1)for(var r=1;r0){var c=t[r-1];if(0===n(s,c)&&a(c)!==l){r-=1;continue}}t[r++]=s}}return t.length=r,t}},{"cell-orientation":117,"compare-cell":133,"compare-oriented-cell":134}],534:[function(t,e,r){"use strict";var n=t("array-bounds"),i=t("color-normalize"),a=t("update-diff"),o=t("pick-by-alias"),s=t("object-assign"),l=t("flatten-vertex-data"),c=t("to-float32"),u=c.float32,f=c.fract32;e.exports=function(t,e){"function"==typeof t?(e||(e={}),e.regl=t):e=t;e.length&&(e.positions=e);if(!(t=e.regl).hasExtension("ANGLE_instanced_arrays"))throw Error("regl-error2d: `ANGLE_instanced_arrays` extension should be enabled");var r,c,p,d,g,m,v=t._gl,y={color:"black",capSize:5,lineWidth:1,opacity:1,viewport:null,range:null,offset:0,count:0,bounds:null,positions:[],errors:[]},x=[];return d=t.buffer({usage:"dynamic",type:"uint8",data:new Uint8Array(0)}),c=t.buffer({usage:"dynamic",type:"float",data:new Uint8Array(0)}),p=t.buffer({usage:"dynamic",type:"float",data:new Uint8Array(0)}),g=t.buffer({usage:"dynamic",type:"float",data:new Uint8Array(0)}),m=t.buffer({usage:"static",type:"float",data:h}),T(e),r=t({vert:"\n\t\tprecision highp float;\n\n\t\tattribute vec2 position, positionFract;\n\t\tattribute vec4 error;\n\t\tattribute vec4 color;\n\n\t\tattribute vec2 direction, lineOffset, capOffset;\n\n\t\tuniform vec4 viewport;\n\t\tuniform float lineWidth, capSize;\n\t\tuniform vec2 scale, scaleFract, translate, translateFract;\n\n\t\tvarying vec4 fragColor;\n\n\t\tvoid main() {\n\t\t\tfragColor = color / 255.;\n\n\t\t\tvec2 pixelOffset = lineWidth * lineOffset + (capSize + lineWidth) * capOffset;\n\n\t\t\tvec2 dxy = -step(.5, direction.xy) * error.xz + step(direction.xy, vec2(-.5)) * error.yw;\n\n\t\t\tvec2 position = position + dxy;\n\n\t\t\tvec2 pos = (position + translate) * scale\n\t\t\t\t+ (positionFract + translateFract) * scale\n\t\t\t\t+ (position + translate) * scaleFract\n\t\t\t\t+ (positionFract + translateFract) * scaleFract;\n\n\t\t\tpos += pixelOffset / viewport.zw;\n\n\t\t\tgl_Position = vec4(pos * 2. - 1., 0, 1);\n\t\t}\n\t\t",frag:"\n\t\tprecision highp float;\n\n\t\tvarying vec4 fragColor;\n\n\t\tuniform float opacity;\n\n\t\tvoid main() {\n\t\t\tgl_FragColor = fragColor;\n\t\t\tgl_FragColor.a *= opacity;\n\t\t}\n\t\t",uniforms:{range:t.prop("range"),lineWidth:t.prop("lineWidth"),capSize:t.prop("capSize"),opacity:t.prop("opacity"),scale:t.prop("scale"),translate:t.prop("translate"),scaleFract:t.prop("scaleFract"),translateFract:t.prop("translateFract"),viewport:function(t,e){return[e.viewport.x,e.viewport.y,t.viewportWidth,t.viewportHeight]}},attributes:{color:{buffer:d,offset:function(t,e){return 4*e.offset},divisor:1},position:{buffer:c,offset:function(t,e){return 8*e.offset},divisor:1},positionFract:{buffer:p,offset:function(t,e){return 8*e.offset},divisor:1},error:{buffer:g,offset:function(t,e){return 16*e.offset},divisor:1},direction:{buffer:m,stride:24,offset:0},lineOffset:{buffer:m,stride:24,offset:8},capOffset:{buffer:m,stride:24,offset:16}},primitive:"triangles",blend:{enable:!0,color:[0,0,0,0],equation:{rgb:"add",alpha:"add"},func:{srcRGB:"src alpha",dstRGB:"one minus src alpha",srcAlpha:"one minus dst alpha",dstAlpha:"one"}},depth:{enable:!1},scissor:{enable:!0,box:t.prop("viewport")},viewport:t.prop("viewport"),stencil:!1,instances:t.prop("count"),count:h.length}),s(b,{update:T,draw:_,destroy:k,regl:t,gl:v,canvas:v.canvas,groups:x}),b;function b(t){t?T(t):null===t&&k(),_()}function _(e){if("number"==typeof e)return w(e);e&&!Array.isArray(e)&&(e=[e]),t._refresh(),x.forEach((function(t,r){t&&(e&&(e[r]?t.draw=!0:t.draw=!1),t.draw?w(r):t.draw=!0)}))}function w(t){"number"==typeof t&&(t=x[t]),null!=t&&t&&t.count&&t.color&&t.opacity&&t.positions&&t.positions.length>1&&(t.scaleRatio=[t.scale[0]*t.viewport.width,t.scale[1]*t.viewport.height],r(t),t.after&&t.after(t))}function T(t){if(t){null!=t.length?"number"==typeof t[0]&&(t=[{positions:t}]):Array.isArray(t)||(t=[t]);var e=0,r=0;if(b.groups=x=t.map((function(t,c){var u=x[c];return t?("function"==typeof t?t={after:t}:"number"==typeof t[0]&&(t={positions:t}),t=o(t,{color:"color colors fill",capSize:"capSize cap capsize cap-size",lineWidth:"lineWidth line-width width line thickness",opacity:"opacity alpha",range:"range dataBox",viewport:"viewport viewBox",errors:"errors error",positions:"positions position data points"}),u||(x[c]=u={id:c,scale:null,translate:null,scaleFract:null,translateFract:null,draw:!0},t=s({},y,t)),a(u,t,[{lineWidth:function(t){return.5*+t},capSize:function(t){return.5*+t},opacity:parseFloat,errors:function(t){return t=l(t),r+=t.length,t},positions:function(t,r){return t=l(t,"float64"),r.count=Math.floor(t.length/2),r.bounds=n(t,2),r.offset=e,e+=r.count,t}},{color:function(t,e){var r=e.count;if(t||(t="transparent"),!Array.isArray(t)||"number"==typeof t[0]){var n=t;t=Array(r);for(var a=0;a 0. && baClipping < length(normalWidth * endBotJoin)) {\n\t\t//handle miter clipping\n\t\tbTopCoord -= normalWidth * endTopJoin;\n\t\tbTopCoord += normalize(endTopJoin * normalWidth) * baClipping;\n\t}\n\n\tif (nextReverse) {\n\t\t//make join rectangular\n\t\tvec2 miterShift = normalWidth * endJoinDirection * miterLimit * .5;\n\t\tfloat normalAdjust = 1. - min(miterLimit / endMiterRatio, 1.);\n\t\tbBotCoord = bCoord + miterShift - normalAdjust * normalWidth * currNormal * .5;\n\t\tbTopCoord = bCoord + miterShift + normalAdjust * normalWidth * currNormal * .5;\n\t}\n\telse if (!prevReverse && abClipping > 0. && abClipping < length(normalWidth * startBotJoin)) {\n\t\t//handle miter clipping\n\t\taBotCoord -= normalWidth * startBotJoin;\n\t\taBotCoord += normalize(startBotJoin * normalWidth) * abClipping;\n\t}\n\n\tvec2 aTopPosition = (aTopCoord) * adjustedScale + translate;\n\tvec2 aBotPosition = (aBotCoord) * adjustedScale + translate;\n\n\tvec2 bTopPosition = (bTopCoord) * adjustedScale + translate;\n\tvec2 bBotPosition = (bBotCoord) * adjustedScale + translate;\n\n\t//position is normalized 0..1 coord on the screen\n\tvec2 position = (aTopPosition * lineTop + aBotPosition * lineBot) * lineStart + (bTopPosition * lineTop + bBotPosition * lineBot) * lineEnd;\n\n\tstartCoord = aCoord * scaleRatio + translate * viewport.zw + viewport.xy;\n\tendCoord = bCoord * scaleRatio + translate * viewport.zw + viewport.xy;\n\n\tgl_Position = vec4(position * 2.0 - 1.0, depth, 1);\n\n\tenableStartMiter = step(dot(currTangent, prevTangent), .5);\n\tenableEndMiter = step(dot(currTangent, nextTangent), .5);\n\n\t//bevel miter cutoffs\n\tif (miterMode == 1.) {\n\t\tif (enableStartMiter == 1.) {\n\t\t\tvec2 startMiterWidth = vec2(startJoinDirection) * thickness * miterLimit * .5;\n\t\t\tstartCutoff = vec4(aCoord, aCoord);\n\t\t\tstartCutoff.zw += vec2(-startJoinDirection.y, startJoinDirection.x) / scaleRatio;\n\t\t\tstartCutoff = startCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\n\t\t\tstartCutoff += viewport.xyxy;\n\t\t\tstartCutoff += startMiterWidth.xyxy;\n\t\t}\n\n\t\tif (enableEndMiter == 1.) {\n\t\t\tvec2 endMiterWidth = vec2(endJoinDirection) * thickness * miterLimit * .5;\n\t\t\tendCutoff = vec4(bCoord, bCoord);\n\t\t\tendCutoff.zw += vec2(-endJoinDirection.y, endJoinDirection.x) / scaleRatio;\n\t\t\tendCutoff = endCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\n\t\t\tendCutoff += viewport.xyxy;\n\t\t\tendCutoff += endMiterWidth.xyxy;\n\t\t}\n\t}\n\n\t//round miter cutoffs\n\telse if (miterMode == 2.) {\n\t\tif (enableStartMiter == 1.) {\n\t\t\tvec2 startMiterWidth = vec2(startJoinDirection) * thickness * abs(dot(startJoinDirection, currNormal)) * .5;\n\t\t\tstartCutoff = vec4(aCoord, aCoord);\n\t\t\tstartCutoff.zw += vec2(-startJoinDirection.y, startJoinDirection.x) / scaleRatio;\n\t\t\tstartCutoff = startCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\n\t\t\tstartCutoff += viewport.xyxy;\n\t\t\tstartCutoff += startMiterWidth.xyxy;\n\t\t}\n\n\t\tif (enableEndMiter == 1.) {\n\t\t\tvec2 endMiterWidth = vec2(endJoinDirection) * thickness * abs(dot(endJoinDirection, currNormal)) * .5;\n\t\t\tendCutoff = vec4(bCoord, bCoord);\n\t\t\tendCutoff.zw += vec2(-endJoinDirection.y, endJoinDirection.x) / scaleRatio;\n\t\t\tendCutoff = endCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\n\t\t\tendCutoff += viewport.xyxy;\n\t\t\tendCutoff += endMiterWidth.xyxy;\n\t\t}\n\t}\n}\n"]),frag:o(["precision highp float;\n#define GLSLIFY 1\n\nuniform sampler2D dashPattern;\nuniform float dashSize, pixelRatio, thickness, opacity, id, miterMode;\n\nvarying vec4 fragColor;\nvarying vec2 tangent;\nvarying vec4 startCutoff, endCutoff;\nvarying vec2 startCoord, endCoord;\nvarying float enableStartMiter, enableEndMiter;\n\nfloat distToLine(vec2 p, vec2 a, vec2 b) {\n\tvec2 diff = b - a;\n\tvec2 perp = normalize(vec2(-diff.y, diff.x));\n\treturn dot(p - a, perp);\n}\n\nvoid main() {\n\tfloat alpha = 1., distToStart, distToEnd;\n\tfloat cutoff = thickness * .5;\n\n\t//bevel miter\n\tif (miterMode == 1.) {\n\t\tif (enableStartMiter == 1.) {\n\t\t\tdistToStart = distToLine(gl_FragCoord.xy, startCutoff.xy, startCutoff.zw);\n\t\t\tif (distToStart < -1.) {\n\t\t\t\tdiscard;\n\t\t\t\treturn;\n\t\t\t}\n\t\t\talpha *= min(max(distToStart + 1., 0.), 1.);\n\t\t}\n\n\t\tif (enableEndMiter == 1.) {\n\t\t\tdistToEnd = distToLine(gl_FragCoord.xy, endCutoff.xy, endCutoff.zw);\n\t\t\tif (distToEnd < -1.) {\n\t\t\t\tdiscard;\n\t\t\t\treturn;\n\t\t\t}\n\t\t\talpha *= min(max(distToEnd + 1., 0.), 1.);\n\t\t}\n\t}\n\n\t// round miter\n\telse if (miterMode == 2.) {\n\t\tif (enableStartMiter == 1.) {\n\t\t\tdistToStart = distToLine(gl_FragCoord.xy, startCutoff.xy, startCutoff.zw);\n\t\t\tif (distToStart < 0.) {\n\t\t\t\tfloat radius = length(gl_FragCoord.xy - startCoord);\n\n\t\t\t\tif(radius > cutoff + .5) {\n\t\t\t\t\tdiscard;\n\t\t\t\t\treturn;\n\t\t\t\t}\n\n\t\t\t\talpha -= smoothstep(cutoff - .5, cutoff + .5, radius);\n\t\t\t}\n\t\t}\n\n\t\tif (enableEndMiter == 1.) {\n\t\t\tdistToEnd = distToLine(gl_FragCoord.xy, endCutoff.xy, endCutoff.zw);\n\t\t\tif (distToEnd < 0.) {\n\t\t\t\tfloat radius = length(gl_FragCoord.xy - endCoord);\n\n\t\t\t\tif(radius > cutoff + .5) {\n\t\t\t\t\tdiscard;\n\t\t\t\t\treturn;\n\t\t\t\t}\n\n\t\t\t\talpha -= smoothstep(cutoff - .5, cutoff + .5, radius);\n\t\t\t}\n\t\t}\n\t}\n\n\tfloat t = fract(dot(tangent, gl_FragCoord.xy) / dashSize) * .5 + .25;\n\tfloat dash = texture2D(dashPattern, vec2(t, .5)).r;\n\n\tgl_FragColor = fragColor;\n\tgl_FragColor.a *= alpha * opacity * dash;\n}\n"]),attributes:{lineEnd:{buffer:r,divisor:0,stride:8,offset:0},lineTop:{buffer:r,divisor:0,stride:8,offset:4},aColor:{buffer:t.prop("colorBuffer"),stride:4,offset:0,divisor:1},bColor:{buffer:t.prop("colorBuffer"),stride:4,offset:4,divisor:1},prevCoord:{buffer:t.prop("positionBuffer"),stride:8,offset:0,divisor:1},aCoord:{buffer:t.prop("positionBuffer"),stride:8,offset:8,divisor:1},bCoord:{buffer:t.prop("positionBuffer"),stride:8,offset:16,divisor:1},nextCoord:{buffer:t.prop("positionBuffer"),stride:8,offset:24,divisor:1}}},n))}catch(t){e=i}return{fill:t({primitive:"triangle",elements:function(t,e){return e.triangles},offset:0,vert:o(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec2 position, positionFract;\n\nuniform vec4 color;\nuniform vec2 scale, scaleFract, translate, translateFract;\nuniform float pixelRatio, id;\nuniform vec4 viewport;\nuniform float opacity;\n\nvarying vec4 fragColor;\n\nconst float MAX_LINES = 256.;\n\nvoid main() {\n\tfloat depth = (MAX_LINES - 4. - id) / (MAX_LINES);\n\n\tvec2 position = position * scale + translate\n + positionFract * scale + translateFract\n + position * scaleFract\n + positionFract * scaleFract;\n\n\tgl_Position = vec4(position * 2.0 - 1.0, depth, 1);\n\n\tfragColor = color / 255.;\n\tfragColor.a *= opacity;\n}\n"]),frag:o(["precision highp float;\n#define GLSLIFY 1\n\nvarying vec4 fragColor;\n\nvoid main() {\n\tgl_FragColor = fragColor;\n}\n"]),uniforms:{scale:t.prop("scale"),color:t.prop("fill"),scaleFract:t.prop("scaleFract"),translateFract:t.prop("translateFract"),translate:t.prop("translate"),opacity:t.prop("opacity"),pixelRatio:t.context("pixelRatio"),id:t.prop("id"),viewport:function(t,e){return[e.viewport.x,e.viewport.y,t.viewportWidth,t.viewportHeight]}},attributes:{position:{buffer:t.prop("positionBuffer"),stride:8,offset:8},positionFract:{buffer:t.prop("positionFractBuffer"),stride:8,offset:8}},blend:n.blend,depth:{enable:!1},scissor:n.scissor,stencil:n.stencil,viewport:n.viewport}),rect:i,miter:e}},m.defaults={dashes:null,join:"miter",miterLimit:1,thickness:10,cap:"square",color:"black",opacity:1,overlay:!1,viewport:null,range:null,close:!1,fill:null},m.prototype.render=function(){for(var t,e=[],r=arguments.length;r--;)e[r]=arguments[r];e.length&&(t=this).update.apply(t,e),this.draw()},m.prototype.draw=function(){for(var t=this,e=[],r=arguments.length;r--;)e[r]=arguments[r];return(e.length?e:this.passes).forEach((function(e,r){var n;if(e&&Array.isArray(e))return(n=t).draw.apply(n,e);"number"==typeof e&&(e=t.passes[e]),e&&e.count>1&&e.opacity&&(t.regl._refresh(),e.fill&&e.triangles&&e.triangles.length>2&&t.shaders.fill(e),e.thickness&&(e.scale[0]*e.viewport.width>m.precisionThreshold||e.scale[1]*e.viewport.height>m.precisionThreshold||"rect"===e.join||!e.join&&(e.thickness<=2||e.count>=m.maxPoints)?t.shaders.rect(e):t.shaders.miter(e)))})),this},m.prototype.update=function(t){var e=this;if(t){null!=t.length?"number"==typeof t[0]&&(t=[{positions:t}]):Array.isArray(t)||(t=[t]);var r=this.regl,o=this.gl;if(t.forEach((function(t,f){var d=e.passes[f];if(void 0!==t)if(null!==t){if("number"==typeof t[0]&&(t={positions:t}),t=s(t,{positions:"positions points data coords",thickness:"thickness lineWidth lineWidths line-width linewidth width stroke-width strokewidth strokeWidth",join:"lineJoin linejoin join type mode",miterLimit:"miterlimit miterLimit",dashes:"dash dashes dasharray dash-array dashArray",color:"color colour stroke colors colours stroke-color strokeColor",fill:"fill fill-color fillColor",opacity:"alpha opacity",overlay:"overlay crease overlap intersect",close:"closed close closed-path closePath",range:"range dataBox",viewport:"viewport viewBox",hole:"holes hole hollow"}),d||(e.passes[f]=d={id:f,scale:null,scaleFract:null,translate:null,translateFract:null,count:0,hole:[],depth:0,dashLength:1,dashTexture:r.texture({channels:1,data:new Uint8Array([255]),width:1,height:1,mag:"linear",min:"linear"}),colorBuffer:r.buffer({usage:"dynamic",type:"uint8",data:new Uint8Array}),positionBuffer:r.buffer({usage:"dynamic",type:"float",data:new Uint8Array}),positionFractBuffer:r.buffer({usage:"dynamic",type:"float",data:new Uint8Array})},t=a({},m.defaults,t)),null!=t.thickness&&(d.thickness=parseFloat(t.thickness)),null!=t.opacity&&(d.opacity=parseFloat(t.opacity)),null!=t.miterLimit&&(d.miterLimit=parseFloat(t.miterLimit)),null!=t.overlay&&(d.overlay=!!t.overlay,ft.length)&&(e=t.length);for(var r=0,n=new Array(e);r 1.0 + delta) {\n\t\tdiscard;\n\t}\n\n\talpha -= smoothstep(1.0 - delta, 1.0 + delta, radius);\n\n\tfloat borderRadius = fragBorderRadius;\n\tfloat ratio = smoothstep(borderRadius - delta, borderRadius + delta, radius);\n\tvec4 color = mix(fragColor, fragBorderColor, ratio);\n\tcolor.a *= alpha * opacity;\n\tgl_FragColor = color;\n}\n"]),l.vert=h(["precision highp float;\n#define GLSLIFY 1\n\nattribute float x, y, xFract, yFract;\nattribute float size, borderSize;\nattribute vec4 colorId, borderColorId;\nattribute float isActive;\n\nuniform vec2 scale, scaleFract, translate, translateFract;\nuniform float pixelRatio;\nuniform bool constPointSize;\nuniform sampler2D palette;\nuniform vec2 paletteSize;\n\nconst float maxSize = 100.;\n\nvarying vec4 fragColor, fragBorderColor;\nvarying float fragBorderRadius, fragWidth;\n\nfloat pointSizeScale = (constPointSize) ? 2. : pixelRatio;\n\nbool isDirect = (paletteSize.x < 1.);\n\nvec4 getColor(vec4 id) {\n return isDirect ? id / 255. : texture2D(palette,\n vec2(\n (id.x + .5) / paletteSize.x,\n (id.y + .5) / paletteSize.y\n )\n );\n}\n\nvoid main() {\n // ignore inactive points\n if (isActive == 0.) return;\n\n vec2 position = vec2(x, y);\n vec2 positionFract = vec2(xFract, yFract);\n\n vec4 color = getColor(colorId);\n vec4 borderColor = getColor(borderColorId);\n\n float size = size * maxSize / 255.;\n float borderSize = borderSize * maxSize / 255.;\n\n gl_PointSize = (size + borderSize) * pointSizeScale;\n\n vec2 pos = (position + translate) * scale\n + (positionFract + translateFract) * scale\n + (position + translate) * scaleFract\n + (positionFract + translateFract) * scaleFract;\n\n gl_Position = vec4(pos * 2. - 1., 0., 1.);\n\n fragBorderRadius = 1. - 2. * borderSize / (size + borderSize);\n fragColor = color;\n fragBorderColor = borderColor.a == 0. || borderSize == 0. ? vec4(color.rgb, 0.) : borderColor;\n fragWidth = 1. / gl_PointSize;\n}\n"]),m&&(l.frag=l.frag.replace("smoothstep","smoothStep"),s.frag=s.frag.replace("smoothstep","smoothStep")),this.drawCircle=t(l)}b.defaults={color:"black",borderColor:"transparent",borderSize:0,size:12,opacity:1,marker:void 0,viewport:null,range:null,pixelSize:null,count:0,offset:0,bounds:null,positions:[],snap:1e4},b.prototype.render=function(){return arguments.length&&this.update.apply(this,arguments),this.draw(),this},b.prototype.draw=function(){for(var t=this,e=arguments.length,r=new Array(e),n=0;nn)?e.tree=u(t,{bounds:f}):n&&n.length&&(e.tree=n),e.tree){var h={primitive:"points",usage:"static",data:e.tree,type:"uint32"};e.elements?e.elements(h):e.elements=o.elements(h)}return i({data:v.float(t),usage:"dynamic"}),a({data:v.fract(t),usage:"dynamic"}),s({data:new Uint8Array(c),type:"uint8",usage:"stream"}),t}},{marker:function(e,r,n){var i=r.activation;if(i.forEach((function(t){return t&&t.destroy&&t.destroy()})),i.length=0,e&&"number"!=typeof e[0]){for(var a=[],s=0,l=Math.min(e.length,r.count);s=0)return a;if(t instanceof Uint8Array||t instanceof Uint8ClampedArray)e=t;else{e=new Uint8Array(t.length);for(var o=0,s=t.length;o4*n&&(this.tooManyColors=!0),this.updatePalette(r),1===i.length?i[0]:i},b.prototype.updatePalette=function(t){if(!this.tooManyColors){var e=this.maxColors,r=this.paletteTexture,n=Math.ceil(.25*t.length/e);if(n>1)for(var i=.25*(t=t.slice()).length%e;i2?(s[0],s[2],n=s[1],i=s[3]):s.length?(n=s[0],i=s[1]):(s.x,n=s.y,s.x+s.width,i=s.y+s.height),l.length>2?(a=l[0],o=l[2],l[1],l[3]):l.length?(a=l[0],o=l[1]):(a=l.x,l.y,o=l.x+l.width,l.y+l.height),[a,n,o,i]}function p(t){if("number"==typeof t)return[t,t,t,t];if(2===t.length)return[t[0],t[1],t[0],t[1]];var e=l(t);return[e.x,e.y,e.x+e.width,e.y+e.height]}e.exports=u,u.prototype.render=function(){for(var t,e=this,r=[],n=arguments.length;n--;)r[n]=arguments[n];return r.length&&(t=this).update.apply(t,r),this.regl.attributes.preserveDrawingBuffer?this.draw():(this.dirty?null==this.planned&&(this.planned=o((function(){e.draw(),e.dirty=!0,e.planned=null}))):(this.draw(),this.dirty=!0,o((function(){e.dirty=!1}))),this)},u.prototype.update=function(){for(var t,e=[],r=arguments.length;r--;)e[r]=arguments[r];if(e.length){for(var n=0;nk))&&(s.lower||!(T>>=e))<<3,(e|=r=(15<(t>>>=r))<<2)|(r=(3<(t>>>=r))<<1)|t>>>r>>1}function s(){function t(t){t:{for(var e=16;268435456>=e;e*=16)if(t<=e){t=e;break t}t=0}return 0<(e=r[o(t)>>2]).length?e.pop():new ArrayBuffer(t)}function e(t){r[o(t.byteLength)>>2].push(t)}var r=a(8,(function(){return[]}));return{alloc:t,free:e,allocType:function(e,r){var n=null;switch(e){case 5120:n=new Int8Array(t(r),0,r);break;case 5121:n=new Uint8Array(t(r),0,r);break;case 5122:n=new Int16Array(t(2*r),0,r);break;case 5123:n=new Uint16Array(t(2*r),0,r);break;case 5124:n=new Int32Array(t(4*r),0,r);break;case 5125:n=new Uint32Array(t(4*r),0,r);break;case 5126:n=new Float32Array(t(4*r),0,r);break;default:return null}return n.length!==r?n.subarray(0,r):n},freeType:function(t){e(t.buffer)}}}function l(t){return!!t&&"object"==typeof t&&Array.isArray(t.shape)&&Array.isArray(t.stride)&&"number"==typeof t.offset&&t.shape.length===t.stride.length&&(Array.isArray(t.data)||X(t.data))}function c(t,e,r,n,i,a){for(var o=0;o(i=s)&&(i=n.buffer.byteLength,5123===f?i>>=1:5125===f&&(i>>=2)),n.vertCount=i,i=o,0>o&&(i=4,1===(o=n.buffer.dimension)&&(i=0),2===o&&(i=1),3===o&&(i=4)),n.primType=i}function o(t){n.elementsCount--,delete s[t.id],t.buffer.destroy(),t.buffer=null}var s={},c=0,u={uint8:5121,uint16:5123};e.oes_element_index_uint&&(u.uint32=5125),i.prototype.bind=function(){this.buffer.bind()};var f=[];return{create:function(t,e){function s(t){if(t)if("number"==typeof t)c(t),f.primType=4,f.vertCount=0|t,f.type=5121;else{var e=null,r=35044,n=-1,i=-1,o=0,h=0;Array.isArray(t)||X(t)||l(t)?e=t:("data"in t&&(e=t.data),"usage"in t&&(r=$[t.usage]),"primitive"in t&&(n=nt[t.primitive]),"count"in t&&(i=0|t.count),"type"in t&&(h=u[t.type]),"length"in t?o=0|t.length:(o=i,5123===h||5122===h?o*=2:5125!==h&&5124!==h||(o*=4))),a(f,e,r,n,i,o,h)}else c(),f.primType=4,f.vertCount=0,f.type=5121;return s}var c=r.create(null,34963,!0),f=new i(c._buffer);return n.elementsCount++,s(t),s._reglType="elements",s._elements=f,s.subdata=function(t,e){return c.subdata(t,e),s},s.destroy=function(){o(f)},s},createStream:function(t){var e=f.pop();return e||(e=new i(r.create(null,34963,!0,!1)._buffer)),a(e,t,35040,-1,-1,0,0),e},destroyStream:function(t){f.push(t)},getElements:function(t){return"function"==typeof t&&t._elements instanceof i?t._elements:null},clear:function(){Z(s).forEach(o)}}}function g(t){for(var e=Y.allocType(5123,t.length),r=0;r>>31<<15,i=(a<<1>>>24)-127,a=a>>13&1023;e[r]=-24>i?n:-14>i?n+(a+1024>>-14-i):15>=i,r.height>>=i,p(r,n[i]),t.mipmask|=1<e;++e)t.images[e]=null;return t}function L(t){for(var e=t.images,r=0;re){for(var r=0;r=--this.refCount&&F(this)}}),o.profile&&(a.getTotalTextureSize=function(){var t=0;return Object.keys(yt).forEach((function(e){t+=yt[e].stats.size})),t}),{create2D:function(e,r){function n(t,e){var r=i.texInfo;I.call(r);var a=C();return"number"==typeof t?A(a,0|t,"number"==typeof e?0|e:0|t):t?(P(r,t),S(a,t)):A(a,1,1),r.genMipmaps&&(a.mipmask=(a.width<<1)-1),i.mipmask=a.mipmask,c(i,a),i.internalformat=a.internalformat,n.width=a.width,n.height=a.height,D(i),E(a,3553),z(r,3553),R(),L(a),o.profile&&(i.stats.size=T(i.internalformat,i.type,a.width,a.height,r.genMipmaps,!1)),n.format=tt[i.internalformat],n.type=et[i.type],n.mag=rt[r.magFilter],n.min=nt[r.minFilter],n.wrapS=it[r.wrapS],n.wrapT=it[r.wrapT],n}var i=new O(3553);return yt[i.id]=i,a.textureCount++,n(e,r),n.subimage=function(t,e,r,a){e|=0,r|=0,a|=0;var o=v();return c(o,i),o.width=0,o.height=0,p(o,t),o.width=o.width||(i.width>>a)-e,o.height=o.height||(i.height>>a)-r,D(i),d(o,3553,e,r,a),R(),k(o),n},n.resize=function(e,r){var a=0|e,s=0|r||a;if(a===i.width&&s===i.height)return n;n.width=i.width=a,n.height=i.height=s,D(i);for(var l=0;i.mipmask>>l;++l){var c=a>>l,u=s>>l;if(!c||!u)break;t.texImage2D(3553,l,i.format,c,u,0,i.format,i.type,null)}return R(),o.profile&&(i.stats.size=T(i.internalformat,i.type,a,s,!1,!1)),n},n._reglType="texture2d",n._texture=i,o.profile&&(n.stats=i.stats),n.destroy=function(){i.decRef()},n},createCube:function(e,r,n,i,s,l){function f(t,e,r,n,i,a){var s,l=h.texInfo;for(I.call(l),s=0;6>s;++s)g[s]=C();if("number"!=typeof t&&t){if("object"==typeof t)if(e)S(g[0],t),S(g[1],e),S(g[2],r),S(g[3],n),S(g[4],i),S(g[5],a);else if(P(l,t),u(h,t),"faces"in t)for(t=t.faces,s=0;6>s;++s)c(g[s],h),S(g[s],t[s]);else for(s=0;6>s;++s)S(g[s],t)}else for(t=0|t||1,s=0;6>s;++s)A(g[s],t,t);for(c(h,g[0]),h.mipmask=l.genMipmaps?(g[0].width<<1)-1:g[0].mipmask,h.internalformat=g[0].internalformat,f.width=g[0].width,f.height=g[0].height,D(h),s=0;6>s;++s)E(g[s],34069+s);for(z(l,34067),R(),o.profile&&(h.stats.size=T(h.internalformat,h.type,f.width,f.height,l.genMipmaps,!0)),f.format=tt[h.internalformat],f.type=et[h.type],f.mag=rt[l.magFilter],f.min=nt[l.minFilter],f.wrapS=it[l.wrapS],f.wrapT=it[l.wrapT],s=0;6>s;++s)L(g[s]);return f}var h=new O(34067);yt[h.id]=h,a.cubeCount++;var g=Array(6);return f(e,r,n,i,s,l),f.subimage=function(t,e,r,n,i){r|=0,n|=0,i|=0;var a=v();return c(a,h),a.width=0,a.height=0,p(a,e),a.width=a.width||(h.width>>i)-r,a.height=a.height||(h.height>>i)-n,D(h),d(a,34069+t,r,n,i),R(),k(a),f},f.resize=function(e){if((e|=0)!==h.width){f.width=h.width=e,f.height=h.height=e,D(h);for(var r=0;6>r;++r)for(var n=0;h.mipmask>>n;++n)t.texImage2D(34069+r,n,h.format,e>>n,e>>n,0,h.format,h.type,null);return R(),o.profile&&(h.stats.size=T(h.internalformat,h.type,f.width,f.height,!1,!0)),f}},f._reglType="textureCube",f._texture=h,o.profile&&(f.stats=h.stats),f.destroy=function(){h.decRef()},f},clear:function(){for(var e=0;er;++r)if(0!=(e.mipmask&1<>r,e.height>>r,0,e.internalformat,e.type,null);else for(var n=0;6>n;++n)t.texImage2D(34069+n,r,e.internalformat,e.width>>r,e.height>>r,0,e.internalformat,e.type,null);z(e.texInfo,e.target)}))}}}function M(t,e,r,n,i,a){function o(t,e,r){this.target=t,this.texture=e,this.renderbuffer=r;var n=t=0;e?(t=e.width,n=e.height):r&&(t=r.width,n=r.height),this.width=t,this.height=n}function s(t){t&&(t.texture&&t.texture._texture.decRef(),t.renderbuffer&&t.renderbuffer._renderbuffer.decRef())}function l(t,e,r){t&&(t.texture?t.texture._texture.refCount+=1:t.renderbuffer._renderbuffer.refCount+=1)}function c(e,r){r&&(r.texture?t.framebufferTexture2D(36160,e,r.target,r.texture._texture.texture,0):t.framebufferRenderbuffer(36160,e,36161,r.renderbuffer._renderbuffer.renderbuffer))}function u(t){var e=3553,r=null,n=null,i=t;return"object"==typeof t&&(i=t.data,"target"in t&&(e=0|t.target)),"texture2d"===(t=i._reglType)||"textureCube"===t?r=i:"renderbuffer"===t&&(n=i,e=36161),new o(e,r,n)}function f(t,e,r,a,s){return r?((t=n.create2D({width:t,height:e,format:a,type:s}))._texture.refCount=0,new o(3553,t,null)):((t=i.create({width:t,height:e,format:a}))._renderbuffer.refCount=0,new o(36161,null,t))}function h(t){return t&&(t.texture||t.renderbuffer)}function p(t,e,r){t&&(t.texture?t.texture.resize(e,r):t.renderbuffer&&t.renderbuffer.resize(e,r),t.width=e,t.height=r)}function d(){this.id=T++,k[this.id]=this,this.framebuffer=t.createFramebuffer(),this.height=this.width=0,this.colorAttachments=[],this.depthStencilAttachment=this.stencilAttachment=this.depthAttachment=null}function g(t){t.colorAttachments.forEach(s),s(t.depthAttachment),s(t.stencilAttachment),s(t.depthStencilAttachment)}function m(e){t.deleteFramebuffer(e.framebuffer),e.framebuffer=null,a.framebufferCount--,delete k[e.id]}function v(e){var n;t.bindFramebuffer(36160,e.framebuffer);var i=e.colorAttachments;for(n=0;ni;++i){for(c=0;ct;++t)r[t].resize(n);return e.width=e.height=n,e},_reglType:"framebufferCube",destroy:function(){r.forEach((function(t){t.destroy()}))}})},clear:function(){Z(k).forEach(m)},restore:function(){x.cur=null,x.next=null,x.dirty=!0,Z(k).forEach((function(e){e.framebuffer=t.createFramebuffer(),v(e)}))}})}function A(){this.w=this.z=this.y=this.x=this.state=0,this.buffer=null,this.size=0,this.normalized=!1,this.type=5126,this.divisor=this.stride=this.offset=0}function S(t,e,r,n,i){function a(){this.id=++c,this.attributes=[];var t=e.oes_vertex_array_object;this.vao=t?t.createVertexArrayOES():null,u[this.id]=this,this.buffers=[]}var o=r.maxAttributes,s=Array(o);for(r=0;rt&&(t=e.stats.uniformsCount)})),t},r.getMaxAttributesCount=function(){var t=0;return h.forEach((function(e){e.stats.attributesCount>t&&(t=e.stats.attributesCount)})),t}),{clear:function(){var e=t.deleteShader.bind(t);Z(c).forEach(e),c={},Z(u).forEach(e),u={},h.forEach((function(e){t.deleteProgram(e.program)})),h.length=0,f={},r.shaderCount=0},program:function(t,e,n,i){var a=f[e];a||(a=f[e]={});var o=a[t];return o&&!i?o:(e=new s(e,t),r.shaderCount++,l(e,n,i),o||(a[t]=e),h.push(e),e)},restore:function(){c={},u={};for(var t=0;t"+e+"?"+i+".constant["+e+"]:0;"})).join(""),"}}else{","if(",s,"(",i,".buffer)){",u,"=",a,".createStream(",34962,",",i,".buffer);","}else{",u,"=",a,".getBuffer(",i,".buffer);","}",f,'="type" in ',i,"?",o.glTypes,"[",i,".type]:",u,".dtype;",l.normalized,"=!!",i,".normalized;"),n("size"),n("offset"),n("stride"),n("divisor"),r("}}"),r.exit("if(",l.isStream,"){",a,".destroyStream(",u,");","}"),l}))})),o}function M(t,e,n,i,o){function s(t){var e=c[t];e&&(h[t]=e)}var l=function(t,e){if("string"==typeof(r=t.static).frag&&"string"==typeof r.vert){if(0>1)",s],");")}function e(){r(l,".drawArraysInstancedANGLE(",[d,g,m,s],");")}p?y?t():(r("if(",p,"){"),t(),r("}else{"),e(),r("}")):e()}function o(){function t(){r(u+".drawElements("+[d,m,v,g+"<<(("+v+"-5121)>>1)"]+");")}function e(){r(u+".drawArrays("+[d,g,m]+");")}p?y?t():(r("if(",p,"){"),t(),r("}else{"),e(),r("}")):e()}var s,l,c=t.shared,u=c.gl,f=c.draw,h=n.draw,p=function(){var i=h.elements,a=e;return i?((i.contextDep&&n.contextDynamic||i.propDep)&&(a=r),i=i.append(t,a)):i=a.def(f,".","elements"),i&&a("if("+i+")"+u+".bindBuffer(34963,"+i+".buffer.buffer);"),i}(),d=i("primitive"),g=i("offset"),m=function(){var i=h.count,a=e;return i?((i.contextDep&&n.contextDynamic||i.propDep)&&(a=r),i=i.append(t,a)):i=a.def(f,".","count"),i}();if("number"==typeof m){if(0===m)return}else r("if(",m,"){"),r.exit("}");K&&(s=i("instances"),l=t.instancing);var v=p+".type",y=h.elements&&R(h.elements);K&&("number"!=typeof s||0<=s)?"string"==typeof s?(r("if(",s,">0){"),a(),r("}else if(",s,"<0){"),o(),r("}")):a():o()}function V(t,e,r,n,i){return i=(e=b()).proc("body",i),K&&(e.instancing=i.def(e.shared.extensions,".angle_instanced_arrays")),t(e,i,r,n),e.compile().body}function H(t,e,r,n){L(t,e),r.useVAO?r.drawVAO?e(t.shared.vao,".setVAO(",r.drawVAO.append(t,e),");"):e(t.shared.vao,".setVAO(",t.shared.vao,".targetVAO);"):(e(t.shared.vao,".setVAO(null);"),N(t,e,r,n.attributes,(function(){return!0}))),j(t,e,r,n.uniforms,(function(){return!0})),U(t,e,e,r)}function G(t,e,r,n){function i(){return!0}t.batchId="a1",L(t,e),N(t,e,r,n.attributes,i),j(t,e,r,n.uniforms,i),U(t,e,e,r)}function Y(t,e,r,n){function i(t){return t.contextDep&&o||t.propDep}function a(t){return!i(t)}L(t,e);var o=r.contextDep,s=e.def(),l=e.def();t.shared.props=l,t.batchId=s;var c=t.scope(),u=t.scope();e(c.entry,"for(",s,"=0;",s,"<","a1",";++",s,"){",l,"=","a0","[",s,"];",u,"}",c.exit),r.needsContext&&A(t,u,r.context),r.needsFramebuffer&&S(t,u,r.framebuffer),C(t,u,r.state,i),r.profile&&i(r.profile)&&I(t,u,r,!1,!0),n?(r.useVAO?r.drawVAO?i(r.drawVAO)?u(t.shared.vao,".setVAO(",r.drawVAO.append(t,u),");"):c(t.shared.vao,".setVAO(",r.drawVAO.append(t,c),");"):c(t.shared.vao,".setVAO(",t.shared.vao,".targetVAO);"):(c(t.shared.vao,".setVAO(null);"),N(t,c,r,n.attributes,a),N(t,u,r,n.attributes,i)),j(t,c,r,n.uniforms,a),j(t,u,r,n.uniforms,i),U(t,c,u,r)):(e=t.global.def("{}"),n=r.shader.progVar.append(t,u),l=u.def(n,".id"),c=u.def(e,"[",l,"]"),u(t.shared.gl,".useProgram(",n,".program);","if(!",c,"){",c,"=",e,"[",l,"]=",t.link((function(e){return V(G,t,r,e,2)})),"(",n,");}",c,".call(this,a0[",s,"],",s,");"))}function W(t,r){function n(e){var n=r.shader[e];n&&i.set(a.shader,"."+e,n.append(t,i))}var i=t.proc("scope",3);t.batchId="a2";var a=t.shared,o=a.current;A(t,i,r.context),r.framebuffer&&r.framebuffer.append(t,i),O(Object.keys(r.state)).forEach((function(e){var n=r.state[e].append(t,i);m(n)?n.forEach((function(r,n){i.set(t.next[e],"["+n+"]",r)})):i.set(a.next,"."+e,n)})),I(t,i,r,!0,!0),["elements","offset","count","instances","primitive"].forEach((function(e){var n=r.draw[e];n&&i.set(a.draw,"."+e,""+n.append(t,i))})),Object.keys(r.uniforms).forEach((function(n){i.set(a.uniforms,"["+e.id(n)+"]",r.uniforms[n].append(t,i))})),Object.keys(r.attributes).forEach((function(e){var n=r.attributes[e].append(t,i),a=t.scopeAttrib(e);Object.keys(new Z).forEach((function(t){i.set(a,"."+t,n[t])}))})),r.scopeVAO&&i.set(a.vao,".targetVAO",r.scopeVAO.append(t,i)),n("vert"),n("frag"),0=--this.refCount&&o(this)},i.profile&&(n.getTotalRenderbufferSize=function(){var t=0;return Object.keys(u).forEach((function(e){t+=u[e].stats.size})),t}),{create:function(e,r){function o(e,r){var n=0,a=0,u=32854;if("object"==typeof e&&e?("shape"in e?(n=0|(a=e.shape)[0],a=0|a[1]):("radius"in e&&(n=a=0|e.radius),"width"in e&&(n=0|e.width),"height"in e&&(a=0|e.height)),"format"in e&&(u=s[e.format])):"number"==typeof e?(n=0|e,a="number"==typeof r?0|r:n):e||(n=a=1),n!==c.width||a!==c.height||u!==c.format)return o.width=c.width=n,o.height=c.height=a,c.format=u,t.bindRenderbuffer(36161,c.renderbuffer),t.renderbufferStorage(36161,u,n,a),i.profile&&(c.stats.size=yt[c.format]*c.width*c.height),o.format=l[c.format],o}var c=new a(t.createRenderbuffer());return u[c.id]=c,n.renderbufferCount++,o(e,r),o.resize=function(e,r){var n=0|e,a=0|r||n;return n===c.width&&a===c.height||(o.width=c.width=n,o.height=c.height=a,t.bindRenderbuffer(36161,c.renderbuffer),t.renderbufferStorage(36161,c.format,n,a),i.profile&&(c.stats.size=yt[c.format]*c.width*c.height)),o},o._reglType="renderbuffer",o._renderbuffer=c,i.profile&&(o.stats=c.stats),o.destroy=function(){c.decRef()},o},clear:function(){Z(u).forEach(o)},restore:function(){Z(u).forEach((function(e){e.renderbuffer=t.createRenderbuffer(),t.bindRenderbuffer(36161,e.renderbuffer),t.renderbufferStorage(36161,e.format,e.width,e.height)})),t.bindRenderbuffer(36161,null)}}},bt=[];bt[6408]=4,bt[6407]=3;var _t=[];_t[5121]=1,_t[5126]=4,_t[36193]=2;var wt=["x","y","z","w"],Tt="blend.func blend.equation stencil.func stencil.opFront stencil.opBack sample.coverage viewport scissor.box polygonOffset.offset".split(" "),kt={0:0,1:1,zero:0,one:1,"src color":768,"one minus src color":769,"src alpha":770,"one minus src alpha":771,"dst color":774,"one minus dst color":775,"dst alpha":772,"one minus dst alpha":773,"constant color":32769,"one minus constant color":32770,"constant alpha":32771,"one minus constant alpha":32772,"src alpha saturate":776},Mt={never:512,less:513,"<":513,equal:514,"=":514,"==":514,"===":514,lequal:515,"<=":515,greater:516,">":516,notequal:517,"!=":517,"!==":517,gequal:518,">=":518,always:519},At={0:0,zero:0,keep:7680,replace:7681,increment:7682,decrement:7683,"increment wrap":34055,"decrement wrap":34056,invert:5386},St={cw:2304,ccw:2305},Et=new D(!1,!1,!1,(function(){}));return function(t){function e(){if(0===J.length)w&&w.update(),tt=null;else{tt=H.next(e),f();for(var t=J.length-1;0<=t;--t){var r=J[t];r&&r(I,null,0)}m.flush(),w&&w.update()}}function r(){!tt&&0=J.length&&n()}}}}function u(){var t=X.viewport,e=X.scissor_box;t[0]=t[1]=e[0]=e[1]=0,I.viewportWidth=I.framebufferWidth=I.drawingBufferWidth=t[2]=e[2]=m.drawingBufferWidth,I.viewportHeight=I.framebufferHeight=I.drawingBufferHeight=t[3]=e[3]=m.drawingBufferHeight}function f(){I.tick+=1,I.time=g(),u(),Y.procs.poll()}function h(){u(),Y.procs.refresh(),w&&w.update()}function g(){return(G()-T)/1e3}if(!(t=i(t)))return null;var m=t.gl,v=m.getContextAttributes();m.isContextLost();var y=function(t,e){function r(e){var r;e=e.toLowerCase();try{r=n[e]=t.getExtension(e)}catch(t){}return!!r}for(var n={},i=0;ie;++e)et(U({framebuffer:t.framebuffer.faces[e]},t),l);else et(t,l);else l(0,t)},prop:q.define.bind(null,1),context:q.define.bind(null,2),this:q.define.bind(null,3),draw:s({}),buffer:function(t){return z.create(t,34962,!1,!1)},elements:function(t){return D.create(t,!1)},texture:F.create2D,cube:F.createCube,renderbuffer:B.create,framebuffer:V.create,framebufferCube:V.createCube,vao:O.createVAO,attributes:v,frame:c,on:function(t,e){var r;switch(t){case"frame":return c(e);case"lost":r=K;break;case"restore":r=Q;break;case"destroy":r=$}return r.push(e),{cancel:function(){for(var t=0;t + * + * Copyright (c) 2014-2015, Jon Schlinkert. + * Licensed under the MIT License. + */ +"use strict";var n,i="";e.exports=function(t,e){if("string"!=typeof t)throw new TypeError("expected a string");if(1===e)return t;if(2===e)return t+t;var r=t.length*e;if(n!==t||"undefined"==typeof n)n=t,i="";else if(i.length>=r)return i.substr(0,r);for(;r>i.length&&e>1;)1&e&&(i+=t),e>>=1,t+=t;return i=(i+=t).substr(0,r)}},{}],542:[function(t,e,r){(function(t){(function(){e.exports=t.performance&&t.performance.now?function(){return performance.now()}:Date.now||function(){return+new Date}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{}],543:[function(t,e,r){"use strict";e.exports=function(t){for(var e=t.length,r=t[t.length-1],n=e,i=e-2;i>=0;--i){var a=r,o=t[i];(l=o-((r=a+o)-a))&&(t[--n]=r,r=l)}var s=0;for(i=n;i>1;return["sum(",t(e.slice(0,r)),",",t(e.slice(r)),")"].join("")}(e);var n}function u(t){return new Function("sum","scale","prod","compress",["function robustDeterminant",t,"(m){return compress(",c(l(t)),")};return robustDeterminant",t].join(""))(i,a,n,o)}var f=[function(){return[0]},function(t){return[t[0][0]]}];!function(){for(;f.length<6;)f.push(u(f.length));for(var t=[],r=["function robustDeterminant(m){switch(m.length){"],n=0;n<6;++n)t.push("det"+n),r.push("case ",n,":return det",n,"(m);");r.push("}var det=CACHE[m.length];if(!det)det=CACHE[m.length]=gen(m.length);return det(m);}return robustDeterminant"),t.push("CACHE","gen",r.join(""));var i=Function.apply(void 0,t);for(e.exports=i.apply(void 0,f.concat([f,u])),n=0;n>1;return["sum(",l(t.slice(0,e)),",",l(t.slice(e)),")"].join("")}function c(t,e){if("m"===t.charAt(0)){if("w"===e.charAt(0)){var r=t.split("[");return["w",e.substr(1),"m",r[0].substr(1)].join("")}return["prod(",t,",",e,")"].join("")}return c(e,t)}function u(t){if(2===t.length)return[["diff(",c(t[0][0],t[1][1]),",",c(t[1][0],t[0][1]),")"].join("")];for(var e=[],r=0;r0&&r.push(","),r.push("[");for(var o=0;o0&&r.push(","),o===i?r.push("+b[",a,"]"):r.push("+A[",a,"][",o,"]");r.push("]")}r.push("]),")}r.push("det(A)]}return ",e);var s=new Function("det",r.join(""));return s(t<6?n[t]:n)}var a=[function(){return[0]},function(t,e){return[[e[0]],[t[0][0]]]}];!function(){for(;a.length<6;)a.push(i(a.length));for(var t=[],r=["function dispatchLinearSolve(A,b){switch(A.length){"],n=0;n<6;++n)t.push("s"+n),r.push("case ",n,":return s",n,"(A,b);");r.push("}var s=CACHE[A.length];if(!s)s=CACHE[A.length]=g(A.length);return s(A,b)}return dispatchLinearSolve"),t.push("CACHE","g",r.join(""));var o=Function.apply(void 0,t);for(e.exports=o.apply(void 0,a.concat([a,i])),n=0;n<6;++n)e.exports[n]=a[n]}()},{"robust-determinant":544}],548:[function(t,e,r){"use strict";var n=t("two-product"),i=t("robust-sum"),a=t("robust-scale"),o=t("robust-subtract");function s(t,e){for(var r=new Array(t.length-1),n=1;n>1;return["sum(",l(t.slice(0,e)),",",l(t.slice(e)),")"].join("")}function c(t){if(2===t.length)return[["sum(prod(",t[0][0],",",t[1][1],"),prod(-",t[0][1],",",t[1][0],"))"].join("")];for(var e=[],r=0;r0){if(a<=0)return o;n=i+a}else{if(!(i<0))return o;if(a>=0)return o;n=-(i+a)}var s=33306690738754716e-32*n;return o>=s||o<=-s?o:f(t,e,r)},function(t,e,r,n){var i=t[0]-n[0],a=e[0]-n[0],o=r[0]-n[0],s=t[1]-n[1],l=e[1]-n[1],c=r[1]-n[1],u=t[2]-n[2],f=e[2]-n[2],p=r[2]-n[2],d=a*c,g=o*l,m=o*s,v=i*c,y=i*l,x=a*s,b=u*(d-g)+f*(m-v)+p*(y-x),_=7771561172376103e-31*((Math.abs(d)+Math.abs(g))*Math.abs(u)+(Math.abs(m)+Math.abs(v))*Math.abs(f)+(Math.abs(y)+Math.abs(x))*Math.abs(p));return b>_||-b>_?b:h(t,e,r,n)}];function d(t){var e=p[t.length];return e||(e=p[t.length]=u(t.length)),e.apply(void 0,t)}!function(){for(;p.length<=5;)p.push(u(p.length));for(var t=[],r=["slow"],n=0;n<=5;++n)t.push("a"+n),r.push("o"+n);var i=["function getOrientation(",t.join(),"){switch(arguments.length){case 0:case 1:return 0;"];for(n=2;n<=5;++n)i.push("case ",n,":return o",n,"(",t.slice(0,n).join(),");");i.push("}var s=new Array(arguments.length);for(var i=0;i0&&o>0||a<0&&o<0)return!1;var s=n(r,t,e),l=n(i,t,e);if(s>0&&l>0||s<0&&l<0)return!1;if(0===a&&0===o&&0===s&&0===l)return function(t,e,r,n){for(var i=0;i<2;++i){var a=t[i],o=e[i],s=Math.min(a,o),l=Math.max(a,o),c=r[i],u=n[i],f=Math.min(c,u);if(Math.max(c,u)=n?(i=f,(l+=1)=n?(i=f,(l+=1)0?1:0}},{}],555:[function(t,e,r){"use strict";e.exports=function(t){return i(n(t))};var n=t("boundary-cells"),i=t("reduce-simplicial-complex")},{"boundary-cells":100,"reduce-simplicial-complex":533}],556:[function(t,e,r){"use strict";e.exports=function(t,e,r,s){r=r||0,"undefined"==typeof s&&(s=function(t){for(var e=t.length,r=0,n=0;n>1,v=E[2*m+1];","if(v===b){return m}","if(b0&&l.push(","),l.push("[");for(var n=0;n0&&l.push(","),l.push("B(C,E,c[",i[0],"],c[",i[1],"])")}l.push("]")}l.push(");")}}for(a=t+1;a>1;--a){a>1,s=a(t[o],e);s<=0?(0===s&&(i=o),r=o+1):s>0&&(n=o-1)}return i}function u(t,e){for(var r=new Array(t.length),i=0,o=r.length;i=t.length||0!==a(t[m],s)););}return r}function f(t,e){if(e<0)return[];for(var r=[],i=(1<>>u&1&&c.push(i[u]);e.push(c)}return s(e)},r.skeleton=f,r.boundary=function(t){for(var e=[],r=0,n=t.length;r>1:(t>>1)-1}function x(t){for(var e=v(t);;){var r=e,n=2*t+1,i=2*(t+1),a=t;if(n0;){var r=y(t);if(r>=0)if(e0){var t=k[0];return m(0,A-1),A-=1,x(0),t}return-1}function w(t,e){var r=k[t];return c[r]===e?t:(c[r]=-1/0,b(t),_(),c[r]=e,b((A+=1)-1))}function T(t){if(!u[t]){u[t]=!0;var e=s[t],r=l[t];s[r]>=0&&(s[r]=e),l[e]>=0&&(l[e]=r),M[e]>=0&&w(M[e],g(e)),M[r]>=0&&w(M[r],g(r))}}var k=[],M=new Array(a);for(f=0;f>1;f>=0;--f)x(f);for(;;){var S=_();if(S<0||c[S]>r)break;T(S)}var E=[];for(f=0;f=0&&r>=0&&e!==r){var n=M[e],i=M[r];n!==i&&L.push([n,i])}})),i.unique(i.normalize(L)),{positions:E,edges:L}};var n=t("robust-orientation"),i=t("simplicial-complex")},{"robust-orientation":548,"simplicial-complex":560}],563:[function(t,e,r){"use strict";e.exports=function(t,e){var r,a,o,s;if(e[0][0]e[1][0]))return i(e,t);r=e[1],a=e[0]}if(t[0][0]t[1][0]))return-i(t,e);o=t[1],s=t[0]}var l=n(r,a,s),c=n(r,a,o);if(l<0){if(c<=0)return l}else if(l>0){if(c>=0)return l}else if(c)return c;if(l=n(s,o,a),c=n(s,o,r),l<0){if(c<=0)return l}else if(l>0){if(c>=0)return l}else if(c)return c;return a[0]-s[0]};var n=t("robust-orientation");function i(t,e){var r,i,a,o;if(e[0][0]e[1][0])){var s=Math.min(t[0][1],t[1][1]),l=Math.max(t[0][1],t[1][1]),c=Math.min(e[0][1],e[1][1]),u=Math.max(e[0][1],e[1][1]);return lu?s-u:l-u}r=e[1],i=e[0]}t[0][1]0)if(e[0]!==o[1][0])r=t,t=t.right;else{if(l=c(t.right,e))return l;t=t.left}else{if(e[0]!==o[1][0])return t;var l;if(l=c(t.right,e))return l;t=t.left}}return r}function u(t,e,r,n){this.y=t,this.index=e,this.start=r,this.closed=n}function f(t,e,r,n){this.x=t,this.segment=e,this.create=r,this.index=n}s.prototype.castUp=function(t){var e=n.le(this.coordinates,t[0]);if(e<0)return-1;this.slabs[e];var r=c(this.slabs[e],t),i=-1;if(r&&(i=r.value),this.coordinates[e]===t[0]){var s=null;if(r&&(s=r.key),e>0){var u=c(this.slabs[e-1],t);u&&(s?o(u.key,s)>0&&(s=u.key,i=u.value):(i=u.value,s=u.key))}var f=this.horizontal[e];if(f.length>0){var h=n.ge(f,t[1],l);if(h=f.length)return i;p=f[h]}}if(p.start)if(s){var d=a(s[0],s[1],[t[0],p.y]);s[0][0]>s[1][0]&&(d=-d),d>0&&(i=p.index)}else i=p.index;else p.y!==t[1]&&(i=p.index)}}}return i}},{"./lib/order-segments":563,"binary-search-bounds":564,"functional-red-black-tree":247,"robust-orientation":548}],566:[function(t,e,r){"use strict";var n=t("robust-dot-product"),i=t("robust-sum");function a(t,e){var r=i(n(t,e),[e[e.length-1]]);return r[r.length-1]}function o(t,e,r,n){var i=-e/(n-e);i<0?i=0:i>1&&(i=1);for(var a=1-i,o=t.length,s=new Array(o),l=0;l0||i>0&&u<0){var f=o(s,u,l,i);r.push(f),n.push(f.slice())}u<0?n.push(l.slice()):u>0?r.push(l.slice()):(r.push(l.slice()),n.push(l.slice())),i=u}return{positive:r,negative:n}},e.exports.positive=function(t,e){for(var r=[],n=a(t[t.length-1],e),i=t[t.length-1],s=t[0],l=0;l0||n>0&&c<0)&&r.push(o(i,c,s,n)),c>=0&&r.push(s.slice()),n=c}return r},e.exports.negative=function(t,e){for(var r=[],n=a(t[t.length-1],e),i=t[t.length-1],s=t[0],l=0;l0||n>0&&c<0)&&r.push(o(i,c,s,n)),c<=0&&r.push(s.slice()),n=c}return r}},{"robust-dot-product":545,"robust-sum":553}],567:[function(t,e,r){!function(){"use strict";var t={not_string:/[^s]/,not_bool:/[^t]/,not_type:/[^T]/,not_primitive:/[^v]/,number:/[diefg]/,numeric_arg:/[bcdiefguxX]/,json:/[j]/,not_json:/[^j]/,text:/^[^\x25]+/,modulo:/^\x25{2}/,placeholder:/^\x25(?:([1-9]\d*)\$|\(([^)]+)\))?(\+)?(0|'[^$])?(-)?(\d+)?(?:\.(\d+))?([b-gijostTuvxX])/,key:/^([a-z_][a-z_\d]*)/i,key_access:/^\.([a-z_][a-z_\d]*)/i,index_access:/^\[(\d+)\]/,sign:/^[+-]/};function e(t){return i(o(t),arguments)}function n(t,r){return e.apply(null,[t].concat(r||[]))}function i(r,n){var i,a,o,s,l,c,u,f,h,p=1,d=r.length,g="";for(a=0;a=0),s.type){case"b":i=parseInt(i,10).toString(2);break;case"c":i=String.fromCharCode(parseInt(i,10));break;case"d":case"i":i=parseInt(i,10);break;case"j":i=JSON.stringify(i,null,s.width?parseInt(s.width):0);break;case"e":i=s.precision?parseFloat(i).toExponential(s.precision):parseFloat(i).toExponential();break;case"f":i=s.precision?parseFloat(i).toFixed(s.precision):parseFloat(i);break;case"g":i=s.precision?String(Number(i.toPrecision(s.precision))):parseFloat(i);break;case"o":i=(parseInt(i,10)>>>0).toString(8);break;case"s":i=String(i),i=s.precision?i.substring(0,s.precision):i;break;case"t":i=String(!!i),i=s.precision?i.substring(0,s.precision):i;break;case"T":i=Object.prototype.toString.call(i).slice(8,-1).toLowerCase(),i=s.precision?i.substring(0,s.precision):i;break;case"u":i=parseInt(i,10)>>>0;break;case"v":i=i.valueOf(),i=s.precision?i.substring(0,s.precision):i;break;case"x":i=(parseInt(i,10)>>>0).toString(16);break;case"X":i=(parseInt(i,10)>>>0).toString(16).toUpperCase()}t.json.test(s.type)?g+=i:(!t.number.test(s.type)||f&&!s.sign?h="":(h=f?"+":"-",i=i.toString().replace(t.sign,"")),c=s.pad_char?"0"===s.pad_char?"0":s.pad_char.charAt(1):" ",u=s.width-(h+i).length,l=s.width&&u>0?c.repeat(u):"",g+=s.align?h+i+l:"0"===c?h+l+i:l+h+i)}return g}var a=Object.create(null);function o(e){if(a[e])return a[e];for(var r,n=e,i=[],o=0;n;){if(null!==(r=t.text.exec(n)))i.push(r[0]);else if(null!==(r=t.modulo.exec(n)))i.push("%");else{if(null===(r=t.placeholder.exec(n)))throw new SyntaxError("[sprintf] unexpected placeholder");if(r[2]){o|=1;var s=[],l=r[2],c=[];if(null===(c=t.key.exec(l)))throw new SyntaxError("[sprintf] failed to parse named argument key");for(s.push(c[1]);""!==(l=l.substring(c[0].length));)if(null!==(c=t.key_access.exec(l)))s.push(c[1]);else{if(null===(c=t.index_access.exec(l)))throw new SyntaxError("[sprintf] failed to parse named argument key");s.push(c[1])}r[2]=s}else o|=2;if(3===o)throw new Error("[sprintf] mixing positional and named placeholders is not (yet) supported");i.push({placeholder:r[0],param_no:r[1],keys:r[2],sign:r[3],pad_char:r[4],align:r[5],width:r[6],precision:r[7],type:r[8]})}n=n.substring(r[0].length)}return a[e]=i}"undefined"!=typeof r&&(r.sprintf=e,r.vsprintf=n),"undefined"!=typeof window&&(window.sprintf=e,window.vsprintf=n)}()},{}],568:[function(t,e,r){"use strict";var n=t("parenthesis");e.exports=function(t,e,r){if(null==t)throw Error("First argument should be a string");if(null==e)throw Error("Separator should be a string or a RegExp");r?("string"==typeof r||Array.isArray(r))&&(r={ignore:r}):r={},null==r.escape&&(r.escape=!0),null==r.ignore?r.ignore=["[]","()","{}","<>",'""',"''","``","\u201c\u201d","\xab\xbb"]:("string"==typeof r.ignore&&(r.ignore=[r.ignore]),r.ignore=r.ignore.map((function(t){return 1===t.length&&(t+=t),t})));var i=n.parse(t,{flat:!0,brackets:r.ignore}),a=i[0].split(e);if(r.escape){for(var o=[],s=0;s0;){e=c[c.length-1];var p=t[e];if(a[e]=0&&s[e].push(o[g])}a[e]=d}else{if(n[e]===r[e]){var m=[],v=[],y=0;for(d=l.length-1;d>=0;--d){var x=l[d];if(i[x]=!1,m.push(x),v.push(s[x]),y+=s[x].length,o[x]=f.length,x===e){l.length=d;break}}f.push(m);var b=new Array(y);for(d=0;d c)|0 },"),"generic"===e&&a.push("getters:[0],");for(var s=[],l=[],c=0;c>>7){");for(c=0;c<1<<(1<128&&c%128==0){f.length>0&&h.push("}}");var p="vExtra"+f.length;a.push("case ",c>>>7,":",p,"(m&0x7f,",l.join(),");break;"),h=["function ",p,"(m,",l.join(),"){switch(m){"],f.push(h)}h.push("case ",127&c,":");for(var d=new Array(r),g=new Array(r),m=new Array(r),v=new Array(r),y=0,x=0;xx)&&!(c&1<<_)!=!(c&1<0&&(M="+"+m[b]+"*c");var A=d[b].length/y*.5,S=.5+v[b]/y*.5;k.push("d"+b+"-"+S+"-"+A+"*("+d[b].join("+")+M+")/("+g[b].join("+")+")")}h.push("a.push([",k.join(),"]);","break;")}a.push("}},"),f.length>0&&h.push("}}");var E=[];for(c=0;c<1<1&&(i=1),i<-1&&(i=-1),(t*n-e*r<0?-1:1)*Math.acos(i)};r.default=function(t){var e=t.px,r=t.py,l=t.cx,c=t.cy,u=t.rx,f=t.ry,h=t.xAxisRotation,p=void 0===h?0:h,d=t.largeArcFlag,g=void 0===d?0:d,m=t.sweepFlag,v=void 0===m?0:m,y=[];if(0===u||0===f)return[];var x=Math.sin(p*i/360),b=Math.cos(p*i/360),_=b*(e-l)/2+x*(r-c)/2,w=-x*(e-l)/2+b*(r-c)/2;if(0===_&&0===w)return[];u=Math.abs(u),f=Math.abs(f);var T=Math.pow(_,2)/Math.pow(u,2)+Math.pow(w,2)/Math.pow(f,2);T>1&&(u*=Math.sqrt(T),f*=Math.sqrt(T));var k=function(t,e,r,n,a,o,l,c,u,f,h,p){var d=Math.pow(a,2),g=Math.pow(o,2),m=Math.pow(h,2),v=Math.pow(p,2),y=d*g-d*v-g*m;y<0&&(y=0),y/=d*v+g*m;var x=(y=Math.sqrt(y)*(l===c?-1:1))*a/o*p,b=y*-o/a*h,_=f*x-u*b+(t+r)/2,w=u*x+f*b+(e+n)/2,T=(h-x)/a,k=(p-b)/o,M=(-h-x)/a,A=(-p-b)/o,S=s(1,0,T,k),E=s(T,k,M,A);return 0===c&&E>0&&(E-=i),1===c&&E<0&&(E+=i),[_,w,S,E]}(e,r,l,c,u,f,g,v,x,b,_,w),M=n(k,4),A=M[0],S=M[1],E=M[2],C=M[3],L=Math.abs(C)/(i/4);Math.abs(1-L)<1e-7&&(L=1);var I=Math.max(Math.ceil(L),1);C/=I;for(var P=0;Pe[2]&&(e[2]=c[u+0]),c[u+1]>e[3]&&(e[3]=c[u+1]);return e}},{"abs-svg-path":65,assert:73,"is-svg-path":471,"normalize-svg-path":573,"parse-svg-path":505}],573:[function(t,e,r){"use strict";e.exports=function(t){for(var e,r=[],o=0,s=0,l=0,c=0,u=null,f=null,h=0,p=0,d=0,g=t.length;d4?(o=m[m.length-4],s=m[m.length-3]):(o=h,s=p),r.push(m)}return r};var n=t("svg-arc-to-cubic-bezier");function i(t,e,r,n){return["C",t,e,r,n,r,n]}function a(t,e,r,n,i,a){return["C",t/3+2/3*r,e/3+2/3*n,i/3+2/3*r,a/3+2/3*n,i,a]}},{"svg-arc-to-cubic-bezier":571}],574:[function(t,e,r){"use strict";var n,i=t("svg-path-bounds"),a=t("parse-svg-path"),o=t("draw-svg-path"),s=t("is-svg-path"),l=t("bitmap-sdf"),c=document.createElement("canvas"),u=c.getContext("2d");e.exports=function(t,e){if(!s(t))throw Error("Argument should be valid svg path string");e||(e={});var r,f;e.shape?(r=e.shape[0],f=e.shape[1]):(r=c.width=e.w||e.width||200,f=c.height=e.h||e.height||200);var h=Math.min(r,f),p=e.stroke||0,d=e.viewbox||e.viewBox||i(t),g=[r/(d[2]-d[0]),f/(d[3]-d[1])],m=Math.min(g[0]||0,g[1]||0)/2;u.fillStyle="black",u.fillRect(0,0,r,f),u.fillStyle="white",p&&("number"!=typeof p&&(p=1),u.strokeStyle=p>0?"white":"black",u.lineWidth=Math.abs(p));if(u.translate(.5*r,.5*f),u.scale(m,m),function(){if(null!=n)return n;var t=document.createElement("canvas").getContext("2d");if(t.canvas.width=t.canvas.height=1,!window.Path2D)return n=!1;var e=new Path2D("M0,0h1v1h-1v-1Z");t.fillStyle="black",t.fill(e);var r=t.getImageData(0,0,1,1);return n=r&&r.data&&255===r.data[3]}()){var v=new Path2D(t);u.fill(v),p&&u.stroke(v)}else{var y=a(t);o(u,y),u.fill(),p&&u.stroke()}return u.setTransform(1,0,0,1,0,0),l(u,{cutoff:null!=e.cutoff?e.cutoff:.5,radius:null!=e.radius?e.radius:.5*h})}},{"bitmap-sdf":98,"draw-svg-path":174,"is-svg-path":471,"parse-svg-path":505,"svg-path-bounds":572}],575:[function(t,e,r){(function(r){(function(){"use strict";e.exports=function t(e,r,i){i=i||{};var o=a[e];o||(o=a[e]={" ":{data:new Float32Array(0),shape:.2}});var s=o[r];if(!s)if(r.length<=1||!/\d/.test(r))s=o[r]=function(t){for(var e=t.cells,r=t.positions,n=new Float32Array(6*e.length),i=0,a=0,o=0;o0&&(f+=.02);var p=new Float32Array(u),d=0,g=-.5*f;for(h=0;h1&&(r-=1),r<1/6?t+6*(e-t)*r:r<.5?e:r<2/3?t+(e-t)*(2/3-r)*6:t}if(t=L(t,360),e=L(e,100),r=L(r,100),0===e)n=i=a=r;else{var s=r<.5?r*(1+e):r+e-r*e,l=2*r-s;n=o(l,s,t+1/3),i=o(l,s,t),a=o(l,s,t-1/3)}return{r:255*n,g:255*i,b:255*a}}(e.h,l,u),f=!0,h="hsl"),e.hasOwnProperty("a")&&(a=e.a));var p,d,g;return a=C(a),{ok:f,format:e.format||h,r:o(255,s(i.r,0)),g:o(255,s(i.g,0)),b:o(255,s(i.b,0)),a:a}}(e);this._originalInput=e,this._r=u.r,this._g=u.g,this._b=u.b,this._a=u.a,this._roundA=a(100*this._a)/100,this._format=l.format||u.format,this._gradientType=l.gradientType,this._r<1&&(this._r=a(this._r)),this._g<1&&(this._g=a(this._g)),this._b<1&&(this._b=a(this._b)),this._ok=u.ok,this._tc_id=i++}function u(t,e,r){t=L(t,255),e=L(e,255),r=L(r,255);var n,i,a=s(t,e,r),l=o(t,e,r),c=(a+l)/2;if(a==l)n=i=0;else{var u=a-l;switch(i=c>.5?u/(2-a-l):u/(a+l),a){case t:n=(e-r)/u+(e>1)+720)%360;--e;)n.h=(n.h+i)%360,a.push(c(n));return a}function A(t,e){e=e||6;for(var r=c(t).toHsv(),n=r.h,i=r.s,a=r.v,o=[],s=1/e;e--;)o.push(c({h:n,s:i,v:a})),a=(a+s)%1;return o}c.prototype={isDark:function(){return this.getBrightness()<128},isLight:function(){return!this.isDark()},isValid:function(){return this._ok},getOriginalInput:function(){return this._originalInput},getFormat:function(){return this._format},getAlpha:function(){return this._a},getBrightness:function(){var t=this.toRgb();return(299*t.r+587*t.g+114*t.b)/1e3},getLuminance:function(){var e,r,n,i=this.toRgb();return e=i.r/255,r=i.g/255,n=i.b/255,.2126*(e<=.03928?e/12.92:t.pow((e+.055)/1.055,2.4))+.7152*(r<=.03928?r/12.92:t.pow((r+.055)/1.055,2.4))+.0722*(n<=.03928?n/12.92:t.pow((n+.055)/1.055,2.4))},setAlpha:function(t){return this._a=C(t),this._roundA=a(100*this._a)/100,this},toHsv:function(){var t=f(this._r,this._g,this._b);return{h:360*t.h,s:t.s,v:t.v,a:this._a}},toHsvString:function(){var t=f(this._r,this._g,this._b),e=a(360*t.h),r=a(100*t.s),n=a(100*t.v);return 1==this._a?"hsv("+e+", "+r+"%, "+n+"%)":"hsva("+e+", "+r+"%, "+n+"%, "+this._roundA+")"},toHsl:function(){var t=u(this._r,this._g,this._b);return{h:360*t.h,s:t.s,l:t.l,a:this._a}},toHslString:function(){var t=u(this._r,this._g,this._b),e=a(360*t.h),r=a(100*t.s),n=a(100*t.l);return 1==this._a?"hsl("+e+", "+r+"%, "+n+"%)":"hsla("+e+", "+r+"%, "+n+"%, "+this._roundA+")"},toHex:function(t){return h(this._r,this._g,this._b,t)},toHexString:function(t){return"#"+this.toHex(t)},toHex8:function(t){return function(t,e,r,n,i){var o=[z(a(t).toString(16)),z(a(e).toString(16)),z(a(r).toString(16)),z(D(n))];if(i&&o[0].charAt(0)==o[0].charAt(1)&&o[1].charAt(0)==o[1].charAt(1)&&o[2].charAt(0)==o[2].charAt(1)&&o[3].charAt(0)==o[3].charAt(1))return o[0].charAt(0)+o[1].charAt(0)+o[2].charAt(0)+o[3].charAt(0);return o.join("")}(this._r,this._g,this._b,this._a,t)},toHex8String:function(t){return"#"+this.toHex8(t)},toRgb:function(){return{r:a(this._r),g:a(this._g),b:a(this._b),a:this._a}},toRgbString:function(){return 1==this._a?"rgb("+a(this._r)+", "+a(this._g)+", "+a(this._b)+")":"rgba("+a(this._r)+", "+a(this._g)+", "+a(this._b)+", "+this._roundA+")"},toPercentageRgb:function(){return{r:a(100*L(this._r,255))+"%",g:a(100*L(this._g,255))+"%",b:a(100*L(this._b,255))+"%",a:this._a}},toPercentageRgbString:function(){return 1==this._a?"rgb("+a(100*L(this._r,255))+"%, "+a(100*L(this._g,255))+"%, "+a(100*L(this._b,255))+"%)":"rgba("+a(100*L(this._r,255))+"%, "+a(100*L(this._g,255))+"%, "+a(100*L(this._b,255))+"%, "+this._roundA+")"},toName:function(){return 0===this._a?"transparent":!(this._a<1)&&(E[h(this._r,this._g,this._b,!0)]||!1)},toFilter:function(t){var e="#"+p(this._r,this._g,this._b,this._a),r=e,n=this._gradientType?"GradientType = 1, ":"";if(t){var i=c(t);r="#"+p(i._r,i._g,i._b,i._a)}return"progid:DXImageTransform.Microsoft.gradient("+n+"startColorstr="+e+",endColorstr="+r+")"},toString:function(t){var e=!!t;t=t||this._format;var r=!1,n=this._a<1&&this._a>=0;return e||!n||"hex"!==t&&"hex6"!==t&&"hex3"!==t&&"hex4"!==t&&"hex8"!==t&&"name"!==t?("rgb"===t&&(r=this.toRgbString()),"prgb"===t&&(r=this.toPercentageRgbString()),"hex"!==t&&"hex6"!==t||(r=this.toHexString()),"hex3"===t&&(r=this.toHexString(!0)),"hex4"===t&&(r=this.toHex8String(!0)),"hex8"===t&&(r=this.toHex8String()),"name"===t&&(r=this.toName()),"hsl"===t&&(r=this.toHslString()),"hsv"===t&&(r=this.toHsvString()),r||this.toHexString()):"name"===t&&0===this._a?this.toName():this.toRgbString()},clone:function(){return c(this.toString())},_applyModification:function(t,e){var r=t.apply(null,[this].concat([].slice.call(e)));return this._r=r._r,this._g=r._g,this._b=r._b,this.setAlpha(r._a),this},lighten:function(){return this._applyModification(v,arguments)},brighten:function(){return this._applyModification(y,arguments)},darken:function(){return this._applyModification(x,arguments)},desaturate:function(){return this._applyModification(d,arguments)},saturate:function(){return this._applyModification(g,arguments)},greyscale:function(){return this._applyModification(m,arguments)},spin:function(){return this._applyModification(b,arguments)},_applyCombination:function(t,e){return t.apply(null,[this].concat([].slice.call(e)))},analogous:function(){return this._applyCombination(M,arguments)},complement:function(){return this._applyCombination(_,arguments)},monochromatic:function(){return this._applyCombination(A,arguments)},splitcomplement:function(){return this._applyCombination(k,arguments)},triad:function(){return this._applyCombination(w,arguments)},tetrad:function(){return this._applyCombination(T,arguments)}},c.fromRatio=function(t,e){if("object"==typeof t){var r={};for(var n in t)t.hasOwnProperty(n)&&(r[n]="a"===n?t[n]:O(t[n]));t=r}return c(t,e)},c.equals=function(t,e){return!(!t||!e)&&c(t).toRgbString()==c(e).toRgbString()},c.random=function(){return c.fromRatio({r:l(),g:l(),b:l()})},c.mix=function(t,e,r){r=0===r?0:r||50;var n=c(t).toRgb(),i=c(e).toRgb(),a=r/100;return c({r:(i.r-n.r)*a+n.r,g:(i.g-n.g)*a+n.g,b:(i.b-n.b)*a+n.b,a:(i.a-n.a)*a+n.a})},c.readability=function(e,r){var n=c(e),i=c(r);return(t.max(n.getLuminance(),i.getLuminance())+.05)/(t.min(n.getLuminance(),i.getLuminance())+.05)},c.isReadable=function(t,e,r){var n,i,a=c.readability(t,e);switch(i=!1,(n=function(t){var e,r;e=((t=t||{level:"AA",size:"small"}).level||"AA").toUpperCase(),r=(t.size||"small").toLowerCase(),"AA"!==e&&"AAA"!==e&&(e="AA");"small"!==r&&"large"!==r&&(r="small");return{level:e,size:r}}(r)).level+n.size){case"AAsmall":case"AAAlarge":i=a>=4.5;break;case"AAlarge":i=a>=3;break;case"AAAsmall":i=a>=7}return i},c.mostReadable=function(t,e,r){var n,i,a,o,s=null,l=0;i=(r=r||{}).includeFallbackColors,a=r.level,o=r.size;for(var u=0;ul&&(l=n,s=c(e[u]));return c.isReadable(t,s,{level:a,size:o})||!i?s:(r.includeFallbackColors=!1,c.mostReadable(t,["#fff","#000"],r))};var S=c.names={aliceblue:"f0f8ff",antiquewhite:"faebd7",aqua:"0ff",aquamarine:"7fffd4",azure:"f0ffff",beige:"f5f5dc",bisque:"ffe4c4",black:"000",blanchedalmond:"ffebcd",blue:"00f",blueviolet:"8a2be2",brown:"a52a2a",burlywood:"deb887",burntsienna:"ea7e5d",cadetblue:"5f9ea0",chartreuse:"7fff00",chocolate:"d2691e",coral:"ff7f50",cornflowerblue:"6495ed",cornsilk:"fff8dc",crimson:"dc143c",cyan:"0ff",darkblue:"00008b",darkcyan:"008b8b",darkgoldenrod:"b8860b",darkgray:"a9a9a9",darkgreen:"006400",darkgrey:"a9a9a9",darkkhaki:"bdb76b",darkmagenta:"8b008b",darkolivegreen:"556b2f",darkorange:"ff8c00",darkorchid:"9932cc",darkred:"8b0000",darksalmon:"e9967a",darkseagreen:"8fbc8f",darkslateblue:"483d8b",darkslategray:"2f4f4f",darkslategrey:"2f4f4f",darkturquoise:"00ced1",darkviolet:"9400d3",deeppink:"ff1493",deepskyblue:"00bfff",dimgray:"696969",dimgrey:"696969",dodgerblue:"1e90ff",firebrick:"b22222",floralwhite:"fffaf0",forestgreen:"228b22",fuchsia:"f0f",gainsboro:"dcdcdc",ghostwhite:"f8f8ff",gold:"ffd700",goldenrod:"daa520",gray:"808080",green:"008000",greenyellow:"adff2f",grey:"808080",honeydew:"f0fff0",hotpink:"ff69b4",indianred:"cd5c5c",indigo:"4b0082",ivory:"fffff0",khaki:"f0e68c",lavender:"e6e6fa",lavenderblush:"fff0f5",lawngreen:"7cfc00",lemonchiffon:"fffacd",lightblue:"add8e6",lightcoral:"f08080",lightcyan:"e0ffff",lightgoldenrodyellow:"fafad2",lightgray:"d3d3d3",lightgreen:"90ee90",lightgrey:"d3d3d3",lightpink:"ffb6c1",lightsalmon:"ffa07a",lightseagreen:"20b2aa",lightskyblue:"87cefa",lightslategray:"789",lightslategrey:"789",lightsteelblue:"b0c4de",lightyellow:"ffffe0",lime:"0f0",limegreen:"32cd32",linen:"faf0e6",magenta:"f0f",maroon:"800000",mediumaquamarine:"66cdaa",mediumblue:"0000cd",mediumorchid:"ba55d3",mediumpurple:"9370db",mediumseagreen:"3cb371",mediumslateblue:"7b68ee",mediumspringgreen:"00fa9a",mediumturquoise:"48d1cc",mediumvioletred:"c71585",midnightblue:"191970",mintcream:"f5fffa",mistyrose:"ffe4e1",moccasin:"ffe4b5",navajowhite:"ffdead",navy:"000080",oldlace:"fdf5e6",olive:"808000",olivedrab:"6b8e23",orange:"ffa500",orangered:"ff4500",orchid:"da70d6",palegoldenrod:"eee8aa",palegreen:"98fb98",paleturquoise:"afeeee",palevioletred:"db7093",papayawhip:"ffefd5",peachpuff:"ffdab9",peru:"cd853f",pink:"ffc0cb",plum:"dda0dd",powderblue:"b0e0e6",purple:"800080",rebeccapurple:"663399",red:"f00",rosybrown:"bc8f8f",royalblue:"4169e1",saddlebrown:"8b4513",salmon:"fa8072",sandybrown:"f4a460",seagreen:"2e8b57",seashell:"fff5ee",sienna:"a0522d",silver:"c0c0c0",skyblue:"87ceeb",slateblue:"6a5acd",slategray:"708090",slategrey:"708090",snow:"fffafa",springgreen:"00ff7f",steelblue:"4682b4",tan:"d2b48c",teal:"008080",thistle:"d8bfd8",tomato:"ff6347",turquoise:"40e0d0",violet:"ee82ee",wheat:"f5deb3",white:"fff",whitesmoke:"f5f5f5",yellow:"ff0",yellowgreen:"9acd32"},E=c.hexNames=function(t){var e={};for(var r in t)t.hasOwnProperty(r)&&(e[t[r]]=r);return e}(S);function C(t){return t=parseFloat(t),(isNaN(t)||t<0||t>1)&&(t=1),t}function L(e,r){(function(t){return"string"==typeof t&&-1!=t.indexOf(".")&&1===parseFloat(t)})(e)&&(e="100%");var n=function(t){return"string"==typeof t&&-1!=t.indexOf("%")}(e);return e=o(r,s(0,parseFloat(e))),n&&(e=parseInt(e*r,10)/100),t.abs(e-r)<1e-6?1:e%r/parseFloat(r)}function I(t){return o(1,s(0,t))}function P(t){return parseInt(t,16)}function z(t){return 1==t.length?"0"+t:""+t}function O(t){return t<=1&&(t=100*t+"%"),t}function D(e){return t.round(255*parseFloat(e)).toString(16)}function R(t){return P(t)/255}var F,B,N,j=(B="[\\s|\\(]+("+(F="(?:[-\\+]?\\d*\\.\\d+%?)|(?:[-\\+]?\\d+%?)")+")[,|\\s]+("+F+")[,|\\s]+("+F+")\\s*\\)?",N="[\\s|\\(]+("+F+")[,|\\s]+("+F+")[,|\\s]+("+F+")[,|\\s]+("+F+")\\s*\\)?",{CSS_UNIT:new RegExp(F),rgb:new RegExp("rgb"+B),rgba:new RegExp("rgba"+N),hsl:new RegExp("hsl"+B),hsla:new RegExp("hsla"+N),hsv:new RegExp("hsv"+B),hsva:new RegExp("hsva"+N),hex3:/^#?([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})$/,hex6:/^#?([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})$/,hex4:/^#?([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})$/,hex8:/^#?([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})$/});function U(t){return!!j.CSS_UNIT.exec(t)}"undefined"!=typeof e&&e.exports?e.exports=c:window.tinycolor=c}(Math)},{}],577:[function(t,e,r){"use strict";e.exports=i,e.exports.float32=e.exports.float=i,e.exports.fract32=e.exports.fract=function(t){if(t.length){for(var e=i(t),r=0,n=e.length;ro&&(o=t[0]),t[1]s&&(s=t[1])}function c(t){switch(t.type){case"GeometryCollection":t.geometries.forEach(c);break;case"Point":l(t.coordinates);break;case"MultiPoint":t.coordinates.forEach(l)}}for(e in t.arcs.forEach((function(t){for(var e,r=-1,l=t.length;++ro&&(o=e[0]),e[1]s&&(s=e[1])})),t.objects)c(t.objects[e]);return[i,a,o,s]}function i(t,e){var r=e.id,n=e.bbox,i=null==e.properties?{}:e.properties,o=a(t,e);return null==r&&null==n?{type:"Feature",properties:i,geometry:o}:null==n?{type:"Feature",id:r,properties:i,geometry:o}:{type:"Feature",id:r,bbox:n,properties:i,geometry:o}}function a(t,e){var n=r(t.transform),i=t.arcs;function a(t,e){e.length&&e.pop();for(var r=i[t<0?~t:t],a=0,o=r.length;a1)n=l(t,e,r);else for(i=0,n=new Array(a=t.arcs.length);i1)for(var a,s,c=1,u=l(i[0]);cu&&(s=i[0],i[0]=i[c],i[c]=s,u=a);return i})).filter((function(t){return t.length>0}))}}function u(t,e){for(var r=0,n=t.length;r>>1;t[i]=2))throw new Error("n must be \u22652");var r,i=(l=t.bbox||n(t))[0],a=l[1],o=l[2],s=l[3];e={scale:[o-i?(o-i)/(r-1):1,s-a?(s-a)/(r-1):1],translate:[i,a]}}var l,c,u=f(e),h=t.objects,p={};function d(t){return u(t)}function g(t){var e;switch(t.type){case"GeometryCollection":e={type:"GeometryCollection",geometries:t.geometries.map(g)};break;case"Point":e={type:"Point",coordinates:d(t.coordinates)};break;case"MultiPoint":e={type:"MultiPoint",coordinates:t.coordinates.map(d)};break;default:return t}return null!=t.id&&(e.id=t.id),null!=t.bbox&&(e.bbox=t.bbox),null!=t.properties&&(e.properties=t.properties),e}for(c in h)p[c]=g(h[c]);return{type:"Topology",bbox:l,transform:e,objects:p,arcs:t.arcs.map((function(t){var e,r=0,n=1,i=t.length,a=new Array(i);for(a[0]=u(t[0],0);++rMath.max(r,n)?i[2]=1:r>Math.max(e,n)?i[0]=1:i[1]=1;for(var a=0,o=0,l=0;l<3;++l)a+=t[l]*t[l],o+=i[l]*t[l];for(l=0;l<3;++l)i[l]-=o/a*t[l];return s(i,i),i}function h(t,e,r,i,a,o,s,l){this.center=n(r),this.up=n(i),this.right=n(a),this.radius=n([o]),this.angle=n([s,l]),this.angle.bounds=[[-1/0,-Math.PI/2],[1/0,Math.PI/2]],this.setDistanceLimits(t,e),this.computedCenter=this.center.curve(0),this.computedUp=this.up.curve(0),this.computedRight=this.right.curve(0),this.computedRadius=this.radius.curve(0),this.computedAngle=this.angle.curve(0),this.computedToward=[0,0,0],this.computedEye=[0,0,0],this.computedMatrix=new Array(16);for(var c=0;c<16;++c)this.computedMatrix[c]=.5;this.recalcMatrix(0)}var p=h.prototype;p.setDistanceLimits=function(t,e){t=t>0?Math.log(t):-1/0,e=e>0?Math.log(e):1/0,e=Math.max(e,t),this.radius.bounds[0][0]=t,this.radius.bounds[1][0]=e},p.getDistanceLimits=function(t){var e=this.radius.bounds[0];return t?(t[0]=Math.exp(e[0][0]),t[1]=Math.exp(e[1][0]),t):[Math.exp(e[0][0]),Math.exp(e[1][0])]},p.recalcMatrix=function(t){this.center.curve(t),this.up.curve(t),this.right.curve(t),this.radius.curve(t),this.angle.curve(t);for(var e=this.computedUp,r=this.computedRight,n=0,i=0,a=0;a<3;++a)i+=e[a]*r[a],n+=e[a]*e[a];var l=Math.sqrt(n),u=0;for(a=0;a<3;++a)r[a]-=e[a]*i/n,u+=r[a]*r[a],e[a]/=l;var f=Math.sqrt(u);for(a=0;a<3;++a)r[a]/=f;var h=this.computedToward;o(h,e,r),s(h,h);var p=Math.exp(this.computedRadius[0]),d=this.computedAngle[0],g=this.computedAngle[1],m=Math.cos(d),v=Math.sin(d),y=Math.cos(g),x=Math.sin(g),b=this.computedCenter,_=m*y,w=v*y,T=x,k=-m*x,M=-v*x,A=y,S=this.computedEye,E=this.computedMatrix;for(a=0;a<3;++a){var C=_*r[a]+w*h[a]+T*e[a];E[4*a+1]=k*r[a]+M*h[a]+A*e[a],E[4*a+2]=C,E[4*a+3]=0}var L=E[1],I=E[5],P=E[9],z=E[2],O=E[6],D=E[10],R=I*D-P*O,F=P*z-L*D,B=L*O-I*z,N=c(R,F,B);R/=N,F/=N,B/=N,E[0]=R,E[4]=F,E[8]=B;for(a=0;a<3;++a)S[a]=b[a]+E[2+4*a]*p;for(a=0;a<3;++a){u=0;for(var j=0;j<3;++j)u+=E[a+4*j]*S[j];E[12+a]=-u}E[15]=1},p.getMatrix=function(t,e){this.recalcMatrix(t);var r=this.computedMatrix;if(e){for(var n=0;n<16;++n)e[n]=r[n];return e}return r};var d=[0,0,0];p.rotate=function(t,e,r,n){if(this.angle.move(t,e,r),n){this.recalcMatrix(t);var i=this.computedMatrix;d[0]=i[2],d[1]=i[6],d[2]=i[10];for(var o=this.computedUp,s=this.computedRight,l=this.computedToward,c=0;c<3;++c)i[4*c]=o[c],i[4*c+1]=s[c],i[4*c+2]=l[c];a(i,i,n,d);for(c=0;c<3;++c)o[c]=i[4*c],s[c]=i[4*c+1];this.up.set(t,o[0],o[1],o[2]),this.right.set(t,s[0],s[1],s[2])}},p.pan=function(t,e,r,n){e=e||0,r=r||0,n=n||0,this.recalcMatrix(t);var i=this.computedMatrix,a=(Math.exp(this.computedRadius[0]),i[1]),o=i[5],s=i[9],l=c(a,o,s);a/=l,o/=l,s/=l;var u=i[0],f=i[4],h=i[8],p=u*a+f*o+h*s,d=c(u-=a*p,f-=o*p,h-=s*p),g=(u/=d)*e+a*r,m=(f/=d)*e+o*r,v=(h/=d)*e+s*r;this.center.move(t,g,m,v);var y=Math.exp(this.computedRadius[0]);y=Math.max(1e-4,y+n),this.radius.set(t,Math.log(y))},p.translate=function(t,e,r,n){this.center.move(t,e||0,r||0,n||0)},p.setMatrix=function(t,e,r,n){var a=1;"number"==typeof r&&(a=0|r),(a<0||a>3)&&(a=1);var o=(a+2)%3;e||(this.recalcMatrix(t),e=this.computedMatrix);var s=e[a],l=e[a+4],f=e[a+8];if(n){var h=Math.abs(s),p=Math.abs(l),d=Math.abs(f),g=Math.max(h,p,d);h===g?(s=s<0?-1:1,l=f=0):d===g?(f=f<0?-1:1,s=l=0):(l=l<0?-1:1,s=f=0)}else{var m=c(s,l,f);s/=m,l/=m,f/=m}var v,y,x=e[o],b=e[o+4],_=e[o+8],w=x*s+b*l+_*f,T=c(x-=s*w,b-=l*w,_-=f*w),k=l*(_/=T)-f*(b/=T),M=f*(x/=T)-s*_,A=s*b-l*x,S=c(k,M,A);if(k/=S,M/=S,A/=S,this.center.jump(t,H,G,Y),this.radius.idle(t),this.up.jump(t,s,l,f),this.right.jump(t,x,b,_),2===a){var E=e[1],C=e[5],L=e[9],I=E*x+C*b+L*_,P=E*k+C*M+L*A;v=R<0?-Math.PI/2:Math.PI/2,y=Math.atan2(P,I)}else{var z=e[2],O=e[6],D=e[10],R=z*s+O*l+D*f,F=z*x+O*b+D*_,B=z*k+O*M+D*A;v=Math.asin(u(R)),y=Math.atan2(B,F)}this.angle.jump(t,y,v),this.recalcMatrix(t);var N=e[2],j=e[6],U=e[10],V=this.computedMatrix;i(V,e);var q=V[15],H=V[12]/q,G=V[13]/q,Y=V[14]/q,W=Math.exp(this.computedRadius[0]);this.center.jump(t,H-N*W,G-j*W,Y-U*W)},p.lastT=function(){return Math.max(this.center.lastT(),this.up.lastT(),this.right.lastT(),this.radius.lastT(),this.angle.lastT())},p.idle=function(t){this.center.idle(t),this.up.idle(t),this.right.idle(t),this.radius.idle(t),this.angle.idle(t)},p.flush=function(t){this.center.flush(t),this.up.flush(t),this.right.flush(t),this.radius.flush(t),this.angle.flush(t)},p.setDistance=function(t,e){e>0&&this.radius.set(t,Math.log(e))},p.lookAt=function(t,e,r,n){this.recalcMatrix(t),e=e||this.computedEye,r=r||this.computedCenter;var i=(n=n||this.computedUp)[0],a=n[1],o=n[2],s=c(i,a,o);if(!(s<1e-6)){i/=s,a/=s,o/=s;var l=e[0]-r[0],f=e[1]-r[1],h=e[2]-r[2],p=c(l,f,h);if(!(p<1e-6)){l/=p,f/=p,h/=p;var d=this.computedRight,g=d[0],m=d[1],v=d[2],y=i*g+a*m+o*v,x=c(g-=y*i,m-=y*a,v-=y*o);if(!(x<.01&&(x=c(g=a*h-o*f,m=o*l-i*h,v=i*f-a*l))<1e-6)){g/=x,m/=x,v/=x,this.up.set(t,i,a,o),this.right.set(t,g,m,v),this.center.set(t,r[0],r[1],r[2]),this.radius.set(t,Math.log(p));var b=a*v-o*m,_=o*g-i*v,w=i*m-a*g,T=c(b,_,w),k=i*l+a*f+o*h,M=g*l+m*f+v*h,A=(b/=T)*l+(_/=T)*f+(w/=T)*h,S=Math.asin(u(k)),E=Math.atan2(A,M),C=this.angle._state,L=C[C.length-1],I=C[C.length-2];L%=2*Math.PI;var P=Math.abs(L+2*Math.PI-E),z=Math.abs(L-E),O=Math.abs(L-2*Math.PI-E);P":(e.length>100&&(e=e.slice(0,99)+"\u2026"),e=e.replace(i,(function(t){switch(t){case"\n":return"\\n";case"\r":return"\\r";case"\u2028":return"\\u2028";case"\u2029":return"\\u2029";default:throw new Error("Unexpected character")}})))}},{"./safe-to-string":586}],588:[function(t,e,r){"use strict";var n=t("../value/is"),i={object:!0,function:!0,undefined:!0};e.exports=function(t){return!!n(t)&&hasOwnProperty.call(i,typeof t)}},{"../value/is":594}],589:[function(t,e,r){"use strict";var n=t("../lib/resolve-exception"),i=t("./is");e.exports=function(t){return i(t)?t:n(t,"%v is not a plain function",arguments[1])}},{"../lib/resolve-exception":585,"./is":590}],590:[function(t,e,r){"use strict";var n=t("../function/is"),i=/^\s*class[\s{/}]/,a=Function.prototype.toString;e.exports=function(t){return!!n(t)&&!i.test(a.call(t))}},{"../function/is":584}],591:[function(t,e,r){"use strict";var n=t("../object/is");e.exports=function(t){if(!n(t))return!1;try{return!!t.constructor&&t.constructor.prototype===t}catch(t){return!1}}},{"../object/is":588}],592:[function(t,e,r){"use strict";var n=t("../value/is"),i=t("../object/is"),a=Object.prototype.toString;e.exports=function(t){if(!n(t))return null;if(i(t)){var e=t.toString;if("function"!=typeof e)return null;if(e===a)return null}try{return""+t}catch(t){return null}}},{"../object/is":588,"../value/is":594}],593:[function(t,e,r){"use strict";var n=t("../lib/resolve-exception"),i=t("./is");e.exports=function(t){return i(t)?t:n(t,"Cannot use %v",arguments[1])}},{"../lib/resolve-exception":585,"./is":594}],594:[function(t,e,r){"use strict";e.exports=function(t){return null!=t}},{}],595:[function(t,e,r){(function(e){(function(){"use strict";var n=t("bit-twiddle"),i=t("dup"),a=t("buffer").Buffer;e.__TYPEDARRAY_POOL||(e.__TYPEDARRAY_POOL={UINT8:i([32,0]),UINT16:i([32,0]),UINT32:i([32,0]),BIGUINT64:i([32,0]),INT8:i([32,0]),INT16:i([32,0]),INT32:i([32,0]),BIGINT64:i([32,0]),FLOAT:i([32,0]),DOUBLE:i([32,0]),DATA:i([32,0]),UINT8C:i([32,0]),BUFFER:i([32,0])});var o="undefined"!=typeof Uint8ClampedArray,s="undefined"!=typeof BigUint64Array,l="undefined"!=typeof BigInt64Array,c=e.__TYPEDARRAY_POOL;c.UINT8C||(c.UINT8C=i([32,0])),c.BIGUINT64||(c.BIGUINT64=i([32,0])),c.BIGINT64||(c.BIGINT64=i([32,0])),c.BUFFER||(c.BUFFER=i([32,0]));var u=c.DATA,f=c.BUFFER;function h(t){if(t){var e=t.length||t.byteLength,r=n.log2(e);u[r].push(t)}}function p(t){t=n.nextPow2(t);var e=n.log2(t),r=u[e];return r.length>0?r.pop():new ArrayBuffer(t)}function d(t){return new Uint8Array(p(t),0,t)}function g(t){return new Uint16Array(p(2*t),0,t)}function m(t){return new Uint32Array(p(4*t),0,t)}function v(t){return new Int8Array(p(t),0,t)}function y(t){return new Int16Array(p(2*t),0,t)}function x(t){return new Int32Array(p(4*t),0,t)}function b(t){return new Float32Array(p(4*t),0,t)}function _(t){return new Float64Array(p(8*t),0,t)}function w(t){return o?new Uint8ClampedArray(p(t),0,t):d(t)}function T(t){return s?new BigUint64Array(p(8*t),0,t):null}function k(t){return l?new BigInt64Array(p(8*t),0,t):null}function M(t){return new DataView(p(t),0,t)}function A(t){t=n.nextPow2(t);var e=n.log2(t),r=f[e];return r.length>0?r.pop():new a(t)}r.free=function(t){if(a.isBuffer(t))f[n.log2(t.length)].push(t);else{if("[object ArrayBuffer]"!==Object.prototype.toString.call(t)&&(t=t.buffer),!t)return;var e=t.length||t.byteLength,r=0|n.log2(e);u[r].push(t)}},r.freeUint8=r.freeUint16=r.freeUint32=r.freeBigUint64=r.freeInt8=r.freeInt16=r.freeInt32=r.freeBigInt64=r.freeFloat32=r.freeFloat=r.freeFloat64=r.freeDouble=r.freeUint8Clamped=r.freeDataView=function(t){h(t.buffer)},r.freeArrayBuffer=h,r.freeBuffer=function(t){f[n.log2(t.length)].push(t)},r.malloc=function(t,e){if(void 0===e||"arraybuffer"===e)return p(t);switch(e){case"uint8":return d(t);case"uint16":return g(t);case"uint32":return m(t);case"int8":return v(t);case"int16":return y(t);case"int32":return x(t);case"float":case"float32":return b(t);case"double":case"float64":return _(t);case"uint8_clamped":return w(t);case"bigint64":return k(t);case"biguint64":return T(t);case"buffer":return A(t);case"data":case"dataview":return M(t);default:return null}return null},r.mallocArrayBuffer=p,r.mallocUint8=d,r.mallocUint16=g,r.mallocUint32=m,r.mallocInt8=v,r.mallocInt16=y,r.mallocInt32=x,r.mallocFloat32=r.mallocFloat=b,r.mallocFloat64=r.mallocDouble=_,r.mallocUint8Clamped=w,r.mallocBigUint64=T,r.mallocBigInt64=k,r.mallocDataView=M,r.mallocBuffer=A,r.clearCache=function(){for(var t=0;t<32;++t)c.UINT8[t].length=0,c.UINT16[t].length=0,c.UINT32[t].length=0,c.INT8[t].length=0,c.INT16[t].length=0,c.INT32[t].length=0,c.FLOAT[t].length=0,c.DOUBLE[t].length=0,c.BIGUINT64[t].length=0,c.BIGINT64[t].length=0,c.UINT8C[t].length=0,u[t].length=0,f[t].length=0}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"bit-twiddle":97,buffer:111,dup:176}],596:[function(t,e,r){"use strict";function n(t){this.roots=new Array(t),this.ranks=new Array(t);for(var e=0;e0&&(a=n.size),n.lineSpacing&&n.lineSpacing>0&&(o=n.lineSpacing),n.styletags&&n.styletags.breaklines&&(s.breaklines=!!n.styletags.breaklines),n.styletags&&n.styletags.bolds&&(s.bolds=!!n.styletags.bolds),n.styletags&&n.styletags.italics&&(s.italics=!!n.styletags.italics),n.styletags&&n.styletags.subscripts&&(s.subscripts=!!n.styletags.subscripts),n.styletags&&n.styletags.superscripts&&(s.superscripts=!!n.styletags.superscripts));return r.font=[n.fontStyle,n.fontVariant,n.fontWeight,a+"px",n.font].filter((function(t){return t})).join(" "),r.textAlign="start",r.textBaseline="alphabetic",r.direction="ltr",h(function(t,e,r,n,a,o){r=r.replace(/\n/g,""),r=!0===o.breaklines?r.replace(/\/g,"\n"):r.replace(/\/g," ");var s="",l=[];for(p=0;p-1?parseInt(t[1+i]):0,l=a>-1?parseInt(r[1+a]):0;s!==l&&(n=n.replace(S(),"?px "),m*=Math.pow(.75,l-s),n=n.replace("?px ",S())),g+=.25*x*(l-s)}if(!0===o.superscripts){var c=t.indexOf("+"),u=r.indexOf("+"),f=c>-1?parseInt(t[1+c]):0,h=u>-1?parseInt(r[1+u]):0;f!==h&&(n=n.replace(S(),"?px "),m*=Math.pow(.75,h-f),n=n.replace("?px ",S())),g-=.25*x*(h-f)}if(!0===o.bolds){var p=t.indexOf("b|")>-1,d=r.indexOf("b|")>-1;!p&&d&&(n=v?n.replace("italic ","italic bold "):"bold "+n),p&&!d&&(n=n.replace("bold ",""))}if(!0===o.italics){var v=t.indexOf("i|")>-1,y=r.indexOf("i|")>-1;!v&&y&&(n="italic "+n),v&&!y&&(n=n.replace("italic ",""))}e.font=n}for(h=0;h",a="",o=i.length,s=a.length,l="+"===e[0]||"-"===e[0],c=0,u=-s;c>-1&&-1!==(c=r.indexOf(i,c))&&-1!==(u=r.indexOf(a,c+o))&&!(u<=c);){for(var f=c;f=u)n[f]=null,r=r.substr(0,f)+" "+r.substr(f+1);else if(null!==n[f]){var h=n[f].indexOf(e[0]);-1===h?n[f]+=e:l&&(n[f]=n[f].substr(0,h+1)+(1+parseInt(n[f][h+1]))+n[f].substr(h+2))}var p=c+o,d=r.substr(p,u-p).indexOf(i);c=-1!==d?d:u+s}return n}function u(t,e){var r=n(t,128);return e?a(r.cells,r.positions,.25):{edges:r.cells,positions:r.positions}}function f(t,e,r,n){var i=u(t,n),a=function(t,e,r){for(var n=e.textAlign||"start",i=e.textBaseline||"alphabetic",a=[1<<30,1<<30],o=[0,0],s=t.length,l=0;l=0?e[a]:i}))},has___:{value:y((function(e){var n=v(e);return n?r in n:t.indexOf(e)>=0}))},set___:{value:y((function(n,i){var a,o=v(n);return o?o[r]=i:(a=t.indexOf(n))>=0?e[a]=i:(a=t.length,e[a]=i,t[a]=n),this}))},delete___:{value:y((function(n){var i,a,o=v(n);return o?r in o&&delete o[r]:!((i=t.indexOf(n))<0)&&(a=t.length-1,t[i]=void 0,e[i]=e[a],t[i]=t[a],t.length=a,e.length=a,!0)}))}})};d.prototype=Object.create(Object.prototype,{get:{value:function(t,e){return this.get___(t,e)},writable:!0,configurable:!0},has:{value:function(t){return this.has___(t)},writable:!0,configurable:!0},set:{value:function(t,e){return this.set___(t,e)},writable:!0,configurable:!0},delete:{value:function(t){return this.delete___(t)},writable:!0,configurable:!0}}),"function"==typeof r?function(){function n(){this instanceof d||x();var e,n=new r,i=void 0,a=!1;return e=t?function(t,e){return n.set(t,e),n.has(t)||(i||(i=new d),i.set(t,e)),this}:function(t,e){if(a)try{n.set(t,e)}catch(r){i||(i=new d),i.set___(t,e)}else n.set(t,e);return this},Object.create(d.prototype,{get___:{value:y((function(t,e){return i?n.has(t)?n.get(t):i.get___(t,e):n.get(t,e)}))},has___:{value:y((function(t){return n.has(t)||!!i&&i.has___(t)}))},set___:{value:y(e)},delete___:{value:y((function(t){var e=!!n.delete(t);return i&&i.delete___(t)||e}))},permitHostObjects___:{value:y((function(t){if(t!==g)throw new Error("bogus call to permitHostObjects___");a=!0}))}})}t&&"undefined"!=typeof Proxy&&(Proxy=void 0),n.prototype=d.prototype,e.exports=n,Object.defineProperty(WeakMap.prototype,"constructor",{value:WeakMap,enumerable:!1,configurable:!0,writable:!0})}():("undefined"!=typeof Proxy&&(Proxy=void 0),e.exports=d)}function g(t){t.permitHostObjects___&&t.permitHostObjects___(g)}function m(t){return!("weakmap:"==t.substr(0,"weakmap:".length)&&"___"===t.substr(t.length-3))}function v(t){if(t!==Object(t))throw new TypeError("Not an object: "+t);var e=t[l];if(e&&e.key===t)return e;if(s(t)){e={key:t};try{return o(t,l,{value:e,writable:!1,enumerable:!1,configurable:!1}),e}catch(t){return}}}function y(t){return t.prototype=null,Object.freeze(t)}function x(){h||"undefined"==typeof console||(h=!0,console.warn("WeakMap should be invoked as new WeakMap(), not WeakMap(). This will be an error in the future."))}}()},{}],603:[function(t,e,r){var n=t("./hidden-store.js");e.exports=function(){var t={};return function(e){if(("object"!=typeof e||null===e)&&"function"!=typeof e)throw new Error("Weakmap-shim: Key must be object");var r=e.valueOf(t);return r&&r.identity===t?r:n(e,t)}}},{"./hidden-store.js":604}],604:[function(t,e,r){e.exports=function(t,e){var r={identity:e},n=t.valueOf;return Object.defineProperty(t,"valueOf",{value:function(t){return t!==e?n.apply(this,arguments):r},writable:!0}),r}},{}],605:[function(t,e,r){var n=t("./create-store.js");e.exports=function(){var t=n();return{get:function(e,r){var n=t(e);return n.hasOwnProperty("value")?n.value:r},set:function(e,r){return t(e).value=r,this},has:function(e){return"value"in t(e)},delete:function(e){return delete t(e).value}}}},{"./create-store.js":603}],606:[function(t,e,r){var n=t("get-canvas-context");e.exports=function(t){return n("webgl",t)}},{"get-canvas-context":249}],607:[function(t,e,r){var n=t("../main"),i=t("object-assign"),a=n.instance();function o(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}o.prototype=new n.baseCalendar,i(o.prototype,{name:"Chinese",jdEpoch:1721425.5,hasYearZero:!1,minMonth:0,firstMonth:0,minDay:1,regionalOptions:{"":{name:"Chinese",epochs:["BEC","EC"],monthNumbers:function(t,e){if("string"==typeof t){var r=t.match(l);return r?r[0]:""}var n=this._validateYear(t),i=t.month(),a=""+this.toChineseMonth(n,i);return e&&a.length<2&&(a="0"+a),this.isIntercalaryMonth(n,i)&&(a+="i"),a},monthNames:function(t){if("string"==typeof t){var e=t.match(c);return e?e[0]:""}var r=this._validateYear(t),n=t.month(),i=["\u4e00\u6708","\u4e8c\u6708","\u4e09\u6708","\u56db\u6708","\u4e94\u6708","\u516d\u6708","\u4e03\u6708","\u516b\u6708","\u4e5d\u6708","\u5341\u6708","\u5341\u4e00\u6708","\u5341\u4e8c\u6708"][this.toChineseMonth(r,n)-1];return this.isIntercalaryMonth(r,n)&&(i="\u95f0"+i),i},monthNamesShort:function(t){if("string"==typeof t){var e=t.match(u);return e?e[0]:""}var r=this._validateYear(t),n=t.month(),i=["\u4e00","\u4e8c","\u4e09","\u56db","\u4e94","\u516d","\u4e03","\u516b","\u4e5d","\u5341","\u5341\u4e00","\u5341\u4e8c"][this.toChineseMonth(r,n)-1];return this.isIntercalaryMonth(r,n)&&(i="\u95f0"+i),i},parseMonth:function(t,e){t=this._validateYear(t);var r,n=parseInt(e);if(isNaN(n))"\u95f0"===e[0]&&(r=!0,e=e.substring(1)),"\u6708"===e[e.length-1]&&(e=e.substring(0,e.length-1)),n=1+["\u4e00","\u4e8c","\u4e09","\u56db","\u4e94","\u516d","\u4e03","\u516b","\u4e5d","\u5341","\u5341\u4e00","\u5341\u4e8c"].indexOf(e);else{var i=e[e.length-1];r="i"===i||"I"===i}return this.toMonthIndex(t,n,r)},dayNames:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],dayNamesShort:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],dayNamesMin:["Su","Mo","Tu","We","Th","Fr","Sa"],digits:null,dateFormat:"yyyy/mm/dd",firstDay:1,isRTL:!1}},_validateYear:function(t,e){if(t.year&&(t=t.year()),"number"!=typeof t||t<1888||t>2111)throw e.replace(/\{0\}/,this.local.name);return t},toMonthIndex:function(t,e,r){var i=this.intercalaryMonth(t);if(r&&e!==i||e<1||e>12)throw n.local.invalidMonth.replace(/\{0\}/,this.local.name);return i?!r&&e<=i?e-1:e:e-1},toChineseMonth:function(t,e){t.year&&(e=(t=t.year()).month());var r=this.intercalaryMonth(t);if(e<0||e>(r?12:11))throw n.local.invalidMonth.replace(/\{0\}/,this.local.name);return r?e>13},isIntercalaryMonth:function(t,e){t.year&&(e=(t=t.year()).month());var r=this.intercalaryMonth(t);return!!r&&r===e},leapYear:function(t){return 0!==this.intercalaryMonth(t)},weekOfYear:function(t,e,r){var i,o=this._validateYear(t,n.local.invalidyear),s=h[o-h[0]],l=s>>9&4095,c=s>>5&15,u=31&s;(i=a.newDate(l,c,u)).add(4-(i.dayOfWeek()||7),"d");var f=this.toJD(t,e,r)-i.toJD();return 1+Math.floor(f/7)},monthsInYear:function(t){return this.leapYear(t)?13:12},daysInMonth:function(t,e){t.year&&(e=t.month(),t=t.year()),t=this._validateYear(t);var r=f[t-f[0]];if(e>(r>>13?12:11))throw n.local.invalidMonth.replace(/\{0\}/,this.local.name);return r&1<<12-e?30:29},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,s,r,n.local.invalidDate);t=this._validateYear(i.year()),e=i.month(),r=i.day();var o=this.isIntercalaryMonth(t,e),s=this.toChineseMonth(t,e),l=function(t,e,r,n,i){var a,o,s;if("object"==typeof t)o=t,a=e||{};else{var l;if(!("number"==typeof t&&t>=1888&&t<=2111))throw new Error("Lunar year outside range 1888-2111");if(!("number"==typeof e&&e>=1&&e<=12))throw new Error("Lunar month outside range 1 - 12");if(!("number"==typeof r&&r>=1&&r<=30))throw new Error("Lunar day outside range 1 - 30");"object"==typeof n?(l=!1,a=n):(l=!!n,a=i||{}),o={year:t,month:e,day:r,isIntercalary:l}}s=o.day-1;var c,u=f[o.year-f[0]],p=u>>13;c=p&&(o.month>p||o.isIntercalary)?o.month:o.month-1;for(var d=0;d>9&4095,(g>>5&15)-1,(31&g)+s);return a.year=m.getFullYear(),a.month=1+m.getMonth(),a.day=m.getDate(),a}(t,s,r,o);return a.toJD(l.year,l.month,l.day)},fromJD:function(t){var e=a.fromJD(t),r=function(t,e,r,n){var i,a;if("object"==typeof t)i=t,a=e||{};else{if(!("number"==typeof t&&t>=1888&&t<=2111))throw new Error("Solar year outside range 1888-2111");if(!("number"==typeof e&&e>=1&&e<=12))throw new Error("Solar month outside range 1 - 12");if(!("number"==typeof r&&r>=1&&r<=31))throw new Error("Solar day outside range 1 - 31");i={year:t,month:e,day:r},a=n||{}}var o=h[i.year-h[0]],s=i.year<<9|i.month<<5|i.day;a.year=s>=o?i.year:i.year-1,o=h[a.year-h[0]];var l,c=new Date(o>>9&4095,(o>>5&15)-1,31&o),u=new Date(i.year,i.month-1,i.day);l=Math.round((u-c)/864e5);var p,d=f[a.year-f[0]];for(p=0;p<13;p++){var g=d&1<<12-p?30:29;if(l>13;!m||p=2&&n<=6},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return{century:o[Math.floor((i.year()-1)/100)+1]||""}},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year()+(i.year()<0?1:0),e=i.month(),(r=i.day())+(e>1?16:0)+(e>2?32*(e-2):0)+400*(t-1)+this.jdEpoch-1},fromJD:function(t){t=Math.floor(t+.5)-Math.floor(this.jdEpoch)-1;var e=Math.floor(t/400)+1;t-=400*(e-1),t+=t>15?16:0;var r=Math.floor(t/32)+1,n=t-32*(r-1)+1;return this.newDate(e<=0?e-1:e,r,n)}});var o={20:"Fruitbat",21:"Anchovy"};n.calendars.discworld=a},{"../main":621,"object-assign":499}],610:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Ethiopian",jdEpoch:1724220.5,daysPerMonth:[30,30,30,30,30,30,30,30,30,30,30,30,5],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Ethiopian",epochs:["BEE","EE"],monthNames:["Meskerem","Tikemet","Hidar","Tahesas","Tir","Yekatit","Megabit","Miazia","Genbot","Sene","Hamle","Nehase","Pagume"],monthNamesShort:["Mes","Tik","Hid","Tah","Tir","Yek","Meg","Mia","Gen","Sen","Ham","Neh","Pag"],dayNames:["Ehud","Segno","Maksegno","Irob","Hamus","Arb","Kidame"],dayNamesShort:["Ehu","Seg","Mak","Iro","Ham","Arb","Kid"],dayNamesMin:["Eh","Se","Ma","Ir","Ha","Ar","Ki"],digits:null,dateFormat:"dd/mm/yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return(t=e.year()+(e.year()<0?1:0))%4==3||t%4==-1},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear||n.regionalOptions[""].invalidYear),13},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(13===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return(t=i.year())<0&&t++,i.day()+30*(i.month()-1)+365*(t-1)+Math.floor(t/4)+this.jdEpoch-1},fromJD:function(t){var e=Math.floor(t)+.5-this.jdEpoch,r=Math.floor((e-Math.floor((e+366)/1461))/365)+1;r<=0&&r--,e=Math.floor(t)+.5-this.newDate(r,1,1).toJD();var n=Math.floor(e/30)+1,i=e-30*(n-1)+1;return this.newDate(r,n,i)}}),n.calendars.ethiopian=a},{"../main":621,"object-assign":499}],611:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}function o(t,e){return t-e*Math.floor(t/e)}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Hebrew",jdEpoch:347995.5,daysPerMonth:[30,29,30,29,30,29,30,29,30,29,30,29,29],hasYearZero:!1,minMonth:1,firstMonth:7,minDay:1,regionalOptions:{"":{name:"Hebrew",epochs:["BAM","AM"],monthNames:["Nisan","Iyar","Sivan","Tammuz","Av","Elul","Tishrei","Cheshvan","Kislev","Tevet","Shevat","Adar","Adar II"],monthNamesShort:["Nis","Iya","Siv","Tam","Av","Elu","Tis","Che","Kis","Tev","She","Ada","Ad2"],dayNames:["Yom Rishon","Yom Sheni","Yom Shlishi","Yom Revi'i","Yom Chamishi","Yom Shishi","Yom Shabbat"],dayNamesShort:["Ris","She","Shl","Rev","Cha","Shi","Sha"],dayNamesMin:["Ri","She","Shl","Re","Ch","Shi","Sha"],digits:null,dateFormat:"dd/mm/yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return this._leapYear(e.year())},_leapYear:function(t){return o(7*(t=t<0?t+1:t)+1,19)<7},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),this._leapYear(t.year?t.year():t)?13:12},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){return t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year(),this.toJD(-1===t?1:t+1,7,1)-this.toJD(t,7,1)},daysInMonth:function(t,e){return t.year&&(e=t.month(),t=t.year()),this._validate(t,e,this.minDay,n.local.invalidMonth),12===e&&this.leapYear(t)||8===e&&5===o(this.daysInYear(t),10)?30:9===e&&3===o(this.daysInYear(t),10)?29:this.daysPerMonth[e-1]},weekDay:function(t,e,r){return 6!==this.dayOfWeek(t,e,r)},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return{yearType:(this.leapYear(i)?"embolismic":"common")+" "+["deficient","regular","complete"][this.daysInYear(i)%10-3]}},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=t<=0?t+1:t,o=this.jdEpoch+this._delay1(a)+this._delay2(a)+r+1;if(e<7){for(var s=7;s<=this.monthsInYear(t);s++)o+=this.daysInMonth(t,s);for(s=1;s=this.toJD(-1===e?1:e+1,7,1);)e++;for(var r=tthis.toJD(e,r,this.daysInMonth(e,r));)r++;var n=t-this.toJD(e,r,1)+1;return this.newDate(e,r,n)}}),n.calendars.hebrew=a},{"../main":621,"object-assign":499}],612:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Islamic",jdEpoch:1948439.5,daysPerMonth:[30,29,30,29,30,29,30,29,30,29,30,29],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Islamic",epochs:["BH","AH"],monthNames:["Muharram","Safar","Rabi' al-awwal","Rabi' al-thani","Jumada al-awwal","Jumada al-thani","Rajab","Sha'aban","Ramadan","Shawwal","Dhu al-Qi'dah","Dhu al-Hijjah"],monthNamesShort:["Muh","Saf","Rab1","Rab2","Jum1","Jum2","Raj","Sha'","Ram","Shaw","DhuQ","DhuH"],dayNames:["Yawm al-ahad","Yawm al-ithnayn","Yawm ath-thulaathaa'","Yawm al-arbi'aa'","Yawm al-kham\u012bs","Yawm al-jum'a","Yawm as-sabt"],dayNamesShort:["Aha","Ith","Thu","Arb","Kha","Jum","Sab"],dayNamesMin:["Ah","It","Th","Ar","Kh","Ju","Sa"],digits:null,dateFormat:"yyyy/mm/dd",firstDay:6,isRTL:!1}},leapYear:function(t){return(11*this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year()+14)%30<11},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){return this.leapYear(t)?355:354},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year(),e=i.month(),t=t<=0?t+1:t,(r=i.day())+Math.ceil(29.5*(e-1))+354*(t-1)+Math.floor((3+11*t)/30)+this.jdEpoch-1},fromJD:function(t){t=Math.floor(t)+.5;var e=Math.floor((30*(t-this.jdEpoch)+10646)/10631);e=e<=0?e-1:e;var r=Math.min(12,Math.ceil((t-29-this.toJD(e,1,1))/29.5)+1),n=t-this.toJD(e,r,1)+1;return this.newDate(e,r,n)}}),n.calendars.islamic=a},{"../main":621,"object-assign":499}],613:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Julian",jdEpoch:1721423.5,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Julian",epochs:["BC","AD"],monthNames:["January","February","March","April","May","June","July","August","September","October","November","December"],monthNamesShort:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"],dayNames:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],dayNamesShort:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],dayNamesMin:["Su","Mo","Tu","We","Th","Fr","Sa"],digits:null,dateFormat:"mm/dd/yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return(t=e.year()<0?e.year()+1:e.year())%4==0},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(4-(n.dayOfWeek()||7),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year(),e=i.month(),r=i.day(),t<0&&t++,e<=2&&(t--,e+=12),Math.floor(365.25*(t+4716))+Math.floor(30.6001*(e+1))+r-1524.5},fromJD:function(t){var e=Math.floor(t+.5)+1524,r=Math.floor((e-122.1)/365.25),n=Math.floor(365.25*r),i=Math.floor((e-n)/30.6001),a=i-Math.floor(i<14?1:13),o=r-Math.floor(a>2?4716:4715),s=e-n-Math.floor(30.6001*i);return o<=0&&o--,this.newDate(o,a,s)}}),n.calendars.julian=a},{"../main":621,"object-assign":499}],614:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}function o(t,e){return t-e*Math.floor(t/e)}function s(t,e){return o(t-1,e)+1}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Mayan",jdEpoch:584282.5,hasYearZero:!0,minMonth:0,firstMonth:0,minDay:0,regionalOptions:{"":{name:"Mayan",epochs:["",""],monthNames:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17"],monthNamesShort:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17"],dayNames:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17","18","19"],dayNamesShort:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17","18","19"],dayNamesMin:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17","18","19"],digits:null,dateFormat:"YYYY.m.d",firstDay:0,isRTL:!1,haabMonths:["Pop","Uo","Zip","Zotz","Tzec","Xul","Yaxkin","Mol","Chen","Yax","Zac","Ceh","Mac","Kankin","Muan","Pax","Kayab","Cumku","Uayeb"],tzolkinMonths:["Imix","Ik","Akbal","Kan","Chicchan","Cimi","Manik","Lamat","Muluc","Oc","Chuen","Eb","Ben","Ix","Men","Cib","Caban","Etznab","Cauac","Ahau"]}},leapYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),!1},formatYear:function(t){t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year();var e=Math.floor(t/400);return t%=400,t+=t<0?400:0,e+"."+Math.floor(t/20)+"."+t%20},forYear:function(t){if((t=t.split(".")).length<3)throw"Invalid Mayan year";for(var e=0,r=0;r19||r>0&&n<0)throw"Invalid Mayan year";e=20*e+n}return e},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),18},weekOfYear:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate),0},daysInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),360},daysInMonth:function(t,e){return this._validate(t,e,this.minDay,n.local.invalidMonth),20},daysInWeek:function(){return 5},dayOfWeek:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate).day()},weekDay:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate),!0},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate).toJD(),a=this._toHaab(i),o=this._toTzolkin(i);return{haabMonthName:this.local.haabMonths[a[0]-1],haabMonth:a[0],haabDay:a[1],tzolkinDayName:this.local.tzolkinMonths[o[0]-1],tzolkinDay:o[0],tzolkinTrecena:o[1]}},_toHaab:function(t){var e=o((t-=this.jdEpoch)+8+340,365);return[Math.floor(e/20)+1,o(e,20)]},_toTzolkin:function(t){return[s((t-=this.jdEpoch)+20,20),s(t+4,13)]},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return i.day()+20*i.month()+360*i.year()+this.jdEpoch},fromJD:function(t){t=Math.floor(t)+.5-this.jdEpoch;var e=Math.floor(t/360);t%=360,t+=t<0?360:0;var r=Math.floor(t/20),n=t%20;return this.newDate(e,r,n)}}),n.calendars.mayan=a},{"../main":621,"object-assign":499}],615:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar;var o=n.instance("gregorian");i(a.prototype,{name:"Nanakshahi",jdEpoch:2257673.5,daysPerMonth:[31,31,31,31,31,30,30,30,30,30,30,30],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Nanakshahi",epochs:["BN","AN"],monthNames:["Chet","Vaisakh","Jeth","Harh","Sawan","Bhadon","Assu","Katak","Maghar","Poh","Magh","Phagun"],monthNamesShort:["Che","Vai","Jet","Har","Saw","Bha","Ass","Kat","Mgr","Poh","Mgh","Pha"],dayNames:["Somvaar","Mangalvar","Budhvaar","Veervaar","Shukarvaar","Sanicharvaar","Etvaar"],dayNamesShort:["Som","Mangal","Budh","Veer","Shukar","Sanichar","Et"],dayNamesMin:["So","Ma","Bu","Ve","Sh","Sa","Et"],digits:null,dateFormat:"dd-mm-yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear||n.regionalOptions[""].invalidYear);return o.leapYear(e.year()+(e.year()<1?1:0)+1469)},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(1-(n.dayOfWeek()||7),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidMonth);(t=i.year())<0&&t++;for(var a=i.day(),s=1;s=this.toJD(e+1,1,1);)e++;for(var r=t-Math.floor(this.toJD(e,1,1)+.5)+1,n=1;r>this.daysInMonth(e,n);)r-=this.daysInMonth(e,n),n++;return this.newDate(e,n,r)}}),n.calendars.nanakshahi=a},{"../main":621,"object-assign":499}],616:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Nepali",jdEpoch:1700709.5,daysPerMonth:[31,31,32,32,31,30,30,29,30,29,30,30],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,daysPerYear:365,regionalOptions:{"":{name:"Nepali",epochs:["BBS","ABS"],monthNames:["Baisakh","Jestha","Ashadh","Shrawan","Bhadra","Ashwin","Kartik","Mangsir","Paush","Mangh","Falgun","Chaitra"],monthNamesShort:["Bai","Je","As","Shra","Bha","Ash","Kar","Mang","Pau","Ma","Fal","Chai"],dayNames:["Aaitabaar","Sombaar","Manglbaar","Budhabaar","Bihibaar","Shukrabaar","Shanibaar"],dayNamesShort:["Aaita","Som","Mangl","Budha","Bihi","Shukra","Shani"],dayNamesMin:["Aai","So","Man","Bu","Bi","Shu","Sha"],digits:null,dateFormat:"dd/mm/yyyy",firstDay:1,isRTL:!1}},leapYear:function(t){return this.daysInYear(t)!==this.daysPerYear},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){if(t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year(),"undefined"==typeof this.NEPALI_CALENDAR_DATA[t])return this.daysPerYear;for(var e=0,r=this.minMonth;r<=12;r++)e+=this.NEPALI_CALENDAR_DATA[t][r];return e},daysInMonth:function(t,e){return t.year&&(e=t.month(),t=t.year()),this._validate(t,e,this.minDay,n.local.invalidMonth),"undefined"==typeof this.NEPALI_CALENDAR_DATA[t]?this.daysPerMonth[e-1]:this.NEPALI_CALENDAR_DATA[t][e]},weekDay:function(t,e,r){return 6!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=n.instance(),o=0,s=e,l=t;this._createMissingCalendarData(t);var c=t-(s>9||9===s&&r>=this.NEPALI_CALENDAR_DATA[l][0]?56:57);for(9!==e&&(o=r,s--);9!==s;)s<=0&&(s=12,l--),o+=this.NEPALI_CALENDAR_DATA[l][s],s--;return 9===e?(o+=r-this.NEPALI_CALENDAR_DATA[l][0])<0&&(o+=a.daysInYear(c)):o+=this.NEPALI_CALENDAR_DATA[l][9]-this.NEPALI_CALENDAR_DATA[l][0],a.newDate(c,1,1).add(o,"d").toJD()},fromJD:function(t){var e=n.instance().fromJD(t),r=e.year(),i=e.dayOfYear(),a=r+56;this._createMissingCalendarData(a);for(var o=9,s=this.NEPALI_CALENDAR_DATA[a][0],l=this.NEPALI_CALENDAR_DATA[a][o]-s+1;i>l;)++o>12&&(o=1,a++),l+=this.NEPALI_CALENDAR_DATA[a][o];var c=this.NEPALI_CALENDAR_DATA[a][o]-(l-i);return this.newDate(a,o,c)},_createMissingCalendarData:function(t){var e=this.daysPerMonth.slice(0);e.unshift(17);for(var r=t-1;r0?474:473))%2820+474+38)%2816<682},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-(n.dayOfWeek()+1)%7,"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=t-(t>=0?474:473),s=474+o(a,2820);return r+(e<=7?31*(e-1):30*(e-1)+6)+Math.floor((682*s-110)/2816)+365*(s-1)+1029983*Math.floor(a/2820)+this.jdEpoch-1},fromJD:function(t){var e=(t=Math.floor(t)+.5)-this.toJD(475,1,1),r=Math.floor(e/1029983),n=o(e,1029983),i=2820;if(1029982!==n){var a=Math.floor(n/366),s=o(n,366);i=Math.floor((2134*a+2816*s+2815)/1028522)+a+1}var l=i+2820*r+474;l=l<=0?l-1:l;var c=t-this.toJD(l,1,1)+1,u=c<=186?Math.ceil(c/31):Math.ceil((c-6)/30),f=t-this.toJD(l,u,1)+1;return this.newDate(l,u,f)}}),n.calendars.persian=a,n.calendars.jalali=a},{"../main":621,"object-assign":499}],618:[function(t,e,r){var n=t("../main"),i=t("object-assign"),a=n.instance();function o(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}o.prototype=new n.baseCalendar,i(o.prototype,{name:"Taiwan",jdEpoch:2419402.5,yearsOffset:1911,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Taiwan",epochs:["BROC","ROC"],monthNames:["January","February","March","April","May","June","July","August","September","October","November","December"],monthNamesShort:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"],dayNames:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],dayNamesShort:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],dayNamesMin:["Su","Mo","Tu","We","Th","Fr","Sa"],digits:null,dateFormat:"yyyy/mm/dd",firstDay:1,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(e.year());return a.leapYear(t)},weekOfYear:function(t,e,r){var i=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(i.year());return a.weekOfYear(t,i.month(),i.day())},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=this._t2gYear(i.year());return a.toJD(t,i.month(),i.day())},fromJD:function(t){var e=a.fromJD(t),r=this._g2tYear(e.year());return this.newDate(r,e.month(),e.day())},_t2gYear:function(t){return t+this.yearsOffset+(t>=-this.yearsOffset&&t<=-1?1:0)},_g2tYear:function(t){return t-this.yearsOffset-(t>=1&&t<=this.yearsOffset?1:0)}}),n.calendars.taiwan=o},{"../main":621,"object-assign":499}],619:[function(t,e,r){var n=t("../main"),i=t("object-assign"),a=n.instance();function o(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}o.prototype=new n.baseCalendar,i(o.prototype,{name:"Thai",jdEpoch:1523098.5,yearsOffset:543,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Thai",epochs:["BBE","BE"],monthNames:["January","February","March","April","May","June","July","August","September","October","November","December"],monthNamesShort:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"],dayNames:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],dayNamesShort:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],dayNamesMin:["Su","Mo","Tu","We","Th","Fr","Sa"],digits:null,dateFormat:"dd/mm/yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(e.year());return a.leapYear(t)},weekOfYear:function(t,e,r){var i=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(i.year());return a.weekOfYear(t,i.month(),i.day())},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=this._t2gYear(i.year());return a.toJD(t,i.month(),i.day())},fromJD:function(t){var e=a.fromJD(t),r=this._g2tYear(e.year());return this.newDate(r,e.month(),e.day())},_t2gYear:function(t){return t-this.yearsOffset-(t>=1&&t<=this.yearsOffset?1:0)},_g2tYear:function(t){return t+this.yearsOffset+(t>=-this.yearsOffset&&t<=-1?1:0)}}),n.calendars.thai=o},{"../main":621,"object-assign":499}],620:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"UmmAlQura",hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Umm al-Qura",epochs:["BH","AH"],monthNames:["Al-Muharram","Safar","Rabi' al-awwal","Rabi' Al-Thani","Jumada Al-Awwal","Jumada Al-Thani","Rajab","Sha'aban","Ramadan","Shawwal","Dhu al-Qi'dah","Dhu al-Hijjah"],monthNamesShort:["Muh","Saf","Rab1","Rab2","Jum1","Jum2","Raj","Sha'","Ram","Shaw","DhuQ","DhuH"],dayNames:["Yawm al-Ahad","Yawm al-Ithnain","Yawm al-Thal\u0101th\u0101\u2019","Yawm al-Arba\u2018\u0101\u2019","Yawm al-Kham\u012bs","Yawm al-Jum\u2018a","Yawm al-Sabt"],dayNamesMin:["Ah","Ith","Th","Ar","Kh","Ju","Sa"],digits:null,dateFormat:"yyyy/mm/dd",firstDay:6,isRTL:!0}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return 355===this.daysInYear(e.year())},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){for(var e=0,r=1;r<=12;r++)e+=this.daysInMonth(t,r);return e},daysInMonth:function(t,e){for(var r=this._validate(t,e,this.minDay,n.local.invalidMonth).toJD()-24e5+.5,i=0,a=0;ar)return o[i]-o[i-1];i++}return 30},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate),a=12*(i.year()-1)+i.month()-15292;return i.day()+o[a-1]-1+24e5-.5},fromJD:function(t){for(var e=t-24e5+.5,r=0,n=0;ne);n++)r++;var i=r+15292,a=Math.floor((i-1)/12),s=a+1,l=i-12*a,c=e-o[r-1]+1;return this.newDate(s,l,c)},isValid:function(t,e,r){var i=n.baseCalendar.prototype.isValid.apply(this,arguments);return i&&(i=(t=null!=t.year?t.year:t)>=1276&&t<=1500),i},_validate:function(t,e,r,i){var a=n.baseCalendar.prototype._validate.apply(this,arguments);if(a.year<1276||a.year>1500)throw i.replace(/\{0\}/,this.local.name);return a}}),n.calendars.ummalqura=a;var o=[20,50,79,109,138,168,197,227,256,286,315,345,374,404,433,463,492,522,551,581,611,641,670,700,729,759,788,818,847,877,906,936,965,995,1024,1054,1083,1113,1142,1172,1201,1231,1260,1290,1320,1350,1379,1409,1438,1468,1497,1527,1556,1586,1615,1645,1674,1704,1733,1763,1792,1822,1851,1881,1910,1940,1969,1999,2028,2058,2087,2117,2146,2176,2205,2235,2264,2294,2323,2353,2383,2413,2442,2472,2501,2531,2560,2590,2619,2649,2678,2708,2737,2767,2796,2826,2855,2885,2914,2944,2973,3003,3032,3062,3091,3121,3150,3180,3209,3239,3268,3298,3327,3357,3386,3416,3446,3476,3505,3535,3564,3594,3623,3653,3682,3712,3741,3771,3800,3830,3859,3889,3918,3948,3977,4007,4036,4066,4095,4125,4155,4185,4214,4244,4273,4303,4332,4362,4391,4421,4450,4480,4509,4539,4568,4598,4627,4657,4686,4716,4745,4775,4804,4834,4863,4893,4922,4952,4981,5011,5040,5070,5099,5129,5158,5188,5218,5248,5277,5307,5336,5366,5395,5425,5454,5484,5513,5543,5572,5602,5631,5661,5690,5720,5749,5779,5808,5838,5867,5897,5926,5956,5985,6015,6044,6074,6103,6133,6162,6192,6221,6251,6281,6311,6340,6370,6399,6429,6458,6488,6517,6547,6576,6606,6635,6665,6694,6724,6753,6783,6812,6842,6871,6901,6930,6960,6989,7019,7048,7078,7107,7137,7166,7196,7225,7255,7284,7314,7344,7374,7403,7433,7462,7492,7521,7551,7580,7610,7639,7669,7698,7728,7757,7787,7816,7846,7875,7905,7934,7964,7993,8023,8053,8083,8112,8142,8171,8201,8230,8260,8289,8319,8348,8378,8407,8437,8466,8496,8525,8555,8584,8614,8643,8673,8702,8732,8761,8791,8821,8850,8880,8909,8938,8968,8997,9027,9056,9086,9115,9145,9175,9205,9234,9264,9293,9322,9352,9381,9410,9440,9470,9499,9529,9559,9589,9618,9648,9677,9706,9736,9765,9794,9824,9853,9883,9913,9943,9972,10002,10032,10061,10090,10120,10149,10178,10208,10237,10267,10297,10326,10356,10386,10415,10445,10474,10504,10533,10562,10592,10621,10651,10680,10710,10740,10770,10799,10829,10858,10888,10917,10947,10976,11005,11035,11064,11094,11124,11153,11183,11213,11242,11272,11301,11331,11360,11389,11419,11448,11478,11507,11537,11567,11596,11626,11655,11685,11715,11744,11774,11803,11832,11862,11891,11921,11950,11980,12010,12039,12069,12099,12128,12158,12187,12216,12246,12275,12304,12334,12364,12393,12423,12453,12483,12512,12542,12571,12600,12630,12659,12688,12718,12747,12777,12807,12837,12866,12896,12926,12955,12984,13014,13043,13072,13102,13131,13161,13191,13220,13250,13280,13310,13339,13368,13398,13427,13456,13486,13515,13545,13574,13604,13634,13664,13693,13723,13752,13782,13811,13840,13870,13899,13929,13958,13988,14018,14047,14077,14107,14136,14166,14195,14224,14254,14283,14313,14342,14372,14401,14431,14461,14490,14520,14550,14579,14609,14638,14667,14697,14726,14756,14785,14815,14844,14874,14904,14933,14963,14993,15021,15051,15081,15110,15140,15169,15199,15228,15258,15287,15317,15347,15377,15406,15436,15465,15494,15524,15553,15582,15612,15641,15671,15701,15731,15760,15790,15820,15849,15878,15908,15937,15966,15996,16025,16055,16085,16114,16144,16174,16204,16233,16262,16292,16321,16350,16380,16409,16439,16468,16498,16528,16558,16587,16617,16646,16676,16705,16734,16764,16793,16823,16852,16882,16912,16941,16971,17001,17030,17060,17089,17118,17148,17177,17207,17236,17266,17295,17325,17355,17384,17414,17444,17473,17502,17532,17561,17591,17620,17650,17679,17709,17738,17768,17798,17827,17857,17886,17916,17945,17975,18004,18034,18063,18093,18122,18152,18181,18211,18241,18270,18300,18330,18359,18388,18418,18447,18476,18506,18535,18565,18595,18625,18654,18684,18714,18743,18772,18802,18831,18860,18890,18919,18949,18979,19008,19038,19068,19098,19127,19156,19186,19215,19244,19274,19303,19333,19362,19392,19422,19452,19481,19511,19540,19570,19599,19628,19658,19687,19717,19746,19776,19806,19836,19865,19895,19924,19954,19983,20012,20042,20071,20101,20130,20160,20190,20219,20249,20279,20308,20338,20367,20396,20426,20455,20485,20514,20544,20573,20603,20633,20662,20692,20721,20751,20780,20810,20839,20869,20898,20928,20957,20987,21016,21046,21076,21105,21135,21164,21194,21223,21253,21282,21312,21341,21371,21400,21430,21459,21489,21519,21548,21578,21607,21637,21666,21696,21725,21754,21784,21813,21843,21873,21902,21932,21962,21991,22021,22050,22080,22109,22138,22168,22197,22227,22256,22286,22316,22346,22375,22405,22434,22464,22493,22522,22552,22581,22611,22640,22670,22700,22730,22759,22789,22818,22848,22877,22906,22936,22965,22994,23024,23054,23083,23113,23143,23173,23202,23232,23261,23290,23320,23349,23379,23408,23438,23467,23497,23527,23556,23586,23616,23645,23674,23704,23733,23763,23792,23822,23851,23881,23910,23940,23970,23999,24029,24058,24088,24117,24147,24176,24206,24235,24265,24294,24324,24353,24383,24413,24442,24472,24501,24531,24560,24590,24619,24648,24678,24707,24737,24767,24796,24826,24856,24885,24915,24944,24974,25003,25032,25062,25091,25121,25150,25180,25210,25240,25269,25299,25328,25358,25387,25416,25446,25475,25505,25534,25564,25594,25624,25653,25683,25712,25742,25771,25800,25830,25859,25888,25918,25948,25977,26007,26037,26067,26096,26126,26155,26184,26214,26243,26272,26302,26332,26361,26391,26421,26451,26480,26510,26539,26568,26598,26627,26656,26686,26715,26745,26775,26805,26834,26864,26893,26923,26952,26982,27011,27041,27070,27099,27129,27159,27188,27218,27248,27277,27307,27336,27366,27395,27425,27454,27484,27513,27542,27572,27602,27631,27661,27691,27720,27750,27779,27809,27838,27868,27897,27926,27956,27985,28015,28045,28074,28104,28134,28163,28193,28222,28252,28281,28310,28340,28369,28399,28428,28458,28488,28517,28547,28577,28607,28636,28665,28695,28724,28754,28783,28813,28843,28872,28901,28931,28960,28990,29019,29049,29078,29108,29137,29167,29196,29226,29255,29285,29315,29345,29375,29404,29434,29463,29492,29522,29551,29580,29610,29640,29669,29699,29729,29759,29788,29818,29847,29876,29906,29935,29964,29994,30023,30053,30082,30112,30141,30171,30200,30230,30259,30289,30318,30348,30378,30408,30437,30467,30496,30526,30555,30585,30614,30644,30673,30703,30732,30762,30791,30821,30850,30880,30909,30939,30968,30998,31027,31057,31086,31116,31145,31175,31204,31234,31263,31293,31322,31352,31381,31411,31441,31471,31500,31530,31559,31589,31618,31648,31676,31706,31736,31766,31795,31825,31854,31884,31913,31943,31972,32002,32031,32061,32090,32120,32150,32180,32209,32239,32268,32298,32327,32357,32386,32416,32445,32475,32504,32534,32563,32593,32622,32652,32681,32711,32740,32770,32799,32829,32858,32888,32917,32947,32976,33006,33035,33065,33094,33124,33153,33183,33213,33243,33272,33302,33331,33361,33390,33420,33450,33479,33509,33539,33568,33598,33627,33657,33686,33716,33745,33775,33804,33834,33863,33893,33922,33952,33981,34011,34040,34069,34099,34128,34158,34187,34217,34247,34277,34306,34336,34365,34395,34424,34454,34483,34512,34542,34571,34601,34631,34660,34690,34719,34749,34778,34808,34837,34867,34896,34926,34955,34985,35015,35044,35074,35103,35133,35162,35192,35222,35251,35280,35310,35340,35370,35399,35429,35458,35488,35517,35547,35576,35605,35635,35665,35694,35723,35753,35782,35811,35841,35871,35901,35930,35960,35989,36019,36048,36078,36107,36136,36166,36195,36225,36254,36284,36314,36343,36373,36403,36433,36462,36492,36521,36551,36580,36610,36639,36669,36698,36728,36757,36786,36816,36845,36875,36904,36934,36963,36993,37022,37052,37081,37111,37141,37170,37200,37229,37259,37288,37318,37347,37377,37406,37436,37465,37495,37524,37554,37584,37613,37643,37672,37701,37731,37760,37790,37819,37849,37878,37908,37938,37967,37997,38027,38056,38085,38115,38144,38174,38203,38233,38262,38292,38322,38351,38381,38410,38440,38469,38499,38528,38558,38587,38617,38646,38676,38705,38735,38764,38794,38823,38853,38882,38912,38941,38971,39001,39030,39059,39089,39118,39148,39178,39208,39237,39267,39297,39326,39355,39385,39414,39444,39473,39503,39532,39562,39592,39621,39650,39680,39709,39739,39768,39798,39827,39857,39886,39916,39946,39975,40005,40035,40064,40094,40123,40153,40182,40212,40241,40271,40300,40330,40359,40389,40418,40448,40477,40507,40536,40566,40595,40625,40655,40685,40714,40744,40773,40803,40832,40862,40892,40921,40951,40980,41009,41039,41068,41098,41127,41157,41186,41216,41245,41275,41304,41334,41364,41393,41422,41452,41481,41511,41540,41570,41599,41629,41658,41688,41718,41748,41777,41807,41836,41865,41894,41924,41953,41983,42012,42042,42072,42102,42131,42161,42190,42220,42249,42279,42308,42337,42367,42397,42426,42456,42485,42515,42545,42574,42604,42633,42662,42692,42721,42751,42780,42810,42839,42869,42899,42929,42958,42988,43017,43046,43076,43105,43135,43164,43194,43223,43253,43283,43312,43342,43371,43401,43430,43460,43489,43519,43548,43578,43607,43637,43666,43696,43726,43755,43785,43814,43844,43873,43903,43932,43962,43991,44021,44050,44080,44109,44139,44169,44198,44228,44258,44287,44317,44346,44375,44405,44434,44464,44493,44523,44553,44582,44612,44641,44671,44700,44730,44759,44788,44818,44847,44877,44906,44936,44966,44996,45025,45055,45084,45114,45143,45172,45202,45231,45261,45290,45320,45350,45380,45409,45439,45468,45498,45527,45556,45586,45615,45644,45674,45704,45733,45763,45793,45823,45852,45882,45911,45940,45970,45999,46028,46058,46088,46117,46147,46177,46206,46236,46265,46295,46324,46354,46383,46413,46442,46472,46501,46531,46560,46590,46620,46649,46679,46708,46738,46767,46797,46826,46856,46885,46915,46944,46974,47003,47033,47063,47092,47122,47151,47181,47210,47240,47269,47298,47328,47357,47387,47417,47446,47476,47506,47535,47565,47594,47624,47653,47682,47712,47741,47771,47800,47830,47860,47890,47919,47949,47978,48008,48037,48066,48096,48125,48155,48184,48214,48244,48273,48303,48333,48362,48392,48421,48450,48480,48509,48538,48568,48598,48627,48657,48687,48717,48746,48776,48805,48834,48864,48893,48922,48952,48982,49011,49041,49071,49100,49130,49160,49189,49218,49248,49277,49306,49336,49365,49395,49425,49455,49484,49514,49543,49573,49602,49632,49661,49690,49720,49749,49779,49809,49838,49868,49898,49927,49957,49986,50016,50045,50075,50104,50133,50163,50192,50222,50252,50281,50311,50340,50370,50400,50429,50459,50488,50518,50547,50576,50606,50635,50665,50694,50724,50754,50784,50813,50843,50872,50902,50931,50960,50990,51019,51049,51078,51108,51138,51167,51197,51227,51256,51286,51315,51345,51374,51403,51433,51462,51492,51522,51552,51582,51611,51641,51670,51699,51729,51758,51787,51816,51846,51876,51906,51936,51965,51995,52025,52054,52083,52113,52142,52171,52200,52230,52260,52290,52319,52349,52379,52408,52438,52467,52497,52526,52555,52585,52614,52644,52673,52703,52733,52762,52792,52822,52851,52881,52910,52939,52969,52998,53028,53057,53087,53116,53146,53176,53205,53235,53264,53294,53324,53353,53383,53412,53441,53471,53500,53530,53559,53589,53619,53648,53678,53708,53737,53767,53796,53825,53855,53884,53913,53943,53973,54003,54032,54062,54092,54121,54151,54180,54209,54239,54268,54297,54327,54357,54387,54416,54446,54476,54505,54535,54564,54593,54623,54652,54681,54711,54741,54770,54800,54830,54859,54889,54919,54948,54977,55007,55036,55066,55095,55125,55154,55184,55213,55243,55273,55302,55332,55361,55391,55420,55450,55479,55508,55538,55567,55597,55627,55657,55686,55716,55745,55775,55804,55834,55863,55892,55922,55951,55981,56011,56040,56070,56100,56129,56159,56188,56218,56247,56276,56306,56335,56365,56394,56424,56454,56483,56513,56543,56572,56601,56631,56660,56690,56719,56749,56778,56808,56837,56867,56897,56926,56956,56985,57015,57044,57074,57103,57133,57162,57192,57221,57251,57280,57310,57340,57369,57399,57429,57458,57487,57517,57546,57576,57605,57634,57664,57694,57723,57753,57783,57813,57842,57871,57901,57930,57959,57989,58018,58048,58077,58107,58137,58167,58196,58226,58255,58285,58314,58343,58373,58402,58432,58461,58491,58521,58551,58580,58610,58639,58669,58698,58727,58757,58786,58816,58845,58875,58905,58934,58964,58994,59023,59053,59082,59111,59141,59170,59200,59229,59259,59288,59318,59348,59377,59407,59436,59466,59495,59525,59554,59584,59613,59643,59672,59702,59731,59761,59791,59820,59850,59879,59909,59939,59968,59997,60027,60056,60086,60115,60145,60174,60204,60234,60264,60293,60323,60352,60381,60411,60440,60469,60499,60528,60558,60588,60618,60648,60677,60707,60736,60765,60795,60824,60853,60883,60912,60942,60972,61002,61031,61061,61090,61120,61149,61179,61208,61237,61267,61296,61326,61356,61385,61415,61445,61474,61504,61533,61563,61592,61621,61651,61680,61710,61739,61769,61799,61828,61858,61888,61917,61947,61976,62006,62035,62064,62094,62123,62153,62182,62212,62242,62271,62301,62331,62360,62390,62419,62448,62478,62507,62537,62566,62596,62625,62655,62685,62715,62744,62774,62803,62832,62862,62891,62921,62950,62980,63009,63039,63069,63099,63128,63157,63187,63216,63246,63275,63305,63334,63363,63393,63423,63453,63482,63512,63541,63571,63600,63630,63659,63689,63718,63747,63777,63807,63836,63866,63895,63925,63955,63984,64014,64043,64073,64102,64131,64161,64190,64220,64249,64279,64309,64339,64368,64398,64427,64457,64486,64515,64545,64574,64603,64633,64663,64692,64722,64752,64782,64811,64841,64870,64899,64929,64958,64987,65017,65047,65076,65106,65136,65166,65195,65225,65254,65283,65313,65342,65371,65401,65431,65460,65490,65520,65549,65579,65608,65638,65667,65697,65726,65755,65785,65815,65844,65874,65903,65933,65963,65992,66022,66051,66081,66110,66140,66169,66199,66228,66258,66287,66317,66346,66376,66405,66435,66465,66494,66524,66553,66583,66612,66641,66671,66700,66730,66760,66789,66819,66849,66878,66908,66937,66967,66996,67025,67055,67084,67114,67143,67173,67203,67233,67262,67292,67321,67351,67380,67409,67439,67468,67497,67527,67557,67587,67617,67646,67676,67705,67735,67764,67793,67823,67852,67882,67911,67941,67971,68e3,68030,68060,68089,68119,68148,68177,68207,68236,68266,68295,68325,68354,68384,68414,68443,68473,68502,68532,68561,68591,68620,68650,68679,68708,68738,68768,68797,68827,68857,68886,68916,68946,68975,69004,69034,69063,69092,69122,69152,69181,69211,69240,69270,69300,69330,69359,69388,69418,69447,69476,69506,69535,69565,69595,69624,69654,69684,69713,69743,69772,69802,69831,69861,69890,69919,69949,69978,70008,70038,70067,70097,70126,70156,70186,70215,70245,70274,70303,70333,70362,70392,70421,70451,70481,70510,70540,70570,70599,70629,70658,70687,70717,70746,70776,70805,70835,70864,70894,70924,70954,70983,71013,71042,71071,71101,71130,71159,71189,71218,71248,71278,71308,71337,71367,71397,71426,71455,71485,71514,71543,71573,71602,71632,71662,71691,71721,71751,71781,71810,71839,71869,71898,71927,71957,71986,72016,72046,72075,72105,72135,72164,72194,72223,72253,72282,72311,72341,72370,72400,72429,72459,72489,72518,72548,72577,72607,72637,72666,72695,72725,72754,72784,72813,72843,72872,72902,72931,72961,72991,73020,73050,73080,73109,73139,73168,73197,73227,73256,73286,73315,73345,73375,73404,73434,73464,73493,73523,73552,73581,73611,73640,73669,73699,73729,73758,73788,73818,73848,73877,73907,73936,73965,73995,74024,74053,74083,74113,74142,74172,74202,74231,74261,74291,74320,74349,74379,74408,74437,74467,74497,74526,74556,74586,74615,74645,74675,74704,74733,74763,74792,74822,74851,74881,74910,74940,74969,74999,75029,75058,75088,75117,75147,75176,75206,75235,75264,75294,75323,75353,75383,75412,75442,75472,75501,75531,75560,75590,75619,75648,75678,75707,75737,75766,75796,75826,75856,75885,75915,75944,75974,76003,76032,76062,76091,76121,76150,76180,76210,76239,76269,76299,76328,76358,76387,76416,76446,76475,76505,76534,76564,76593,76623,76653,76682,76712,76741,76771,76801,76830,76859,76889,76918,76948,76977,77007,77036,77066,77096,77125,77155,77185,77214,77243,77273,77302,77332,77361,77390,77420,77450,77479,77509,77539,77569,77598,77627,77657,77686,77715,77745,77774,77804,77833,77863,77893,77923,77952,77982,78011,78041,78070,78099,78129,78158,78188,78217,78247,78277,78307,78336,78366,78395,78425,78454,78483,78513,78542,78572,78601,78631,78661,78690,78720,78750,78779,78808,78838,78867,78897,78926,78956,78985,79015,79044,79074,79104,79133,79163,79192,79222,79251,79281,79310,79340,79369,79399,79428,79458,79487,79517,79546,79576,79606,79635,79665,79695,79724,79753,79783,79812,79841,79871,79900,79930,79960,79990]},{"../main":621,"object-assign":499}],621:[function(t,e,r){var n=t("object-assign");function i(){this.regionalOptions=[],this.regionalOptions[""]={invalidCalendar:"Calendar {0} not found",invalidDate:"Invalid {0} date",invalidMonth:"Invalid {0} month",invalidYear:"Invalid {0} year",differentCalendars:"Cannot mix {0} and {1} dates"},this.local=this.regionalOptions[""],this.calendars={},this._localCals={}}function a(t,e,r,n){if(this._calendar=t,this._year=e,this._month=r,this._day=n,0===this._calendar._validateLevel&&!this._calendar.isValid(this._year,this._month,this._day))throw(c.local.invalidDate||c.regionalOptions[""].invalidDate).replace(/\{0\}/,this._calendar.local.name)}function o(t,e){return"000000".substring(0,e-(t=""+t).length)+t}function s(){this.shortYearCutoff="+10"}function l(t){this.local=this.regionalOptions[t]||this.regionalOptions[""]}n(i.prototype,{instance:function(t,e){t=(t||"gregorian").toLowerCase(),e=e||"";var r=this._localCals[t+"-"+e];if(!r&&this.calendars[t]&&(r=new this.calendars[t](e),this._localCals[t+"-"+e]=r),!r)throw(this.local.invalidCalendar||this.regionalOptions[""].invalidCalendar).replace(/\{0\}/,t);return r},newDate:function(t,e,r,n,i){return(n=(null!=t&&t.year?t.calendar():"string"==typeof n?this.instance(n,i):n)||this.instance()).newDate(t,e,r)},substituteDigits:function(t){return function(e){return(e+"").replace(/[0-9]/g,(function(e){return t[e]}))}},substituteChineseDigits:function(t,e){return function(r){for(var n="",i=0;r>0;){var a=r%10;n=(0===a?"":t[a]+e[i])+n,i++,r=Math.floor(r/10)}return 0===n.indexOf(t[1]+e[1])&&(n=n.substr(1)),n||t[0]}}}),n(a.prototype,{newDate:function(t,e,r){return this._calendar.newDate(null==t?this:t,e,r)},year:function(t){return 0===arguments.length?this._year:this.set(t,"y")},month:function(t){return 0===arguments.length?this._month:this.set(t,"m")},day:function(t){return 0===arguments.length?this._day:this.set(t,"d")},date:function(t,e,r){if(!this._calendar.isValid(t,e,r))throw(c.local.invalidDate||c.regionalOptions[""].invalidDate).replace(/\{0\}/,this._calendar.local.name);return this._year=t,this._month=e,this._day=r,this},leapYear:function(){return this._calendar.leapYear(this)},epoch:function(){return this._calendar.epoch(this)},formatYear:function(){return this._calendar.formatYear(this)},monthOfYear:function(){return this._calendar.monthOfYear(this)},weekOfYear:function(){return this._calendar.weekOfYear(this)},daysInYear:function(){return this._calendar.daysInYear(this)},dayOfYear:function(){return this._calendar.dayOfYear(this)},daysInMonth:function(){return this._calendar.daysInMonth(this)},dayOfWeek:function(){return this._calendar.dayOfWeek(this)},weekDay:function(){return this._calendar.weekDay(this)},extraInfo:function(){return this._calendar.extraInfo(this)},add:function(t,e){return this._calendar.add(this,t,e)},set:function(t,e){return this._calendar.set(this,t,e)},compareTo:function(t){if(this._calendar.name!==t._calendar.name)throw(c.local.differentCalendars||c.regionalOptions[""].differentCalendars).replace(/\{0\}/,this._calendar.local.name).replace(/\{1\}/,t._calendar.local.name);var e=this._year!==t._year?this._year-t._year:this._month!==t._month?this.monthOfYear()-t.monthOfYear():this._day-t._day;return 0===e?0:e<0?-1:1},calendar:function(){return this._calendar},toJD:function(){return this._calendar.toJD(this)},fromJD:function(t){return this._calendar.fromJD(t)},toJSDate:function(){return this._calendar.toJSDate(this)},fromJSDate:function(t){return this._calendar.fromJSDate(t)},toString:function(){return(this.year()<0?"-":"")+o(Math.abs(this.year()),4)+"-"+o(this.month(),2)+"-"+o(this.day(),2)}}),n(s.prototype,{_validateLevel:0,newDate:function(t,e,r){return null==t?this.today():(t.year&&(this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate),r=t.day(),e=t.month(),t=t.year()),new a(this,t,e,r))},today:function(){return this.fromJSDate(new Date)},epoch:function(t){return this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[""].invalidYear).year()<0?this.local.epochs[0]:this.local.epochs[1]},formatYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[""].invalidYear);return(e.year()<0?"-":"")+o(Math.abs(e.year()),4)},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[""].invalidYear),12},monthOfYear:function(t,e){var r=this._validate(t,e,this.minDay,c.local.invalidMonth||c.regionalOptions[""].invalidMonth);return(r.month()+this.monthsInYear(r)-this.firstMonth)%this.monthsInYear(r)+this.minMonth},fromMonthOfYear:function(t,e){var r=(e+this.firstMonth-2*this.minMonth)%this.monthsInYear(t)+this.minMonth;return this._validate(t,r,this.minDay,c.local.invalidMonth||c.regionalOptions[""].invalidMonth),r},daysInYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[""].invalidYear);return this.leapYear(e)?366:365},dayOfYear:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate);return n.toJD()-this.newDate(n.year(),this.fromMonthOfYear(n.year(),this.minMonth),this.minDay).toJD()+1},daysInWeek:function(){return 7},dayOfWeek:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate);return(Math.floor(this.toJD(n))+2)%this.daysInWeek()},extraInfo:function(t,e,r){return this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate),{}},add:function(t,e,r){return this._validate(t,this.minMonth,this.minDay,c.local.invalidDate||c.regionalOptions[""].invalidDate),this._correctAdd(t,this._add(t,e,r),e,r)},_add:function(t,e,r){if(this._validateLevel++,"d"===r||"w"===r){var n=t.toJD()+e*("w"===r?this.daysInWeek():1),i=t.calendar().fromJD(n);return this._validateLevel--,[i.year(),i.month(),i.day()]}try{var a=t.year()+("y"===r?e:0),o=t.monthOfYear()+("m"===r?e:0);i=t.day();"y"===r?(t.month()!==this.fromMonthOfYear(a,o)&&(o=this.newDate(a,t.month(),this.minDay).monthOfYear()),o=Math.min(o,this.monthsInYear(a)),i=Math.min(i,this.daysInMonth(a,this.fromMonthOfYear(a,o)))):"m"===r&&(!function(t){for(;oe-1+t.minMonth;)a++,o-=e,e=t.monthsInYear(a)}(this),i=Math.min(i,this.daysInMonth(a,this.fromMonthOfYear(a,o))));var s=[a,this.fromMonthOfYear(a,o),i];return this._validateLevel--,s}catch(t){throw this._validateLevel--,t}},_correctAdd:function(t,e,r,n){if(!(this.hasYearZero||"y"!==n&&"m"!==n||0!==e[0]&&t.year()>0==e[0]>0)){var i={y:[1,1,"y"],m:[1,this.monthsInYear(-1),"m"],w:[this.daysInWeek(),this.daysInYear(-1),"d"],d:[1,this.daysInYear(-1),"d"]}[n],a=r<0?-1:1;e=this._add(t,r*i[0]+a*i[1],i[2])}return t.date(e[0],e[1],e[2])},set:function(t,e,r){this._validate(t,this.minMonth,this.minDay,c.local.invalidDate||c.regionalOptions[""].invalidDate);var n="y"===r?e:t.year(),i="m"===r?e:t.month(),a="d"===r?e:t.day();return"y"!==r&&"m"!==r||(a=Math.min(a,this.daysInMonth(n,i))),t.date(n,i,a)},isValid:function(t,e,r){this._validateLevel++;var n=this.hasYearZero||0!==t;if(n){var i=this.newDate(t,e,this.minDay);n=e>=this.minMonth&&e-this.minMonth=this.minDay&&r-this.minDay13.5?13:1),c=i-(l>2.5?4716:4715);return c<=0&&c--,this.newDate(c,l,s)},toJSDate:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate),i=new Date(n.year(),n.month()-1,n.day());return i.setHours(0),i.setMinutes(0),i.setSeconds(0),i.setMilliseconds(0),i.setHours(i.getHours()>12?i.getHours()+2:0),i},fromJSDate:function(t){return this.newDate(t.getFullYear(),t.getMonth()+1,t.getDate())}});var c=e.exports=new i;c.cdate=a,c.baseCalendar=s,c.calendars.gregorian=l},{"object-assign":499}],622:[function(t,e,r){var n=t("object-assign"),i=t("./main");n(i.regionalOptions[""],{invalidArguments:"Invalid arguments",invalidFormat:"Cannot format a date from another calendar",missingNumberAt:"Missing number at position {0}",unknownNameAt:"Unknown name at position {0}",unexpectedLiteralAt:"Unexpected literal at position {0}",unexpectedText:"Additional text found at end"}),i.local=i.regionalOptions[""],n(i.cdate.prototype,{formatDate:function(t,e){return"string"!=typeof t&&(e=t,t=""),this._calendar.formatDate(t||"",this,e)}}),n(i.baseCalendar.prototype,{UNIX_EPOCH:i.instance().newDate(1970,1,1).toJD(),SECS_PER_DAY:86400,TICKS_EPOCH:i.instance().jdEpoch,TICKS_PER_DAY:864e9,ATOM:"yyyy-mm-dd",COOKIE:"D, dd M yyyy",FULL:"DD, MM d, yyyy",ISO_8601:"yyyy-mm-dd",JULIAN:"J",RFC_822:"D, d M yy",RFC_850:"DD, dd-M-yy",RFC_1036:"D, d M yy",RFC_1123:"D, d M yyyy",RFC_2822:"D, d M yyyy",RSS:"D, d M yy",TICKS:"!",TIMESTAMP:"@",W3C:"yyyy-mm-dd",formatDate:function(t,e,r){if("string"!=typeof t&&(r=e,e=t,t=""),!e)return"";if(e.calendar()!==this)throw i.local.invalidFormat||i.regionalOptions[""].invalidFormat;t=t||this.local.dateFormat;for(var n,a,o,s,l=(r=r||{}).dayNamesShort||this.local.dayNamesShort,c=r.dayNames||this.local.dayNames,u=r.monthNumbers||this.local.monthNumbers,f=r.monthNamesShort||this.local.monthNamesShort,h=r.monthNames||this.local.monthNames,p=(r.calculateWeek||this.local.calculateWeek,function(e,r){for(var n=1;w+n1}),d=function(t,e,r,n){var i=""+e;if(p(t,n))for(;i.length1},x=function(t,r){var n=y(t,r),a=[2,3,n?4:2,n?4:2,10,11,20]["oyYJ@!".indexOf(t)+1],o=new RegExp("^-?\\d{1,"+a+"}"),s=e.substring(M).match(o);if(!s)throw(i.local.missingNumberAt||i.regionalOptions[""].missingNumberAt).replace(/\{0\}/,M);return M+=s[0].length,parseInt(s[0],10)},b=this,_=function(){if("function"==typeof l){y("m");var t=l.call(b,e.substring(M));return M+=t.length,t}return x("m")},w=function(t,r,n,a){for(var o=y(t,a)?n:r,s=0;s-1){p=1,d=g;for(var E=this.daysInMonth(h,p);d>E;E=this.daysInMonth(h,p))p++,d-=E}return f>-1?this.fromJD(f):this.newDate(h,p,d)},determineDate:function(t,e,r,n,i){r&&"object"!=typeof r&&(i=n,n=r,r=null),"string"!=typeof n&&(i=n,n="");var a=this;return e=e?e.newDate():null,t=null==t?e:"string"==typeof t?function(t){try{return a.parseDate(n,t,i)}catch(t){}for(var e=((t=t.toLowerCase()).match(/^c/)&&r?r.newDate():null)||a.today(),o=/([+-]?[0-9]+)\s*(d|w|m|y)?/g,s=o.exec(t);s;)e.add(parseInt(s[1],10),s[2]||"d"),s=o.exec(t);return e}(t):"number"==typeof t?isNaN(t)||t===1/0||t===-1/0?e:a.today().add(t,"d"):a.newDate(t)}})},{"./main":621,"object-assign":499}],623:[function(t,e,r){e.exports=t("cwise-compiler")({args:["array",{offset:[1],array:0},"scalar","scalar","index"],pre:{body:"{}",args:[],thisVars:[],localVars:[]},post:{body:"{}",args:[],thisVars:[],localVars:[]},body:{body:"{\n var _inline_1_da = _inline_1_arg0_ - _inline_1_arg3_\n var _inline_1_db = _inline_1_arg1_ - _inline_1_arg3_\n if((_inline_1_da >= 0) !== (_inline_1_db >= 0)) {\n _inline_1_arg2_.push(_inline_1_arg4_[0] + 0.5 + 0.5 * (_inline_1_da + _inline_1_db) / (_inline_1_da - _inline_1_db))\n }\n }",args:[{name:"_inline_1_arg0_",lvalue:!1,rvalue:!0,count:1},{name:"_inline_1_arg1_",lvalue:!1,rvalue:!0,count:1},{name:"_inline_1_arg2_",lvalue:!1,rvalue:!0,count:1},{name:"_inline_1_arg3_",lvalue:!1,rvalue:!0,count:2},{name:"_inline_1_arg4_",lvalue:!1,rvalue:!0,count:1}],thisVars:[],localVars:["_inline_1_da","_inline_1_db"]},funcName:"zeroCrossings"})},{"cwise-compiler":151}],624:[function(t,e,r){"use strict";e.exports=function(t,e){var r=[];return e=+e||0,n(t.hi(t.shape[0]-1),r,e),r};var n=t("./lib/zc-core")},{"./lib/zc-core":623}],625:[function(t,e,r){"use strict";e.exports=[{path:"",backoff:0},{path:"M-2.4,-3V3L0.6,0Z",backoff:.6},{path:"M-3.7,-2.5V2.5L1.3,0Z",backoff:1.3},{path:"M-4.45,-3L-1.65,-0.2V0.2L-4.45,3L1.55,0Z",backoff:1.55},{path:"M-2.2,-2.2L-0.2,-0.2V0.2L-2.2,2.2L-1.4,3L1.6,0L-1.4,-3Z",backoff:1.6},{path:"M-4.4,-2.1L-0.6,-0.2V0.2L-4.4,2.1L-4,3L2,0L-4,-3Z",backoff:2},{path:"M2,0A2,2 0 1,1 0,-2A2,2 0 0,1 2,0Z",backoff:0,noRotate:!0},{path:"M2,2V-2H-2V2Z",backoff:0,noRotate:!0}]},{}],626:[function(t,e,r){"use strict";var n=t("./arrow_paths"),i=t("../../plots/font_attributes"),a=t("../../plots/cartesian/constants"),o=t("../../plot_api/plot_template").templatedArray;t("../../constants/axis_placeable_objects");e.exports=o("annotation",{visible:{valType:"boolean",dflt:!0,editType:"calc+arraydraw"},text:{valType:"string",editType:"calc+arraydraw"},textangle:{valType:"angle",dflt:0,editType:"calc+arraydraw"},font:i({editType:"calc+arraydraw",colorEditType:"arraydraw"}),width:{valType:"number",min:1,dflt:null,editType:"calc+arraydraw"},height:{valType:"number",min:1,dflt:null,editType:"calc+arraydraw"},opacity:{valType:"number",min:0,max:1,dflt:1,editType:"arraydraw"},align:{valType:"enumerated",values:["left","center","right"],dflt:"center",editType:"arraydraw"},valign:{valType:"enumerated",values:["top","middle","bottom"],dflt:"middle",editType:"arraydraw"},bgcolor:{valType:"color",dflt:"rgba(0,0,0,0)",editType:"arraydraw"},bordercolor:{valType:"color",dflt:"rgba(0,0,0,0)",editType:"arraydraw"},borderpad:{valType:"number",min:0,dflt:1,editType:"calc+arraydraw"},borderwidth:{valType:"number",min:0,dflt:1,editType:"calc+arraydraw"},showarrow:{valType:"boolean",dflt:!0,editType:"calc+arraydraw"},arrowcolor:{valType:"color",editType:"arraydraw"},arrowhead:{valType:"integer",min:0,max:n.length,dflt:1,editType:"arraydraw"},startarrowhead:{valType:"integer",min:0,max:n.length,dflt:1,editType:"arraydraw"},arrowside:{valType:"flaglist",flags:["end","start"],extras:["none"],dflt:"end",editType:"arraydraw"},arrowsize:{valType:"number",min:.3,dflt:1,editType:"calc+arraydraw"},startarrowsize:{valType:"number",min:.3,dflt:1,editType:"calc+arraydraw"},arrowwidth:{valType:"number",min:.1,editType:"calc+arraydraw"},standoff:{valType:"number",min:0,dflt:0,editType:"calc+arraydraw"},startstandoff:{valType:"number",min:0,dflt:0,editType:"calc+arraydraw"},ax:{valType:"any",editType:"calc+arraydraw"},ay:{valType:"any",editType:"calc+arraydraw"},axref:{valType:"enumerated",dflt:"pixel",values:["pixel",a.idRegex.x.toString()],editType:"calc"},ayref:{valType:"enumerated",dflt:"pixel",values:["pixel",a.idRegex.y.toString()],editType:"calc"},xref:{valType:"enumerated",values:["paper",a.idRegex.x.toString()],editType:"calc"},x:{valType:"any",editType:"calc+arraydraw"},xanchor:{valType:"enumerated",values:["auto","left","center","right"],dflt:"auto",editType:"calc+arraydraw"},xshift:{valType:"number",dflt:0,editType:"calc+arraydraw"},yref:{valType:"enumerated",values:["paper",a.idRegex.y.toString()],editType:"calc"},y:{valType:"any",editType:"calc+arraydraw"},yanchor:{valType:"enumerated",values:["auto","top","middle","bottom"],dflt:"auto",editType:"calc+arraydraw"},yshift:{valType:"number",dflt:0,editType:"calc+arraydraw"},clicktoshow:{valType:"enumerated",values:[!1,"onoff","onout"],dflt:!1,editType:"arraydraw"},xclick:{valType:"any",editType:"arraydraw"},yclick:{valType:"any",editType:"arraydraw"},hovertext:{valType:"string",editType:"arraydraw"},hoverlabel:{bgcolor:{valType:"color",editType:"arraydraw"},bordercolor:{valType:"color",editType:"arraydraw"},font:i({editType:"arraydraw"}),editType:"arraydraw"},captureevents:{valType:"boolean",editType:"arraydraw"},editType:"calc",_deprecated:{ref:{valType:"string",editType:"calc"}}})},{"../../constants/axis_placeable_objects":746,"../../plot_api/plot_template":817,"../../plots/cartesian/constants":834,"../../plots/font_attributes":856,"./arrow_paths":625}],627:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../plots/cartesian/axes"),a=t("./draw").draw;function o(t){var e=t._fullLayout;n.filterVisible(e.annotations).forEach((function(e){var r=i.getFromId(t,e.xref),n=i.getFromId(t,e.yref),a=i.getRefType(e.xref),o=i.getRefType(e.yref);e._extremes={},"range"===a&&s(e,r),"range"===o&&s(e,n)}))}function s(t,e){var r,n=e._id,a=n.charAt(0),o=t[a],s=t["a"+a],l=t[a+"ref"],c=t["a"+a+"ref"],u=t["_"+a+"padplus"],f=t["_"+a+"padminus"],h={x:1,y:-1}[a]*t[a+"shift"],p=3*t.arrowsize*t.arrowwidth||0,d=p+h,g=p-h,m=3*t.startarrowsize*t.arrowwidth||0,v=m+h,y=m-h;if(c===l){var x=i.findExtremes(e,[e.r2c(o)],{ppadplus:d,ppadminus:g}),b=i.findExtremes(e,[e.r2c(s)],{ppadplus:Math.max(u,v),ppadminus:Math.max(f,y)});r={min:[x.min[0],b.min[0]],max:[x.max[0],b.max[0]]}}else v=s?v+s:v,y=s?y-s:y,r=i.findExtremes(e,[e.r2c(o)],{ppadplus:Math.max(u,d,v),ppadminus:Math.max(f,g,y)});t._extremes[n]=r}e.exports=function(t){var e=t._fullLayout;if(n.filterVisible(e.annotations).length&&t._fullData.length)return n.syncOrAsync([a,o],t)}},{"../../lib":778,"../../plots/cartesian/axes":828,"./draw":632}],628:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry"),a=t("../../plot_api/plot_template").arrayEditor;function o(t,e){var r,n,i,a,o,l,c,u=t._fullLayout.annotations,f=[],h=[],p=[],d=(e||[]).length;for(r=0;r0||r.explicitOff.length>0},onClick:function(t,e){var r,s,l=o(t,e),c=l.on,u=l.off.concat(l.explicitOff),f={},h=t._fullLayout.annotations;if(!c.length&&!u.length)return;for(r=0;r2/3?"right":"center"),{center:0,middle:0,left:.5,bottom:-.5,right:-.5,top:.5}[e]}for(var W=!1,X=["x","y"],Z=0;Z1)&&(nt===rt?((pt=it.r2fraction(e["a"+et]))<0||pt>1)&&(W=!0):W=!0),J=it._offset+it.r2p(e[et]),$=.5}else{var dt="domain"===ht;"x"===et?(Q=e[et],J=dt?it._offset+it._length*Q:J=T.l+T.w*Q):(Q=1-e[et],J=dt?it._offset+it._length*Q:J=T.t+T.h*Q),$=e.showarrow?.5:Q}if(e.showarrow){ft.head=J;var gt=e["a"+et];if(tt=ot*H(.5,e.xanchor)-st*H(.5,e.yanchor),nt===rt){var mt=l.getRefType(nt);"domain"===mt?("y"===et&&(gt=1-gt),ft.tail=it._offset+it._length*gt):"paper"===mt?"y"===et?(gt=1-gt,ft.tail=T.t+T.h*gt):ft.tail=T.l+T.w*gt:ft.tail=it._offset+it.r2p(gt),K=tt}else ft.tail=J+gt,K=tt+gt;ft.text=ft.tail+tt;var vt=w["x"===et?"width":"height"];if("paper"===rt&&(ft.head=o.constrain(ft.head,1,vt-1)),"pixel"===nt){var yt=-Math.max(ft.tail-3,ft.text),xt=Math.min(ft.tail+3,ft.text)-vt;yt>0?(ft.tail+=yt,ft.text+=yt):xt>0&&(ft.tail-=xt,ft.text-=xt)}ft.tail+=ut,ft.head+=ut}else K=tt=lt*H($,ct),ft.text=J+tt;ft.text+=ut,tt+=ut,K+=ut,e["_"+et+"padplus"]=lt/2+K,e["_"+et+"padminus"]=lt/2-K,e["_"+et+"size"]=lt,e["_"+et+"shift"]=tt}if(W)R.remove();else{var bt=0,_t=0;if("left"!==e.align&&(bt=(M-b)*("center"===e.align?.5:1)),"top"!==e.valign&&(_t=(D-_)*("middle"===e.valign?.5:1)),f)n.select("svg").attr({x:N+bt-1,y:N+_t}).call(u.setClipUrl,U?C:null,t);else{var wt=N+_t-g.top,Tt=N+bt-g.left;G.call(h.positionText,Tt,wt).call(u.setClipUrl,U?C:null,t)}V.select("rect").call(u.setRect,N,N,M,D),j.call(u.setRect,F/2,F/2,B-F,q-F),R.call(u.setTranslate,Math.round(L.x.text-B/2),Math.round(L.y.text-q/2)),z.attr({transform:"rotate("+I+","+L.x.text+","+L.y.text+")"});var kt,Mt=function(r,n){P.selectAll(".annotation-arrow-g").remove();var l=L.x.head,f=L.y.head,h=L.x.tail+r,p=L.y.tail+n,g=L.x.text+r,b=L.y.text+n,_=o.rotationXYMatrix(I,g,b),w=o.apply2DTransform(_),M=o.apply2DTransform2(_),C=+j.attr("width"),O=+j.attr("height"),D=g-.5*C,F=D+C,B=b-.5*O,N=B+O,U=[[D,B,D,N],[D,N,F,N],[F,N,F,B],[F,B,D,B]].map(M);if(!U.reduce((function(t,e){return t^!!o.segmentsIntersect(l,f,l+1e6,f+1e6,e[0],e[1],e[2],e[3])}),!1)){U.forEach((function(t){var e=o.segmentsIntersect(h,p,l,f,t[0],t[1],t[2],t[3]);e&&(h=e.x,p=e.y)}));var V=e.arrowwidth,q=e.arrowcolor,H=e.arrowside,G=P.append("g").style({opacity:c.opacity(q)}).classed("annotation-arrow-g",!0),Y=G.append("path").attr("d","M"+h+","+p+"L"+l+","+f).style("stroke-width",V+"px").call(c.stroke,c.rgb(q));if(m(Y,H,e),k.annotationPosition&&Y.node().parentNode&&!a){var W=l,X=f;if(e.standoff){var Z=Math.sqrt(Math.pow(l-h,2)+Math.pow(f-p,2));W+=e.standoff*(h-l)/Z,X+=e.standoff*(p-f)/Z}var J,K,Q=G.append("path").classed("annotation-arrow",!0).classed("anndrag",!0).classed("cursor-move",!0).attr({d:"M3,3H-3V-3H3ZM0,0L"+(h-W)+","+(p-X),transform:s(W,X)}).style("stroke-width",V+6+"px").call(c.stroke,"rgba(0,0,0,0)").call(c.fill,"rgba(0,0,0,0)");d.init({element:Q.node(),gd:t,prepFn:function(){var t=u.getTranslate(R);J=t.x,K=t.y,v&&v.autorange&&A(v._name+".autorange",!0),x&&x.autorange&&A(x._name+".autorange",!0)},moveFn:function(t,r){var n=w(J,K),i=n[0]+t,a=n[1]+r;R.call(u.setTranslate,i,a),S("x",y(v,t,"x",T,e)),S("y",y(x,r,"y",T,e)),e.axref===e.xref&&S("ax",y(v,t,"ax",T,e)),e.ayref===e.yref&&S("ay",y(x,r,"ay",T,e)),G.attr("transform",s(t,r)),z.attr({transform:"rotate("+I+","+i+","+a+")"})},doneFn:function(){i.call("_guiRelayout",t,E());var e=document.querySelector(".js-notes-box-panel");e&&e.redraw(e.selectedObj)}})}}};if(e.showarrow&&Mt(0,0),O)d.init({element:R.node(),gd:t,prepFn:function(){kt=z.attr("transform")},moveFn:function(t,r){var n="pointer";if(e.showarrow)e.axref===e.xref?S("ax",y(v,t,"ax",T,e)):S("ax",e.ax+t),e.ayref===e.yref?S("ay",y(x,r,"ay",T.w,e)):S("ay",e.ay+r),Mt(t,r);else{if(a)return;var i,o;if(v)i=y(v,t,"x",T,e);else{var l=e._xsize/T.w,c=e.x+(e._xshift-e.xshift)/T.w-l/2;i=d.align(c+t/T.w,l,0,1,e.xanchor)}if(x)o=y(x,r,"y",T,e);else{var u=e._ysize/T.h,f=e.y-(e._yshift+e.yshift)/T.h-u/2;o=d.align(f-r/T.h,u,0,1,e.yanchor)}S("x",i),S("y",o),v&&x||(n=d.getCursor(v?.5:i,x?.5:o,e.xanchor,e.yanchor))}z.attr({transform:s(t,r)+kt}),p(R,n)},clickFn:function(r,n){e.captureevents&&t.emit("plotly_clickannotation",Y(n))},doneFn:function(){p(R),i.call("_guiRelayout",t,E());var e=document.querySelector(".js-notes-box-panel");e&&e.redraw(e.selectedObj)}})}}}e.exports={draw:function(t){var e=t._fullLayout;e._infolayer.selectAll(".annotation").remove();for(var r=0;r=0,x=e.indexOf("end")>=0,b=d.backoff*m+r.standoff,_=g.backoff*v+r.startstandoff;if("line"===p.nodeName){o={x:+t.attr("x1"),y:+t.attr("y1")},u={x:+t.attr("x2"),y:+t.attr("y2")};var w=o.x-u.x,T=o.y-u.y;if(h=(f=Math.atan2(T,w))+Math.PI,b&&_&&b+_>Math.sqrt(w*w+T*T))return void O();if(b){if(b*b>w*w+T*T)return void O();var k=b*Math.cos(f),M=b*Math.sin(f);u.x+=k,u.y+=M,t.attr({x2:u.x,y2:u.y})}if(_){if(_*_>w*w+T*T)return void O();var A=_*Math.cos(f),S=_*Math.sin(f);o.x-=A,o.y-=S,t.attr({x1:o.x,y1:o.y})}}else if("path"===p.nodeName){var E=p.getTotalLength(),C="";if(E1){c=!0;break}}c?t.fullLayout._infolayer.select(".annotation-"+t.id+'[data-index="'+s+'"]').remove():(l._pdata=i(t.glplot.cameraParams,[e.xaxis.r2l(l.x)*r[0],e.yaxis.r2l(l.y)*r[1],e.zaxis.r2l(l.z)*r[2]]),n(t.graphDiv,l,s,t.id,l._xa,l._ya))}}},{"../../plots/gl3d/project":879,"../annotations/draw":632}],639:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib");e.exports={moduleType:"component",name:"annotations3d",schema:{subplots:{scene:{annotations:t("./attributes")}}},layoutAttributes:t("./attributes"),handleDefaults:t("./defaults"),includeBasePlot:function(t,e){var r=n.subplotsRegistry.gl3d;if(!r)return;for(var a=r.attrRegex,o=Object.keys(t),s=0;s=0))return t;if(3===o)n[o]>1&&(n[o]=1);else if(n[o]>=1)return t}var s=Math.round(255*n[0])+", "+Math.round(255*n[1])+", "+Math.round(255*n[2]);return a?"rgba("+s+", "+n[3]+")":"rgb("+s+")"}a.tinyRGB=function(t){var e=t.toRgb();return"rgb("+Math.round(e.r)+", "+Math.round(e.g)+", "+Math.round(e.b)+")"},a.rgb=function(t){return a.tinyRGB(n(t))},a.opacity=function(t){return t?n(t).getAlpha():0},a.addOpacity=function(t,e){var r=n(t).toRgb();return"rgba("+Math.round(r.r)+", "+Math.round(r.g)+", "+Math.round(r.b)+", "+e+")"},a.combine=function(t,e){var r=n(t).toRgb();if(1===r.a)return n(t).toRgbString();var i=n(e||l).toRgb(),a=1===i.a?i:{r:255*(1-i.a)+i.r*i.a,g:255*(1-i.a)+i.g*i.a,b:255*(1-i.a)+i.b*i.a},o={r:a.r*(1-r.a)+r.r*r.a,g:a.g*(1-r.a)+r.g*r.a,b:a.b*(1-r.a)+r.b*r.a};return n(o).toRgbString()},a.contrast=function(t,e,r){var i=n(t);return 1!==i.getAlpha()&&(i=n(a.combine(t,l))),(i.isDark()?e?i.lighten(e):l:r?i.darken(r):s).toString()},a.stroke=function(t,e){var r=n(e);t.style({stroke:a.tinyRGB(r),"stroke-opacity":r.getAlpha()})},a.fill=function(t,e){var r=n(e);t.style({fill:a.tinyRGB(r),"fill-opacity":r.getAlpha()})},a.clean=function(t){if(t&&"object"==typeof t){var e,r,n,i,o=Object.keys(t);for(e=0;e0?n>=l:n<=l));i++)n>u&&n0?n>=l:n<=l));i++)n>r[0]&&n1){var J=Math.pow(10,Math.floor(Math.log(Z)/Math.LN10));W*=J*c.roundUp(Z/J,[2,5,10]),(Math.abs(L.start)/L.size+1e-6)%1<2e-6&&(Y.tick0=0)}Y.dtick=W}Y.domain=[q+j,q+F-j],Y.setScale(),t.attr("transform",u(Math.round(l.l),Math.round(l.t)));var K,Q=t.select("."+M.cbtitleunshift).attr("transform",u(-Math.round(l.l),-Math.round(l.t))),$=t.select("."+M.cbaxis),tt=0;function et(n,i){var a={propContainer:Y,propName:e._propPrefix+"title",traceIndex:e._traceIndex,_meta:e._meta,placeholder:o._dfltTitle.colorbar,containerGroup:t.select("."+M.cbtitle)},s="h"===n.charAt(0)?n.substr(1):"h"+n;t.selectAll("."+s+",."+s+"-math-group").remove(),g.draw(r,n,f(a,i||{}))}return c.syncOrAsync([a.previousPromises,function(){if(-1!==["top","bottom"].indexOf(A)){var t,r=l.l+(e.x+B)*l.w,n=Y.title.font.size;t="top"===A?(1-(q+F-j))*l.h+l.t+3+.75*n:(1-(q+j))*l.h+l.t-3-.25*n,et(Y._id+"title",{attributes:{x:r,y:t,"text-anchor":"start"}})}},function(){if(-1!==["top","bottom"].indexOf(A)){var a=t.select("."+M.cbtitle),o=a.select("text"),f=[-e.outlinewidth/2,e.outlinewidth/2],h=a.select(".h"+Y._id+"title-math-group").node(),d=15.6;if(o.node()&&(d=parseInt(o.node().style.fontSize,10)*w),h?(tt=p.bBox(h).height)>d&&(f[1]-=(tt-d)/2):o.node()&&!o.classed(M.jsPlaceholder)&&(tt=p.bBox(o.node()).height),tt){if(tt+=5,"top"===A)Y.domain[1]-=tt/l.h,f[1]*=-1;else{Y.domain[0]+=tt/l.h;var g=m.lineCount(o);f[1]+=(1-g)*d}a.attr("transform",u(f[0],f[1])),Y.setScale()}}t.selectAll("."+M.cbfills+",."+M.cblines).attr("transform",u(0,Math.round(l.h*(1-Y.domain[1])))),$.attr("transform",u(0,Math.round(-l.t)));var y=t.select("."+M.cbfills).selectAll("rect."+M.cbfill).attr("style","").data(P);y.enter().append("rect").classed(M.cbfill,!0).style("stroke","none"),y.exit().remove();var x=S.map(Y.c2p).map(Math.round).sort((function(t,e){return t-e}));y.each((function(t,a){var o=[0===a?S[0]:(P[a]+P[a-1])/2,a===P.length-1?S[1]:(P[a]+P[a+1])/2].map(Y.c2p).map(Math.round);o[1]=c.constrain(o[1]+(o[1]>o[0])?1:-1,x[0],x[1]);var s=n.select(this).attr({x:U,width:Math.max(O,2),y:n.min(o),height:Math.max(n.max(o)-n.min(o),2)});if(e._fillgradient)p.gradient(s,r,e._id,"vertical",e._fillgradient,"fill");else{var l=C(t).replace("e-","");s.attr("fill",i(l).toHexString())}}));var b=t.select("."+M.cblines).selectAll("path."+M.cbline).data(v.color&&v.width?z:[]);b.enter().append("path").classed(M.cbline,!0),b.exit().remove(),b.each((function(t){n.select(this).attr("d","M"+U+","+(Math.round(Y.c2p(t))+v.width/2%1)+"h"+O).call(p.lineGroupStyle,v.width,E(t),v.dash)})),$.selectAll("g."+Y._id+"tick,path").remove();var _=U+O+(e.outlinewidth||0)/2-("outside"===e.ticks?1:0),T=s.calcTicks(Y),k=s.getTickSigns(Y)[2];return s.drawTicks(r,Y,{vals:"inside"===Y.ticks?s.clipEnds(Y,T):T,layer:$,path:s.makeTickPath(Y,_,k),transFn:s.makeTransTickFn(Y)}),s.drawLabels(r,Y,{vals:T,layer:$,transFn:s.makeTransTickLabelFn(Y),labelFns:s.makeLabelFns(Y,_)})},function(){if(-1===["top","bottom"].indexOf(A)){var t=Y.title.font.size,e=Y._offset+Y._length/2,i=l.l+(Y.position||0)*l.w+("right"===Y.side?10+t*(Y.showticklabels?1:.5):-10-t*(Y.showticklabels?.5:0));et("h"+Y._id+"title",{avoid:{selection:n.select(r).selectAll("g."+Y._id+"tick"),side:A,offsetLeft:l.l,offsetTop:0,maxShift:o.width},attributes:{x:i,y:e,"text-anchor":"middle"},transform:{rotate:"-90",offset:0}})}},a.previousPromises,function(){var n=O+e.outlinewidth/2;if(-1===Y.ticklabelposition.indexOf("inside")&&(n+=p.bBox($.node()).width),(K=Q.select("text")).node()&&!K.classed(M.jsPlaceholder)){var i,o=Q.select(".h"+Y._id+"title-math-group").node();i=o&&-1!==["top","bottom"].indexOf(A)?p.bBox(o).width:p.bBox(Q.node()).right-U-l.l,n=Math.max(n,i)}var s=2*e.xpad+n+e.borderwidth+e.outlinewidth/2,c=H-G;t.select("."+M.cbbg).attr({x:U-e.xpad-(e.borderwidth+e.outlinewidth)/2,y:G-N,width:Math.max(s,2),height:Math.max(c+2*N,2)}).call(d.fill,e.bgcolor).call(d.stroke,e.bordercolor).style("stroke-width",e.borderwidth),t.selectAll("."+M.cboutline).attr({x:U,y:G+e.ypad+("top"===A?tt:0),width:Math.max(O,2),height:Math.max(c-2*e.ypad-tt,2)}).call(d.stroke,e.outlinecolor).style({fill:"none","stroke-width":e.outlinewidth});var f=({center:.5,right:1}[e.xanchor]||0)*s;t.attr("transform",u(l.l-f,l.t));var h={},g=T[e.yanchor],m=k[e.yanchor];"pixels"===e.lenmode?(h.y=e.y,h.t=c*g,h.b=c*m):(h.t=h.b=0,h.yt=e.y+e.len*g,h.yb=e.y-e.len*m);var v=T[e.xanchor],y=k[e.xanchor];if("pixels"===e.thicknessmode)h.x=e.x,h.l=s*v,h.r=s*y;else{var x=s-O;h.l=x*v,h.r=x*y,h.xl=e.x-e.thickness*v,h.xr=e.x+e.thickness*y}a.autoMargin(r,e._id,h)}],r)}(r,e,t);v&&v.then&&(t._promises||[]).push(v),t._context.edits.colorbarPosition&&function(t,e,r){var n,i,a,s=r._fullLayout._size;l.init({element:t.node(),gd:r,prepFn:function(){n=t.attr("transform"),h(t)},moveFn:function(r,o){t.attr("transform",n+u(r,o)),i=l.align(e._xLeftFrac+r/s.w,e._thickFrac,0,1,e.xanchor),a=l.align(e._yBottomFrac-o/s.h,e._lenFrac,0,1,e.yanchor);var c=l.getCursor(i,a,e.xanchor,e.yanchor);h(t,c)},doneFn:function(){if(h(t),void 0!==i&&void 0!==a){var n={};n[e._propPrefix+"x"]=i,n[e._propPrefix+"y"]=a,void 0!==e._traceIndex?o.call("_guiRestyle",r,n,e._traceIndex):o.call("_guiRelayout",r,n)}}})}(r,e,t)})),e.exit().each((function(e){a.autoMargin(t,e._id)})).remove(),e.order()}}},{"../../constants/alignment":745,"../../lib":778,"../../lib/extend":768,"../../lib/setcursor":799,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"../../plots/cartesian/axis_defaults":830,"../../plots/cartesian/layout_attributes":842,"../../plots/cartesian/position_defaults":845,"../../plots/plots":891,"../../registry":911,"../color":643,"../colorscale/helpers":654,"../dragelement":662,"../drawing":665,"../titles":738,"./constants":645,d3:169,tinycolor2:576}],648:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t){return n.isPlainObject(t.colorbar)}},{"../../lib":778}],649:[function(t,e,r){"use strict";e.exports={moduleType:"component",name:"colorbar",attributes:t("./attributes"),supplyDefaults:t("./defaults"),draw:t("./draw").draw,hasColorbar:t("./has_colorbar")}},{"./attributes":644,"./defaults":646,"./draw":647,"./has_colorbar":648}],650:[function(t,e,r){"use strict";var n=t("../colorbar/attributes"),i=t("../../lib/regex").counter,a=t("./scales.js").scales;Object.keys(a);function o(t){return"`"+t+"`"}e.exports=function(t,e){t=t||"";var r,s=(e=e||{}).cLetter||"c",l=("onlyIfNumerical"in e?e.onlyIfNumerical:Boolean(t),"noScale"in e?e.noScale:"marker.line"===t),c="showScaleDflt"in e?e.showScaleDflt:"z"===s,u="string"==typeof e.colorscaleDflt?a[e.colorscaleDflt]:null,f=e.editTypeOverride||"",h=t?t+".":"";"colorAttr"in e?(r=e.colorAttr,e.colorAttr):o(h+(r={z:"z",c:"color"}[s]));var p=s+"auto",d=s+"min",g=s+"max",m=s+"mid",v=(o(h+p),o(h+d),o(h+g),{});v[d]=v[g]=void 0;var y={};y[p]=!1;var x={};return"color"===r&&(x.color={valType:"color",arrayOk:!0,editType:f||"style"},e.anim&&(x.color.anim=!0)),x[p]={valType:"boolean",dflt:!0,editType:"calc",impliedEdits:v},x[d]={valType:"number",dflt:null,editType:f||"plot",impliedEdits:y},x[g]={valType:"number",dflt:null,editType:f||"plot",impliedEdits:y},x[m]={valType:"number",dflt:null,editType:"calc",impliedEdits:v},x.colorscale={valType:"colorscale",editType:"calc",dflt:u,impliedEdits:{autocolorscale:!1}},x.autocolorscale={valType:"boolean",dflt:!1!==e.autoColorDflt,editType:"calc",impliedEdits:{colorscale:void 0}},x.reversescale={valType:"boolean",dflt:!1,editType:"plot"},l||(x.showscale={valType:"boolean",dflt:c,editType:"calc"},x.colorbar=n),e.noColorAxis||(x.coloraxis={valType:"subplotid",regex:i("coloraxis"),dflt:null,editType:"calc"}),x}},{"../../lib/regex":795,"../colorbar/attributes":644,"./scales.js":658}],651:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../lib"),a=t("./helpers").extractOpts;e.exports=function(t,e,r){var o,s=t._fullLayout,l=r.vals,c=r.containerStr,u=c?i.nestedProperty(e,c).get():e,f=a(u),h=!1!==f.auto,p=f.min,d=f.max,g=f.mid,m=function(){return i.aggNums(Math.min,null,l)},v=function(){return i.aggNums(Math.max,null,l)};(void 0===p?p=m():h&&(p=u._colorAx&&n(p)?Math.min(p,m()):m()),void 0===d?d=v():h&&(d=u._colorAx&&n(d)?Math.max(d,v()):v()),h&&void 0!==g&&(d-g>g-p?p=g-(d-g):d-g=0?s.colorscale.sequential:s.colorscale.sequentialminus,f._sync("colorscale",o))}},{"../../lib":778,"./helpers":654,"fast-isnumeric":241}],652:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./helpers").hasColorscale,a=t("./helpers").extractOpts;e.exports=function(t,e){function r(t,e){var r=t["_"+e];void 0!==r&&(t[e]=r)}function o(t,i){var o=i.container?n.nestedProperty(t,i.container).get():t;if(o)if(o.coloraxis)o._colorAx=e[o.coloraxis];else{var s=a(o),l=s.auto;(l||void 0===s.min)&&r(o,i.min),(l||void 0===s.max)&&r(o,i.max),s.autocolorscale&&r(o,"colorscale")}}for(var s=0;s=0;n--,i++){var a=t[n];r[i]=[1-a[0],a[1]]}return r}function d(t,e){e=e||{};for(var r=t.domain,o=t.range,l=o.length,c=new Array(l),u=0;u4/3-s?o:s}},{}],660:[function(t,e,r){"use strict";var n=t("../../lib"),i=[["sw-resize","s-resize","se-resize"],["w-resize","move","e-resize"],["nw-resize","n-resize","ne-resize"]];e.exports=function(t,e,r,a){return t="left"===r?0:"center"===r?1:"right"===r?2:n.constrain(Math.floor(3*t),0,2),e="bottom"===a?0:"middle"===a?1:"top"===a?2:n.constrain(Math.floor(3*e),0,2),i[e][t]}},{"../../lib":778}],661:[function(t,e,r){"use strict";r.selectMode=function(t){return"lasso"===t||"select"===t},r.drawMode=function(t){return"drawclosedpath"===t||"drawopenpath"===t||"drawline"===t||"drawrect"===t||"drawcircle"===t},r.openMode=function(t){return"drawline"===t||"drawopenpath"===t},r.rectMode=function(t){return"select"===t||"drawline"===t||"drawrect"===t||"drawcircle"===t},r.freeMode=function(t){return"lasso"===t||"drawclosedpath"===t||"drawopenpath"===t},r.selectingOrDrawing=function(t){return r.freeMode(t)||r.rectMode(t)}},{}],662:[function(t,e,r){"use strict";var n=t("mouse-event-offset"),i=t("has-hover"),a=t("has-passive-events"),o=t("../../lib").removeElement,s=t("../../plots/cartesian/constants"),l=e.exports={};l.align=t("./align"),l.getCursor=t("./cursor");var c=t("./unhover");function u(){var t=document.createElement("div");t.className="dragcover";var e=t.style;return e.position="fixed",e.left=0,e.right=0,e.top=0,e.bottom=0,e.zIndex=999999999,e.background="none",document.body.appendChild(t),t}function f(t){return n(t.changedTouches?t.changedTouches[0]:t,document.body)}l.unhover=c.wrapped,l.unhoverRaw=c.raw,l.init=function(t){var e,r,n,c,h,p,d,g,m=t.gd,v=1,y=m._context.doubleClickDelay,x=t.element;m._mouseDownTime||(m._mouseDownTime=0),x.style.pointerEvents="all",x.onmousedown=_,a?(x._ontouchstart&&x.removeEventListener("touchstart",x._ontouchstart),x._ontouchstart=_,x.addEventListener("touchstart",_,{passive:!1})):x.ontouchstart=_;var b=t.clampFn||function(t,e,r){return Math.abs(t)y&&(v=Math.max(v-1,1)),m._dragged)t.doneFn&&t.doneFn();else if(t.clickFn&&t.clickFn(v,p),!g){var r;try{r=new MouseEvent("click",e)}catch(t){var n=f(e);(r=document.createEvent("MouseEvents")).initMouseEvent("click",e.bubbles,e.cancelable,e.view,e.detail,e.screenX,e.screenY,n[0],n[1],e.ctrlKey,e.altKey,e.shiftKey,e.metaKey,e.button,e.relatedTarget)}d.dispatchEvent(r)}m._dragging=!1,m._dragged=!1}else m._dragged=!1}},l.coverSlip=u},{"../../lib":778,"../../plots/cartesian/constants":834,"./align":659,"./cursor":660,"./unhover":663,"has-hover":440,"has-passive-events":441,"mouse-event-offset":484}],663:[function(t,e,r){"use strict";var n=t("../../lib/events"),i=t("../../lib/throttle"),a=t("../../lib/dom").getGraphDiv,o=t("../fx/constants"),s=e.exports={};s.wrapped=function(t,e,r){(t=a(t))._fullLayout&&i.clear(t._fullLayout._uid+o.HOVERID),s.raw(t,e,r)},s.raw=function(t,e){var r=t._fullLayout,i=t._hoverdata;e||(e={}),e.target&&!1===n.triggerHandler(t,"plotly_beforehover",e)||(r._hoverlayer.selectAll("g").remove(),r._hoverlayer.selectAll("line").remove(),r._hoverlayer.selectAll("circle").remove(),t._hoverdata=void 0,e.target&&i&&t.emit("plotly_unhover",{event:e,points:i}))}},{"../../lib/dom":766,"../../lib/events":767,"../../lib/throttle":804,"../fx/constants":677}],664:[function(t,e,r){"use strict";r.dash={valType:"string",values:["solid","dot","dash","longdash","dashdot","longdashdot"],dflt:"solid",editType:"style"}},{}],665:[function(t,e,r){"use strict";var n=t("d3"),i=t("fast-isnumeric"),a=t("tinycolor2"),o=t("../../registry"),s=t("../color"),l=t("../colorscale"),c=t("../../lib"),u=c.strTranslate,f=t("../../lib/svg_text_utils"),h=t("../../constants/xmlns_namespaces"),p=t("../../constants/alignment").LINE_SPACING,d=t("../../constants/interactions").DESELECTDIM,g=t("../../traces/scatter/subtypes"),m=t("../../traces/scatter/make_bubble_size_func"),v=t("../../components/fx/helpers").appendArrayPointValue,y=e.exports={};y.font=function(t,e,r,n){c.isPlainObject(e)&&(n=e.color,r=e.size,e=e.family),e&&t.style("font-family",e),r+1&&t.style("font-size",r+"px"),n&&t.call(s.fill,n)},y.setPosition=function(t,e,r){t.attr("x",e).attr("y",r)},y.setSize=function(t,e,r){t.attr("width",e).attr("height",r)},y.setRect=function(t,e,r,n,i){t.call(y.setPosition,e,r).call(y.setSize,n,i)},y.translatePoint=function(t,e,r,n){var a=r.c2p(t.x),o=n.c2p(t.y);return!!(i(a)&&i(o)&&e.node())&&("text"===e.node().nodeName?e.attr("x",a).attr("y",o):e.attr("transform",u(a,o)),!0)},y.translatePoints=function(t,e,r){t.each((function(t){var i=n.select(this);y.translatePoint(t,i,e,r)}))},y.hideOutsideRangePoint=function(t,e,r,n,i,a){e.attr("display",r.isPtWithinRange(t,i)&&n.isPtWithinRange(t,a)?null:"none")},y.hideOutsideRangePoints=function(t,e){if(e._hasClipOnAxisFalse){var r=e.xaxis,i=e.yaxis;t.each((function(e){var a=e[0].trace,s=a.xcalendar,l=a.ycalendar,c=o.traceIs(a,"bar-like")?".bartext":".point,.textpoint";t.selectAll(c).each((function(t){y.hideOutsideRangePoint(t,n.select(this),r,i,s,l)}))}))}},y.crispRound=function(t,e,r){return e&&i(e)?t._context.staticPlot?e:e<1?1:Math.round(e):r||0},y.singleLineStyle=function(t,e,r,n,i){e.style("fill","none");var a=(((t||[])[0]||{}).trace||{}).line||{},o=r||a.width||0,l=i||a.dash||"";s.stroke(e,n||a.color),y.dashLine(e,l,o)},y.lineGroupStyle=function(t,e,r,i){t.style("fill","none").each((function(t){var a=(((t||[])[0]||{}).trace||{}).line||{},o=e||a.width||0,l=i||a.dash||"";n.select(this).call(s.stroke,r||a.color).call(y.dashLine,l,o)}))},y.dashLine=function(t,e,r){r=+r||0,e=y.dashStyle(e,r),t.style({"stroke-dasharray":e,"stroke-width":r+"px"})},y.dashStyle=function(t,e){e=+e||1;var r=Math.max(e,3);return"solid"===t?t="":"dot"===t?t=r+"px,"+r+"px":"dash"===t?t=3*r+"px,"+3*r+"px":"longdash"===t?t=5*r+"px,"+5*r+"px":"dashdot"===t?t=3*r+"px,"+r+"px,"+r+"px,"+r+"px":"longdashdot"===t&&(t=5*r+"px,"+2*r+"px,"+r+"px,"+2*r+"px"),t},y.singleFillStyle=function(t){var e=(((n.select(t.node()).data()[0]||[])[0]||{}).trace||{}).fillcolor;e&&t.call(s.fill,e)},y.fillGroupStyle=function(t){t.style("stroke-width",0).each((function(t){var e=n.select(this);t[0].trace&&e.call(s.fill,t[0].trace.fillcolor)}))};var x=t("./symbol_defs");y.symbolNames=[],y.symbolFuncs=[],y.symbolNeedLines={},y.symbolNoDot={},y.symbolNoFill={},y.symbolList=[],Object.keys(x).forEach((function(t){var e=x[t],r=e.n;y.symbolList.push(r,String(r),t,r+100,String(r+100),t+"-open"),y.symbolNames[r]=t,y.symbolFuncs[r]=e.f,e.needLine&&(y.symbolNeedLines[r]=!0),e.noDot?y.symbolNoDot[r]=!0:y.symbolList.push(r+200,String(r+200),t+"-dot",r+300,String(r+300),t+"-open-dot"),e.noFill&&(y.symbolNoFill[r]=!0)}));var b=y.symbolNames.length;function _(t,e){var r=t%100;return y.symbolFuncs[r](e)+(t>=200?"M0,0.5L0.5,0L0,-0.5L-0.5,0Z":"")}y.symbolNumber=function(t){if(i(t))t=+t;else if("string"==typeof t){var e=0;t.indexOf("-open")>0&&(e=100,t=t.replace("-open","")),t.indexOf("-dot")>0&&(e+=200,t=t.replace("-dot","")),(t=y.symbolNames.indexOf(t))>=0&&(t+=e)}return t%100>=b||t>=400?0:Math.floor(Math.max(t,0))};var w={x1:1,x2:0,y1:0,y2:0},T={x1:0,x2:0,y1:1,y2:0},k=n.format("~.1f"),M={radial:{node:"radialGradient"},radialreversed:{node:"radialGradient",reversed:!0},horizontal:{node:"linearGradient",attrs:w},horizontalreversed:{node:"linearGradient",attrs:w,reversed:!0},vertical:{node:"linearGradient",attrs:T},verticalreversed:{node:"linearGradient",attrs:T,reversed:!0}};y.gradient=function(t,e,r,i,o,l){for(var u=o.length,f=M[i],h=new Array(u),p=0;p"+v(t);d._gradientUrlQueryParts[y]=1},y.initGradients=function(t){var e=t._fullLayout;c.ensureSingle(e._defs,"g","gradients").selectAll("linearGradient,radialGradient").remove(),e._gradientUrlQueryParts={}},y.pointStyle=function(t,e,r){if(t.size()){var i=y.makePointStyleFns(e);t.each((function(t){y.singlePointStyle(t,n.select(this),e,i,r)}))}},y.singlePointStyle=function(t,e,r,n,i){var a=r.marker,o=a.line;if(e.style("opacity",n.selectedOpacityFn?n.selectedOpacityFn(t):void 0===t.mo?a.opacity:t.mo),n.ms2mrc){var l;l="various"===t.ms||"various"===a.size?3:n.ms2mrc(t.ms),t.mrc=l,n.selectedSizeFn&&(l=t.mrc=n.selectedSizeFn(t));var u=y.symbolNumber(t.mx||a.symbol)||0;t.om=u%200>=100,e.attr("d",_(u,l))}var f,h,p,d=!1;if(t.so)p=o.outlierwidth,h=o.outliercolor,f=a.outliercolor;else{var g=(o||{}).width;p=(t.mlw+1||g+1||(t.trace?(t.trace.marker.line||{}).width:0)+1)-1||0,h="mlc"in t?t.mlcc=n.lineScale(t.mlc):c.isArrayOrTypedArray(o.color)?s.defaultLine:o.color,c.isArrayOrTypedArray(a.color)&&(f=s.defaultLine,d=!0),f="mc"in t?t.mcc=n.markerScale(t.mc):a.color||"rgba(0,0,0,0)",n.selectedColorFn&&(f=n.selectedColorFn(t))}if(t.om)e.call(s.stroke,f).style({"stroke-width":(p||1)+"px",fill:"none"});else{e.style("stroke-width",(t.isBlank?0:p)+"px");var m=a.gradient,v=t.mgt;if(v?d=!0:v=m&&m.type,Array.isArray(v)&&(v=v[0],M[v]||(v=0)),v&&"none"!==v){var x=t.mgc;x?d=!0:x=m.color;var b=r.uid;d&&(b+="-"+t.i),y.gradient(e,i,b,v,[[0,x],[1,f]],"fill")}else s.fill(e,f);p&&s.stroke(e,h)}},y.makePointStyleFns=function(t){var e={},r=t.marker;return e.markerScale=y.tryColorscale(r,""),e.lineScale=y.tryColorscale(r,"line"),o.traceIs(t,"symbols")&&(e.ms2mrc=g.isBubble(t)?m(t):function(){return(r.size||6)/2}),t.selectedpoints&&c.extendFlat(e,y.makeSelectedPointStyleFns(t)),e},y.makeSelectedPointStyleFns=function(t){var e={},r=t.selected||{},n=t.unselected||{},i=t.marker||{},a=r.marker||{},s=n.marker||{},l=i.opacity,u=a.opacity,f=s.opacity,h=void 0!==u,p=void 0!==f;(c.isArrayOrTypedArray(l)||h||p)&&(e.selectedOpacityFn=function(t){var e=void 0===t.mo?i.opacity:t.mo;return t.selected?h?u:e:p?f:d*e});var g=i.color,m=a.color,v=s.color;(m||v)&&(e.selectedColorFn=function(t){var e=t.mcc||g;return t.selected?m||e:v||e});var y=i.size,x=a.size,b=s.size,_=void 0!==x,w=void 0!==b;return o.traceIs(t,"symbols")&&(_||w)&&(e.selectedSizeFn=function(t){var e=t.mrc||y/2;return t.selected?_?x/2:e:w?b/2:e}),e},y.makeSelectedTextStyleFns=function(t){var e={},r=t.selected||{},n=t.unselected||{},i=t.textfont||{},a=r.textfont||{},o=n.textfont||{},l=i.color,c=a.color,u=o.color;return e.selectedTextColorFn=function(t){var e=t.tc||l;return t.selected?c||e:u||(c?e:s.addOpacity(e,d))},e},y.selectedPointStyle=function(t,e){if(t.size()&&e.selectedpoints){var r=y.makeSelectedPointStyleFns(e),i=e.marker||{},a=[];r.selectedOpacityFn&&a.push((function(t,e){t.style("opacity",r.selectedOpacityFn(e))})),r.selectedColorFn&&a.push((function(t,e){s.fill(t,r.selectedColorFn(e))})),r.selectedSizeFn&&a.push((function(t,e){var n=e.mx||i.symbol||0,a=r.selectedSizeFn(e);t.attr("d",_(y.symbolNumber(n),a)),e.mrc2=a})),a.length&&t.each((function(t){for(var e=n.select(this),r=0;r0?r:0}y.textPointStyle=function(t,e,r){if(t.size()){var i;if(e.selectedpoints){var a=y.makeSelectedTextStyleFns(e);i=a.selectedTextColorFn}var o=e.texttemplate,s=r._fullLayout;t.each((function(t){var a=n.select(this),l=o?c.extractOption(t,e,"txt","texttemplate"):c.extractOption(t,e,"tx","text");if(l||0===l){if(o){var u=e._module.formatLabels?e._module.formatLabels(t,e,s):{},h={};v(h,e,t.i);var p=e._meta||{};l=c.texttemplateString(l,u,s._d3locale,h,t,p)}var d=t.tp||e.textposition,g=E(t,e),m=i?i(t):t.tc||e.textfont.color;a.call(y.font,t.tf||e.textfont.family,g,m).text(l).call(f.convertToTspans,r).call(S,d,g,t.mrc)}else a.remove()}))}},y.selectedTextStyle=function(t,e){if(t.size()&&e.selectedpoints){var r=y.makeSelectedTextStyleFns(e);t.each((function(t){var i=n.select(this),a=r.selectedTextColorFn(t),o=t.tp||e.textposition,l=E(t,e);s.fill(i,a),S(i,o,l,t.mrc2||t.mrc)}))}};function C(t,e,r,i){var a=t[0]-e[0],o=t[1]-e[1],s=r[0]-e[0],l=r[1]-e[1],c=Math.pow(a*a+o*o,.25),u=Math.pow(s*s+l*l,.25),f=(u*u*a-c*c*s)*i,h=(u*u*o-c*c*l)*i,p=3*u*(c+u),d=3*c*(c+u);return[[n.round(e[0]+(p&&f/p),2),n.round(e[1]+(p&&h/p),2)],[n.round(e[0]-(d&&f/d),2),n.round(e[1]-(d&&h/d),2)]]}y.smoothopen=function(t,e){if(t.length<3)return"M"+t.join("L");var r,n="M"+t[0],i=[];for(r=1;r=1e4&&(y.savedBBoxes={},P=0),r&&(y.savedBBoxes[r]=m),P++,c.extendFlat({},m)},y.setClipUrl=function(t,e,r){t.attr("clip-path",O(e,r))},y.getTranslate=function(t){var e=(t[t.attr?"attr":"getAttribute"]("transform")||"").replace(/.*\btranslate\((-?\d*\.?\d*)[^-\d]*(-?\d*\.?\d*)[^\d].*/,(function(t,e,r){return[e,r].join(" ")})).split(" ");return{x:+e[0]||0,y:+e[1]||0}},y.setTranslate=function(t,e,r){var n=t.attr?"attr":"getAttribute",i=t.attr?"attr":"setAttribute",a=t[n]("transform")||"";return e=e||0,r=r||0,a=a.replace(/(\btranslate\(.*?\);?)/,"").trim(),a=(a+=u(e,r)).trim(),t[i]("transform",a),a},y.getScale=function(t){var e=(t[t.attr?"attr":"getAttribute"]("transform")||"").replace(/.*\bscale\((\d*\.?\d*)[^\d]*(\d*\.?\d*)[^\d].*/,(function(t,e,r){return[e,r].join(" ")})).split(" ");return{x:+e[0]||1,y:+e[1]||1}},y.setScale=function(t,e,r){var n=t.attr?"attr":"getAttribute",i=t.attr?"attr":"setAttribute",a=t[n]("transform")||"";return e=e||1,r=r||1,a=a.replace(/(\bscale\(.*?\);?)/,"").trim(),a=(a+="scale("+e+","+r+")").trim(),t[i]("transform",a),a};var D=/\s*sc.*/;y.setPointGroupScale=function(t,e,r){if(e=e||1,r=r||1,t){var n=1===e&&1===r?"":"scale("+e+","+r+")";t.each((function(){var t=(this.getAttribute("transform")||"").replace(D,"");t=(t+=n).trim(),this.setAttribute("transform",t)}))}};var R=/translate\([^)]*\)\s*$/;y.setTextPointsScale=function(t,e,r){t&&t.each((function(){var t,i=n.select(this),a=i.select("text");if(a.node()){var o=parseFloat(a.attr("x")||0),s=parseFloat(a.attr("y")||0),l=(i.attr("transform")||"").match(R);t=1===e&&1===r?[]:[u(o,s),"scale("+e+","+r+")",u(-o,-s)],l&&t.push(l),i.attr("transform",t.join(""))}}))}},{"../../components/fx/helpers":679,"../../constants/alignment":745,"../../constants/interactions":752,"../../constants/xmlns_namespaces":754,"../../lib":778,"../../lib/svg_text_utils":803,"../../registry":911,"../../traces/scatter/make_bubble_size_func":1204,"../../traces/scatter/subtypes":1212,"../color":643,"../colorscale":655,"./symbol_defs":666,d3:169,"fast-isnumeric":241,tinycolor2:576}],666:[function(t,e,r){"use strict";var n=t("d3");e.exports={circle:{n:0,f:function(t){var e=n.round(t,2);return"M"+e+",0A"+e+","+e+" 0 1,1 0,-"+e+"A"+e+","+e+" 0 0,1 "+e+",0Z"}},square:{n:1,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"H-"+e+"V-"+e+"H"+e+"Z"}},diamond:{n:2,f:function(t){var e=n.round(1.3*t,2);return"M"+e+",0L0,"+e+"L-"+e+",0L0,-"+e+"Z"}},cross:{n:3,f:function(t){var e=n.round(.4*t,2),r=n.round(1.2*t,2);return"M"+r+","+e+"H"+e+"V"+r+"H-"+e+"V"+e+"H-"+r+"V-"+e+"H-"+e+"V-"+r+"H"+e+"V-"+e+"H"+r+"Z"}},x:{n:4,f:function(t){var e=n.round(.8*t/Math.sqrt(2),2),r="l"+e+","+e,i="l"+e+",-"+e,a="l-"+e+",-"+e,o="l-"+e+","+e;return"M0,"+e+r+i+a+i+a+o+a+o+r+o+r+"Z"}},"triangle-up":{n:5,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return"M-"+e+","+n.round(t/2,2)+"H"+e+"L0,-"+n.round(t,2)+"Z"}},"triangle-down":{n:6,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return"M-"+e+",-"+n.round(t/2,2)+"H"+e+"L0,"+n.round(t,2)+"Z"}},"triangle-left":{n:7,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return"M"+n.round(t/2,2)+",-"+e+"V"+e+"L-"+n.round(t,2)+",0Z"}},"triangle-right":{n:8,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return"M-"+n.round(t/2,2)+",-"+e+"V"+e+"L"+n.round(t,2)+",0Z"}},"triangle-ne":{n:9,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return"M-"+r+",-"+e+"H"+e+"V"+r+"Z"}},"triangle-se":{n:10,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return"M"+e+",-"+r+"V"+e+"H-"+r+"Z"}},"triangle-sw":{n:11,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return"M"+r+","+e+"H-"+e+"V-"+r+"Z"}},"triangle-nw":{n:12,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return"M-"+e+","+r+"V-"+e+"H"+r+"Z"}},pentagon:{n:13,f:function(t){var e=n.round(.951*t,2),r=n.round(.588*t,2),i=n.round(-t,2),a=n.round(-.309*t,2);return"M"+e+","+a+"L"+r+","+n.round(.809*t,2)+"H-"+r+"L-"+e+","+a+"L0,"+i+"Z"}},hexagon:{n:14,f:function(t){var e=n.round(t,2),r=n.round(t/2,2),i=n.round(t*Math.sqrt(3)/2,2);return"M"+i+",-"+r+"V"+r+"L0,"+e+"L-"+i+","+r+"V-"+r+"L0,-"+e+"Z"}},hexagon2:{n:15,f:function(t){var e=n.round(t,2),r=n.round(t/2,2),i=n.round(t*Math.sqrt(3)/2,2);return"M-"+r+","+i+"H"+r+"L"+e+",0L"+r+",-"+i+"H-"+r+"L-"+e+",0Z"}},octagon:{n:16,f:function(t){var e=n.round(.924*t,2),r=n.round(.383*t,2);return"M-"+r+",-"+e+"H"+r+"L"+e+",-"+r+"V"+r+"L"+r+","+e+"H-"+r+"L-"+e+","+r+"V-"+r+"Z"}},star:{n:17,f:function(t){var e=1.4*t,r=n.round(.225*e,2),i=n.round(.951*e,2),a=n.round(.363*e,2),o=n.round(.588*e,2),s=n.round(-e,2),l=n.round(-.309*e,2),c=n.round(.118*e,2),u=n.round(.809*e,2);return"M"+r+","+l+"H"+i+"L"+a+","+c+"L"+o+","+u+"L0,"+n.round(.382*e,2)+"L-"+o+","+u+"L-"+a+","+c+"L-"+i+","+l+"H-"+r+"L0,"+s+"Z"}},hexagram:{n:18,f:function(t){var e=n.round(.66*t,2),r=n.round(.38*t,2),i=n.round(.76*t,2);return"M-"+i+",0l-"+r+",-"+e+"h"+i+"l"+r+",-"+e+"l"+r+","+e+"h"+i+"l-"+r+","+e+"l"+r+","+e+"h-"+i+"l-"+r+","+e+"l-"+r+",-"+e+"h-"+i+"Z"}},"star-triangle-up":{n:19,f:function(t){var e=n.round(t*Math.sqrt(3)*.8,2),r=n.round(.8*t,2),i=n.round(1.6*t,2),a=n.round(4*t,2),o="A "+a+","+a+" 0 0 1 ";return"M-"+e+","+r+o+e+","+r+o+"0,-"+i+o+"-"+e+","+r+"Z"}},"star-triangle-down":{n:20,f:function(t){var e=n.round(t*Math.sqrt(3)*.8,2),r=n.round(.8*t,2),i=n.round(1.6*t,2),a=n.round(4*t,2),o="A "+a+","+a+" 0 0 1 ";return"M"+e+",-"+r+o+"-"+e+",-"+r+o+"0,"+i+o+e+",-"+r+"Z"}},"star-square":{n:21,f:function(t){var e=n.round(1.1*t,2),r=n.round(2*t,2),i="A "+r+","+r+" 0 0 1 ";return"M-"+e+",-"+e+i+"-"+e+","+e+i+e+","+e+i+e+",-"+e+i+"-"+e+",-"+e+"Z"}},"star-diamond":{n:22,f:function(t){var e=n.round(1.4*t,2),r=n.round(1.9*t,2),i="A "+r+","+r+" 0 0 1 ";return"M-"+e+",0"+i+"0,"+e+i+e+",0"+i+"0,-"+e+i+"-"+e+",0Z"}},"diamond-tall":{n:23,f:function(t){var e=n.round(.7*t,2),r=n.round(1.4*t,2);return"M0,"+r+"L"+e+",0L0,-"+r+"L-"+e+",0Z"}},"diamond-wide":{n:24,f:function(t){var e=n.round(1.4*t,2),r=n.round(.7*t,2);return"M0,"+r+"L"+e+",0L0,-"+r+"L-"+e+",0Z"}},hourglass:{n:25,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"H-"+e+"L"+e+",-"+e+"H-"+e+"Z"},noDot:!0},bowtie:{n:26,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"V-"+e+"L-"+e+","+e+"V-"+e+"Z"},noDot:!0},"circle-cross":{n:27,f:function(t){var e=n.round(t,2);return"M0,"+e+"V-"+e+"M"+e+",0H-"+e+"M"+e+",0A"+e+","+e+" 0 1,1 0,-"+e+"A"+e+","+e+" 0 0,1 "+e+",0Z"},needLine:!0,noDot:!0},"circle-x":{n:28,f:function(t){var e=n.round(t,2),r=n.round(t/Math.sqrt(2),2);return"M"+r+","+r+"L-"+r+",-"+r+"M"+r+",-"+r+"L-"+r+","+r+"M"+e+",0A"+e+","+e+" 0 1,1 0,-"+e+"A"+e+","+e+" 0 0,1 "+e+",0Z"},needLine:!0,noDot:!0},"square-cross":{n:29,f:function(t){var e=n.round(t,2);return"M0,"+e+"V-"+e+"M"+e+",0H-"+e+"M"+e+","+e+"H-"+e+"V-"+e+"H"+e+"Z"},needLine:!0,noDot:!0},"square-x":{n:30,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"L-"+e+",-"+e+"M"+e+",-"+e+"L-"+e+","+e+"M"+e+","+e+"H-"+e+"V-"+e+"H"+e+"Z"},needLine:!0,noDot:!0},"diamond-cross":{n:31,f:function(t){var e=n.round(1.3*t,2);return"M"+e+",0L0,"+e+"L-"+e+",0L0,-"+e+"ZM0,-"+e+"V"+e+"M-"+e+",0H"+e},needLine:!0,noDot:!0},"diamond-x":{n:32,f:function(t){var e=n.round(1.3*t,2),r=n.round(.65*t,2);return"M"+e+",0L0,"+e+"L-"+e+",0L0,-"+e+"ZM-"+r+",-"+r+"L"+r+","+r+"M-"+r+","+r+"L"+r+",-"+r},needLine:!0,noDot:!0},"cross-thin":{n:33,f:function(t){var e=n.round(1.4*t,2);return"M0,"+e+"V-"+e+"M"+e+",0H-"+e},needLine:!0,noDot:!0,noFill:!0},"x-thin":{n:34,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"L-"+e+",-"+e+"M"+e+",-"+e+"L-"+e+","+e},needLine:!0,noDot:!0,noFill:!0},asterisk:{n:35,f:function(t){var e=n.round(1.2*t,2),r=n.round(.85*t,2);return"M0,"+e+"V-"+e+"M"+e+",0H-"+e+"M"+r+","+r+"L-"+r+",-"+r+"M"+r+",-"+r+"L-"+r+","+r},needLine:!0,noDot:!0,noFill:!0},hash:{n:36,f:function(t){var e=n.round(t/2,2),r=n.round(t,2);return"M"+e+","+r+"V-"+r+"m-"+r+",0V"+r+"M"+r+","+e+"H-"+r+"m0,-"+r+"H"+r},needLine:!0,noFill:!0},"y-up":{n:37,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return"M-"+e+","+i+"L0,0M"+e+","+i+"L0,0M0,-"+r+"L0,0"},needLine:!0,noDot:!0,noFill:!0},"y-down":{n:38,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return"M-"+e+",-"+i+"L0,0M"+e+",-"+i+"L0,0M0,"+r+"L0,0"},needLine:!0,noDot:!0,noFill:!0},"y-left":{n:39,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return"M"+i+","+e+"L0,0M"+i+",-"+e+"L0,0M-"+r+",0L0,0"},needLine:!0,noDot:!0,noFill:!0},"y-right":{n:40,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return"M-"+i+","+e+"L0,0M-"+i+",-"+e+"L0,0M"+r+",0L0,0"},needLine:!0,noDot:!0,noFill:!0},"line-ew":{n:41,f:function(t){var e=n.round(1.4*t,2);return"M"+e+",0H-"+e},needLine:!0,noDot:!0,noFill:!0},"line-ns":{n:42,f:function(t){var e=n.round(1.4*t,2);return"M0,"+e+"V-"+e},needLine:!0,noDot:!0,noFill:!0},"line-ne":{n:43,f:function(t){var e=n.round(t,2);return"M"+e+",-"+e+"L-"+e+","+e},needLine:!0,noDot:!0,noFill:!0},"line-nw":{n:44,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"L-"+e+",-"+e},needLine:!0,noDot:!0,noFill:!0},"arrow-up":{n:45,f:function(t){var e=n.round(t,2);return"M0,0L-"+e+","+n.round(2*t,2)+"H"+e+"Z"},noDot:!0},"arrow-down":{n:46,f:function(t){var e=n.round(t,2);return"M0,0L-"+e+",-"+n.round(2*t,2)+"H"+e+"Z"},noDot:!0},"arrow-left":{n:47,f:function(t){var e=n.round(2*t,2),r=n.round(t,2);return"M0,0L"+e+",-"+r+"V"+r+"Z"},noDot:!0},"arrow-right":{n:48,f:function(t){var e=n.round(2*t,2),r=n.round(t,2);return"M0,0L-"+e+",-"+r+"V"+r+"Z"},noDot:!0},"arrow-bar-up":{n:49,f:function(t){var e=n.round(t,2);return"M-"+e+",0H"+e+"M0,0L-"+e+","+n.round(2*t,2)+"H"+e+"Z"},needLine:!0,noDot:!0},"arrow-bar-down":{n:50,f:function(t){var e=n.round(t,2);return"M-"+e+",0H"+e+"M0,0L-"+e+",-"+n.round(2*t,2)+"H"+e+"Z"},needLine:!0,noDot:!0},"arrow-bar-left":{n:51,f:function(t){var e=n.round(2*t,2),r=n.round(t,2);return"M0,-"+r+"V"+r+"M0,0L"+e+",-"+r+"V"+r+"Z"},needLine:!0,noDot:!0},"arrow-bar-right":{n:52,f:function(t){var e=n.round(2*t,2),r=n.round(t,2);return"M0,-"+r+"V"+r+"M0,0L-"+e+",-"+r+"V"+r+"Z"},needLine:!0,noDot:!0}}},{d3:169}],667:[function(t,e,r){"use strict";e.exports={visible:{valType:"boolean",editType:"calc"},type:{valType:"enumerated",values:["percent","constant","sqrt","data"],editType:"calc"},symmetric:{valType:"boolean",editType:"calc"},array:{valType:"data_array",editType:"calc"},arrayminus:{valType:"data_array",editType:"calc"},value:{valType:"number",min:0,dflt:10,editType:"calc"},valueminus:{valType:"number",min:0,dflt:10,editType:"calc"},traceref:{valType:"integer",min:0,dflt:0,editType:"style"},tracerefminus:{valType:"integer",min:0,dflt:0,editType:"style"},copy_ystyle:{valType:"boolean",editType:"plot"},copy_zstyle:{valType:"boolean",editType:"style"},color:{valType:"color",editType:"style"},thickness:{valType:"number",min:0,dflt:2,editType:"style"},width:{valType:"number",min:0,editType:"plot"},editType:"calc",_deprecated:{opacity:{valType:"number",editType:"style"}}}},{}],668:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../registry"),a=t("../../plots/cartesian/axes"),o=t("../../lib"),s=t("./compute_error");function l(t,e,r,i){var l=e["error_"+i]||{},c=[];if(l.visible&&-1!==["linear","log"].indexOf(r.type)){for(var u=s(l),f=0;f0;e.each((function(e){var f,h=e[0].trace,p=h.error_x||{},d=h.error_y||{};h.ids&&(f=function(t){return t.id});var g=o.hasMarkers(h)&&h.marker.maxdisplayed>0;d.visible||p.visible||(e=[]);var m=n.select(this).selectAll("g.errorbar").data(e,f);if(m.exit().remove(),e.length){p.visible||m.selectAll("path.xerror").remove(),d.visible||m.selectAll("path.yerror").remove(),m.style("opacity",1);var v=m.enter().append("g").classed("errorbar",!0);u&&v.style("opacity",0).transition().duration(s.duration).style("opacity",1),a.setClipUrl(m,r.layerClipId,t),m.each((function(t){var e=n.select(this),r=function(t,e,r){var n={x:e.c2p(t.x),y:r.c2p(t.y)};void 0!==t.yh&&(n.yh=r.c2p(t.yh),n.ys=r.c2p(t.ys),i(n.ys)||(n.noYS=!0,n.ys=r.c2p(t.ys,!0)));void 0!==t.xh&&(n.xh=e.c2p(t.xh),n.xs=e.c2p(t.xs),i(n.xs)||(n.noXS=!0,n.xs=e.c2p(t.xs,!0)));return n}(t,l,c);if(!g||t.vis){var a,o=e.select("path.yerror");if(d.visible&&i(r.x)&&i(r.yh)&&i(r.ys)){var f=d.width;a="M"+(r.x-f)+","+r.yh+"h"+2*f+"m-"+f+",0V"+r.ys,r.noYS||(a+="m-"+f+",0h"+2*f),!o.size()?o=e.append("path").style("vector-effect","non-scaling-stroke").classed("yerror",!0):u&&(o=o.transition().duration(s.duration).ease(s.easing)),o.attr("d",a)}else o.remove();var h=e.select("path.xerror");if(p.visible&&i(r.y)&&i(r.xh)&&i(r.xs)){var m=(p.copy_ystyle?d:p).width;a="M"+r.xh+","+(r.y-m)+"v"+2*m+"m0,-"+m+"H"+r.xs,r.noXS||(a+="m0,-"+m+"v"+2*m),!h.size()?h=e.append("path").style("vector-effect","non-scaling-stroke").classed("xerror",!0):u&&(h=h.transition().duration(s.duration).ease(s.easing)),h.attr("d",a)}else h.remove()}}))}}))}},{"../../traces/scatter/subtypes":1212,"../drawing":665,d3:169,"fast-isnumeric":241}],673:[function(t,e,r){"use strict";var n=t("d3"),i=t("../color");e.exports=function(t){t.each((function(t){var e=t[0].trace,r=e.error_y||{},a=e.error_x||{},o=n.select(this);o.selectAll("path.yerror").style("stroke-width",r.thickness+"px").call(i.stroke,r.color),a.copy_ystyle&&(a=r),o.selectAll("path.xerror").style("stroke-width",a.thickness+"px").call(i.stroke,a.color)}))}},{"../color":643,d3:169}],674:[function(t,e,r){"use strict";var n=t("../../plots/font_attributes"),i=t("./layout_attributes").hoverlabel,a=t("../../lib/extend").extendFlat;e.exports={hoverlabel:{bgcolor:a({},i.bgcolor,{arrayOk:!0}),bordercolor:a({},i.bordercolor,{arrayOk:!0}),font:n({arrayOk:!0,editType:"none"}),align:a({},i.align,{arrayOk:!0}),namelength:a({},i.namelength,{arrayOk:!0}),editType:"none"}}},{"../../lib/extend":768,"../../plots/font_attributes":856,"./layout_attributes":684}],675:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry");function a(t,e,r,i){i=i||n.identity,Array.isArray(t)&&(e[0][r]=i(t))}e.exports=function(t){var e=t.calcdata,r=t._fullLayout;function o(t){return function(e){return n.coerceHoverinfo({hoverinfo:e},{_module:t._module},r)}}for(var s=0;s=0&&r.indexb[0]._length||tt<0||tt>_[0]._length)return d.unhoverRaw(t,e)}if(e.pointerX=$+b[0]._offset,e.pointerY=tt+_[0]._offset,C="xval"in e?v.flat(s,e.xval):v.p2c(b,$),I="yval"in e?v.flat(s,e.yval):v.p2c(_,tt),!i(C[0])||!i(I[0]))return o.warn("Fx.hover failed",e,t),d.unhoverRaw(t,e)}var nt=1/0;function it(t,r){for(F=0;FY&&(Z.splice(0,Y),nt=Z[0].distance),g&&0!==X&&0===Z.length){G.distance=X,G.index=!1;var f=N._module.hoverPoints(G,q,H,"closest",l._hoverlayer);if(f&&(f=f.filter((function(t){return t.spikeDistance<=X}))),f&&f.length){var h,d=f.filter((function(t){return t.xa.showspikes&&"hovered data"!==t.xa.spikesnap}));if(d.length){var m=d[0];i(m.x0)&&i(m.y0)&&(h=ot(m),(!K.vLinePoint||K.vLinePoint.spikeDistance>h.spikeDistance)&&(K.vLinePoint=h))}var y=f.filter((function(t){return t.ya.showspikes&&"hovered data"!==t.ya.spikesnap}));if(y.length){var x=y[0];i(x.x0)&&i(x.y0)&&(h=ot(x),(!K.hLinePoint||K.hLinePoint.spikeDistance>h.spikeDistance)&&(K.hLinePoint=h))}}}}}function at(t,e){for(var r,n=null,i=1/0,a=0;a1||Z.length>1)||"closest"===S&&Q&&Z.length>1,At=p.combine(l.plot_bgcolor||p.background,l.paper_bgcolor),St={hovermode:S,rotateLabels:Mt,bgColor:At,container:l._hoverlayer,outerContainer:l._paperdiv,commonLabelOpts:l.hoverlabel,hoverdistance:l.hoverdistance},Et=L(Z,St,t);v.isUnifiedHover(S)||(!function(t,e,r){var n,i,a,o,s,l,c,u=0,f=1,h=t.size(),p=new Array(h),d=0;function g(t){var e=t[0],r=t[t.length-1];if(i=e.pmin-e.pos-e.dp+e.size,a=r.pos+r.dp+r.size-e.pmax,i>.01){for(s=t.length-1;s>=0;s--)t[s].dp+=i;n=!1}if(!(a<.01)){if(i<-.01){for(s=t.length-1;s>=0;s--)t[s].dp-=a;n=!1}if(n){var c=0;for(o=0;oe.pmax&&c++;for(o=t.length-1;o>=0&&!(c<=0);o--)(l=t[o]).pos>e.pmax-1&&(l.del=!0,c--);for(o=0;o=0;s--)t[s].dp-=a;for(o=t.length-1;o>=0&&!(c<=0);o--)(l=t[o]).pos+l.dp+l.size>e.pmax&&(l.del=!0,c--)}}}t.each((function(t){var n=t[e],i="x"===n._id.charAt(0),a=n.range;0===d&&a&&a[0]>a[1]!==i&&(f=-1),p[d++]=[{datum:t,traceIndex:t.trace.index,dp:0,pos:t.pos,posref:t.posref,size:t.by*(i?T:1)/2,pmin:0,pmax:i?r.width:r.height}]})),p.sort((function(t,e){return t[0].posref-e[0].posref||f*(e[0].traceIndex-t[0].traceIndex)}));for(;!n&&u<=h;){for(u++,n=!0,o=0;o.01&&y.pmin===x.pmin&&y.pmax===x.pmax){for(s=v.length-1;s>=0;s--)v[s].dp+=i;for(m.push.apply(m,v),p.splice(o+1,1),c=0,s=m.length-1;s>=0;s--)c+=m[s].dp;for(a=c/m.length,s=m.length-1;s>=0;s--)m[s].dp-=a;n=!1}else o++}p.forEach(g)}for(o=p.length-1;o>=0;o--){var b=p[o];for(s=b.length-1;s>=0;s--){var _=b[s],w=_.datum;w.offset=_.dp,w.del=_.del}}}(Et,Mt?"xa":"ya",l),P(Et,Mt,l._invScaleX,l._invScaleY));if(e.target&&e.target.tagName){var Ct=m.getComponentMethod("annotations","hasClickToShow")(t,_t);f(n.select(e.target),Ct?"pointer":"")}if(!e.target||a||!function(t,e,r){if(!r||r.length!==t._hoverdata.length)return!0;for(var n=r.length-1;n>=0;n--){var i=r[n],a=t._hoverdata[n];if(i.curveNumber!==a.curveNumber||String(i.pointNumber)!==String(a.pointNumber)||String(i.pointNumbers)!==String(a.pointNumbers))return!0}return!1}(t,0,bt))return;bt&&t.emit("plotly_unhover",{event:e,points:bt});t.emit("plotly_hover",{event:e,points:t._hoverdata,xaxes:b,yaxes:_,xvals:C,yvals:I})}(t,e,r,a)}))},r.loneHover=function(t,e){var r=!0;Array.isArray(t)||(r=!1,t=[t]);var i=t.map((function(t){return{color:t.color||p.defaultLine,x0:t.x0||t.x||0,x1:t.x1||t.x||0,y0:t.y0||t.y||0,y1:t.y1||t.y||0,xLabel:t.xLabel,yLabel:t.yLabel,zLabel:t.zLabel,text:t.text,name:t.name,idealAlign:t.idealAlign,borderColor:t.borderColor,fontFamily:t.fontFamily,fontSize:t.fontSize,fontColor:t.fontColor,nameLength:t.nameLength,textAlign:t.textAlign,trace:t.trace||{index:0,hoverinfo:""},xa:{_offset:0},ya:{_offset:0},index:0,hovertemplate:t.hovertemplate||!1,eventData:t.eventData||!1,hovertemplateLabels:t.hovertemplateLabels||!1}})),a=n.select(e.container),o=e.outerContainer?n.select(e.outerContainer):a,s={hovermode:"closest",rotateLabels:!1,bgColor:e.bgColor||p.background,container:a,outerContainer:o},l=L(i,s,e.gd),c=0,u=0;l.sort((function(t,e){return t.y0-e.y0})).each((function(t,r){var n=t.y0-t.by/2;t.offset=n-5([\s\S]*)<\/extra>/;function L(t,e,r){var i=r._fullLayout,a=e.hovermode,c=e.rotateLabels,f=e.bgColor,d=e.container,g=e.outerContainer,m=e.commonLabelOpts||{},w=e.fontFamily||y.HOVERFONT,T=e.fontSize||y.HOVERFONTSIZE,k=t[0],M=k.xa,C=k.ya,L="y"===a.charAt(0)?"yLabel":"xLabel",P=k[L],z=(String(P)||"").split(" ")[0],O=g.node().getBoundingClientRect(),D=O.top,R=O.width,F=O.height,B=void 0!==P&&k.distance<=e.hoverdistance&&("x"===a||"y"===a);if(B){var N,j,U=!0;for(N=0;Ni.width-E?(y=i.width-E,l.attr("d","M"+(E-A)+",0L"+E+","+_+A+"v"+_+(2*S+b.height)+"H-"+E+"V"+_+A+"H"+(E-2*A)+"Z")):l.attr("d","M0,0L"+A+","+_+A+"H"+(S+b.width/2)+"v"+_+(2*S+b.height)+"H-"+(S+b.width/2)+"V"+_+A+"H-"+A+"Z")}else{var L,I,z;"right"===C.side?(L="start",I=1,z="",y=M._offset+M._length):(L="end",I=-1,z="-",y=M._offset),x=C._offset+(k.y0+k.y1)/2,c.attr("text-anchor",L),l.attr("d","M0,0L"+z+A+","+A+"V"+(S+b.height/2)+"h"+z+(2*S+b.width)+"V-"+(S+b.height/2)+"H"+z+A+"V-"+A+"Z");var O,R=b.height/2,F=D-b.top-R,B="clip"+i._uid+"commonlabel"+C._id;if(y=0?et-=it:et+=2*S;var at=nt.height+2*S,ot=tt+at>=F;return at<=F&&(tt<=D?tt=C._offset+2*S:ot&&(tt=F-at)),rt.attr("transform",s(et,tt)),rt}var st=d.selectAll("g.hovertext").data(t,(function(t){return E(t)}));return st.enter().append("g").classed("hovertext",!0).each((function(){var t=n.select(this);t.append("rect").call(p.fill,p.addOpacity(f,.8)),t.append("text").classed("name",!0),t.append("path").style("stroke-width","1px"),t.append("text").classed("nums",!0).call(h.font,w,T)})),st.exit().remove(),st.each((function(t){var e=n.select(this).attr("transform",""),o=t.color;Array.isArray(o)&&(o=o[t.eventData[0].pointNumber]);var d=t.bgcolor||o,g=p.combine(p.opacity(d)?d:p.defaultLine,f),m=p.combine(p.opacity(o)?o:p.defaultLine,f),v=t.borderColor||p.contrast(g),y=I(t,B,a,i,P,e),x=y[0],b=y[1],k=e.select("text.nums").call(h.font,t.fontFamily||w,t.fontSize||T,t.fontColor||v).text(x).attr("data-notex",1).call(u.positionText,0,0).call(u.convertToTspans,r),M=e.select("text.name"),E=0,C=0;if(b&&b!==x){M.call(h.font,t.fontFamily||w,t.fontSize||T,m).text(b).attr("data-notex",1).call(u.positionText,0,0).call(u.convertToTspans,r);var L=M.node().getBoundingClientRect();E=L.width+2*S,C=L.height+2*S}else M.remove(),e.select("rect").remove();e.select("path").style({fill:g,stroke:v});var z,O,N=k.node().getBoundingClientRect(),j=t.xa._offset+(t.x0+t.x1)/2,U=t.ya._offset+(t.y0+t.y1)/2,V=Math.abs(t.x1-t.x0),q=Math.abs(t.y1-t.y0),H=N.width+A+S+E;if(t.ty0=D-N.top,t.bx=N.width+2*S,t.by=Math.max(N.height+2*S,C),t.anchor="start",t.txwidth=N.width,t.tx2width=E,t.offset=0,c)t.pos=j,z=U+q/2+H<=F,O=U-q/2-H>=0,"top"!==t.idealAlign&&z||!O?z?(U+=q/2,t.anchor="start"):t.anchor="middle":(U-=q/2,t.anchor="end");else if(t.pos=U,z=j+V/2+H<=R,O=j-V/2-H>=0,"left"!==t.idealAlign&&z||!O)if(z)j+=V/2,t.anchor="start";else{t.anchor="middle";var G=H/2,Y=j+G-R,W=j-G;Y>0&&(j-=Y),W<0&&(j+=-W)}else j-=V/2,t.anchor="end";k.attr("text-anchor",t.anchor),E&&M.attr("text-anchor",t.anchor),e.attr("transform",s(j,U)+(c?l(_):""))})),st}function I(t,e,r,n,i,a){var s="",l="";void 0!==t.nameOverride&&(t.name=t.nameOverride),t.name&&(t.trace._meta&&(t.name=o.templateString(t.name,t.trace._meta)),s=R(t.name,t.nameLength)),void 0!==t.zLabel?(void 0!==t.xLabel&&(l+="x: "+t.xLabel+"
"),void 0!==t.yLabel&&(l+="y: "+t.yLabel+"
"),"choropleth"!==t.trace.type&&"choroplethmapbox"!==t.trace.type&&(l+=(l?"z: ":"")+t.zLabel)):e&&t[r.charAt(0)+"Label"]===i?l=t[("x"===r.charAt(0)?"y":"x")+"Label"]||"":void 0===t.xLabel?void 0!==t.yLabel&&"scattercarpet"!==t.trace.type&&(l=t.yLabel):l=void 0===t.yLabel?t.xLabel:"("+t.xLabel+", "+t.yLabel+")",!t.text&&0!==t.text||Array.isArray(t.text)||(l+=(l?"
":"")+t.text),void 0!==t.extraText&&(l+=(l?"
":"")+t.extraText),a&&""===l&&!t.hovertemplate&&(""===s&&a.remove(),l=s);var c=n._d3locale,u=t.hovertemplate||!1,f=t.hovertemplateLabels||t,h=t.eventData[0]||{};return u&&(l=(l=o.hovertemplateString(u,f,c,h,t.trace._meta)).replace(C,(function(e,r){return s=R(r,t.nameLength),""}))),[l,s]}function P(t,e,r,i){var a=function(t){return t*r},o=function(t){return t*i};t.each((function(t){var r=n.select(this);if(t.del)return r.remove();var i=r.select("text.nums"),s=t.anchor,l="end"===s?-1:1,c={start:1,end:-1,middle:0}[s],f=c*(A+S),p=f+c*(t.txwidth+S),d=0,g=t.offset,m="middle"===s;m&&(f-=t.tx2width/2,p+=t.txwidth/2+S),e&&(g*=-M,d=t.offset*k),r.select("path").attr("d",m?"M-"+a(t.bx/2+t.tx2width/2)+","+o(g-t.by/2)+"h"+a(t.bx)+"v"+o(t.by)+"h-"+a(t.bx)+"Z":"M0,0L"+a(l*A+d)+","+o(A+g)+"v"+o(t.by/2-A)+"h"+a(l*t.bx)+"v-"+o(t.by)+"H"+a(l*A+d)+"V"+o(g-A)+"Z");var v=d+f,y=g+t.ty0-t.by/2+S,x=t.textAlign||"auto";"auto"!==x&&("left"===x&&"start"!==s?(i.attr("text-anchor","start"),v=m?-t.bx/2-t.tx2width/2+S:-t.bx-S):"right"===x&&"end"!==s&&(i.attr("text-anchor","end"),v=m?t.bx/2-t.tx2width/2-S:t.bx+S)),i.call(u.positionText,a(v),o(y)),t.tx2width&&(r.select("text.name").call(u.positionText,a(p+c*S+d),o(g+t.ty0-t.by/2+S)),r.select("rect").call(h.setRect,a(p+(c-1)*t.tx2width/2+d),o(g-t.by/2-1),a(t.tx2width),o(t.by+2)))}))}function z(t,e){var r=t.index,n=t.trace||{},a=t.cd[0],s=t.cd[r]||{};function l(t){return t||i(t)&&0===t}var c=Array.isArray(r)?function(t,e){var i=o.castOption(a,r,t);return l(i)?i:o.extractOption({},n,"",e)}:function(t,e){return o.extractOption(s,n,t,e)};function u(e,r,n){var i=c(r,n);l(i)&&(t[e]=i)}if(u("hoverinfo","hi","hoverinfo"),u("bgcolor","hbg","hoverlabel.bgcolor"),u("borderColor","hbc","hoverlabel.bordercolor"),u("fontFamily","htf","hoverlabel.font.family"),u("fontSize","hts","hoverlabel.font.size"),u("fontColor","htc","hoverlabel.font.color"),u("nameLength","hnl","hoverlabel.namelength"),u("textAlign","hta","hoverlabel.align"),t.posref="y"===e||"closest"===e&&"h"===n.orientation?t.xa._offset+(t.x0+t.x1)/2:t.ya._offset+(t.y0+t.y1)/2,t.x0=o.constrain(t.x0,0,t.xa._length),t.x1=o.constrain(t.x1,0,t.xa._length),t.y0=o.constrain(t.y0,0,t.ya._length),t.y1=o.constrain(t.y1,0,t.ya._length),void 0!==t.xLabelVal&&(t.xLabel="xLabel"in t?t.xLabel:g.hoverLabelText(t.xa,t.xLabelVal),t.xVal=t.xa.c2d(t.xLabelVal)),void 0!==t.yLabelVal&&(t.yLabel="yLabel"in t?t.yLabel:g.hoverLabelText(t.ya,t.yLabelVal),t.yVal=t.ya.c2d(t.yLabelVal)),void 0!==t.zLabelVal&&void 0===t.zLabel&&(t.zLabel=String(t.zLabelVal)),!(isNaN(t.xerr)||"log"===t.xa.type&&t.xerr<=0)){var f=g.tickText(t.xa,t.xa.c2l(t.xerr),"hover").text;void 0!==t.xerrneg?t.xLabel+=" +"+f+" / -"+g.tickText(t.xa,t.xa.c2l(t.xerrneg),"hover").text:t.xLabel+=" \xb1 "+f,"x"===e&&(t.distance+=1)}if(!(isNaN(t.yerr)||"log"===t.ya.type&&t.yerr<=0)){var h=g.tickText(t.ya,t.ya.c2l(t.yerr),"hover").text;void 0!==t.yerrneg?t.yLabel+=" +"+h+" / -"+g.tickText(t.ya,t.ya.c2l(t.yerrneg),"hover").text:t.yLabel+=" \xb1 "+h,"y"===e&&(t.distance+=1)}var p=t.hoverinfo||t.trace.hoverinfo;return p&&"all"!==p&&(-1===(p=Array.isArray(p)?p:p.split("+")).indexOf("x")&&(t.xLabel=void 0),-1===p.indexOf("y")&&(t.yLabel=void 0),-1===p.indexOf("z")&&(t.zLabel=void 0),-1===p.indexOf("text")&&(t.text=void 0),-1===p.indexOf("name")&&(t.name=void 0)),t}function O(t,e,r){var n,i,o=r.container,s=r.fullLayout,l=s._size,c=r.event,u=!!e.hLinePoint,f=!!e.vLinePoint;if(o.selectAll(".spikeline").remove(),f||u){var d=p.combine(s.plot_bgcolor,s.paper_bgcolor);if(u){var m,v,y=e.hLinePoint;n=y&&y.xa,"cursor"===(i=y&&y.ya).spikesnap?(m=c.pointerX,v=c.pointerY):(m=n._offset+y.x,v=i._offset+y.y);var x,b,_=a.readability(y.color,d)<1.5?p.contrast(d):y.color,w=i.spikemode,T=i.spikethickness,k=i.spikecolor||_,M=g.getPxPosition(t,i);if(-1!==w.indexOf("toaxis")||-1!==w.indexOf("across")){if(-1!==w.indexOf("toaxis")&&(x=M,b=m),-1!==w.indexOf("across")){var A=i._counterDomainMin,S=i._counterDomainMax;"free"===i.anchor&&(A=Math.min(A,i.position),S=Math.max(S,i.position)),x=l.l+A*l.w,b=l.l+S*l.w}o.insert("line",":first-child").attr({x1:x,x2:b,y1:v,y2:v,"stroke-width":T,stroke:k,"stroke-dasharray":h.dashStyle(i.spikedash,T)}).classed("spikeline",!0).classed("crisp",!0),o.insert("line",":first-child").attr({x1:x,x2:b,y1:v,y2:v,"stroke-width":T+2,stroke:d}).classed("spikeline",!0).classed("crisp",!0)}-1!==w.indexOf("marker")&&o.insert("circle",":first-child").attr({cx:M+("right"!==i.side?T:-T),cy:v,r:T,fill:k}).classed("spikeline",!0)}if(f){var E,C,L=e.vLinePoint;n=L&&L.xa,i=L&&L.ya,"cursor"===n.spikesnap?(E=c.pointerX,C=c.pointerY):(E=n._offset+L.x,C=i._offset+L.y);var I,P,z=a.readability(L.color,d)<1.5?p.contrast(d):L.color,O=n.spikemode,D=n.spikethickness,R=n.spikecolor||z,F=g.getPxPosition(t,n);if(-1!==O.indexOf("toaxis")||-1!==O.indexOf("across")){if(-1!==O.indexOf("toaxis")&&(I=F,P=C),-1!==O.indexOf("across")){var B=n._counterDomainMin,N=n._counterDomainMax;"free"===n.anchor&&(B=Math.min(B,n.position),N=Math.max(N,n.position)),I=l.t+(1-N)*l.h,P=l.t+(1-B)*l.h}o.insert("line",":first-child").attr({x1:E,x2:E,y1:I,y2:P,"stroke-width":D,stroke:R,"stroke-dasharray":h.dashStyle(n.spikedash,D)}).classed("spikeline",!0).classed("crisp",!0),o.insert("line",":first-child").attr({x1:E,x2:E,y1:I,y2:P,"stroke-width":D+2,stroke:d}).classed("spikeline",!0).classed("crisp",!0)}-1!==O.indexOf("marker")&&o.insert("circle",":first-child").attr({cx:E,cy:F-("top"!==n.side?D:-D),r:D,fill:R}).classed("spikeline",!0)}}}function D(t,e){return!e||(e.vLinePoint!==t._spikepoints.vLinePoint||e.hLinePoint!==t._spikepoints.hLinePoint)}function R(t,e){return u.plainText(t||"",{len:e,allowedTags:["br","sub","sup","b","i","em"]})}},{"../../lib":778,"../../lib/events":767,"../../lib/override_cursor":789,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"../../registry":911,"../color":643,"../dragelement":662,"../drawing":665,"../legend/defaults":695,"../legend/draw":696,"./constants":677,"./helpers":679,d3:169,"fast-isnumeric":241,tinycolor2:576}],681:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../color"),a=t("./helpers").isUnifiedHover;e.exports=function(t,e,r,o){function s(t){o.font[t]||(o.font[t]=e.legend?e.legend.font[t]:e.font[t])}o=o||{},e&&a(e.hovermode)&&(o.font||(o.font={}),s("size"),s("family"),s("color"),e.legend?(o.bgcolor||(o.bgcolor=i.combine(e.legend.bgcolor,e.paper_bgcolor)),o.bordercolor||(o.bordercolor=e.legend.bordercolor)):o.bgcolor||(o.bgcolor=e.paper_bgcolor)),r("hoverlabel.bgcolor",o.bgcolor),r("hoverlabel.bordercolor",o.bordercolor),r("hoverlabel.namelength",o.namelength),n.coerceFont(r,"hoverlabel.font",o.font),r("hoverlabel.align",o.align)}},{"../../lib":778,"../color":643,"./helpers":679}],682:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e,r){function a(r,a){return void 0!==e[r]?e[r]:n.coerce(t,e,i,r,a)}var o,s=a("clickmode");return e._has("cartesian")?s.indexOf("select")>-1?o="closest":(e._isHoriz=function(t,e){for(var r=e._scatterStackOpts||{},n=0;n1){if(!h&&!p&&!d)"independent"===k("pattern")&&(h=!0);m._hasSubplotGrid=h;var x,b,_="top to bottom"===k("roworder"),w=h?.2:.1,T=h?.3:.1;g&&e._splomGridDflt&&(x=e._splomGridDflt.xside,b=e._splomGridDflt.yside),m._domains={x:u("x",k,w,x,y),y:u("y",k,T,b,v,_)}}else delete e.grid}function k(t,e){return n.coerce(r,m,l,t,e)}},contentDefaults:function(t,e){var r=e.grid;if(r&&r._domains){var n,i,a,o,s,l,u,h=t.grid||{},p=e._subplots,d=r._hasSubplotGrid,g=r.rows,m=r.columns,v="independent"===r.pattern,y=r._axisMap={};if(d){var x=h.subplots||[];l=r.subplots=new Array(g);var b=1;for(n=0;n1);if(!1!==g||c.uirevision){var m=a.newContainer(e,"legend");if(_("uirevision",e.uirevision),!1!==g){_("bgcolor",e.paper_bgcolor),_("bordercolor"),_("borderwidth"),i.coerceFont(_,"font",e.font);var v,y,x,b=_("orientation");"h"===b?(v=0,n.getComponentMethod("rangeslider","isVisible")(t.xaxis)?(y=1.1,x="bottom"):(y=-.1,x="top")):(v=1.02,y=1,x="auto"),_("traceorder",h),l.isGrouped(e.legend)&&_("tracegroupgap"),_("itemsizing"),_("itemwidth"),_("itemclick"),_("itemdoubleclick"),_("x",v),_("xanchor"),_("y",y),_("yanchor",x),_("valign"),i.noneOrAll(c,m,["x","y"]),_("title.text")&&(_("title.side","h"===b?"left":"top"),i.coerceFont(_,"title.font",e.font))}}function _(t,e){return i.coerce(c,m,o,t,e)}}},{"../../lib":778,"../../plot_api/plot_template":817,"../../plots/layout_attributes":882,"../../registry":911,"./attributes":693,"./helpers":699}],696:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../plots/plots"),o=t("../../registry"),s=t("../../lib/events"),l=t("../dragelement"),c=t("../drawing"),u=t("../color"),f=t("../../lib/svg_text_utils"),h=t("./handle_click"),p=t("./constants"),d=t("../../constants/alignment"),g=d.LINE_SPACING,m=d.FROM_TL,v=d.FROM_BR,y=t("./get_legend_data"),x=t("./style"),b=t("./helpers");function _(t,e,r,n,i){var a=r.data()[0][0].trace,l={event:i,node:r.node(),curveNumber:a.index,expandedIndex:a._expandedIndex,data:t.data,layout:t.layout,frames:t._transitionData._frames,config:t._context,fullData:t._fullData,fullLayout:t._fullLayout};if(a._group&&(l.group=a._group),o.traceIs(a,"pie-like")&&(l.label=r.datum()[0].label),!1!==s.triggerHandler(t,"plotly_legendclick",l))if(1===n)e._clickTimeout=setTimeout((function(){h(r,t,n)}),t._context.doubleClickDelay);else if(2===n){e._clickTimeout&&clearTimeout(e._clickTimeout),t._legendMouseDownTime=0,!1!==s.triggerHandler(t,"plotly_legenddoubleclick",l)&&h(r,t,n)}}function w(t,e,r){var n,a=t.data()[0][0],s=a.trace,l=o.traceIs(s,"pie-like"),u=s.index,h=r._main&&e._context.edits.legendText&&!l,d=r._maxNameLength;r.entries?n=a.text:(n=l?a.label:s.name,s._meta&&(n=i.templateString(n,s._meta)));var g=i.ensureSingle(t,"text","legendtext");g.attr("text-anchor","start").call(c.font,r.font).text(h?T(n,d):n);var m=r.itemwidth+2*p.itemGap;f.positionText(g,m,0),h?g.call(f.makeEditable,{gd:e,text:n}).call(M,t,e,r).on("edit",(function(n){this.text(T(n,d)).call(M,t,e,r);var s=a.trace._fullInput||{},l={};if(o.hasTransform(s,"groupby")){var c=o.getTransformIndices(s,"groupby"),f=c[c.length-1],h=i.keyedContainer(s,"transforms["+f+"].styles","target","value.name");h.set(a.trace._group,n),l=h.constructUpdate()}else l.name=n;return o.call("_guiRestyle",e,l,u)})):M(g,t,e,r)}function T(t,e){var r=Math.max(4,e);if(t&&t.trim().length>=r/2)return t;for(var n=r-(t=t||"").length;n>0;n--)t+=" ";return t}function k(t,e){var r,a=e._context.doubleClickDelay,o=1,s=i.ensureSingle(t,"rect","legendtoggle",(function(t){e._context.staticPlot||t.style("cursor","pointer").attr("pointer-events","all"),t.call(u.fill,"rgba(0,0,0,0)")}));e._context.staticPlot||(s.on("mousedown",(function(){(r=(new Date).getTime())-e._legendMouseDownTimea&&(o=Math.max(o-1,1)),_(e,r,t,o,n.event)}})))}function M(t,e,r,n){n._main||t.attr("data-notex",!0),f.convertToTspans(t,r,(function(){!function(t,e,r){var n=t.data()[0][0];if(r._main&&n&&!n.trace.showlegend)return void t.remove();var i=t.select("g[class*=math-group]"),a=i.node();r||(r=e._fullLayout.legend);var o,s,l=r.borderwidth,u=(n?r:r.title).font.size*g;if(a){var h=c.bBox(a);o=h.height,s=h.width,n?c.setTranslate(i,0,.25*o):c.setTranslate(i,l,.75*o+l)}else{var d=t.select(n?".legendtext":".legendtitletext"),m=f.lineCount(d),v=d.node();o=u*m,s=v?c.bBox(v).width:0;var y=u*((m-1)/2-.3);if(n){var x=r.itemwidth+2*p.itemGap;f.positionText(d,x,-y)}else f.positionText(d,p.titlePad+l,u+l)}n?(n.lineHeight=u,n.height=Math.max(o,16)+3,n.width=s):(r._titleWidth=s,r._titleHeight=o)}(e,r,n)}))}function A(t){return i.isRightAnchor(t)?"right":i.isCenterAnchor(t)?"center":"left"}function S(t){return i.isBottomAnchor(t)?"bottom":i.isMiddleAnchor(t)?"middle":"top"}e.exports=function(t,e){var r,s=t._fullLayout,f="legend"+s._uid;if(e?(r=e.layer,f+="-hover"):((e=s.legend||{})._main=!0,r=s._infolayer),r){var h;if(t._legendMouseDownTime||(t._legendMouseDownTime=0),e._main){if(!t.calcdata)return;h=s.showlegend&&y(t.calcdata,e)}else{if(!e.entries)return;h=y(e.entries,e)}var d=s.hiddenlabels||[];if(e._main&&(!s.showlegend||!h.length))return r.selectAll(".legend").remove(),s._topdefs.select("#"+f).remove(),a.autoMargin(t,"legend");var g=i.ensureSingle(r,"g","legend",(function(t){e._main&&t.attr("pointer-events","all")})),T=i.ensureSingleById(s._topdefs,"clipPath",f,(function(t){t.append("rect")})),E=i.ensureSingle(g,"rect","bg",(function(t){t.attr("shape-rendering","crispEdges")}));E.call(u.stroke,e.bordercolor).call(u.fill,e.bgcolor).style("stroke-width",e.borderwidth+"px");var C=i.ensureSingle(g,"g","scrollbox"),L=e.title;if(e._titleWidth=0,e._titleHeight=0,L.text){var I=i.ensureSingle(C,"text","legendtitletext");I.attr("text-anchor","start").call(c.font,L.font).text(L.text),M(I,C,t,e)}else C.selectAll(".legendtitletext").remove();var P=i.ensureSingle(g,"rect","scrollbar",(function(t){t.attr(p.scrollBarEnterAttrs).call(u.fill,p.scrollBarColor)})),z=C.selectAll("g.groups").data(h);z.enter().append("g").attr("class","groups"),z.exit().remove();var O=z.selectAll("g.traces").data(i.identity);O.enter().append("g").attr("class","traces"),O.exit().remove(),O.style("opacity",(function(t){var e=t[0].trace;return o.traceIs(e,"pie-like")?-1!==d.indexOf(t[0].label)?.5:1:"legendonly"===e.visible?.5:1})).each((function(){n.select(this).call(w,t,e)})).call(x,t,e).each((function(){e._main&&n.select(this).call(k,t)})),i.syncOrAsync([a.previousPromises,function(){return function(t,e,r,i){var a=t._fullLayout;i||(i=a.legend);var o=a._size,s=b.isVertical(i),l=b.isGrouped(i),u=i.borderwidth,f=2*u,h=p.itemGap,d=i.itemwidth+2*h,g=2*(u+h),m=S(i),v=i.y<0||0===i.y&&"top"===m,y=i.y>1||1===i.y&&"bottom"===m;i._maxHeight=Math.max(v||y?a.height/2:o.h,30);var x=0;i._width=0,i._height=0;var _=function(t){var e=0,r=0,n=t.title.side;n&&(-1!==n.indexOf("left")&&(e=t._titleWidth),-1!==n.indexOf("top")&&(r=t._titleHeight));return[e,r]}(i);if(s)r.each((function(t){var e=t[0].height;c.setTranslate(this,u+_[0],u+_[1]+i._height+e/2+h),i._height+=e,i._width=Math.max(i._width,t[0].width)})),x=d+i._width,i._width+=h+d+f,i._height+=g,l&&(e.each((function(t,e){c.setTranslate(this,0,e*i.tracegroupgap)})),i._height+=(i._lgroupsLength-1)*i.tracegroupgap);else{var w=A(i),T=i.x<0||0===i.x&&"right"===w,k=i.x>1||1===i.x&&"left"===w,M=y||v,E=a.width/2;i._maxWidth=Math.max(T?M&&"left"===w?o.l+o.w:E:k?M&&"right"===w?o.r+o.w:E:o.w,2*d);var C=0,L=0;r.each((function(t){var e=t[0].width+d;C=Math.max(C,e),L+=e})),x=null;var I=0;if(l){var P=0,z=0,O=0;e.each((function(){var t=0,e=0;n.select(this).selectAll("g.traces").each((function(r){var n=r[0].height;c.setTranslate(this,_[0],_[1]+u+h+n/2+e),e+=n,t=Math.max(t,d+r[0].width)})),P=Math.max(P,e);var r=t+h;r+u+z>i._maxWidth&&(I=Math.max(I,z),z=0,O+=P+i.tracegroupgap,P=e),c.setTranslate(this,z,O),z+=r})),i._width=Math.max(I,z)+u,i._height=O+P+g}else{var D=r.size(),R=L+f+(D-1)*h=i._maxWidth&&(I=Math.max(I,j),B=0,N+=F,i._height+=F,F=0),c.setTranslate(this,_[0]+u+B,_[1]+u+N+e/2+h),j=B+r+h,B+=n,F=Math.max(F,e)})),R?(i._width=B+f,i._height=F+g):(i._width=Math.max(I,j)+f,i._height+=F+g)}}i._width=Math.ceil(Math.max(i._width+_[0],i._titleWidth+2*(u+p.titlePad))),i._height=Math.ceil(Math.max(i._height+_[1],i._titleHeight+2*(u+p.itemGap))),i._effHeight=Math.min(i._height,i._maxHeight);var U=t._context.edits,V=U.legendText||U.legendPosition;r.each((function(t){var e=n.select(this).select(".legendtoggle"),r=t[0].height,i=V?d:x||d+t[0].width;s||(i+=h/2),c.setRect(e,0,-r/2,i,r)}))}(t,z,O,e)},function(){if(!e._main||!function(t){var e=t._fullLayout.legend,r=A(e),n=S(e);return a.autoMargin(t,"legend",{x:e.x,y:e.y,l:e._width*m[r],r:e._width*v[r],b:e._effHeight*v[n],t:e._effHeight*m[n]})}(t)){var u,h,d,y,x=s._size,b=e.borderwidth,w=x.l+x.w*e.x-m[A(e)]*e._width,k=x.t+x.h*(1-e.y)-m[S(e)]*e._effHeight;if(e._main&&s.margin.autoexpand){var M=w,L=k;w=i.constrain(w,0,s.width-e._width),k=i.constrain(k,0,s.height-e._effHeight),w!==M&&i.log("Constrain legend.x to make legend fit inside graph"),k!==L&&i.log("Constrain legend.y to make legend fit inside graph")}if(e._main&&c.setTranslate(g,w,k),P.on(".drag",null),g.on("wheel",null),!e._main||e._height<=e._maxHeight||t._context.staticPlot){var I=e._effHeight;e._main||(I=e._height),E.attr({width:e._width-b,height:I-b,x:b/2,y:b/2}),c.setTranslate(C,0,0),T.select("rect").attr({width:e._width-2*b,height:I-2*b,x:b,y:b}),c.setClipUrl(C,f,t),c.setRect(P,0,0,0,0),delete e._scrollY}else{var z,O,D,R=Math.max(p.scrollBarMinHeight,e._effHeight*e._effHeight/e._height),F=e._effHeight-R-2*p.scrollBarMargin,B=e._height-e._effHeight,N=F/B,j=Math.min(e._scrollY||0,B);E.attr({width:e._width-2*b+p.scrollBarWidth+p.scrollBarMargin,height:e._effHeight-b,x:b/2,y:b/2}),T.select("rect").attr({width:e._width-2*b+p.scrollBarWidth+p.scrollBarMargin,height:e._effHeight-2*b,x:b,y:b+j}),c.setClipUrl(C,f,t),q(j,R,N),g.on("wheel",(function(){q(j=i.constrain(e._scrollY+n.event.deltaY/F*B,0,B),R,N),0!==j&&j!==B&&n.event.preventDefault()}));var U=n.behavior.drag().on("dragstart",(function(){var t=n.event.sourceEvent;z="touchstart"===t.type?t.changedTouches[0].clientY:t.clientY,D=j})).on("drag",(function(){var t=n.event.sourceEvent;2===t.buttons||t.ctrlKey||(O="touchmove"===t.type?t.changedTouches[0].clientY:t.clientY,q(j=function(t,e,r){var n=(r-e)/N+t;return i.constrain(n,0,B)}(D,z,O),R,N))}));P.call(U);var V=n.behavior.drag().on("dragstart",(function(){var t=n.event.sourceEvent;"touchstart"===t.type&&(z=t.changedTouches[0].clientY,D=j)})).on("drag",(function(){var t=n.event.sourceEvent;"touchmove"===t.type&&(O=t.changedTouches[0].clientY,q(j=function(t,e,r){var n=(e-r)/N+t;return i.constrain(n,0,B)}(D,z,O),R,N))}));C.call(V)}if(t._context.edits.legendPosition)g.classed("cursor-move",!0),l.init({element:g.node(),gd:t,prepFn:function(){var t=c.getTranslate(g);d=t.x,y=t.y},moveFn:function(t,r){var n=d+t,i=y+r;c.setTranslate(g,n,i),u=l.align(n,0,x.l,x.l+x.w,e.xanchor),h=l.align(i,0,x.t+x.h,x.t,e.yanchor)},doneFn:function(){void 0!==u&&void 0!==h&&o.call("_guiRelayout",t,{"legend.x":u,"legend.y":h})},clickFn:function(e,n){var i=r.selectAll("g.traces").filter((function(){var t=this.getBoundingClientRect();return n.clientX>=t.left&&n.clientX<=t.right&&n.clientY>=t.top&&n.clientY<=t.bottom}));i.size()>0&&_(t,g,i,e,n)}})}function q(r,n,i){e._scrollY=t._fullLayout.legend._scrollY=r,c.setTranslate(C,0,-r),c.setRect(P,e._width,p.scrollBarMargin+r*i,p.scrollBarWidth,n),T.select("rect").attr("y",b+r)}}],t)}}},{"../../constants/alignment":745,"../../lib":778,"../../lib/events":767,"../../lib/svg_text_utils":803,"../../plots/plots":891,"../../registry":911,"../color":643,"../dragelement":662,"../drawing":665,"./constants":694,"./get_legend_data":697,"./handle_click":698,"./helpers":699,"./style":701,d3:169}],697:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("./helpers");e.exports=function(t,e){var r,a,o={},s=[],l=!1,c={},u=0,f=0,h=e._main;function p(t,r){if(""!==t&&i.isGrouped(e))-1===s.indexOf(t)?(s.push(t),l=!0,o[t]=[[r]]):o[t].push([r]);else{var n="~~i"+u;s.push(n),o[n]=[[r]],u++}}for(r=0;r0))return 0;i=e.width}return m?n:Math.min(i,r)};function _(t,e,r){var a=t[0].trace,o=a.marker||{},s=o.line||{},c=r?a.visible&&a.type===r:i.traceIs(a,"bar"),u=n.select(e).select("g.legendpoints").selectAll("path.legend"+r).data(c?[t]:[]);u.enter().append("path").classed("legend"+r,!0).attr("d","M6,6H-6V-6H6Z").attr("transform",x),u.exit().remove(),u.each((function(t){var e=n.select(this),r=t[0],i=b(r.mlw,o.line,5,2);e.style("stroke-width",i+"px").call(l.fill,r.mc||o.color),i&&l.stroke(e,r.mlc||s.color)}))}function w(t,e,r){var o=t[0],s=o.trace,l=r?s.visible&&s.type===r:i.traceIs(s,r),c=n.select(e).select("g.legendpoints").selectAll("path.legend"+r).data(l?[t]:[]);if(c.enter().append("path").classed("legend"+r,!0).attr("d","M6,6H-6V-6H6Z").attr("transform",x),c.exit().remove(),c.size()){var u=(s.marker||{}).line,p=b(h(u.width,o.pts),u,5,2),d=a.minExtend(s,{marker:{line:{width:p}}});d.marker.line.color=u.color;var g=a.minExtend(o,{trace:d});f(c,g,d)}}t.each((function(t){var e=n.select(this),i=a.ensureSingle(e,"g","layers");i.style("opacity",t[0].trace.opacity);var s=r.valign,l=t[0].lineHeight,c=t[0].height;if("middle"!==s&&l&&c){var u={top:1,bottom:-1}[s]*(.5*(l-c+3));i.attr("transform",o(0,u))}else i.attr("transform",null);i.selectAll("g.legendfill").data([t]).enter().append("g").classed("legendfill",!0),i.selectAll("g.legendlines").data([t]).enter().append("g").classed("legendlines",!0);var f=i.selectAll("g.legendsymbols").data([t]);f.enter().append("g").classed("legendsymbols",!0),f.selectAll("g.legendpoints").data([t]).enter().append("g").classed("legendpoints",!0)})).each((function(t){var r,i=t[0].trace,o=[];if(i.visible)switch(i.type){case"histogram2d":case"heatmap":o=[["M-15,-2V4H15V-2Z"]],r=!0;break;case"choropleth":case"choroplethmapbox":o=[["M-6,-6V6H6V-6Z"]],r=!0;break;case"densitymapbox":o=[["M-6,0 a6,6 0 1,0 12,0 a 6,6 0 1,0 -12,0"]],r="radial";break;case"cone":o=[["M-6,2 A2,2 0 0,0 -6,6 V6L6,4Z"],["M-6,-6 A2,2 0 0,0 -6,-2 L6,-4Z"],["M-6,-2 A2,2 0 0,0 -6,2 L6,0Z"]],r=!1;break;case"streamtube":o=[["M-6,2 A2,2 0 0,0 -6,6 H6 A2,2 0 0,1 6,2 Z"],["M-6,-6 A2,2 0 0,0 -6,-2 H6 A2,2 0 0,1 6,-6 Z"],["M-6,-2 A2,2 0 0,0 -6,2 H6 A2,2 0 0,1 6,-2 Z"]],r=!1;break;case"surface":o=[["M-6,-6 A2,3 0 0,0 -6,0 H6 A2,3 0 0,1 6,-6 Z"],["M-6,1 A2,3 0 0,1 -6,6 H6 A2,3 0 0,0 6,0 Z"]],r=!0;break;case"mesh3d":o=[["M-6,6H0L-6,-6Z"],["M6,6H0L6,-6Z"],["M-6,-6H6L0,6Z"]],r=!1;break;case"volume":o=[["M-6,6H0L-6,-6Z"],["M6,6H0L6,-6Z"],["M-6,-6H6L0,6Z"]],r=!0;break;case"isosurface":o=[["M-6,6H0L-6,-6Z"],["M6,6H0L6,-6Z"],["M-6,-6 A12,24 0 0,0 6,-6 L0,6Z"]],r=!1}var u=n.select(this).select("g.legendpoints").selectAll("path.legend3dandfriends").data(o);u.enter().append("path").classed("legend3dandfriends",!0).attr("transform",x).style("stroke-miterlimit",1),u.exit().remove(),u.each((function(t,o){var u,f=n.select(this),h=c(i),p=h.colorscale,g=h.reversescale;if(p){if(!r){var m=p.length;u=0===o?p[g?m-1:0][1]:1===o?p[g?0:m-1][1]:p[Math.floor((m-1)/2)][1]}}else{var v=i.vertexcolor||i.facecolor||i.color;u=a.isArrayOrTypedArray(v)?v[o]||v[0]:v}f.attr("d",t[0]),u?f.call(l.fill,u):f.call((function(t){if(t.size()){var n="legendfill-"+i.uid;s.gradient(t,e,n,d(g,"radial"===r),p,"fill")}}))}))})).each((function(t){var e=t[0].trace,r="waterfall"===e.type;if(t[0]._distinct&&r){var i=t[0].trace[t[0].dir].marker;return t[0].mc=i.color,t[0].mlw=i.line.width,t[0].mlc=i.line.color,_(t,this,"waterfall")}var a=[];e.visible&&r&&(a=t[0].hasTotals?[["increasing","M-6,-6V6H0Z"],["totals","M6,6H0L-6,-6H-0Z"],["decreasing","M6,6V-6H0Z"]]:[["increasing","M-6,-6V6H6Z"],["decreasing","M6,6V-6H-6Z"]]);var o=n.select(this).select("g.legendpoints").selectAll("path.legendwaterfall").data(a);o.enter().append("path").classed("legendwaterfall",!0).attr("transform",x).style("stroke-miterlimit",1),o.exit().remove(),o.each((function(t){var r=n.select(this),i=e[t[0]].marker,a=b(void 0,i.line,5,2);r.attr("d",t[1]).style("stroke-width",a+"px").call(l.fill,i.color),a&&r.call(l.stroke,i.line.color)}))})).each((function(t){_(t,this,"funnel")})).each((function(t){_(t,this)})).each((function(t){var r=t[0].trace,o=n.select(this).select("g.legendpoints").selectAll("path.legendbox").data(r.visible&&i.traceIs(r,"box-violin")?[t]:[]);o.enter().append("path").classed("legendbox",!0).attr("d","M6,6H-6V-6H6Z").attr("transform",x),o.exit().remove(),o.each((function(){var t=n.select(this);if("all"!==r.boxpoints&&"all"!==r.points||0!==l.opacity(r.fillcolor)||0!==l.opacity((r.line||{}).color)){var i=b(void 0,r.line,5,2);t.style("stroke-width",i+"px").call(l.fill,r.fillcolor),i&&l.stroke(t,r.line.color)}else{var c=a.minExtend(r,{marker:{size:m?12:a.constrain(r.marker.size,2,16),sizeref:1,sizemin:1,sizemode:"diameter"}});o.call(s.pointStyle,c,e)}}))})).each((function(t){w(t,this,"funnelarea")})).each((function(t){w(t,this,"pie")})).each((function(t){var r,i,o=t[0],l=o.trace,f=l.visible&&l.fill&&"none"!==l.fill,h=u.hasLines(l),p=l.contours,g=!1,m=!1,y=c(l),x=y.colorscale,_=y.reversescale;if(p){var w=p.coloring;"lines"===w?g=!0:h="none"===w||"heatmap"===w||p.showlines,"constraint"===p.type?f="="!==p._operation:"fill"!==w&&"heatmap"!==w||(m=!0)}var T=u.hasMarkers(l)||u.hasText(l),k=f||m,M=h||g,A=T||!k?"M5,0":M?"M5,-2":"M5,-3",S=n.select(this),E=S.select(".legendfill").selectAll("path").data(f||m?[t]:[]);if(E.enter().append("path").classed("js-fill",!0),E.exit().remove(),E.attr("d",A+"h"+v+"v6h-"+v+"z").call(f?s.fillGroupStyle:function(t){if(t.size()){var r="legendfill-"+l.uid;s.gradient(t,e,r,d(_),x,"fill")}}),h||g){var C=b(void 0,l.line,10,5);i=a.minExtend(l,{line:{width:C}}),r=[a.minExtend(o,{trace:i})]}var L=S.select(".legendlines").selectAll("path").data(h||g?[r]:[]);L.enter().append("path").classed("js-line",!0),L.exit().remove(),L.attr("d",A+(g?"l"+v+",0.0001":"h"+v)).call(h?s.lineGroupStyle:function(t){if(t.size()){var r="legendline-"+l.uid;s.lineGroupStyle(t),s.gradient(t,e,r,d(_),x,"stroke")}})})).each((function(t){var r,i,o=t[0],l=o.trace,c=u.hasMarkers(l),f=u.hasText(l),h=u.hasLines(l);function p(t,e,r,n){var i=a.nestedProperty(l,t).get(),o=a.isArrayOrTypedArray(i)&&e?e(i):i;if(m&&o&&void 0!==n&&(o=n),r){if(or[1])return r[1]}return o}function d(t){return o._distinct&&o.index&&t[o.index]?t[o.index]:t[0]}if(c||f||h){var g={},v={};if(c){g.mc=p("marker.color",d),g.mx=p("marker.symbol",d),g.mo=p("marker.opacity",a.mean,[.2,1]),g.mlc=p("marker.line.color",d),g.mlw=p("marker.line.width",a.mean,[0,5],2),v.marker={sizeref:1,sizemin:1,sizemode:"diameter"};var y=p("marker.size",a.mean,[2,16],12);g.ms=y,v.marker.size=y}h&&(v.line={width:p("line.width",d,[0,10],5)}),f&&(g.tx="Aa",g.tp=p("textposition",d),g.ts=10,g.tc=p("textfont.color",d),g.tf=p("textfont.family",d)),r=[a.minExtend(o,g)],(i=a.minExtend(l,v)).selectedpoints=null,i.texttemplate=null}var b=n.select(this).select("g.legendpoints"),_=b.selectAll("path.scatterpts").data(c?r:[]);_.enter().insert("path",":first-child").classed("scatterpts",!0).attr("transform",x),_.exit().remove(),_.call(s.pointStyle,i,e),c&&(r[0].mrc=3);var w=b.selectAll("g.pointtext").data(f?r:[]);w.enter().append("g").classed("pointtext",!0).append("text").attr("transform",x),w.exit().remove(),w.selectAll("text").call(s.textPointStyle,i,e)})).each((function(t){var e=t[0].trace,r=n.select(this).select("g.legendpoints").selectAll("path.legendcandle").data(e.visible&&"candlestick"===e.type?[t,t]:[]);r.enter().append("path").classed("legendcandle",!0).attr("d",(function(t,e){return e?"M-15,0H-8M-8,6V-6H8Z":"M15,0H8M8,-6V6H-8Z"})).attr("transform",x).style("stroke-miterlimit",1),r.exit().remove(),r.each((function(t,r){var i=n.select(this),a=e[r?"increasing":"decreasing"],o=b(void 0,a.line,5,2);i.style("stroke-width",o+"px").call(l.fill,a.fillcolor),o&&l.stroke(i,a.line.color)}))})).each((function(t){var e=t[0].trace,r=n.select(this).select("g.legendpoints").selectAll("path.legendohlc").data(e.visible&&"ohlc"===e.type?[t,t]:[]);r.enter().append("path").classed("legendohlc",!0).attr("d",(function(t,e){return e?"M-15,0H0M-8,-6V0":"M15,0H0M8,6V0"})).attr("transform",x).style("stroke-miterlimit",1),r.exit().remove(),r.each((function(t,r){var i=n.select(this),a=e[r?"increasing":"decreasing"],o=b(void 0,a.line,5,2);i.style("fill","none").call(s.dashLine,a.line.dash,o),o&&l.stroke(i,a.line.color)}))}))}},{"../../lib":778,"../../registry":911,"../../traces/pie/helpers":1166,"../../traces/pie/style_one":1172,"../../traces/scatter/subtypes":1212,"../color":643,"../colorscale/helpers":654,"../drawing":665,"./constants":694,d3:169}],702:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../plots/plots"),a=t("../../plots/cartesian/axis_ids"),o=t("../../fonts/ploticon"),s=t("../shapes/draw").eraseActiveShape,l=t("../../lib"),c=l._,u=e.exports={};function f(t,e){var r,i,o=e.currentTarget,s=o.getAttribute("data-attr"),l=o.getAttribute("data-val")||!0,c=t._fullLayout,u={},f=a.list(t,null,!0),h=c._cartesianSpikesEnabled;if("zoom"===s){var p,d="in"===l?.5:2,g=(1+d)/2,m=(1-d)/2;for(i=0;i1?(E=["toggleHover"],C=["resetViews"]):d?(S=["zoomInGeo","zoomOutGeo"],E=["hoverClosestGeo"],C=["resetGeo"]):p?(E=["hoverClosest3d"],C=["resetCameraDefault3d","resetCameraLastSave3d"]):x?(S=["zoomInMapbox","zoomOutMapbox"],E=["toggleHover"],C=["resetViewMapbox"]):v?E=["hoverClosestGl2d"]:g?E=["hoverClosestPie"]:_?(E=["hoverClosestCartesian","hoverCompareCartesian"],C=["resetViewSankey"]):E=["toggleHover"];h&&(E=["toggleSpikelines","hoverClosestCartesian","hoverCompareCartesian"]);(function(t){for(var e=0;e0)){var g=function(t,e,r){for(var n=r.filter((function(r){return e[r].anchor===t._id})),i=0,a=0;a=n.max)e=F[r+1];else if(t=n.pmax)e=F[r+1];else if(t0?h+c:c;return{ppad:c,ppadplus:u?d:g,ppadminus:u?g:d}}return{ppad:c}}function u(t,e,r,n,i){var s="category"===t.type||"multicategory"===t.type?t.r2c:t.d2c;if(void 0!==e)return[s(e),s(r)];if(n){var l,c,u,f,h=1/0,p=-1/0,d=n.match(a.segmentRE);for("date"===t.type&&(s=o.decodeDate(s)),l=0;lp&&(p=f)));return p>=h?[h,p]:void 0}}e.exports=function(t){var e=t._fullLayout,r=n.filterVisible(e.shapes);if(r.length&&t._fullData.length)for(var o=0;oy?(k=f,E="y0",M=y,C="y1"):(k=y,E="y1",M=f,C="y0");Z(n),Q(s,r),function(t,e,r){var n=e.xref,i=e.yref,o=a.getFromId(r,n),s=a.getFromId(r,i),l="";"paper"===n||o.autorange||(l+=n);"paper"===i||s.autorange||(l+=i);u.setClipUrl(t,l?"clip"+r._fullLayout._uid+l:null,r)}(e,r,t),X.moveFn="move"===z?J:K,X.altKey=n.altKey},doneFn:function(){if(v(t))return;p(e),$(s),b(e,t,r),n.call("_guiRelayout",t,l.getUpdateObj())},clickFn:function(){if(v(t))return;$(s)}};function Z(r){if(v(t))z=null;else if(R)z="path"===r.target.tagName?"move":"start-point"===r.target.attributes["data-line-point"].value?"resize-over-start-point":"resize-over-end-point";else{var n=X.element.getBoundingClientRect(),i=n.right-n.left,a=n.bottom-n.top,o=r.clientX-n.left,s=r.clientY-n.top,l=!F&&i>10&&a>10&&!r.shiftKey?h.getCursor(o/i,1-s/a):"move";p(e,l),z=l.split("-")[0]}}function J(n,i){if("path"===r.type){var a=function(t){return t},o=a,l=a;O?B("xanchor",r.xanchor=G(x+n)):(o=function(t){return G(q(t)+n)},N&&"date"===N.type&&(o=g.encodeDate(o))),D?B("yanchor",r.yanchor=Y(T+i)):(l=function(t){return Y(H(t)+i)},U&&"date"===U.type&&(l=g.encodeDate(l))),B("path",r.path=w(P,o,l))}else O?B("xanchor",r.xanchor=G(x+n)):(B("x0",r.x0=G(c+n)),B("x1",r.x1=G(m+n))),D?B("yanchor",r.yanchor=Y(T+i)):(B("y0",r.y0=Y(f+i)),B("y1",r.y1=Y(y+i)));e.attr("d",_(t,r)),Q(s,r)}function K(n,i){if(F){var a=function(t){return t},o=a,l=a;O?B("xanchor",r.xanchor=G(x+n)):(o=function(t){return G(q(t)+n)},N&&"date"===N.type&&(o=g.encodeDate(o))),D?B("yanchor",r.yanchor=Y(T+i)):(l=function(t){return Y(H(t)+i)},U&&"date"===U.type&&(l=g.encodeDate(l))),B("path",r.path=w(P,o,l))}else if(R){if("resize-over-start-point"===z){var u=c+n,h=D?f-i:f+i;B("x0",r.x0=O?u:G(u)),B("y0",r.y0=D?h:Y(h))}else if("resize-over-end-point"===z){var p=m+n,d=D?y-i:y+i;B("x1",r.x1=O?p:G(p)),B("y1",r.y1=D?d:Y(d))}}else{var v=function(t){return-1!==z.indexOf(t)},b=v("n"),j=v("s"),V=v("w"),W=v("e"),X=b?k+i:k,Z=j?M+i:M,J=V?A+n:A,K=W?S+n:S;D&&(b&&(X=k-i),j&&(Z=M-i)),(!D&&Z-X>10||D&&X-Z>10)&&(B(E,r[E]=D?X:Y(X)),B(C,r[C]=D?Z:Y(Z))),K-J>10&&(B(L,r[L]=O?J:G(J)),B(I,r[I]=O?K:G(K)))}e.attr("d",_(t,r)),Q(s,r)}function Q(t,e){(O||D)&&function(){var r="path"!==e.type,n=t.selectAll(".visual-cue").data([0]);n.enter().append("path").attr({fill:"#fff","fill-rule":"evenodd",stroke:"#000","stroke-width":1}).classed("visual-cue",!0);var a=q(O?e.xanchor:i.midRange(r?[e.x0,e.x1]:g.extractPathCoords(e.path,d.paramIsX))),o=H(D?e.yanchor:i.midRange(r?[e.y0,e.y1]:g.extractPathCoords(e.path,d.paramIsY)));if(a=g.roundPositionForSharpStrokeRendering(a,1),o=g.roundPositionForSharpStrokeRendering(o,1),O&&D){var s="M"+(a-1-1)+","+(o-1-1)+"h-8v2h8 v8h2v-8 h8v-2h-8 v-8h-2 Z";n.attr("d",s)}else if(O){var l="M"+(a-1-1)+","+(o-9-1)+"v18 h2 v-18 Z";n.attr("d",l)}else{var c="M"+(a-9-1)+","+(o-1-1)+"h18 v2 h-18 Z";n.attr("d",c)}}()}function $(t){t.selectAll(".visual-cue").remove()}h.init(X),W.node().onmousemove=Z}(t,O,l,e,r,z):!0===l.editable&&O.style("pointer-events",I||c.opacity(S)*A<=.5?"stroke":"all");O.node().addEventListener("click",(function(){return function(t,e){if(!y(t))return;var r=+e.node().getAttribute("data-index");if(r>=0){if(r===t._fullLayout._activeShapeIndex)return void T(t);t._fullLayout._activeShapeIndex=r,t._fullLayout._deactivateShape=T,m(t)}}(t,O)}))}}function b(t,e,r){var n=(r.xref+r.yref).replace(/paper/g,"").replace(/[xyz][1-9]* *domain/g,"");u.setClipUrl(t,n?"clip"+e._fullLayout._uid+n:null,e)}function _(t,e){var r,n,o,s,l,c,u,f,h=e.type,p=a.getRefType(e.xref),m=a.getRefType(e.yref),v=a.getFromId(t,e.xref),y=a.getFromId(t,e.yref),x=t._fullLayout._size;if(v?"domain"===p?n=function(t){return v._offset+v._length*t}:(r=g.shapePositionToRange(v),n=function(t){return v._offset+v.r2p(r(t,!0))}):n=function(t){return x.l+x.w*t},y?"domain"===m?s=function(t){return y._offset+y._length*(1-t)}:(o=g.shapePositionToRange(y),s=function(t){return y._offset+y.r2p(o(t,!0))}):s=function(t){return x.t+x.h*(1-t)},"path"===h)return v&&"date"===v.type&&(n=g.decodeDate(n)),y&&"date"===y.type&&(s=g.decodeDate(s)),function(t,e,r){var n=t.path,a=t.xsizemode,o=t.ysizemode,s=t.xanchor,l=t.yanchor;return n.replace(d.segmentRE,(function(t){var n=0,c=t.charAt(0),u=d.paramIsX[c],f=d.paramIsY[c],h=d.numParams[c],p=t.substr(1).replace(d.paramRE,(function(t){return u[n]?t="pixel"===a?e(s)+Number(t):e(t):f[n]&&(t="pixel"===o?r(l)-Number(t):r(t)),++n>h&&(t="X"),t}));return n>h&&(p=p.replace(/[\s,]*X.*/,""),i.log("Ignoring extra params in segment "+t)),c+p}))}(e,n,s);if("pixel"===e.xsizemode){var b=n(e.xanchor);l=b+e.x0,c=b+e.x1}else l=n(e.x0),c=n(e.x1);if("pixel"===e.ysizemode){var _=s(e.yanchor);u=_-e.y0,f=_-e.y1}else u=s(e.y0),f=s(e.y1);if("line"===h)return"M"+l+","+u+"L"+c+","+f;if("rect"===h)return"M"+l+","+u+"H"+c+"V"+f+"H"+l+"Z";var w=(l+c)/2,T=(u+f)/2,k=Math.abs(w-l),M=Math.abs(T-u),A="A"+k+","+M,S=w+k+","+T;return"M"+S+A+" 0 1,1 "+(w+","+(T-M))+A+" 0 0,1 "+S+"Z"}function w(t,e,r){return t.replace(d.segmentRE,(function(t){var n=0,i=t.charAt(0),a=d.paramIsX[i],o=d.paramIsY[i],s=d.numParams[i];return i+t.substr(1).replace(d.paramRE,(function(t){return n>=s||(a[n]?t=e(t):o[n]&&(t=r(t)),n++),t}))}))}function T(t){y(t)&&(t._fullLayout._activeShapeIndex>=0&&(l(t),delete t._fullLayout._activeShapeIndex,m(t)))}e.exports={draw:m,drawOne:x,eraseActiveShape:function(t){if(!y(t))return;l(t);var e=t._fullLayout._activeShapeIndex,r=(t.layout||{}).shapes||[];if(e=0&&f(v),r.attr("d",g(e)),M&&!h)&&(k=function(t,e){for(var r=0;r1&&(2!==t.length||"Z"!==t[1][0])&&(0===T&&(t[0][0]="M"),e[w]=t,y(),x())}}()}}function P(t,r){!function(t,r){if(e.length)for(var n=0;n0&&l0&&(s=s.transition().duration(e.transition.duration).ease(e.transition.easing)),s.attr("transform",l(o-.5*f.gripWidth,e._dims.currentValueTotalHeight))}}function E(t,e){var r=t._dims;return r.inputAreaStart+f.stepInset+(r.inputAreaLength-2*f.stepInset)*Math.min(1,Math.max(0,e))}function C(t,e){var r=t._dims;return Math.min(1,Math.max(0,(e-f.stepInset-r.inputAreaStart)/(r.inputAreaLength-2*f.stepInset-2*r.inputAreaStart)))}function L(t,e,r){var n=r._dims,i=s.ensureSingle(t,"rect",f.railTouchRectClass,(function(n){n.call(M,e,t,r).style("pointer-events","all")}));i.attr({width:n.inputAreaLength,height:Math.max(n.inputAreaWidth,f.tickOffset+r.ticklen+n.labelHeight)}).call(a.fill,r.bgcolor).attr("opacity",0),o.setTranslate(i,0,n.currentValueTotalHeight)}function I(t,e){var r=e._dims,n=r.inputAreaLength-2*f.railInset,i=s.ensureSingle(t,"rect",f.railRectClass);i.attr({width:n,height:f.railWidth,rx:f.railRadius,ry:f.railRadius,"shape-rendering":"crispEdges"}).call(a.stroke,e.bordercolor).call(a.fill,e.bgcolor).style("stroke-width",e.borderwidth+"px"),o.setTranslate(i,f.railInset,.5*(r.inputAreaWidth-f.railWidth)+r.currentValueTotalHeight)}e.exports=function(t){var e=t._fullLayout,r=function(t,e){for(var r=t[f.name],n=[],i=0;i0?[0]:[]);function s(e){e._commandObserver&&(e._commandObserver.remove(),delete e._commandObserver),i.autoMargin(t,m(e))}if(a.enter().append("g").classed(f.containerClassName,!0).style("cursor","ew-resize"),a.exit().each((function(){n.select(this).selectAll("g."+f.groupClassName).each(s)})).remove(),0!==r.length){var l=a.selectAll("g."+f.groupClassName).data(r,v);l.enter().append("g").classed(f.groupClassName,!0),l.exit().each(s).remove();for(var c=0;c0||h<0){var v={left:[-d,0],right:[d,0],top:[0,-d],bottom:[0,d]}[b.side];e.attr("transform",l(v[0],v[1]))}}}return D.call(R),z&&(E?D.on(".opacity",null):(M=0,A=!0,D.text(y).on("mouseover.opacity",(function(){n.select(this).transition().duration(h.SHOW_PLACEHOLDER).style("opacity",1)})).on("mouseout.opacity",(function(){n.select(this).transition().duration(h.HIDE_PLACEHOLDER).style("opacity",0)}))),D.call(f.makeEditable,{gd:t}).on("edit",(function(e){void 0!==x?o.call("_guiRestyle",t,v,e,x):o.call("_guiRelayout",t,v,e)})).on("cancel",(function(){this.text(this.attr("data-unformatted")).call(R)})).on("input",(function(t){this.text(t||" ").call(f.positionText,_.x,_.y)}))),D.classed("js-placeholder",A),T}}},{"../../constants/alignment":745,"../../constants/interactions":752,"../../lib":778,"../../lib/svg_text_utils":803,"../../plots/plots":891,"../../registry":911,"../color":643,"../drawing":665,d3:169,"fast-isnumeric":241}],739:[function(t,e,r){"use strict";var n=t("../../plots/font_attributes"),i=t("../color/attributes"),a=t("../../lib/extend").extendFlat,o=t("../../plot_api/edit_types").overrideAll,s=t("../../plots/pad_attributes"),l=t("../../plot_api/plot_template").templatedArray,c=l("button",{visible:{valType:"boolean"},method:{valType:"enumerated",values:["restyle","relayout","animate","update","skip"],dflt:"restyle"},args:{valType:"info_array",freeLength:!0,items:[{valType:"any"},{valType:"any"},{valType:"any"}]},args2:{valType:"info_array",freeLength:!0,items:[{valType:"any"},{valType:"any"},{valType:"any"}]},label:{valType:"string",dflt:""},execute:{valType:"boolean",dflt:!0}});e.exports=o(l("updatemenu",{_arrayAttrRegexps:[/^updatemenus\[(0|[1-9][0-9]+)\]\.buttons/],visible:{valType:"boolean"},type:{valType:"enumerated",values:["dropdown","buttons"],dflt:"dropdown"},direction:{valType:"enumerated",values:["left","right","up","down"],dflt:"down"},active:{valType:"integer",min:-1,dflt:0},showactive:{valType:"boolean",dflt:!0},buttons:c,x:{valType:"number",min:-2,max:3,dflt:-.05},xanchor:{valType:"enumerated",values:["auto","left","center","right"],dflt:"right"},y:{valType:"number",min:-2,max:3,dflt:1},yanchor:{valType:"enumerated",values:["auto","top","middle","bottom"],dflt:"top"},pad:a(s({editType:"arraydraw"}),{}),font:n({}),bgcolor:{valType:"color"},bordercolor:{valType:"color",dflt:i.borderLine},borderwidth:{valType:"number",min:0,dflt:1,editType:"arraydraw"}}),"arraydraw","from-root")},{"../../lib/extend":768,"../../plot_api/edit_types":810,"../../plot_api/plot_template":817,"../../plots/font_attributes":856,"../../plots/pad_attributes":890,"../color/attributes":642}],740:[function(t,e,r){"use strict";e.exports={name:"updatemenus",containerClassName:"updatemenu-container",headerGroupClassName:"updatemenu-header-group",headerClassName:"updatemenu-header",headerArrowClassName:"updatemenu-header-arrow",dropdownButtonGroupClassName:"updatemenu-dropdown-button-group",dropdownButtonClassName:"updatemenu-dropdown-button",buttonClassName:"updatemenu-button",itemRectClassName:"updatemenu-item-rect",itemTextClassName:"updatemenu-item-text",menuIndexAttrName:"updatemenu-active-index",autoMarginIdRoot:"updatemenu-",blankHeaderOpts:{label:" "},minWidth:30,minHeight:30,textPadX:24,arrowPadX:16,rx:2,ry:2,textOffsetX:12,textOffsetY:3,arrowOffsetX:4,gapButtonHeader:5,gapButton:2,activeColor:"#F4FAFF",hoverColor:"#F4FAFF",arrowSymbol:{left:"\u25c4",right:"\u25ba",up:"\u25b2",down:"\u25bc"}}},{}],741:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../plots/array_container_defaults"),a=t("./attributes"),o=t("./constants").name,s=a.buttons;function l(t,e,r){function o(r,i){return n.coerce(t,e,a,r,i)}o("visible",i(t,e,{name:"buttons",handleItemDefaults:c}).length>0)&&(o("active"),o("direction"),o("type"),o("showactive"),o("x"),o("y"),n.noneOrAll(t,e,["x","y"]),o("xanchor"),o("yanchor"),o("pad.t"),o("pad.r"),o("pad.b"),o("pad.l"),n.coerceFont(o,"font",r.font),o("bgcolor",r.paper_bgcolor),o("bordercolor"),o("borderwidth"))}function c(t,e){function r(r,i){return n.coerce(t,e,s,r,i)}r("visible","skip"===t.method||Array.isArray(t.args))&&(r("method"),r("args"),r("args2"),r("label"),r("execute"))}e.exports=function(t,e){i(t,e,{name:o,handleItemDefaults:l})}},{"../../lib":778,"../../plots/array_container_defaults":823,"./attributes":739,"./constants":740}],742:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../plots/plots"),a=t("../color"),o=t("../drawing"),s=t("../../lib"),l=t("../../lib/svg_text_utils"),c=t("../../plot_api/plot_template").arrayEditor,u=t("../../constants/alignment").LINE_SPACING,f=t("./constants"),h=t("./scrollbox");function p(t){return t._index}function d(t,e){return+t.attr(f.menuIndexAttrName)===e._index}function g(t,e,r,n,i,a,o,s){e.active=o,c(t.layout,f.name,e).applyUpdate("active",o),"buttons"===e.type?v(t,n,null,null,e):"dropdown"===e.type&&(i.attr(f.menuIndexAttrName,"-1"),m(t,n,i,a,e),s||v(t,n,i,a,e))}function m(t,e,r,n,i){var a=s.ensureSingle(e,"g",f.headerClassName,(function(t){t.style("pointer-events","all")})),l=i._dims,c=i.active,u=i.buttons[c]||f.blankHeaderOpts,h={y:i.pad.t,yPad:0,x:i.pad.l,xPad:0,index:0},p={width:l.headerWidth,height:l.headerHeight};a.call(y,i,u,t).call(A,i,h,p),s.ensureSingle(e,"text",f.headerArrowClassName,(function(t){t.attr("text-anchor","end").call(o.font,i.font).text(f.arrowSymbol[i.direction])})).attr({x:l.headerWidth-f.arrowOffsetX+i.pad.l,y:l.headerHeight/2+f.textOffsetY+i.pad.t}),a.on("click",(function(){r.call(S,String(d(r,i)?-1:i._index)),v(t,e,r,n,i)})),a.on("mouseover",(function(){a.call(w)})),a.on("mouseout",(function(){a.call(T,i)})),o.setTranslate(e,l.lx,l.ly)}function v(t,e,r,a,o){r||(r=e).attr("pointer-events","all");var l=function(t){return-1==+t.attr(f.menuIndexAttrName)}(r)&&"buttons"!==o.type?[]:o.buttons,c="dropdown"===o.type?f.dropdownButtonClassName:f.buttonClassName,u=r.selectAll("g."+c).data(s.filterVisible(l)),h=u.enter().append("g").classed(c,!0),p=u.exit();"dropdown"===o.type?(h.attr("opacity","0").transition().attr("opacity","1"),p.transition().attr("opacity","0").remove()):p.remove();var d=0,m=0,v=o._dims,x=-1!==["up","down"].indexOf(o.direction);"dropdown"===o.type&&(x?m=v.headerHeight+f.gapButtonHeader:d=v.headerWidth+f.gapButtonHeader),"dropdown"===o.type&&"up"===o.direction&&(m=-f.gapButtonHeader+f.gapButton-v.openHeight),"dropdown"===o.type&&"left"===o.direction&&(d=-f.gapButtonHeader+f.gapButton-v.openWidth);var b={x:v.lx+d+o.pad.l,y:v.ly+m+o.pad.t,yPad:f.gapButton,xPad:f.gapButton,index:0},k={l:b.x+o.borderwidth,t:b.y+o.borderwidth};u.each((function(s,l){var c=n.select(this);c.call(y,o,s,t).call(A,o,b),c.on("click",(function(){n.event.defaultPrevented||(s.execute&&(s.args2&&o.active===l?(g(t,o,0,e,r,a,-1),i.executeAPICommand(t,s.method,s.args2)):(g(t,o,0,e,r,a,l),i.executeAPICommand(t,s.method,s.args))),t.emit("plotly_buttonclicked",{menu:o,button:s,active:o.active}))})),c.on("mouseover",(function(){c.call(w)})),c.on("mouseout",(function(){c.call(T,o),u.call(_,o)}))})),u.call(_,o),x?(k.w=Math.max(v.openWidth,v.headerWidth),k.h=b.y-k.t):(k.w=b.x-k.l,k.h=Math.max(v.openHeight,v.headerHeight)),k.direction=o.direction,a&&(u.size()?function(t,e,r,n,i,a){var o,s,l,c=i.direction,u="up"===c||"down"===c,h=i._dims,p=i.active;if(u)for(s=0,l=0;l0?[0]:[]);if(o.enter().append("g").classed(f.containerClassName,!0).style("cursor","pointer"),o.exit().each((function(){n.select(this).selectAll("g."+f.headerGroupClassName).each(a)})).remove(),0!==r.length){var l=o.selectAll("g."+f.headerGroupClassName).data(r,p);l.enter().append("g").classed(f.headerGroupClassName,!0);for(var c=s.ensureSingle(o,"g",f.dropdownButtonGroupClassName,(function(t){t.style("pointer-events","all")})),u=0;uw,M=s.barLength+2*s.barPad,A=s.barWidth+2*s.barPad,S=d,E=m+v;E+A>c&&(E=c-A);var C=this.container.selectAll("rect.scrollbar-horizontal").data(k?[0]:[]);C.exit().on(".drag",null).remove(),C.enter().append("rect").classed("scrollbar-horizontal",!0).call(i.fill,s.barColor),k?(this.hbar=C.attr({rx:s.barRadius,ry:s.barRadius,x:S,y:E,width:M,height:A}),this._hbarXMin=S+M/2,this._hbarTranslateMax=w-M):(delete this.hbar,delete this._hbarXMin,delete this._hbarTranslateMax);var L=v>T,I=s.barWidth+2*s.barPad,P=s.barLength+2*s.barPad,z=d+g,O=m;z+I>l&&(z=l-I);var D=this.container.selectAll("rect.scrollbar-vertical").data(L?[0]:[]);D.exit().on(".drag",null).remove(),D.enter().append("rect").classed("scrollbar-vertical",!0).call(i.fill,s.barColor),L?(this.vbar=D.attr({rx:s.barRadius,ry:s.barRadius,x:z,y:O,width:I,height:P}),this._vbarYMin=O+P/2,this._vbarTranslateMax=T-P):(delete this.vbar,delete this._vbarYMin,delete this._vbarTranslateMax);var R=this.id,F=u-.5,B=L?f+I+.5:f+.5,N=h-.5,j=k?p+A+.5:p+.5,U=o._topdefs.selectAll("#"+R).data(k||L?[0]:[]);if(U.exit().remove(),U.enter().append("clipPath").attr("id",R).append("rect"),k||L?(this._clipRect=U.select("rect").attr({x:Math.floor(F),y:Math.floor(N),width:Math.ceil(B)-Math.floor(F),height:Math.ceil(j)-Math.floor(N)}),this.container.call(a.setClipUrl,R,this.gd),this.bg.attr({x:d,y:m,width:g,height:v})):(this.bg.attr({width:0,height:0}),this.container.on("wheel",null).on(".drag",null).call(a.setClipUrl,null),delete this._clipRect),k||L){var V=n.behavior.drag().on("dragstart",(function(){n.event.sourceEvent.preventDefault()})).on("drag",this._onBoxDrag.bind(this));this.container.on("wheel",null).on("wheel",this._onBoxWheel.bind(this)).on(".drag",null).call(V);var q=n.behavior.drag().on("dragstart",(function(){n.event.sourceEvent.preventDefault(),n.event.sourceEvent.stopPropagation()})).on("drag",this._onBarDrag.bind(this));k&&this.hbar.on(".drag",null).call(q),L&&this.vbar.on(".drag",null).call(q)}this.setTranslate(e,r)},s.prototype.disable=function(){(this.hbar||this.vbar)&&(this.bg.attr({width:0,height:0}),this.container.on("wheel",null).on(".drag",null).call(a.setClipUrl,null),delete this._clipRect),this.hbar&&(this.hbar.on(".drag",null),this.hbar.remove(),delete this.hbar,delete this._hbarXMin,delete this._hbarTranslateMax),this.vbar&&(this.vbar.on(".drag",null),this.vbar.remove(),delete this.vbar,delete this._vbarYMin,delete this._vbarTranslateMax)},s.prototype._onBoxDrag=function(){var t=this.translateX,e=this.translateY;this.hbar&&(t-=n.event.dx),this.vbar&&(e-=n.event.dy),this.setTranslate(t,e)},s.prototype._onBoxWheel=function(){var t=this.translateX,e=this.translateY;this.hbar&&(t+=n.event.deltaY),this.vbar&&(e+=n.event.deltaY),this.setTranslate(t,e)},s.prototype._onBarDrag=function(){var t=this.translateX,e=this.translateY;if(this.hbar){var r=t+this._hbarXMin,i=r+this._hbarTranslateMax;t=(o.constrain(n.event.x,r,i)-r)/(i-r)*(this.position.w-this._box.w)}if(this.vbar){var a=e+this._vbarYMin,s=a+this._vbarTranslateMax;e=(o.constrain(n.event.y,a,s)-a)/(s-a)*(this.position.h-this._box.h)}this.setTranslate(t,e)},s.prototype.setTranslate=function(t,e){var r=this.position.w-this._box.w,n=this.position.h-this._box.h;if(t=o.constrain(t||0,0,r),e=o.constrain(e||0,0,n),this.translateX=t,this.translateY=e,this.container.call(a.setTranslate,this._box.l-this.position.l-t,this._box.t-this.position.t-e),this._clipRect&&this._clipRect.attr({x:Math.floor(this.position.l+t-.5),y:Math.floor(this.position.t+e-.5)}),this.hbar){var i=t/r;this.hbar.call(a.setTranslate,t+i*this._hbarTranslateMax,e)}if(this.vbar){var s=e/n;this.vbar.call(a.setTranslate,t,e+s*this._vbarTranslateMax)}}},{"../../lib":778,"../color":643,"../drawing":665,d3:169}],745:[function(t,e,r){"use strict";e.exports={FROM_BL:{left:0,center:.5,right:1,bottom:0,middle:.5,top:1},FROM_TL:{left:0,center:.5,right:1,bottom:1,middle:.5,top:0},FROM_BR:{left:1,center:.5,right:0,bottom:0,middle:.5,top:1},LINE_SPACING:1.3,CAP_SHIFT:.7,MID_SHIFT:.35,OPPOSITE_SIDE:{left:"right",right:"left",top:"bottom",bottom:"top"}}},{}],746:[function(t,e,r){"use strict";e.exports={axisRefDescription:function(t,e,r){return["If set to a",t,"axis id (e.g. *"+t+"* or","*"+t+"2*), the `"+t+"` position refers to a",t,"coordinate. If set to *paper*, the `"+t+"`","position refers to the distance from the",e,"of the plotting","area in normalized coordinates where *0* (*1*) corresponds to the",e,"("+r+"). If set to a",t,"axis ID followed by","*domain* (separated by a space), the position behaves like for","*paper*, but refers to the distance in fractions of the domain","length from the",e,"of the domain of that axis: e.g.,","*"+t+"2 domain* refers to the domain of the second",t," axis and a",t,"position of 0.5 refers to the","point between the",e,"and the",r,"of the domain of the","second",t,"axis."].join(" ")}}},{}],747:[function(t,e,r){"use strict";e.exports={INCREASING:{COLOR:"#3D9970",SYMBOL:"\u25b2"},DECREASING:{COLOR:"#FF4136",SYMBOL:"\u25bc"}}},{}],748:[function(t,e,r){"use strict";e.exports={FORMAT_LINK:"https://github.com/d3/d3-3.x-api-reference/blob/master/Formatting.md#d3_format",DATE_FORMAT_LINK:"https://github.com/d3/d3-time-format#locale_format"}},{}],749:[function(t,e,r){"use strict";e.exports={COMPARISON_OPS:["=","!=","<",">=",">","<="],COMPARISON_OPS2:["=","<",">=",">","<="],INTERVAL_OPS:["[]","()","[)","(]","][",")(","](",")["],SET_OPS:["{}","}{"],CONSTRAINT_REDUCTION:{"=":"=","<":"<","<=":"<",">":">",">=":">","[]":"[]","()":"[]","[)":"[]","(]":"[]","][":"][",")(":"][","](":"][",")[":"]["}}},{}],750:[function(t,e,r){"use strict";e.exports={solid:[[],0],dot:[[.5,1],200],dash:[[.5,1],50],longdash:[[.5,1],10],dashdot:[[.5,.625,.875,1],50],longdashdot:[[.5,.7,.8,1],10]}},{}],751:[function(t,e,r){"use strict";e.exports={circle:"\u25cf","circle-open":"\u25cb",square:"\u25a0","square-open":"\u25a1",diamond:"\u25c6","diamond-open":"\u25c7",cross:"+",x:"\u274c"}},{}],752:[function(t,e,r){"use strict";e.exports={SHOW_PLACEHOLDER:100,HIDE_PLACEHOLDER:1e3,DESELECTDIM:.2}},{}],753:[function(t,e,r){"use strict";e.exports={BADNUM:void 0,FP_SAFE:Number.MAX_VALUE/1e4,ONEMAXYEAR:316224e5,ONEAVGYEAR:315576e5,ONEMINYEAR:31536e6,ONEMAXQUARTER:79488e5,ONEAVGQUARTER:78894e5,ONEMINQUARTER:76896e5,ONEMAXMONTH:26784e5,ONEAVGMONTH:26298e5,ONEMINMONTH:24192e5,ONEWEEK:6048e5,ONEDAY:864e5,ONEHOUR:36e5,ONEMIN:6e4,ONESEC:1e3,EPOCHJD:2440587.5,ALMOST_EQUAL:.999999,LOG_CLIP:10,MINUS_SIGN:"\u2212"}},{}],754:[function(t,e,r){"use strict";r.xmlns="http://www.w3.org/2000/xmlns/",r.svg="http://www.w3.org/2000/svg",r.xlink="http://www.w3.org/1999/xlink",r.svgAttrs={xmlns:r.svg,"xmlns:xlink":r.xlink}},{}],755:[function(t,e,r){"use strict";r.version=t("./version").version,t("es6-promise").polyfill(),t("../build/plotcss"),t("./fonts/mathjax_config")();for(var n=t("./registry"),i=r.register=n.register,a=t("./plot_api"),o=Object.keys(a),s=0;splotly-logomark"}}},{}],758:[function(t,e,r){"use strict";r.isLeftAnchor=function(t){return"left"===t.xanchor||"auto"===t.xanchor&&t.x<=1/3},r.isCenterAnchor=function(t){return"center"===t.xanchor||"auto"===t.xanchor&&t.x>1/3&&t.x<2/3},r.isRightAnchor=function(t){return"right"===t.xanchor||"auto"===t.xanchor&&t.x>=2/3},r.isTopAnchor=function(t){return"top"===t.yanchor||"auto"===t.yanchor&&t.y>=2/3},r.isMiddleAnchor=function(t){return"middle"===t.yanchor||"auto"===t.yanchor&&t.y>1/3&&t.y<2/3},r.isBottomAnchor=function(t){return"bottom"===t.yanchor||"auto"===t.yanchor&&t.y<=1/3}},{}],759:[function(t,e,r){"use strict";var n=t("./mod"),i=n.mod,a=n.modHalf,o=Math.PI,s=2*o;function l(t){return Math.abs(t[1]-t[0])>s-1e-14}function c(t,e){return a(e-t,s)}function u(t,e){if(l(e))return!0;var r,n;e[0](n=i(n,s))&&(n+=s);var a=i(t,s),o=a+s;return a>=r&&a<=n||o>=r&&o<=n}function f(t,e,r,n,i,a,c){i=i||0,a=a||0;var u,f,h,p,d,g=l([r,n]);function m(t,e){return[t*Math.cos(e)+i,a-t*Math.sin(e)]}g?(u=0,f=o,h=s):r=i&&t<=a);var i,a},pathArc:function(t,e,r,n,i){return f(null,t,e,r,n,i,0)},pathSector:function(t,e,r,n,i){return f(null,t,e,r,n,i,1)},pathAnnulus:function(t,e,r,n,i,a){return f(t,e,r,n,i,a,1)}}},{"./mod":785}],760:[function(t,e,r){"use strict";var n=Array.isArray,i="undefined"!=typeof ArrayBuffer&&ArrayBuffer.isView?ArrayBuffer:{isView:function(){return!1}},a="undefined"==typeof DataView?function(){}:DataView;function o(t){return i.isView(t)&&!(t instanceof a)}function s(t){return n(t)||o(t)}function l(t,e,r){if(s(t)){if(s(t[0])){for(var n=r,i=0;ii.max?e.set(r):e.set(+t)}},integer:{coerceFunction:function(t,e,r,i){t%1||!n(t)||void 0!==i.min&&ti.max?e.set(r):e.set(+t)}},string:{coerceFunction:function(t,e,r,n){if("string"!=typeof t){var i="number"==typeof t;!0!==n.strict&&i?e.set(String(t)):e.set(r)}else n.noBlank&&!t?e.set(r):e.set(t)}},color:{coerceFunction:function(t,e,r){i(t).isValid()?e.set(t):e.set(r)}},colorlist:{coerceFunction:function(t,e,r){Array.isArray(t)&&t.length&&t.every((function(t){return i(t).isValid()}))?e.set(t):e.set(r)}},colorscale:{coerceFunction:function(t,e,r){e.set(o.get(t,r))}},angle:{coerceFunction:function(t,e,r){"auto"===t?e.set("auto"):n(t)?e.set(u(+t,360)):e.set(r)}},subplotid:{coerceFunction:function(t,e,r,n){var i=n.regex||c(r);"string"==typeof t&&i.test(t)?e.set(t):e.set(r)},validateFunction:function(t,e){var r=e.dflt;return t===r||"string"==typeof t&&!!c(r).test(t)}},flaglist:{coerceFunction:function(t,e,r,n){if("string"==typeof t)if(-1===(n.extras||[]).indexOf(t)){for(var i=t.split("+"),a=0;a=n&&t<=i?t:u}if("string"!=typeof t&&"number"!=typeof t)return u;t=String(t);var c=_(e),v=t.charAt(0);!c||"G"!==v&&"g"!==v||(t=t.substr(1),e="");var w=c&&"chinese"===e.substr(0,7),T=t.match(w?x:y);if(!T)return u;var k=T[1],M=T[3]||"1",A=Number(T[5]||1),S=Number(T[7]||0),E=Number(T[9]||0),C=Number(T[11]||0);if(c){if(2===k.length)return u;var L;k=Number(k);try{var I=m.getComponentMethod("calendars","getCal")(e);if(w){var P="i"===M.charAt(M.length-1);M=parseInt(M,10),L=I.newDate(k,I.toMonthIndex(k,M,P),A)}else L=I.newDate(k,Number(M),A)}catch(t){return u}return L?(L.toJD()-g)*f+S*h+E*p+C*d:u}k=2===k.length?(Number(k)+2e3-b)%100+b:Number(k),M-=1;var z=new Date(Date.UTC(2e3,M,A,S,E));return z.setUTCFullYear(k),z.getUTCMonth()!==M||z.getUTCDate()!==A?u:z.getTime()+C*d},n=r.MIN_MS=r.dateTime2ms("-9999"),i=r.MAX_MS=r.dateTime2ms("9999-12-31 23:59:59.9999"),r.isDateTime=function(t,e){return r.dateTime2ms(t,e)!==u};var T=90*f,k=3*h,M=5*p;function A(t,e,r,n,i){if((e||r||n||i)&&(t+=" "+w(e,2)+":"+w(r,2),(n||i)&&(t+=":"+w(n,2),i))){for(var a=4;i%10==0;)a-=1,i/=10;t+="."+w(i,a)}return t}r.ms2DateTime=function(t,e,r){if("number"!=typeof t||!(t>=n&&t<=i))return u;e||(e=0);var a,o,s,c,y,x,b=Math.floor(10*l(t+.05,1)),w=Math.round(t-b/10);if(_(r)){var S=Math.floor(w/f)+g,E=Math.floor(l(t,f));try{a=m.getComponentMethod("calendars","getCal")(r).fromJD(S).formatDate("yyyy-mm-dd")}catch(t){a=v("G%Y-%m-%d")(new Date(w))}if("-"===a.charAt(0))for(;a.length<11;)a="-0"+a.substr(1);else for(;a.length<10;)a="0"+a;o=e=n+f&&t<=i-f))return u;var e=Math.floor(10*l(t+.05,1)),r=new Date(Math.round(t-e/10));return A(a("%Y-%m-%d")(r),r.getHours(),r.getMinutes(),r.getSeconds(),10*r.getUTCMilliseconds()+e)},r.cleanDate=function(t,e,n){if(t===u)return e;if(r.isJSDate(t)||"number"==typeof t&&isFinite(t)){if(_(n))return s.error("JS Dates and milliseconds are incompatible with world calendars",t),e;if(!(t=r.ms2DateTimeLocal(+t))&&void 0!==e)return e}else if(!r.isDateTime(t,n))return s.error("unrecognized date",t),e;return t};var S=/%\d?f/g;function E(t,e,r,n){t=t.replace(S,(function(t){var r=Math.min(+t.charAt(1)||6,6);return(e/1e3%1+2).toFixed(r).substr(2).replace(/0+$/,"")||"0"}));var i=new Date(Math.floor(e+.05));if(_(n))try{t=m.getComponentMethod("calendars","worldCalFmt")(t,e,n)}catch(t){return"Invalid"}return r(t)(i)}var C=[59,59.9,59.99,59.999,59.9999];r.formatDate=function(t,e,r,n,i,a){if(i=_(i)&&i,!e)if("y"===r)e=a.year;else if("m"===r)e=a.month;else{if("d"!==r)return function(t,e){var r=l(t+.05,f),n=w(Math.floor(r/h),2)+":"+w(l(Math.floor(r/p),60),2);if("M"!==e){o(e)||(e=0);var i=(100+Math.min(l(t/d,60),C[e])).toFixed(e).substr(1);e>0&&(i=i.replace(/0+$/,"").replace(/[\.]$/,"")),n+=":"+i}return n}(t,r)+"\n"+E(a.dayMonthYear,t,n,i);e=a.dayMonth+"\n"+a.year}return E(e,t,n,i)};var L=3*f;r.incrementMonth=function(t,e,r){r=_(r)&&r;var n=l(t,f);if(t=Math.round(t-n),r)try{var i=Math.round(t/f)+g,a=m.getComponentMethod("calendars","getCal")(r),o=a.fromJD(i);return e%12?a.add(o,e,"m"):a.add(o,e/12,"y"),(o.toJD()-g)*f+n}catch(e){s.error("invalid ms "+t+" in calendar "+r)}var c=new Date(t+L);return c.setUTCMonth(c.getUTCMonth()+e)+n-L},r.findExactDates=function(t,e){for(var r,n,i=0,a=0,s=0,l=0,c=_(e)&&m.getComponentMethod("calendars","getCal")(e),u=0;u0&&t[e+1][0]<0)return e;return null}switch(e="RUS"===s||"FJI"===s?function(t){var e;if(null===c(t))e=t;else for(e=new Array(t.length),i=0;ie?r[n++]=[t[i][0]+360,t[i][1]]:i===e?(r[n++]=t[i],r[n++]=[t[i][0],-90]):r[n++]=t[i];var a=h.tester(r);a.pts.pop(),l.push(a)}:function(t){l.push(h.tester(t))},a.type){case"MultiPolygon":for(r=0;ri&&(i=c,e=l)}else e=r;return o.default(e).geometry.coordinates}(u),n.fIn=t,n.fOut=u,s.push(u)}else c.log(["Location",n.loc,"does not have a valid GeoJSON geometry.","Traces with locationmode *geojson-id* only support","*Polygon* and *MultiPolygon* geometries."].join(" "))}delete i[r]}switch(r.type){case"FeatureCollection":var h=r.features;for(n=0;n100?(clearInterval(a),n("Unexpected error while fetching from "+t)):void i++}),50)}))}for(var o=0;o0&&(r.push(i),i=[])}return i.length>0&&r.push(i),r},r.makeLine=function(t){return 1===t.length?{type:"LineString",coordinates:t[0]}:{type:"MultiLineString",coordinates:t}},r.makePolygon=function(t){if(1===t.length)return{type:"Polygon",coordinates:t};for(var e=new Array(t.length),r=0;r1||g<0||g>1?null:{x:t+l*g,y:e+f*g}}function l(t,e,r,n,i){var a=n*t+i*e;if(a<0)return n*n+i*i;if(a>r){var o=n-t,s=i-e;return o*o+s*s}var l=n*e-i*t;return l*l/r}r.segmentsIntersect=s,r.segmentDistance=function(t,e,r,n,i,a,o,c){if(s(t,e,r,n,i,a,o,c))return 0;var u=r-t,f=n-e,h=o-i,p=c-a,d=u*u+f*f,g=h*h+p*p,m=Math.min(l(u,f,d,i-t,a-e),l(u,f,d,o-t,c-e),l(h,p,g,t-i,e-a),l(h,p,g,r-i,n-a));return Math.sqrt(m)},r.getTextLocation=function(t,e,r,s){if(t===i&&s===a||(n={},i=t,a=s),n[r])return n[r];var l=t.getPointAtLength(o(r-s/2,e)),c=t.getPointAtLength(o(r+s/2,e)),u=Math.atan((c.y-l.y)/(c.x-l.x)),f=t.getPointAtLength(o(r,e)),h={x:(4*f.x+l.x+c.x)/6,y:(4*f.y+l.y+c.y)/6,theta:u};return n[r]=h,h},r.clearLocationCache=function(){i=null},r.getVisibleSegment=function(t,e,r){var n,i,a=e.left,o=e.right,s=e.top,l=e.bottom,c=0,u=t.getTotalLength(),f=u;function h(e){var r=t.getPointAtLength(e);0===e?n=r:e===u&&(i=r);var c=r.xo?r.x-o:0,f=r.yl?r.y-l:0;return Math.sqrt(c*c+f*f)}for(var p=h(c);p;){if((c+=p+r)>f)return;p=h(c)}for(p=h(f);p;){if(c>(f-=p+r))return;p=h(f)}return{min:c,max:f,len:f-c,total:u,isClosed:0===c&&f===u&&Math.abs(n.x-i.x)<.1&&Math.abs(n.y-i.y)<.1}},r.findPointOnPath=function(t,e,r,n){for(var i,a,o,s=(n=n||{}).pathLength||t.getTotalLength(),l=n.tolerance||.001,c=n.iterationLimit||30,u=t.getPointAtLength(0)[r]>t.getPointAtLength(s)[r]?-1:1,f=0,h=0,p=s;f0?p=i:h=i,f++}return a}},{"./mod":785}],774:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("tinycolor2"),a=t("color-normalize"),o=t("../components/colorscale"),s=t("../components/color/attributes").defaultLine,l=t("./array").isArrayOrTypedArray,c=a(s);function u(t,e){var r=t;return r[3]*=e,r}function f(t){if(n(t))return c;var e=a(t);return e.length?e:c}function h(t){return n(t)?t:1}e.exports={formatColor:function(t,e,r){var n,i,s,p,d,g=t.color,m=l(g),v=l(e),y=o.extractOpts(t),x=[];if(n=void 0!==y.colorscale?o.makeColorScaleFuncFromTrace(t):f,i=m?function(t,e){return void 0===t[e]?c:a(n(t[e]))}:f,s=v?function(t,e){return void 0===t[e]?1:h(t[e])}:h,m||v)for(var b=0;b1?(r*t+r*e)/r:t+e,i=String(n).length;if(i>16){var a=String(e).length;if(i>=String(t).length+a){var o=parseFloat(n).toPrecision(12);-1===o.indexOf("e+")&&(n=+o)}}return n}},{}],778:[function(t,e,r){"use strict";var n=t("d3"),i=t("d3-time-format").utcFormat,a=t("fast-isnumeric"),o=t("../constants/numerical"),s=o.FP_SAFE,l=o.BADNUM,c=e.exports={};c.nestedProperty=t("./nested_property"),c.keyedContainer=t("./keyed_container"),c.relativeAttr=t("./relative_attr"),c.isPlainObject=t("./is_plain_object"),c.toLogRange=t("./to_log_range"),c.relinkPrivateKeys=t("./relink_private");var u=t("./array");c.isTypedArray=u.isTypedArray,c.isArrayOrTypedArray=u.isArrayOrTypedArray,c.isArray1D=u.isArray1D,c.ensureArray=u.ensureArray,c.concat=u.concat,c.maxRowLength=u.maxRowLength,c.minRowLength=u.minRowLength;var f=t("./mod");c.mod=f.mod,c.modHalf=f.modHalf;var h=t("./coerce");c.valObjectMeta=h.valObjectMeta,c.coerce=h.coerce,c.coerce2=h.coerce2,c.coerceFont=h.coerceFont,c.coerceHoverinfo=h.coerceHoverinfo,c.coerceSelectionMarkerOpacity=h.coerceSelectionMarkerOpacity,c.validate=h.validate;var p=t("./dates");c.dateTime2ms=p.dateTime2ms,c.isDateTime=p.isDateTime,c.ms2DateTime=p.ms2DateTime,c.ms2DateTimeLocal=p.ms2DateTimeLocal,c.cleanDate=p.cleanDate,c.isJSDate=p.isJSDate,c.formatDate=p.formatDate,c.incrementMonth=p.incrementMonth,c.dateTick0=p.dateTick0,c.dfltRange=p.dfltRange,c.findExactDates=p.findExactDates,c.MIN_MS=p.MIN_MS,c.MAX_MS=p.MAX_MS;var d=t("./search");c.findBin=d.findBin,c.sorterAsc=d.sorterAsc,c.sorterDes=d.sorterDes,c.distinctVals=d.distinctVals,c.roundUp=d.roundUp,c.sort=d.sort,c.findIndexOfMin=d.findIndexOfMin;var g=t("./stats");c.aggNums=g.aggNums,c.len=g.len,c.mean=g.mean,c.median=g.median,c.midRange=g.midRange,c.variance=g.variance,c.stdev=g.stdev,c.interp=g.interp;var m=t("./matrix");c.init2dArray=m.init2dArray,c.transposeRagged=m.transposeRagged,c.dot=m.dot,c.translationMatrix=m.translationMatrix,c.rotationMatrix=m.rotationMatrix,c.rotationXYMatrix=m.rotationXYMatrix,c.apply3DTransform=m.apply3DTransform,c.apply2DTransform=m.apply2DTransform,c.apply2DTransform2=m.apply2DTransform2,c.convertCssMatrix=m.convertCssMatrix,c.inverseTransformMatrix=m.inverseTransformMatrix;var v=t("./angles");c.deg2rad=v.deg2rad,c.rad2deg=v.rad2deg,c.angleDelta=v.angleDelta,c.angleDist=v.angleDist,c.isFullCircle=v.isFullCircle,c.isAngleInsideSector=v.isAngleInsideSector,c.isPtInsideSector=v.isPtInsideSector,c.pathArc=v.pathArc,c.pathSector=v.pathSector,c.pathAnnulus=v.pathAnnulus;var y=t("./anchor_utils");c.isLeftAnchor=y.isLeftAnchor,c.isCenterAnchor=y.isCenterAnchor,c.isRightAnchor=y.isRightAnchor,c.isTopAnchor=y.isTopAnchor,c.isMiddleAnchor=y.isMiddleAnchor,c.isBottomAnchor=y.isBottomAnchor;var x=t("./geometry2d");c.segmentsIntersect=x.segmentsIntersect,c.segmentDistance=x.segmentDistance,c.getTextLocation=x.getTextLocation,c.clearLocationCache=x.clearLocationCache,c.getVisibleSegment=x.getVisibleSegment,c.findPointOnPath=x.findPointOnPath;var b=t("./extend");c.extendFlat=b.extendFlat,c.extendDeep=b.extendDeep,c.extendDeepAll=b.extendDeepAll,c.extendDeepNoArrays=b.extendDeepNoArrays;var _=t("./loggers");c.log=_.log,c.warn=_.warn,c.error=_.error;var w=t("./regex");c.counterRegex=w.counter;var T=t("./throttle");c.throttle=T.throttle,c.throttleDone=T.done,c.clearThrottle=T.clear;var k=t("./dom");function M(t){var e={};for(var r in t)for(var n=t[r],i=0;is?l:a(t)?Number(t):l:l},c.isIndex=function(t,e){return!(void 0!==e&&t>=e)&&(a(t)&&t>=0&&t%1==0)},c.noop=t("./noop"),c.identity=t("./identity"),c.repeat=function(t,e){for(var r=new Array(e),n=0;nr?Math.max(r,Math.min(e,t)):Math.max(e,Math.min(r,t))},c.bBoxIntersect=function(t,e,r){return r=r||0,t.left<=e.right+r&&e.left<=t.right+r&&t.top<=e.bottom+r&&e.top<=t.bottom+r},c.simpleMap=function(t,e,r,n,i){for(var a=t.length,o=new Array(a),s=0;s=Math.pow(2,r)?i>10?(c.warn("randstr failed uniqueness"),l):t(e,r,n,(i||0)+1):l},c.OptionControl=function(t,e){t||(t={}),e||(e="opt");var r={optionList:[],_newoption:function(n){n[e]=t,r[n.name]=n,r.optionList.push(n)}};return r["_"+e]=t,r},c.smooth=function(t,e){if((e=Math.round(e)||0)<2)return t;var r,n,i,a,o=t.length,s=2*o,l=2*e-1,c=new Array(l),u=new Array(o);for(r=0;r=s&&(i-=s*Math.floor(i/s)),i<0?i=-1-i:i>=o&&(i=s-1-i),a+=t[i]*c[n];u[r]=a}return u},c.syncOrAsync=function(t,e,r){var n;function i(){return c.syncOrAsync(t,e,r)}for(;t.length;)if((n=(0,t.splice(0,1)[0])(e))&&n.then)return n.then(i).then(void 0,c.promiseError);return r&&r(e)},c.stripTrailingSlash=function(t){return"/"===t.substr(-1)?t.substr(0,t.length-1):t},c.noneOrAll=function(t,e,r){if(t){var n,i=!1,a=!0;for(n=0;n0?e:0}))},c.fillArray=function(t,e,r,n){if(n=n||c.identity,c.isArrayOrTypedArray(t))for(var i=0;i1?i+o[1]:"";if(a&&(o.length>1||s.length>4||r))for(;n.test(s);)s=s.replace(n,"$1"+a+"$2");return s+l},c.TEMPLATE_STRING_REGEX=/%{([^\s%{}:]*)([:|\|][^}]*)?}/g;var I=/^\w*$/;c.templateString=function(t,e){var r={};return t.replace(c.TEMPLATE_STRING_REGEX,(function(t,n){var i;return I.test(n)?i=e[n]:(r[n]=r[n]||c.nestedProperty(e,n).get,i=r[n]()),c.isValidTextValue(i)?i:""}))};var P={max:10,count:0,name:"hovertemplate"};c.hovertemplateString=function(){return D.apply(P,arguments)};var z={max:10,count:0,name:"texttemplate"};c.texttemplateString=function(){return D.apply(z,arguments)};var O=/^[:|\|]/;function D(t,e,r){var a=this,o=arguments;e||(e={});var s={};return t.replace(c.TEMPLATE_STRING_REGEX,(function(t,l,u){var f,h,p,d;for(p=3;p=48&&o<=57,c=s>=48&&s<=57;if(l&&(n=10*n+o-48),c&&(i=10*i+s-48),!l||!c){if(n!==i)return n-i;if(o!==s)return o-s}}return i-n};var R=2e9;c.seedPseudoRandom=function(){R=2e9},c.pseudoRandom=function(){var t=R;return R=(69069*R+1)%4294967296,Math.abs(R-t)<429496729?c.pseudoRandom():R/4294967296},c.fillText=function(t,e,r){var n=Array.isArray(r)?function(t){r.push(t)}:function(t){r.text=t},i=c.extractOption(t,e,"htx","hovertext");if(c.isValidTextValue(i))return n(i);var a=c.extractOption(t,e,"tx","text");return c.isValidTextValue(a)?n(a):void 0},c.isValidTextValue=function(t){return t||0===t},c.formatPercent=function(t,e){e=e||0;for(var r=(Math.round(100*t*Math.pow(10,e))*Math.pow(.1,e)).toFixed(e)+"%",n=0;n1&&(u=1):u=0,c.strTranslate(i-u*(r+o),a-u*(n+s))+c.strScale(u)+(l?"rotate("+l+(e?"":" "+r+" "+n)+")":"")},c.ensureUniformFontSize=function(t,e){var r=c.extendFlat({},e);return r.size=Math.max(e.size,t._fullLayout.uniformtext.minsize||0),r},c.join2=function(t,e,r){var n=t.length;return n>1?t.slice(0,-1).join(e)+r+t[n-1]:t.join(e)}},{"../constants/numerical":753,"./anchor_utils":758,"./angles":759,"./array":760,"./clean_number":761,"./clear_responsive":763,"./coerce":764,"./dates":765,"./dom":766,"./extend":768,"./filter_unique":769,"./filter_visible":770,"./geometry2d":773,"./identity":776,"./increment":777,"./is_plain_object":779,"./keyed_container":780,"./localize":781,"./loggers":782,"./make_trace_groups":783,"./matrix":784,"./mod":785,"./nested_property":786,"./noop":787,"./notifier":788,"./preserve_drawing_buffer":792,"./push_unique":793,"./regex":795,"./relative_attr":796,"./relink_private":797,"./search":798,"./stats":801,"./throttle":804,"./to_log_range":805,d3:169,"d3-time-format":166,"fast-isnumeric":241}],779:[function(t,e,r){"use strict";e.exports=function(t){return window&&window.process&&window.process.versions?"[object Object]"===Object.prototype.toString.call(t):"[object Object]"===Object.prototype.toString.call(t)&&Object.getPrototypeOf(t)===Object.prototype}},{}],780:[function(t,e,r){"use strict";var n=t("./nested_property"),i=/^\w*$/;e.exports=function(t,e,r,a){var o,s,l;r=r||"name",a=a||"value";var c={};e&&e.length?(l=n(t,e),s=l.get()):s=t,e=e||"";var u={};if(s)for(o=0;o2)return c[e]=2|c[e],h.set(t,null);if(f){for(o=e;o1){var e=["LOG:"];for(t=0;t1){var r=[];for(t=0;t"),"long")}},a.warn=function(){var t;if(n.logging>0){var e=["WARN:"];for(t=0;t0){var r=[];for(t=0;t"),"stick")}},a.error=function(){var t;if(n.logging>0){var e=["ERROR:"];for(t=0;t0){var r=[];for(t=0;t"),"stick")}}},{"../plot_api/plot_config":815,"./notifier":788}],783:[function(t,e,r){"use strict";var n=t("d3");e.exports=function(t,e,r){var i=t.selectAll("g."+r.replace(/\s/g,".")).data(e,(function(t){return t[0].trace.uid}));i.exit().remove(),i.enter().append("g").attr("class",r),i.order();var a=t.classed("rangeplot")?"nodeRangePlot3":"node3";return i.each((function(t){t[0][a]=n.select(this)})),i}},{d3:169}],784:[function(t,e,r){"use strict";var n=t("gl-mat4");r.init2dArray=function(t,e){for(var r=new Array(t),n=0;ne/2?t-Math.round(t/e)*e:t}}},{}],786:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("./array").isArrayOrTypedArray;function a(t,e){return function(){var r,n,o,s,l,c=t;for(s=0;s/g),l=0;la||c===i||cs)&&(!e||!l(t))}:function(t,e){var l=t[0],c=t[1];if(l===i||la||c===i||cs)return!1;var u,f,h,p,d,g=r.length,m=r[0][0],v=r[0][1],y=0;for(u=1;uMath.max(f,m)||c>Math.max(h,v)))if(cu||Math.abs(n(o,h))>i)return!0;return!1},a.filter=function(t,e){var r=[t[0]],n=0,i=0;function o(o){t.push(o);var s=r.length,l=n;r.splice(i+1);for(var c=l+1;c1&&o(t.pop());return{addPt:o,raw:t,filtered:r}}},{"../constants/numerical":753,"./matrix":784}],791:[function(t,e,r){(function(r){(function(){"use strict";var n=t("./show_no_webgl_msg"),i=t("regl");e.exports=function(t,e){var a=t._fullLayout,o=!0;return a._glcanvas.each((function(n){if(!n.regl&&(!n.pick||a._has("parcoords"))){try{n.regl=i({canvas:this,attributes:{antialias:!n.pick,preserveDrawingBuffer:!0},pixelRatio:t._context.plotGlPixelRatio||r.devicePixelRatio,extensions:e||[]})}catch(t){o=!1}n.regl||(o=!1),o&&this.addEventListener("webglcontextlost",(function(e){t&&t.emit&&t.emit("plotly_webglcontextlost",{event:e,layer:n.key})}),!1)}})),o||n({container:a._glcontainer.node()}),o}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"./show_no_webgl_msg":800,regl:540}],792:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("is-mobile");e.exports=function(t){var e;if("string"!=typeof(e=t&&t.hasOwnProperty("userAgent")?t.userAgent:function(){var t;"undefined"!=typeof navigator&&(t=navigator.userAgent);t&&t.headers&&"string"==typeof t.headers["user-agent"]&&(t=t.headers["user-agent"]);return t}()))return!0;var r=i({ua:{headers:{"user-agent":e}},tablet:!0,featureDetect:!1});if(!r)for(var a=e.split(" "),o=1;o-1;s--){var l=a[s];if("Version/"===l.substr(0,8)){var c=l.substr(8).split(".")[0];if(n(c)&&(c=+c),c>=13)return!0}}}return r}},{"fast-isnumeric":241,"is-mobile":467}],793:[function(t,e,r){"use strict";e.exports=function(t,e){if(e instanceof RegExp){for(var r=e.toString(),n=0;ni.queueLength&&(t.undoQueue.queue.shift(),t.undoQueue.index--))},startSequence:function(t){t.undoQueue=t.undoQueue||{index:0,queue:[],sequence:!1},t.undoQueue.sequence=!0,t.undoQueue.beginSequence=!0},stopSequence:function(t){t.undoQueue=t.undoQueue||{index:0,queue:[],sequence:!1},t.undoQueue.sequence=!1,t.undoQueue.beginSequence=!1},undo:function(t){var e,r;if(t.framework&&t.framework.isPolar)t.framework.undo();else if(!(void 0===t.undoQueue||isNaN(t.undoQueue.index)||t.undoQueue.index<=0)){for(t.undoQueue.index--,e=t.undoQueue.queue[t.undoQueue.index],t.undoQueue.inSequence=!0,r=0;r=t.undoQueue.queue.length)){for(e=t.undoQueue.queue[t.undoQueue.index],t.undoQueue.inSequence=!0,r=0;re}function u(t,e){return t>=e}r.findBin=function(t,e,r){if(n(e.start))return r?Math.ceil((t-e.start)/e.size-1e-9)-1:Math.floor((t-e.start)/e.size+1e-9);var a,o,f=0,h=e.length,p=0,d=h>1?(e[h-1]-e[0])/(h-1):1;for(o=d>=0?r?s:l:r?u:c,t+=1e-9*d*(r?-1:1)*(d>=0?1:-1);f90&&i.log("Long binary search..."),f-1},r.sorterAsc=function(t,e){return t-e},r.sorterDes=function(t,e){return e-t},r.distinctVals=function(t,e){var n,i=(e||{}).unitMinDiff,a=t.slice();for(a.sort(r.sorterAsc),n=a.length-1;n>-1&&a[n]===o;n--);var s=1;i||(s=a[n]-a[0]||1);for(var l,c=s/(n||1)/1e4,u=[],f=0;f<=n;f++){var h=a[f],p=h-l;void 0===l?(u.push(h),l=h):p>c&&(s=Math.min(s,p),u.push(h),l=h)}return{vals:u,minDiff:s}},r.roundUp=function(t,e,r){for(var n,i=0,a=e.length-1,o=0,s=r?0:1,l=r?1:0,c=r?Math.ceil:Math.floor;i0&&(n=1),r&&n)return t.sort(e)}return n?t:t.reverse()},r.findIndexOfMin=function(t,e){e=e||a;for(var r,n=1/0,i=0;ia.length)&&(o=a.length),n(e)||(e=!1),i(a[0])){for(l=new Array(o),s=0;st.length-1)return t[t.length-1];var r=e%1;return r*t[Math.ceil(e)]+(1-r)*t[Math.floor(e)]}},{"./array":760,"fast-isnumeric":241}],802:[function(t,e,r){"use strict";var n=t("color-normalize");e.exports=function(t){return t?n(t):[0,0,0,1]}},{"color-normalize":125}],803:[function(t,e,r){"use strict";var n=t("d3"),i=t("../lib"),a=i.strTranslate,o=t("../constants/xmlns_namespaces"),s=t("../constants/alignment").LINE_SPACING;function l(t,e){return t.node().getBoundingClientRect()[e]}var c=/([^$]*)([$]+[^$]*[$]+)([^$]*)/;r.convertToTspans=function(t,e,A){var S=t.text(),C=!t.attr("data-notex")&&"undefined"!=typeof MathJax&&S.match(c),L=n.select(t.node().parentNode);if(!L.empty()){var I=t.attr("class")?t.attr("class").split(" ")[0]:"text";return I+="-math",L.selectAll("svg."+I).remove(),L.selectAll("g."+I+"-group").remove(),t.style("display",null).attr({"data-unformatted":S,"data-math":"N"}),C?(e&&e._promises||[]).push(new Promise((function(e){t.style("display","none");var r=parseInt(t.node().style.fontSize,10),o={fontSize:r};!function(t,e,r){var a,o,s,l;MathJax.Hub.Queue((function(){return o=i.extendDeepAll({},MathJax.Hub.config),s=MathJax.Hub.processSectionDelay,void 0!==MathJax.Hub.processSectionDelay&&(MathJax.Hub.processSectionDelay=0),MathJax.Hub.Config({messageStyle:"none",tex2jax:{inlineMath:[["$","$"],["\\(","\\)"]]},displayAlign:"left"})}),(function(){if("SVG"!==(a=MathJax.Hub.config.menuSettings.renderer))return MathJax.Hub.setRenderer("SVG")}),(function(){var r="math-output-"+i.randstr({},64);return l=n.select("body").append("div").attr({id:r}).style({visibility:"hidden",position:"absolute"}).style({"font-size":e.fontSize+"px"}).text(t.replace(u,"\\lt ").replace(f,"\\gt ")),MathJax.Hub.Typeset(l.node())}),(function(){var e=n.select("body").select("#MathJax_SVG_glyphs");if(l.select(".MathJax_SVG").empty()||!l.select("svg").node())i.log("There was an error in the tex syntax.",t),r();else{var o=l.select("svg").node().getBoundingClientRect();r(l.select(".MathJax_SVG"),e,o)}if(l.remove(),"SVG"!==a)return MathJax.Hub.setRenderer(a)}),(function(){return void 0!==s&&(MathJax.Hub.processSectionDelay=s),MathJax.Hub.Config(o)}))}(C[2],o,(function(n,i,o){L.selectAll("svg."+I).remove(),L.selectAll("g."+I+"-group").remove();var s=n&&n.select("svg");if(!s||!s.node())return P(),void e();var c=L.append("g").classed(I+"-group",!0).attr({"pointer-events":"none","data-unformatted":S,"data-math":"Y"});c.node().appendChild(s.node()),i&&i.node()&&s.node().insertBefore(i.node().cloneNode(!0),s.node().firstChild),s.attr({class:I,height:o.height,preserveAspectRatio:"xMinYMin meet"}).style({overflow:"visible","pointer-events":"none"});var u=t.node().style.fill||"black",f=s.select("g");f.attr({fill:u,stroke:u});var h=l(f,"width"),p=l(f,"height"),d=+t.attr("x")-h*{start:0,middle:.5,end:1}[t.attr("text-anchor")||"start"],g=-(r||l(t,"height"))/4;"y"===I[0]?(c.attr({transform:"rotate("+[-90,+t.attr("x"),+t.attr("y")]+")"+a(-h/2,g-p/2)}),s.attr({x:+t.attr("x"),y:+t.attr("y")})):"l"===I[0]?s.attr({x:t.attr("x"),y:g-p/2}):"a"===I[0]&&0!==I.indexOf("atitle")?s.attr({x:0,y:g}):s.attr({x:d,y:+t.attr("y")+g-p/2}),A&&A.call(t,c),e(c)}))}))):P(),t}function P(){L.empty()||(I=t.attr("class")+"-math",L.select("svg."+I).remove()),t.text("").style("white-space","pre"),function(t,e){e=e.replace(m," ");var r,a=!1,l=[],c=-1;function u(){c++;var e=document.createElementNS(o.svg,"tspan");n.select(e).attr({class:"line",dy:c*s+"em"}),t.appendChild(e),r=e;var i=l;if(l=[{node:e}],i.length>1)for(var a=1;a doesnt match end tag <"+t+">. Pretending it did match.",e),r=l[l.length-1].node}else i.log("Ignoring unexpected end tag .",e)}x.test(e)?u():(r=t,l=[{node:t}]);for(var C=e.split(v),L=0;L|>|>)/g;var h={sup:"font-size:70%",sub:"font-size:70%",b:"font-weight:bold",i:"font-style:italic",a:"cursor:pointer",span:"",em:"font-style:italic;font-weight:bold"},p={sub:"0.3em",sup:"-0.6em"},d={sub:"-0.21em",sup:"0.42em"},g=["http:","https:","mailto:","",void 0,":"],m=r.NEWLINES=/(\r\n?|\n)/g,v=/(<[^<>]*>)/,y=/<(\/?)([^ >]*)(\s+(.*))?>/i,x=//i;r.BR_TAG_ALL=//gi;var b=/(^|[\s"'])style\s*=\s*("([^"]*);?"|'([^']*);?')/i,_=/(^|[\s"'])href\s*=\s*("([^"]*)"|'([^']*)')/i,w=/(^|[\s"'])target\s*=\s*("([^"\s]*)"|'([^'\s]*)')/i,T=/(^|[\s"'])popup\s*=\s*("([\w=,]*)"|'([\w=,]*)')/i;function k(t,e){if(!t)return null;var r=t.match(e),n=r&&(r[3]||r[4]);return n&&E(n)}var M=/(^|;)\s*color:/;r.plainText=function(t,e){for(var r=void 0!==(e=e||{}).len&&-1!==e.len?e.len:1/0,n=void 0!==e.allowedTags?e.allowedTags:["br"],i="...".length,a=t.split(v),o=[],s="",l=0,c=0;ci?o.push(u.substr(0,d-i)+"..."):o.push(u.substr(0,d));break}s=""}}return o.join("")};var A={mu:"\u03bc",amp:"&",lt:"<",gt:">",nbsp:"\xa0",times:"\xd7",plusmn:"\xb1",deg:"\xb0"},S=/&(#\d+|#x[\da-fA-F]+|[a-z]+);/g;function E(t){return t.replace(S,(function(t,e){return("#"===e.charAt(0)?function(t){if(t>1114111)return;var e=String.fromCodePoint;if(e)return e(t);var r=String.fromCharCode;return t<=65535?r(t):r(55232+(t>>10),t%1024+56320)}("x"===e.charAt(1)?parseInt(e.substr(2),16):parseInt(e.substr(1),10)):A[e])||t}))}function C(t,e,r){var n,a,o,s=r.horizontalAlign,l=r.verticalAlign||"top",c=t.node().getBoundingClientRect(),u=e.node().getBoundingClientRect();return a="bottom"===l?function(){return c.bottom-n.height}:"middle"===l?function(){return c.top+(c.height-n.height)/2}:function(){return c.top},o="right"===s?function(){return c.right-n.width}:"center"===s?function(){return c.left+(c.width-n.width)/2}:function(){return c.left},function(){n=this.node().getBoundingClientRect();var t=o()-u.left,e=a()-u.top,s=r.gd||{};if(r.gd){s._fullLayout._calcInverseTransform(s);var l=i.apply3DTransform(s._fullLayout._invTransform)(t,e);t=l[0],e=l[1]}return this.style({top:e+"px",left:t+"px","z-index":1e3}),this}}r.convertEntities=E,r.sanitizeHTML=function(t){t=t.replace(m," ");for(var e=document.createElement("p"),r=e,i=[],a=t.split(v),o=0;oa.ts+e?l():a.timer=setTimeout((function(){l(),a.timer=null}),e)},r.done=function(t){var e=n[t];return e&&e.timer?new Promise((function(t){var r=e.onDone;e.onDone=function(){r&&r(),t(),e.onDone=null}})):Promise.resolve()},r.clear=function(t){if(t)i(n[t]),delete n[t];else for(var e in n)r.clear(e)}},{}],805:[function(t,e,r){"use strict";var n=t("fast-isnumeric");e.exports=function(t,e){if(t>0)return Math.log(t)/Math.LN10;var r=Math.log(Math.min(e[0],e[1]))/Math.LN10;return n(r)||(r=Math.log(Math.max(e[0],e[1]))/Math.LN10-6),r}},{"fast-isnumeric":241}],806:[function(t,e,r){"use strict";var n=e.exports={},i=t("../plots/geo/constants").locationmodeToLayer,a=t("topojson-client").feature;n.getTopojsonName=function(t){return[t.scope.replace(/ /g,"-"),"_",t.resolution.toString(),"m"].join("")},n.getTopojsonPath=function(t,e){return t+e+".json"},n.getTopojsonFeatures=function(t,e){var r=i[t.locationmode],n=e.objects[r];return a(e,n).features}},{"../plots/geo/constants":858,"topojson-client":579}],807:[function(t,e,r){"use strict";e.exports={moduleType:"locale",name:"en-US",dictionary:{"Click to enter Colorscale title":"Click to enter Colorscale title"},format:{date:"%m/%d/%Y"}}},{}],808:[function(t,e,r){"use strict";e.exports={moduleType:"locale",name:"en",dictionary:{"Click to enter Colorscale title":"Click to enter Colourscale title"},format:{days:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],shortDays:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],months:["January","February","March","April","May","June","July","August","September","October","November","December"],shortMonths:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"],periods:["AM","PM"],dateTime:"%a %b %e %X %Y",date:"%d/%m/%Y",time:"%H:%M:%S",decimal:".",thousands:",",grouping:[3],currency:["$",""],year:"%Y",month:"%b %Y",dayMonth:"%b %-d",dayMonthYear:"%b %-d, %Y"}}},{}],809:[function(t,e,r){"use strict";var n=t("../registry");e.exports=function(t){for(var e,r,i=n.layoutArrayContainers,a=n.layoutArrayRegexes,o=t.split("[")[0],s=0;s0&&o.log("Clearing previous rejected promises from queue."),t._promises=[]},r.cleanLayout=function(t){var e,n;t||(t={}),t.xaxis1&&(t.xaxis||(t.xaxis=t.xaxis1),delete t.xaxis1),t.yaxis1&&(t.yaxis||(t.yaxis=t.yaxis1),delete t.yaxis1),t.scene1&&(t.scene||(t.scene=t.scene1),delete t.scene1);var a=(s.subplotsRegistry.cartesian||{}).attrRegex,l=(s.subplotsRegistry.polar||{}).attrRegex,f=(s.subplotsRegistry.ternary||{}).attrRegex,h=(s.subplotsRegistry.gl3d||{}).attrRegex,g=Object.keys(t);for(e=0;e3?(z.x=1.02,z.xanchor="left"):z.x<-2&&(z.x=-.02,z.xanchor="right"),z.y>3?(z.y=1.02,z.yanchor="bottom"):z.y<-2&&(z.y=-.02,z.yanchor="top")),d(t),"rotate"===t.dragmode&&(t.dragmode="orbit"),c.clean(t),t.template&&t.template.layout&&r.cleanLayout(t.template.layout),t},r.cleanData=function(t){for(var e=0;e0)return t.substr(0,e)}r.hasParent=function(t,e){for(var r=b(e);r;){if(r in t)return!0;r=b(r)}return!1};var _=["x","y","z"];r.clearAxisTypes=function(t,e,r){for(var n=0;n1&&a.warn("Full array edits are incompatible with other edits",f);var y=r[""][""];if(c(y))e.set(null);else{if(!Array.isArray(y))return a.warn("Unrecognized full array edit value",f,y),!0;e.set(y)}return!g&&(h(m,v),p(t),!0)}var x,b,_,w,T,k,M,A,S=Object.keys(r).map(Number).sort(o),E=e.get(),C=E||[],L=u(v,f).get(),I=[],P=-1,z=C.length;for(x=0;xC.length-(M?0:1))a.warn("index out of range",f,_);else if(void 0!==k)T.length>1&&a.warn("Insertion & removal are incompatible with edits to the same index.",f,_),c(k)?I.push(_):M?("add"===k&&(k={}),C.splice(_,0,k),L&&L.splice(_,0,{})):a.warn("Unrecognized full object edit value",f,_,k),-1===P&&(P=_);else for(b=0;b=0;x--)C.splice(I[x],1),L&&L.splice(I[x],1);if(C.length?E||e.set(C):e.set(null),g)return!1;if(h(m,v),d!==i){var O;if(-1===P)O=S;else{for(z=Math.max(C.length,z),O=[],x=0;x=P);x++)O.push(_);for(x=P;x=t.data.length||i<-t.data.length)throw new Error(r+" must be valid indices for gd.data.");if(e.indexOf(i,n+1)>-1||i>=0&&e.indexOf(-t.data.length+i)>-1||i<0&&e.indexOf(t.data.length+i)>-1)throw new Error("each index in "+r+" must be unique.")}}function O(t,e,r){if(!Array.isArray(t.data))throw new Error("gd.data must be an array.");if("undefined"==typeof e)throw new Error("currentIndices is a required argument.");if(Array.isArray(e)||(e=[e]),z(t,e,"currentIndices"),"undefined"==typeof r||Array.isArray(r)||(r=[r]),"undefined"!=typeof r&&z(t,r,"newIndices"),"undefined"!=typeof r&&e.length!==r.length)throw new Error("current and new indices must be of equal length.")}function D(t,e,r,n,a){!function(t,e,r,n){var i=o.isPlainObject(n);if(!Array.isArray(t.data))throw new Error("gd.data must be an array");if(!o.isPlainObject(e))throw new Error("update must be a key:value object");if("undefined"==typeof r)throw new Error("indices must be an integer or array of integers");for(var a in z(t,r,"indices"),e){if(!Array.isArray(e[a])||e[a].length!==r.length)throw new Error("attribute "+a+" must be an array of length equal to indices array length");if(i&&(!(a in n)||!Array.isArray(n[a])||n[a].length!==e[a].length))throw new Error("when maxPoints is set as a key:value object it must contain a 1:1 corrispondence with the keys and number of traces in the update object")}}(t,e,r,n);for(var l=function(t,e,r,n){var a,l,c,u,f,h=o.isPlainObject(n),p=[];for(var d in Array.isArray(r)||(r=[r]),r=P(r,t.data.length-1),e)for(var g=0;g-1?l(r,r.replace("titlefont","title.font")):r.indexOf("titleposition")>-1?l(r,r.replace("titleposition","title.position")):r.indexOf("titleside")>-1?l(r,r.replace("titleside","title.side")):r.indexOf("titleoffset")>-1&&l(r,r.replace("titleoffset","title.offset")):l(r,r.replace("title","title.text"));function l(e,r){t[r]=t[e],delete t[e]}}function q(t,e,r){if(t=o.getGraphDiv(t),T.clearPromiseQueue(t),t.framework&&t.framework.isPolar)return Promise.resolve(t);var n={};if("string"==typeof e)n[e]=r;else{if(!o.isPlainObject(e))return o.warn("Relayout fail.",e,r),Promise.reject();n=o.extendFlat({},e)}Object.keys(n).length&&(t.changed=!0);var i=Z(t,n),a=i.flags;a.calc&&(t.calcdata=void 0);var s=[h.previousPromises];a.layoutReplot?s.push(k.layoutReplot):Object.keys(n).length&&(H(t,a,i)||h.supplyDefaults(t),a.legend&&s.push(k.doLegend),a.layoutstyle&&s.push(k.layoutStyles),a.axrange&&G(s,i.rangesAltered),a.ticks&&s.push(k.doTicksRelayout),a.modebar&&s.push(k.doModeBar),a.camera&&s.push(k.doCamera),a.colorbars&&s.push(k.doColorBars),s.push(E)),s.push(h.rehover,h.redrag),c.add(t,q,[t,i.undoit],q,[t,i.redoit]);var l=o.syncOrAsync(s,t);return l&&l.then||(l=Promise.resolve(t)),l.then((function(){return t.emit("plotly_relayout",i.eventData),t}))}function H(t,e,r){var n=t._fullLayout;if(!e.axrange)return!1;for(var i in e)if("axrange"!==i&&e[i])return!1;for(var a in r.rangesAltered){var o=d.id2name(a),s=t.layout[o],l=n[o];if(l.autorange=s.autorange,s.range&&(l.range=s.range.slice()),l.cleanRange(),l._matchGroup)for(var c in l._matchGroup)if(c!==a){var u=n[d.id2name(c)];u.autorange=l.autorange,u.range=l.range.slice(),u._input.range=l.range.slice()}}return!0}function G(t,e){var r=e?function(t){var r=[],n=!0;for(var i in e){var a=d.getFromId(t,i);if(r.push(i),-1!==(a.ticklabelposition||"").indexOf("inside")&&a._anchorAxis&&r.push(a._anchorAxis._id),a._matchGroup)for(var o in a._matchGroup)e[o]||r.push(o);a.automargin&&(n=!1)}return d.draw(t,r,{skipTitle:n})}:function(t){return d.draw(t,"redraw")};t.push(b,k.doAutoRangeAndConstraints,r,k.drawData,k.finalDraw)}var Y=/^[xyz]axis[0-9]*\.range(\[[0|1]\])?$/,W=/^[xyz]axis[0-9]*\.autorange$/,X=/^[xyz]axis[0-9]*\.domain(\[[0|1]\])?$/;function Z(t,e){var r,n,i,a=t.layout,l=t._fullLayout,c=l._guiEditing,h=N(l._preGUI,c),p=Object.keys(e),g=d.list(t),m=o.extendDeepAll({},e),v={};for(V(e),p=Object.keys(e),n=0;n0&&"string"!=typeof z.parts[D];)D--;var R=z.parts[D],F=z.parts[D-1]+"."+R,j=z.parts.slice(0,D).join("."),U=s(t.layout,j).get(),q=s(l,j).get(),H=z.get();if(void 0!==O){k[P]=O,S[P]="reverse"===R?O:B(H);var G=f.getLayoutValObject(l,z.parts);if(G&&G.impliedEdits&&null!==O)for(var Z in G.impliedEdits)E(o.relativeAttr(P,Z),G.impliedEdits[Z]);if(-1!==["width","height"].indexOf(P))if(O){E("autosize",null);var K="height"===P?"width":"height";E(K,l[K])}else l[P]=t._initialAutoSize[P];else if("autosize"===P)E("width",O?null:l.width),E("height",O?null:l.height);else if(F.match(Y))I(F),s(l,j+"._inputRange").set(null);else if(F.match(W)){I(F),s(l,j+"._inputRange").set(null);var Q=s(l,j).get();Q._inputDomain&&(Q._input.domain=Q._inputDomain.slice())}else F.match(X)&&s(l,j+"._inputDomain").set(null);if("type"===R){C=U;var $="linear"===q.type&&"log"===O,tt="log"===q.type&&"linear"===O;if($||tt){if(C&&C.range)if(q.autorange)$&&(C.range=C.range[1]>C.range[0]?[1,2]:[2,1]);else{var et=C.range[0],rt=C.range[1];$?(et<=0&&rt<=0&&E(j+".autorange",!0),et<=0?et=rt/1e6:rt<=0&&(rt=et/1e6),E(j+".range[0]",Math.log(et)/Math.LN10),E(j+".range[1]",Math.log(rt)/Math.LN10)):(E(j+".range[0]",Math.pow(10,et)),E(j+".range[1]",Math.pow(10,rt)))}else E(j+".autorange",!0);Array.isArray(l._subplots.polar)&&l._subplots.polar.length&&l[z.parts[0]]&&"radialaxis"===z.parts[1]&&delete l[z.parts[0]]._subplot.viewInitial["radialaxis.range"],u.getComponentMethod("annotations","convertCoords")(t,q,O,E),u.getComponentMethod("images","convertCoords")(t,q,O,E)}else E(j+".autorange",!0),E(j+".range",null);s(l,j+"._inputRange").set(null)}else if(R.match(A)){var nt=s(l,P).get(),it=(O||{}).type;it&&"-"!==it||(it="linear"),u.getComponentMethod("annotations","convertCoords")(t,nt,it,E),u.getComponentMethod("images","convertCoords")(t,nt,it,E)}var at=w.containerArrayMatch(P);if(at){r=at.array,n=at.index;var ot=at.property,st=G||{editType:"calc"};""!==n&&""===ot&&(w.isAddVal(O)?S[P]=null:w.isRemoveVal(O)?S[P]=(s(a,r).get()||[])[n]:o.warn("unrecognized full object value",e)),M.update(_,st),v[r]||(v[r]={});var lt=v[r][n];lt||(lt=v[r][n]={}),lt[ot]=O,delete e[P]}else"reverse"===R?(U.range?U.range.reverse():(E(j+".autorange",!0),U.range=[1,0]),q.autorange?_.calc=!0:_.plot=!0):(l._has("scatter-like")&&l._has("regl")&&"dragmode"===P&&("lasso"===O||"select"===O)&&"lasso"!==H&&"select"!==H||l._has("gl2d")?_.plot=!0:G?M.update(_,G):_.calc=!0,z.set(O))}}for(r in v){w.applyContainerArrayChanges(t,h(a,r),v[r],_,h)||(_.plot=!0)}for(var ct in L){var ut=(C=d.getFromId(t,ct))&&C._constraintGroup;if(ut)for(var ft in _.calc=!0,ut)L[ft]||(d.getFromId(t,ft)._constraintShrinkable=!0)}return(J(t)||e.height||e.width)&&(_.plot=!0),(_.plot||_.calc)&&(_.layoutReplot=!0),{flags:_,rangesAltered:L,undoit:S,redoit:k,eventData:m}}function J(t){var e=t._fullLayout,r=e.width,n=e.height;return t.layout.autosize&&h.plotAutoSize(t,t.layout,e),e.width!==r||e.height!==n}function K(t,e,n,i){if(t=o.getGraphDiv(t),T.clearPromiseQueue(t),t.framework&&t.framework.isPolar)return Promise.resolve(t);o.isPlainObject(e)||(e={}),o.isPlainObject(n)||(n={}),Object.keys(e).length&&(t.changed=!0),Object.keys(n).length&&(t.changed=!0);var a=T.coerceTraceIndices(t,i),s=U(t,o.extendFlat({},e),a),l=s.flags,u=Z(t,o.extendFlat({},n)),f=u.flags;(l.calc||f.calc)&&(t.calcdata=void 0),l.clearAxisTypes&&T.clearAxisTypes(t,a,n);var p=[];f.layoutReplot?p.push(k.layoutReplot):l.fullReplot?p.push(r.plot):(p.push(h.previousPromises),H(t,f,u)||h.supplyDefaults(t),l.style&&p.push(k.doTraceStyle),(l.colorbars||f.colorbars)&&p.push(k.doColorBars),f.legend&&p.push(k.doLegend),f.layoutstyle&&p.push(k.layoutStyles),f.axrange&&G(p,u.rangesAltered),f.ticks&&p.push(k.doTicksRelayout),f.modebar&&p.push(k.doModeBar),f.camera&&p.push(k.doCamera),p.push(E)),p.push(h.rehover,h.redrag),c.add(t,K,[t,s.undoit,u.undoit,s.traces],K,[t,s.redoit,u.redoit,s.traces]);var d=o.syncOrAsync(p,t);return d&&d.then||(d=Promise.resolve(t)),d.then((function(){return t.emit("plotly_update",{data:s.eventData,layout:u.eventData}),t}))}function Q(t){return function(e){e._fullLayout._guiEditing=!0;var r=t.apply(null,arguments);return e._fullLayout._guiEditing=!1,r}}var $=[{pattern:/^hiddenlabels/,attr:"legend.uirevision"},{pattern:/^((x|y)axis\d*)\.((auto)?range|title\.text)/},{pattern:/axis\d*\.showspikes$/,attr:"modebar.uirevision"},{pattern:/(hover|drag)mode$/,attr:"modebar.uirevision"},{pattern:/^(scene\d*)\.camera/},{pattern:/^(geo\d*)\.(projection|center|fitbounds)/},{pattern:/^(ternary\d*\.[abc]axis)\.(min|title\.text)$/},{pattern:/^(polar\d*\.radialaxis)\.((auto)?range|angle|title\.text)/},{pattern:/^(polar\d*\.angularaxis)\.rotation/},{pattern:/^(mapbox\d*)\.(center|zoom|bearing|pitch)/},{pattern:/^legend\.(x|y)$/,attr:"editrevision"},{pattern:/^(shapes|annotations)/,attr:"editrevision"},{pattern:/^title\.text$/,attr:"editrevision"}],tt=[{pattern:/^selectedpoints$/,attr:"selectionrevision"},{pattern:/(^|value\.)visible$/,attr:"legend.uirevision"},{pattern:/^dimensions\[\d+\]\.constraintrange/},{pattern:/^node\.(x|y|groups)/},{pattern:/^level$/},{pattern:/(^|value\.)name$/},{pattern:/colorbar\.title\.text$/},{pattern:/colorbar\.(x|y)$/,attr:"editrevision"}];function et(t,e){for(var r=0;r1;)if(n.pop(),void 0!==(r=s(e,n.join(".")+".uirevision").get()))return r;return e.uirevision}function nt(t,e){for(var r=0;r=i.length?i[0]:i[t]:i}function l(t){return Array.isArray(a)?t>=a.length?a[0]:a[t]:a}function c(t,e){var r=0;return function(){if(t&&++r===e)return t()}}return void 0===n._frameWaitingCnt&&(n._frameWaitingCnt=0),new Promise((function(a,u){function f(){n._currentFrame&&n._currentFrame.onComplete&&n._currentFrame.onComplete();var e=n._currentFrame=n._frameQueue.shift();if(e){var r=e.name?e.name.toString():null;t._fullLayout._currentFrame=r,n._lastFrameAt=Date.now(),n._timeToNext=e.frameOpts.duration,h.transition(t,e.frame.data,e.frame.layout,T.coerceTraceIndices(t,e.frame.traces),e.frameOpts,e.transitionOpts).then((function(){e.onComplete&&e.onComplete()})),t.emit("plotly_animatingframe",{name:r,frame:e.frame,animation:{frame:e.frameOpts,transition:e.transitionOpts}})}else t.emit("plotly_animated"),window.cancelAnimationFrame(n._animationRaf),n._animationRaf=null}function p(){t.emit("plotly_animating"),n._lastFrameAt=-1/0,n._timeToNext=0,n._runningTransitions=0,n._currentFrame=null;var e=function(){n._animationRaf=window.requestAnimationFrame(e),Date.now()-n._lastFrameAt>n._timeToNext&&f()};e()}var d,g,m=0;function v(t){return Array.isArray(i)?m>=i.length?t.transitionOpts=i[m]:t.transitionOpts=i[0]:t.transitionOpts=i,m++,t}var y=[],x=null==e,b=Array.isArray(e);if(!x&&!b&&o.isPlainObject(e))y.push({type:"object",data:v(o.extendFlat({},e))});else if(x||-1!==["string","number"].indexOf(typeof e))for(d=0;d0&&kk)&&M.push(g);y=M}}y.length>0?function(e){if(0!==e.length){for(var i=0;i=0;n--)if(o.isPlainObject(e[n])){var g=e[n].name,m=(u[g]||d[g]||{}).name,v=e[n].name,y=u[m]||d[m];m&&v&&"number"==typeof v&&y&&S<5&&(S++,o.warn('addFrames: overwriting frame "'+(u[m]||d[m]).name+'" with a frame whose name of type "number" also equates to "'+m+'". This is valid but may potentially lead to unexpected behavior since all plotly.js frame names are stored internally as strings.'),5===S&&o.warn("addFrames: This API call has yielded too many of these warnings. For the rest of this call, further warnings about numeric frame names will be suppressed.")),d[g]={name:g},p.push({frame:h.supplyFrameDefaults(e[n]),index:r&&void 0!==r[n]&&null!==r[n]?r[n]:f+n})}p.sort((function(t,e){return t.index>e.index?-1:t.index=0;n--){if("number"==typeof(i=p[n].frame).name&&o.warn("Warning: addFrames accepts frames with numeric names, but the numbers areimplicitly cast to strings"),!i.name)for(;u[i.name="frame "+t._transitionData._counter++];);if(u[i.name]){for(a=0;a=0;r--)n=e[r],a.push({type:"delete",index:n}),s.unshift({type:"insert",index:n,value:i[n]});var l=h.modifyFrames,u=h.modifyFrames,f=[t,s],p=[t,a];return c&&c.add(t,l,f,u,p),h.modifyFrames(t,a)},r.addTraces=function t(e,n,i){e=o.getGraphDiv(e);var a,s,l=[],u=r.deleteTraces,f=t,h=[e,l],p=[e,n];for(function(t,e,r){var n,i;if(!Array.isArray(t.data))throw new Error("gd.data must be an array.");if("undefined"==typeof e)throw new Error("traces must be defined.");for(Array.isArray(e)||(e=[e]),n=0;n=0&&r=0&&r=a.length)return!1;if(2===t.dimensions){if(r++,e.length===r)return t;var o=e[r];if(!_(o))return!1;t=a[i][o]}else t=a[i]}else t=a}}return t}function _(t){return t===Math.round(t)&&t>=0}function w(){var t,e,r={};for(t in d(r,o),n.subplotsRegistry){if((e=n.subplotsRegistry[t]).layoutAttributes)if(Array.isArray(e.attr))for(var i=0;i=l.length)return!1;i=(r=(n.transformsRegistry[l[c].type]||{}).attributes)&&r[e[2]],s=3}else if("area"===t.type)i=u[o];else{var f=t._module;if(f||(f=(n.modules[t.type||a.type.dflt]||{})._module),!f)return!1;if(!(i=(r=f.attributes)&&r[o])){var h=f.basePlotModule;h&&h.attributes&&(i=h.attributes[o])}i||(i=a[o])}return b(i,e,s)},r.getLayoutValObject=function(t,e){return b(function(t,e){var r,i,a,s,l=t._basePlotModules;if(l){var c;for(r=0;r=i&&(r._input||{})._templateitemname;o&&(a=i);var s,l=e+"["+a+"]";function c(){s={},o&&(s[l]={},s[l].templateitemname=o)}function u(t,e){o?n.nestedProperty(s[l],t).set(e):s[l+"."+t]=e}function f(){var t=s;return c(),t}return c(),{modifyBase:function(t,e){s[t]=e},modifyItem:u,getUpdateObj:f,applyUpdate:function(e,r){e&&u(e,r);var i=f();for(var a in i)n.nestedProperty(t,a).set(i[a])}}}},{"../lib":778,"../plots/attributes":824}],818:[function(t,e,r){"use strict";var n=t("d3"),i=t("../registry"),a=t("../plots/plots"),o=t("../lib"),s=t("../lib/clear_gl_canvases"),l=t("../components/color"),c=t("../components/drawing"),u=t("../components/titles"),f=t("../components/modebar"),h=t("../plots/cartesian/axes"),p=t("../constants/alignment"),d=t("../plots/cartesian/constraints"),g=d.enforce,m=d.clean,v=t("../plots/cartesian/autorange").doAutoRange;function y(t,e,r){for(var n=0;n=t[1]||i[1]<=t[0])&&(a[0]e[0]))return!0}return!1}function x(t){var e,i,s,u,d,g,m=t._fullLayout,v=m._size,x=v.p,_=h.list(t,"",!0);if(m._paperdiv.style({width:t._context.responsive&&m.autosize&&!t._context._hasZeroWidth&&!t.layout.width?"100%":m.width+"px",height:t._context.responsive&&m.autosize&&!t._context._hasZeroHeight&&!t.layout.height?"100%":m.height+"px"}).selectAll(".main-svg").call(c.setSize,m.width,m.height),t._context.setBackground(t,m.paper_bgcolor),r.drawMainTitle(t),f.manage(t),!m._has("cartesian"))return a.previousPromises(t);function T(t,e,r){var n=t._lw/2;return"x"===t._id.charAt(0)?e?"top"===r?e._offset-x-n:e._offset+e._length+x+n:v.t+v.h*(1-(t.position||0))+n%1:e?"right"===r?e._offset+e._length+x+n:e._offset-x-n:v.l+v.w*(t.position||0)+n%1}for(e=0;e<_.length;e++){var k=(u=_[e])._anchorAxis;u._linepositions={},u._lw=c.crispRound(t,u.linewidth,1),u._mainLinePosition=T(u,k,u.side),u._mainMirrorPosition=u.mirror&&k?T(u,k,p.OPPOSITE_SIDE[u.side]):null}var M=[],A=[],S=[],E=1===l.opacity(m.paper_bgcolor)&&1===l.opacity(m.plot_bgcolor)&&m.paper_bgcolor===m.plot_bgcolor;for(i in m._plots)if((s=m._plots[i]).mainplot)s.bg&&s.bg.remove(),s.bg=void 0;else{var C=s.xaxis.domain,L=s.yaxis.domain,I=s.plotgroup;if(y(C,L,S)){var P=I.node(),z=s.bg=o.ensureSingle(I,"rect","bg");P.insertBefore(z.node(),P.childNodes[0]),A.push(i)}else I.select("rect.bg").remove(),S.push([C,L]),E||(M.push(i),A.push(i))}var O,D,R,F,B,N,j,U,V,q,H,G,Y,W=m._bgLayer.selectAll(".bg").data(M);for(W.enter().append("rect").classed("bg",!0),W.exit().remove(),W.each((function(t){m._plots[t].bg=n.select(this)})),e=0;eT?u.push({code:"unused",traceType:y,templateCount:w,dataCount:T}):T>w&&u.push({code:"reused",traceType:y,templateCount:w,dataCount:T})}}else u.push({code:"data"});if(function t(e,r){for(var n in e)if("_"!==n.charAt(0)){var a=e[n],o=g(e,n,r);i(a)?(Array.isArray(e)&&!1===a._template&&a.templateitemname&&u.push({code:"missing",path:o,templateitemname:a.templateitemname}),t(a,o)):Array.isArray(a)&&m(a)&&t(a,o)}}({data:p,layout:h},""),u.length)return u.map(v)}},{"../lib":778,"../plots/attributes":824,"../plots/plots":891,"./plot_config":815,"./plot_schema":816,"./plot_template":817}],820:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("./plot_api"),a=t("../plots/plots"),o=t("../lib"),s=t("../snapshot/helpers"),l=t("../snapshot/tosvg"),c=t("../snapshot/svgtoimg"),u=t("../version").version,f={format:{valType:"enumerated",values:["png","jpeg","webp","svg","full-json"],dflt:"png"},width:{valType:"number",min:1},height:{valType:"number",min:1},scale:{valType:"number",min:0,dflt:1},setBackground:{valType:"any",dflt:!1},imageDataOnly:{valType:"boolean",dflt:!1}};e.exports=function(t,e){var r,h,p,d;function g(t){return!(t in e)||o.validate(e[t],f[t])}if(e=e||{},o.isPlainObject(t)?(r=t.data||[],h=t.layout||{},p=t.config||{},d={}):(t=o.getGraphDiv(t),r=o.extendDeep([],t.data),h=o.extendDeep({},t.layout),p=t._context,d=t._fullLayout||{}),!g("width")&&null!==e.width||!g("height")&&null!==e.height)throw new Error("Height and width should be pixel values.");if(!g("format"))throw new Error("Export format is not "+o.join2(f.format.values,", "," or ")+".");var m={};function v(t,r){return o.coerce(e,m,f,t,r)}var y=v("format"),x=v("width"),b=v("height"),_=v("scale"),w=v("setBackground"),T=v("imageDataOnly"),k=document.createElement("div");k.style.position="absolute",k.style.left="-5000px",document.body.appendChild(k);var M=o.extendFlat({},h);x?M.width=x:null===e.width&&n(d.width)&&(M.width=d.width),b?M.height=b:null===e.height&&n(d.height)&&(M.height=d.height);var A=o.extendFlat({},p,{_exportedPlot:!0,staticPlot:!0,setBackground:w}),S=s.getRedrawFunc(k);function E(){return new Promise((function(t){setTimeout(t,s.getDelay(k._fullLayout))}))}function C(){return new Promise((function(t,e){var r=l(k,y,_),n=k._fullLayout.width,f=k._fullLayout.height;function h(){i.purge(k),document.body.removeChild(k)}if("full-json"===y){var p=a.graphJson(k,!1,"keepdata","object",!0,!0);return p.version=u,p=JSON.stringify(p),h(),t(T?p:s.encodeJSON(p))}if(h(),"svg"===y)return t(T?r:s.encodeSVG(r));var d=document.createElement("canvas");d.id=o.randstr(),c({format:y,width:n,height:f,scale:_,canvas:d,svg:r,promise:!0}).then(t).catch(e)}))}return new Promise((function(t,e){i.plot(k,r,M,A).then(S).then(E).then(C).then((function(e){t(function(t){return T?t.replace(s.IMAGE_URL_PREFIX,""):t}(e))})).catch((function(t){e(t)}))}))}},{"../lib":778,"../plots/plots":891,"../snapshot/helpers":915,"../snapshot/svgtoimg":917,"../snapshot/tosvg":919,"../version":1370,"./plot_api":814,"fast-isnumeric":241}],821:[function(t,e,r){"use strict";var n=t("../lib"),i=t("../plots/plots"),a=t("./plot_schema"),o=t("./plot_config").dfltConfig,s=n.isPlainObject,l=Array.isArray,c=n.isArrayOrTypedArray;function u(t,e,r,i,a,o){o=o||[];for(var f=Object.keys(t),h=0;hx.length&&i.push(d("unused",a,v.concat(x.length)));var M,A,S,E,C,L=x.length,I=Array.isArray(k);if(I&&(L=Math.min(L,k.length)),2===b.dimensions)for(A=0;Ax[A].length&&i.push(d("unused",a,v.concat(A,x[A].length)));var P=x[A].length;for(M=0;M<(I?Math.min(P,k[A].length):P);M++)S=I?k[A][M]:k,E=y[A][M],C=x[A][M],n.validate(E,S)?C!==E&&C!==+E&&i.push(d("dynamic",a,v.concat(A,M),E,C)):i.push(d("value",a,v.concat(A,M),E))}else i.push(d("array",a,v.concat(A),y[A]));else for(A=0;A1&&p.push(d("object","layout"))),i.supplyDefaults(g);for(var m=g._fullData,v=r.length,y=0;y0&&Math.round(f)===f))return i;c=f}for(var h=e.calendar,p="start"===l,d="end"===l,g=t[r+"period0"],m=a(g,h)||0,v=[],y=i.length,x=0;xT;)w=o(w,-c,h);for(;w<=T;)w=o(w,c,h);_=o(w,-c,h)}else{for(w=m+(b=Math.round((T-m)/u))*u;w>T;)w-=u;for(;w<=T;)w+=u;_=w-u}v[x]=p?_:d?w:(_+w)/2}return v}},{"../../constants/numerical":753,"../../lib":778,"fast-isnumeric":241}],826:[function(t,e,r){"use strict";e.exports={xaxis:{valType:"subplotid",dflt:"x",editType:"calc+clearAxisTypes"},yaxis:{valType:"subplotid",dflt:"y",editType:"calc+clearAxisTypes"}}},{}],827:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../lib"),a=t("../../constants/numerical").FP_SAFE,o=t("../../registry"),s=t("./axis_ids"),l=s.getFromId,c=s.isLinked;function u(t,e){var r,n,a=[],o=t._fullLayout,s=h(o,e,0),l=h(o,e,1),c=p(t,e),u=c.min,d=c.max;if(0===u.length||0===d.length)return i.simpleMap(e.range,e.r2l);var g=u[0].val,m=d[0].val;for(r=1;r0&&((T=E-s(x)-l(b))>C?k/T>L&&(_=x,w=b,L=k/T):k/E>L&&(_={val:x.val,nopad:1},w={val:b.val,nopad:1},L=k/E));if(g===m){var I=g-1,P=g+1;if(A)if(0===g)a=[0,1];else{var z=(g>0?d:u).reduce((function(t,e){return Math.max(t,l(e))}),0),O=g/(1-Math.min(.5,z/E));a=g>0?[0,O]:[O,0]}else a=S?[Math.max(0,I),Math.max(1,P)]:[I,P]}else A?(_.val>=0&&(_={val:0,nopad:1}),w.val<=0&&(w={val:0,nopad:1})):S&&(_.val-L*s(_)<0&&(_={val:0,nopad:1}),w.val<=0&&(w={val:1,nopad:1})),L=(w.val-_.val-f(e,x.val,b.val))/(E-s(_)-l(w)),a=[_.val-L*s(_),w.val+L*l(w)];return v&&a.reverse(),i.simpleMap(a,e.l2r||Number)}function f(t,e,r){var n=0;if(t.rangebreaks)for(var i=t.locateBreaks(e,r),a=0;a0?r.ppadplus:r.ppadminus)||r.ppad||0),S=M((t._m>0?r.ppadminus:r.ppadplus)||r.ppad||0),E=M(r.vpadplus||r.vpad),C=M(r.vpadminus||r.vpad);if(!T){if(h=1/0,p=-1/0,w)for(i=0;i0&&(h=o),o>p&&o-a&&(h=o),o>p&&o=P;i--)I(i);return{min:m,max:y,opts:r}},concatExtremes:p};function p(t,e,r){var n,i,a,o=e._id,s=t._fullData,c=t._fullLayout,u=[],f=[];function h(t,e){for(n=0;n=r&&(c.extrapad||!o)){s=!1;break}i(e,c.val)&&c.pad<=r&&(o||!c.extrapad)&&(t.splice(l,1),l--)}if(s){var u=a&&0===e;t.push({val:e,pad:u?0:r,extrapad:!u&&o})}}function v(t){return n(t)&&Math.abs(t)=e}},{"../../constants/numerical":753,"../../lib":778,"../../registry":911,"./axis_ids":831,"fast-isnumeric":241}],828:[function(t,e,r){"use strict";var n=t("d3"),i=t("fast-isnumeric"),a=t("../../plots/plots"),o=t("../../registry"),s=t("../../lib"),l=s.strTranslate,c=t("../../lib/svg_text_utils"),u=t("../../components/titles"),f=t("../../components/color"),h=t("../../components/drawing"),p=t("./layout_attributes"),d=t("./clean_ticks"),g=t("../../constants/numerical"),m=g.ONEMAXYEAR,v=g.ONEAVGYEAR,y=g.ONEMINYEAR,x=g.ONEMAXQUARTER,b=g.ONEAVGQUARTER,_=g.ONEMINQUARTER,w=g.ONEMAXMONTH,T=g.ONEAVGMONTH,k=g.ONEMINMONTH,M=g.ONEWEEK,A=g.ONEDAY,S=A/2,E=g.ONEHOUR,C=g.ONEMIN,L=g.ONESEC,I=g.MINUS_SIGN,P=g.BADNUM,z=t("../../constants/alignment"),O=z.MID_SHIFT,D=z.CAP_SHIFT,R=z.LINE_SPACING,F=z.OPPOSITE_SIDE,B=e.exports={};B.setConvert=t("./set_convert");var N=t("./axis_autotype"),j=t("./axis_ids"),U=j.idSort,V=j.isLinked;B.id2name=j.id2name,B.name2id=j.name2id,B.cleanId=j.cleanId,B.list=j.list,B.listIds=j.listIds,B.getFromId=j.getFromId,B.getFromTrace=j.getFromTrace;var q=t("./autorange");B.getAutoRange=q.getAutoRange,B.findExtremes=q.findExtremes;function H(t){var e=1e-4*(t[1]-t[0]);return[t[0]-e,t[1]+e]}B.coerceRef=function(t,e,r,n,i,a){var o=n.charAt(n.length-1),l=r._fullLayout._subplots[o+"axis"],c=n+"ref",u={};return i||(i=l[0]||("string"==typeof a?a:a[0])),a||(a=i),l=l.concat(l.map((function(t){return t+" domain"}))),u[c]={valType:"enumerated",values:l.concat(a?"string"==typeof a?[a]:a:[]),dflt:i},s.coerce(t,e,u,c)},B.getRefType=function(t){return void 0===t?t:"paper"===t?"paper":"pixel"===t?"pixel":/( domain)$/.test(t)?"domain":"range"},B.coercePosition=function(t,e,r,n,i,a){var o,l;if("range"!==B.getRefType(n))o=s.ensureNumber,l=r(i,a);else{var c=B.getFromId(e,n);l=r(i,a=c.fraction2r(a)),o=c.cleanPos}t[i]=o(l)},B.cleanPosition=function(t,e,r){return("paper"===r||"pixel"===r?s.ensureNumber:B.getFromId(e,r).cleanPos)(t)},B.redrawComponents=function(t,e){e=e||B.listIds(t);var r=t._fullLayout;function n(n,i,a,s){for(var l=o.getComponentMethod(n,i),c={},u=0;u2e-6||((r-t._forceTick0)/t._minDtick%1+1.000001)%1>2e-6)&&(t._minDtick=0)):t._minDtick=0},B.saveRangeInitial=function(t,e){for(var r=B.list(t,"",!0),n=!1,i=0;i.3*h||u(n)||u(a))){var p=r.dtick/2;t+=t+p.8){var o=Number(r.substr(1));a.exactYears>.8&&o%12==0?t=B.tickIncrement(t,"M6","reverse")+1.5*A:a.exactMonths>.8?t=B.tickIncrement(t,"M1","reverse")+15.5*A:t-=S;var l=B.tickIncrement(t,r);if(l<=n)return l}return t}(y,t,v,c,a)),m=y,0;m<=u;)m=B.tickIncrement(m,v,!1,a);return{start:e.c2r(y,0,a),end:e.c2r(m,0,a),size:v,_dataSpan:u-c}},B.prepTicks=function(t,e){var r=s.simpleMap(t.range,t.r2l,void 0,void 0,e);if(t._dtickInit=t.dtick,t._tick0Init=t.tick0,"auto"===t.tickmode||!t.dtick){var n,a=t.nticks;a||("category"===t.type||"multicategory"===t.type?(n=t.tickfont?1.2*(t.tickfont.size||12):15,a=t._length/n):(n="y"===t._id.charAt(0)?40:80,a=s.constrain(t._length/n,4,9)+1),"radialaxis"===t._name&&(a*=2)),"array"===t.tickmode&&(a*=100),t._roughDTick=Math.abs(r[1]-r[0])/a,B.autoTicks(t,t._roughDTick),t._minDtick>0&&t.dtick<2*t._minDtick&&(t.dtick=t._minDtick,t.tick0=t.l2r(t._forceTick0))}"period"===t.ticklabelmode&&function(t){var e;function r(){return!(i(t.dtick)||"M"!==t.dtick.charAt(0))}var n=r(),a=B.getTickFormat(t);if(a){var o=t._dtickInit!==t.dtick;/%[fLQsSMX]/.test(a)||(/%[HI]/.test(a)?(e=E,o&&!n&&t.dticka&&f=o:p<=o;p=B.tickIncrement(p,t.dtick,l,t.calendar)){if(t.rangebreaks&&!l){if(p=u)break}if(C.length>g||p===L)break;L=p;var I=!1;f&&p!==(0|p)&&(I=!0),C.push({minor:I,value:p})}if(h&&function(t,e,r){for(var n=0;n0?(a=n-1,o=n):(a=n,o=n);var s,l=t[a].value,c=t[o].value,u=Math.abs(c-l),f=r||u,h=0;f>=y?h=u>=y&&u<=m?u:v:r===b&&f>=_?h=u>=_&&u<=x?u:b:f>=k?h=u>=k&&u<=w?u:T:r===M&&f>=M?h=M:f>=A?h=A:r===S&&f>=S?h=S:r===E&&f>=E&&(h=E),h>=u&&(h=u,s=!0);var p=i+h;if(e.rangebreaks&&h>0){for(var d=0,g=0;g<84;g++){var C=(g+.5)/84;e.maskBreaks(i*(1-C)+C*p)!==P&&d++}(h*=d/84)||(t[n].drop=!0),s&&u>M&&(h=u)}(h>0||0===n)&&(t[n].periodX=i+h/2)}}(C,t,t._definedDelta),t.rangebreaks){var z="y"===t._id.charAt(0),O=1;"auto"===t.tickmode&&(O=t.tickfont?t.tickfont.size:12);var D=NaN;for(d=C.length-1;d>-1;d--)if(C[d].drop)C.splice(d,1);else{C[d].value=wt(C[d].value,t);var R=t.c2p(C[d].value);(z?D>R-O:Du||Nu&&(F.periodX=u),N10||"01-01"!==n.substr(5)?t._tickround="d":t._tickround=+e.substr(1)%12==0?"y":"m";else if(e>=A&&a<=10||e>=15*A)t._tickround="d";else if(e>=C&&a<=16||e>=E)t._tickround="M";else if(e>=L&&a<=19||e>=C)t._tickround="S";else{var o=t.l2r(r+e).replace(/^-/,"").length;t._tickround=Math.max(a,o)-20,t._tickround<0&&(t._tickround=4)}}else if(i(e)||"L"===e.charAt(0)){var s=t.range.map(t.r2d||Number);i(e)||(e=Number(e.substr(1))),t._tickround=2-Math.floor(Math.log(e)/Math.LN10+.01);var l=Math.max(Math.abs(s[0]),Math.abs(s[1])),c=Math.floor(Math.log(l)/Math.LN10+.01),u=void 0===t.minexponent?3:t.minexponent;Math.abs(c)>u&&(ot(t.exponentformat)&&!st(c)?t._tickexponent=3*Math.round((c-1)/3):t._tickexponent=c)}else t._tickround=null}function it(t,e,r){var n=t.tickfont||{};return{x:e,dx:0,dy:0,text:r||"",fontSize:n.size,font:n.family,fontColor:n.color}}B.autoTicks=function(t,e){var r;function n(t){return Math.pow(t,Math.floor(Math.log(e)/Math.LN10))}if("date"===t.type){t.tick0=s.dateTick0(t.calendar,0);var a=2*e;if(a>v)e/=v,r=n(10),t.dtick="M"+12*rt(e,r,Z);else if(a>T)e/=T,t.dtick="M"+rt(e,1,J);else if(a>A){t.dtick=rt(e,A,t._hasDayOfWeekBreaks?[1,2,7,14]:Q);var o=B.getTickFormat(t),l="period"===t.ticklabelmode;l&&(t._rawTick0=t.tick0),/%[uVW]/.test(o)?t.tick0=s.dateTick0(t.calendar,2):t.tick0=s.dateTick0(t.calendar,1),l&&(t._dowTick0=t.tick0)}else a>E?t.dtick=rt(e,E,J):a>C?t.dtick=rt(e,C,K):a>L?t.dtick=rt(e,L,K):(r=n(10),t.dtick=rt(e,r,Z))}else if("log"===t.type){t.tick0=0;var c=s.simpleMap(t.range,t.r2l);if(e>.7)t.dtick=Math.ceil(e);else if(Math.abs(c[1]-c[0])<1){var u=1.5*Math.abs((c[1]-c[0])/e);e=Math.abs(Math.pow(10,c[1])-Math.pow(10,c[0]))/u,r=n(10),t.dtick="L"+rt(e,r,Z)}else t.dtick=e>.3?"D2":"D1"}else"category"===t.type||"multicategory"===t.type?(t.tick0=0,t.dtick=Math.ceil(Math.max(e,1))):_t(t)?(t.tick0=0,r=1,t.dtick=rt(e,r,et)):(t.tick0=0,r=n(10),t.dtick=rt(e,r,Z));if(0===t.dtick&&(t.dtick=1),!i(t.dtick)&&"string"!=typeof t.dtick){var f=t.dtick;throw t.dtick=1,"ax.dtick error: "+String(f)}},B.tickIncrement=function(t,e,r,a){var o=r?-1:1;if(i(e))return s.increment(t,o*e);var l=e.charAt(0),c=o*Number(e.substr(1));if("M"===l)return s.incrementMonth(t,c,a);if("L"===l)return Math.log(Math.pow(10,t)+c)/Math.LN10;if("D"===l){var u="D2"===e?tt:$,f=t+.01*o,h=s.roundUp(s.mod(f,1),u,r);return Math.floor(f)+Math.log(n.round(Math.pow(10,h),1))/Math.LN10}throw"unrecognized dtick "+String(e)},B.tickFirst=function(t,e){var r=t.r2l||Number,a=s.simpleMap(t.range,r,void 0,void 0,e),o=a[1] ")}else t._prevDateHead=l,c+="
"+l;e.text=c}(t,o,r,c):"log"===u?function(t,e,r,n,a){var o=t.dtick,l=e.x,c=t.tickformat,u="string"==typeof o&&o.charAt(0);"never"===a&&(a="");n&&"L"!==u&&(o="L3",u="L");if(c||"L"===u)e.text=lt(Math.pow(10,l),t,a,n);else if(i(o)||"D"===u&&s.mod(l+.01,1)<.1){var f=Math.round(l),h=Math.abs(f),p=t.exponentformat;"power"===p||ot(p)&&st(f)?(e.text=0===f?1:1===f?"10":"10"+(f>1?"":I)+h+"",e.fontSize*=1.25):("e"===p||"E"===p)&&h>2?e.text="1"+p+(f>0?"+":I)+h:(e.text=lt(Math.pow(10,l),t,"","fakehover"),"D1"===o&&"y"===t._id.charAt(0)&&(e.dy-=e.fontSize/6))}else{if("D"!==u)throw"unrecognized dtick "+String(o);e.text=String(Math.round(Math.pow(10,s.mod(l,1)))),e.fontSize*=.75}if("D1"===t.dtick){var d=String(e.text).charAt(0);"0"!==d&&"1"!==d||("y"===t._id.charAt(0)?e.dx-=e.fontSize/4:(e.dy+=e.fontSize/2,e.dx+=(t.range[1]>t.range[0]?1:-1)*e.fontSize*(l<0?.5:.25)))}}(t,o,0,c,g):"category"===u?function(t,e){var r=t._categories[Math.round(e.x)];void 0===r&&(r="");e.text=String(r)}(t,o):"multicategory"===u?function(t,e,r){var n=Math.round(e.x),i=t._categories[n]||[],a=void 0===i[1]?"":String(i[1]),o=void 0===i[0]?"":String(i[0]);r?e.text=o+" - "+a:(e.text=a,e.text2=o)}(t,o,r):_t(t)?function(t,e,r,n,i){if("radians"!==t.thetaunit||r)e.text=lt(e.x,t,i,n);else{var a=e.x/180;if(0===a)e.text="0";else{var o=function(t){function e(t,e){return Math.abs(t-e)<=1e-6}var r=function(t){for(var r=1;!e(Math.round(t*r)/r,t);)r*=10;return r}(t),n=t*r,i=Math.abs(function t(r,n){return e(n,0)?r:t(n,r%n)}(n,r));return[Math.round(n/i),Math.round(r/i)]}(a);if(o[1]>=100)e.text=lt(s.deg2rad(e.x),t,i,n);else{var l=e.x<0;1===o[1]?1===o[0]?e.text="\u03c0":e.text=o[0]+"\u03c0":e.text=["",o[0],"","\u2044","",o[1],"","\u03c0"].join(""),l&&(e.text=I+e.text)}}}}(t,o,r,c,g):function(t,e,r,n,i){"never"===i?i="":"all"===t.showexponent&&Math.abs(e.x/t.dtick)<1e-6&&(i="hide");e.text=lt(e.x,t,i,n)}(t,o,0,c,g),n||(t.tickprefix&&!d(t.showtickprefix)&&(o.text=t.tickprefix+o.text),t.ticksuffix&&!d(t.showticksuffix)&&(o.text+=t.ticksuffix)),"boundaries"===t.tickson||t.showdividers){var m=function(e){var r=t.l2p(e);return r>=0&&r<=t._length?e:null};o.xbnd=[m(o.x-.5),m(o.x+t.dtick-.5)]}return o},B.hoverLabelText=function(t,e,r){if(r!==P&&r!==e)return B.hoverLabelText(t,e)+" - "+B.hoverLabelText(t,r);var n="log"===t.type&&e<=0,i=B.tickText(t,t.c2l(n?-e:e),"hover").text;return n?0===e?"0":I+i:i};var at=["f","p","n","\u03bc","m","","k","M","G","T"];function ot(t){return"SI"===t||"B"===t}function st(t){return t>14||t<-15}function lt(t,e,r,n){var a=t<0,o=e._tickround,l=r||e.exponentformat||"B",c=e._tickexponent,u=B.getTickFormat(e),f=e.separatethousands;if(n){var h={exponentformat:l,minexponent:e.minexponent,dtick:"none"===e.showexponent?e.dtick:i(t)&&Math.abs(t)||1,range:"none"===e.showexponent?e.range.map(e.r2d):[0,t||1]};nt(h),o=(Number(h._tickround)||0)+4,c=h._tickexponent,e.hoverformat&&(u=e.hoverformat)}if(u)return e._numFormat(u)(t).replace(/-/g,I);var p,d=Math.pow(10,-o)/2;if("none"===l&&(c=0),(t=Math.abs(t))"+p+"":"B"===l&&9===c?t+="B":ot(l)&&(t+=at[c/3+5]));return a?I+t:t}function ct(t,e){for(var r=[],n={},i=0;i1&&r=i.min&&t=0,a=u(t,e[1])<=0;return(r||i)&&(n||a)}if(t.tickformatstops&&t.tickformatstops.length>0)switch(t.type){case"date":case"linear":for(e=0;e=o(i)))){r=n;break}break;case"log":for(e=0;e0?r.bottom-f:0,h)))),e.automargin){n={x:0,y:0,r:0,l:0,t:0,b:0};var p=[0,1];if("x"===d){if("b"===l?n[l]=e._depth:(n[l]=e._depth=Math.max(r.width>0?f-r.top:0,h),p.reverse()),r.width>0){var m=r.right-(e._offset+e._length);m>0&&(n.xr=1,n.r=m);var v=e._offset-r.left;v>0&&(n.xl=0,n.l=v)}}else if("l"===l?n[l]=e._depth=Math.max(r.height>0?f-r.left:0,h):(n[l]=e._depth=Math.max(r.height>0?r.right-f:0,h),p.reverse()),r.height>0){var y=r.bottom-(e._offset+e._length);y>0&&(n.yb=0,n.b=y);var x=e._offset-r.top;x>0&&(n.yt=1,n.t=x)}n[g]="free"===e.anchor?e.position:e._anchorAxis.domain[p[0]],e.title.text!==c._dfltTitle[d]&&(n[l]+=ht(e)+(e.title.standoff||0)),e.mirror&&"free"!==e.anchor&&((i={x:0,y:0,r:0,l:0,t:0,b:0})[u]=e.linewidth,e.mirror&&!0!==e.mirror&&(i[u]+=h),!0===e.mirror||"ticks"===e.mirror?i[g]=e._anchorAxis.domain[p[1]]:"all"!==e.mirror&&"allticks"!==e.mirror||(i[g]=[e._counterDomainMin,e._counterDomainMax][p[1]]))}K&&(s=o.getComponentMethod("rangeslider","autoMarginOpts")(t,e)),a.autoMargin(t,gt(e),n),a.autoMargin(t,mt(e),i),a.autoMargin(t,vt(e),s)})),r.skipTitle||K&&"bottom"===e.side||Z.push((function(){return function(t,e){var r,n=t._fullLayout,i=e._id,a=i.charAt(0),o=e.title.font.size;if(e.title.hasOwnProperty("standoff"))r=e._depth+e.title.standoff+ht(e);else{var s=-1!==(e.ticklabelposition||"").indexOf("inside");if("multicategory"===e.type)r=e._depth;else{var l=1.5*o;s&&(l=.5*o,"outside"===e.ticks&&(l+=e.ticklen)),r=10+l+(e.linewidth?e.linewidth-1:0)}s||(r+="x"===a?"top"===e.side?o*(e.showticklabels?1:0):o*(e.showticklabels?1.5:.5):"right"===e.side?o*(e.showticklabels?1:.5):o*(e.showticklabels?.5:0))}var c,f,p,d,g=B.getPxPosition(t,e);"x"===a?(f=e._offset+e._length/2,p="top"===e.side?g-r:g+r):(p=e._offset+e._length/2,f="right"===e.side?g+r:g-r,c={rotate:"-90",offset:0});if("multicategory"!==e.type){var m=e._selections[e._id+"tick"];if(d={selection:m,side:e.side},m&&m.node()&&m.node().parentNode){var v=h.getTranslate(m.node().parentNode);d.offsetLeft=v.x,d.offsetTop=v.y}e.title.hasOwnProperty("standoff")&&(d.pad=0)}return u.draw(t,i+"title",{propContainer:e,propName:e._name+".title.text",placeholder:n._dfltTitle[a],avoid:d,transform:c,attributes:{x:f,y:p,"text-anchor":"middle"}})}(t,e)})),s.syncOrAsync(Z)}}function Q(t){var r=p+(t||"tick");return w[r]||(w[r]=function(t,e){var r,n,i,a;t._selections[e].size()?(r=1/0,n=-1/0,i=1/0,a=-1/0,t._selections[e].each((function(){var t=dt(this),e=h.bBox(t.node().parentNode);r=Math.min(r,e.top),n=Math.max(n,e.bottom),i=Math.min(i,e.left),a=Math.max(a,e.right)}))):(r=0,n=0,i=0,a=0);return{top:r,bottom:n,left:i,right:a,height:n-r,width:a-i}}(e,r)),w[r]}},B.getTickSigns=function(t){var e=t._id.charAt(0),r={x:"top",y:"right"}[e],n=t.side===r?1:-1,i=[-1,1,n,-n];return"inside"!==t.ticks==("x"===e)&&(i=i.map((function(t){return-t}))),t.side&&i.push({l:-1,t:-1,r:1,b:1}[t.side.charAt(0)]),i},B.makeTransTickFn=function(t){return"x"===t._id.charAt(0)?function(e){return l(t._offset+t.l2p(e.x),0)}:function(e){return l(0,t._offset+t.l2p(e.x))}},B.makeTransTickLabelFn=function(t){var e=function(t){var e=t.ticklabelposition||"",r=function(t){return-1!==e.indexOf(t)},n=r("top"),i=r("left"),a=r("right"),o=r("bottom"),s=r("inside"),l=o||i||n||a;if(!l&&!s)return[0,0];var c=t.side,u=l?(t.tickwidth||0)/2:0,f=3,h=t.tickfont?t.tickfont.size:12;(o||n)&&(u+=h*D,f+=(t.linewidth||0)/2);(i||a)&&(u+=(t.linewidth||0)/2,f+=3);s&&"top"===c&&(f-=h*(1-D));(i||n)&&(u=-u);"bottom"!==c&&"right"!==c||(f=-f);return[l?u:0,s?f:0]}(t),r=e[0],n=e[1];return"x"===t._id.charAt(0)?function(e){return l(r+t._offset+t.l2p(ut(e)),n)}:function(e){return l(n,r+t._offset+t.l2p(ut(e)))}},B.makeTickPath=function(t,e,r,n){n=void 0!==n?n:t.ticklen;var i=t._id.charAt(0),a=(t.linewidth||1)/2;return"x"===i?"M0,"+(e+a*r)+"v"+n*r:"M"+(e+a*r)+",0h"+n*r},B.makeLabelFns=function(t,e,r){var n=t.ticklabelposition||"",a=function(t){return-1!==n.indexOf(t)},o=a("top"),l=a("left"),c=a("right"),u=a("bottom")||l||o||c,f=a("inside"),h="inside"===n&&"inside"===t.ticks||!f&&"outside"===t.ticks&&"boundaries"!==t.tickson,p=0,d=0,g=h?t.ticklen:0;if(f?g*=-1:u&&(g=0),h&&(p+=g,r)){var m=s.deg2rad(r);p=g*Math.cos(m)+1,d=g*Math.sin(m)}t.showticklabels&&(h||t.showline)&&(p+=.2*t.tickfont.size);var v,y,x,b,_,w={labelStandoff:p+=(t.linewidth||1)/2*(f?-1:1),labelShift:d},T=0,k=t.side,M=t._id.charAt(0),A=t.tickangle;if("x"===M)b=(_=!f&&"bottom"===k||f&&"top"===k)?1:-1,f&&(b*=-1),v=d*b,y=e+p*b,x=_?1:-.2,90===Math.abs(A)&&(f?x+=O:x=-90===A&&"bottom"===k?D:90===A&&"top"===k?O:.5,T=O/2*(A/90)),w.xFn=function(t){return t.dx+v+T*t.fontSize},w.yFn=function(t){return t.dy+y+t.fontSize*x},w.anchorFn=function(t,e){if(u){if(l)return"end";if(c)return"start"}return i(e)&&0!==e&&180!==e?e*b<0!==f?"end":"start":"middle"},w.heightFn=function(e,r,n){return r<-60||r>60?-.5*n:"top"===t.side!==f?-n:0};else if("y"===M){if(b=(_=!f&&"left"===k||f&&"right"===k)?1:-1,f&&(b*=-1),v=p,y=d*b,x=0,f||90!==Math.abs(A)||(x=-90===A&&"left"===k||90===A&&"right"===k?D:.5),f){var S=i(A)?+A:0;if(0!==S){var E=s.deg2rad(S);T=Math.abs(Math.sin(E))*D*b,x=0}}w.xFn=function(t){return t.dx+e-(v+t.fontSize*x)*b+T*t.fontSize},w.yFn=function(t){return t.dy+y+t.fontSize*O},w.anchorFn=function(t,e){return i(e)&&90===Math.abs(e)?"middle":_?"end":"start"},w.heightFn=function(e,r,n){return"right"===t.side&&(r*=-1),r<-30?-n:r<30?-.5*n:0}}return w},B.drawTicks=function(t,e,r){r=r||{};var n=e._id+"tick",i=r.vals;"period"===e.ticklabelmode&&(i=i.slice()).shift();var a=r.layer.selectAll("path."+n).data(e.ticks?i:[],ft);a.exit().remove(),a.enter().append("path").classed(n,1).classed("ticks",1).classed("crisp",!1!==r.crisp).call(f.stroke,e.tickcolor).style("stroke-width",h.crispRound(t,e.tickwidth,1)+"px").attr("d",r.path),a.attr("transform",r.transFn)},B.drawGrid=function(t,e,r){r=r||{};var n=e._id+"grid",i=r.vals,a=r.counterAxis;if(!1===e.showgrid)i=[];else if(a&&B.shouldShowZeroLine(t,e,a))for(var o="array"===e.tickmode,s=0;so||i.lefto||i.top+(e.tickangle?0:t.fontSize/4)1)for(n=1;n2*o}(i,e))return"date";var m="strict"!==r.autotypenumbers;return function(t,e){for(var r=t.length,n=f(r),i=0,o=0,s={},u=0;u2*i}(i,m)?"category":function(t,e){for(var r=t.length,n=0;n=2){var l,c,u="";if(2===o.length)for(l=0;l<2;l++)if(c=y(o[l])){u=d;break}var f=i("pattern",u);if(f===d)for(l=0;l<2;l++)(c=y(o[l]))&&(e.bounds[l]=o[l]=c-1);if(f)for(l=0;l<2;l++)switch(c=o[l],f){case d:if(!n(c))return void(e.enabled=!1);if((c=+c)!==Math.floor(c)||c<0||c>=7)return void(e.enabled=!1);e.bounds[l]=o[l]=c;break;case g:if(!n(c))return void(e.enabled=!1);if((c=+c)<0||c>24)return void(e.enabled=!1);e.bounds[l]=o[l]=c}if(!1===r.autorange){var h=r.range;if(h[0]h[1])return void(e.enabled=!1)}else if(o[0]>h[0]&&o[1]n?1:-1:+(t.substr(1)||1)-+(e.substr(1)||1)},r.ref2id=function(t){return!!/^[xyz]/.test(t)&&t.split(" ")[0]},r.isLinked=function(t,e){return a(e,t._axisMatchGroups)||a(e,t._axisConstraintGroups)}},{"../../registry":911,"./constants":834}],832:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){if("category"===e.type){var i,a=t.categoryarray,o=Array.isArray(a)&&a.length>0;o&&(i="array");var s,l=r("categoryorder",i);"array"===l&&(s=r("categoryarray")),o||"array"!==l||(l=e.categoryorder="trace"),"trace"===l?e._initialCategories=[]:"array"===l?e._initialCategories=s.slice():(s=function(t,e){var r,n,i,a=e.dataAttr||t._id.charAt(0),o={};if(e.axData)r=e.axData;else for(r=[],n=0;nn?i.substr(n):a.substr(r))+o:i+a+t*e:o}function m(t,e){for(var r=e._size,n=r.h/r.w,i={},a=Object.keys(t),o=0;oc*x)||T)for(r=0;rz&&FI&&(I=F);h/=(I-L)/(2*P),L=l.l2r(L),I=l.l2r(I),l.range=l._input.range=S=0?Math.min(t,.9):1/(1/Math.max(t,-.3)+3.222))}function B(t,e,r,n,i){return t.append("path").attr("class","zoombox").style({fill:e>.2?"rgba(0,0,0,0)":"rgba(255,255,255,0)","stroke-width":0}).attr("transform",l(r,n)).attr("d",i+"Z")}function N(t,e,r){return t.append("path").attr("class","zoombox-corners").style({fill:u.background,stroke:u.defaultLine,"stroke-width":1,opacity:0}).attr("transform",l(e,r)).attr("d","M0,0Z")}function j(t,e,r,n,i,a){t.attr("d",n+"M"+r.l+","+r.t+"v"+r.h+"h"+r.w+"v-"+r.h+"h-"+r.w+"Z"),U(t,e,i,a)}function U(t,e,r,n){r||(t.transition().style("fill",n>.2?"rgba(0,0,0,0.4)":"rgba(255,255,255,0.3)").duration(200),e.transition().style("opacity",1).duration(200))}function V(t){n.select(t).selectAll(".zoombox,.js-zoombox-backdrop,.js-zoombox-menu,.zoombox-corners").remove()}function q(t){I&&t.data&&t._context.showTips&&(s.notifier(s._(t,"Double-click to zoom back out"),"long"),I=!1)}function H(t){var e=Math.floor(Math.min(t.b-t.t,t.r-t.l,L)/2);return"M"+(t.l-3.5)+","+(t.t-.5+e)+"h3v"+-e+"h"+e+"v-3h-"+(e+3)+"ZM"+(t.r+3.5)+","+(t.t-.5+e)+"h-3v"+-e+"h"+-e+"v-3h"+(e+3)+"ZM"+(t.r+3.5)+","+(t.b+.5-e)+"h-3v"+e+"h"+-e+"v3h"+(e+3)+"ZM"+(t.l-3.5)+","+(t.b+.5-e)+"h3v"+e+"h"+e+"v3h-"+(e+3)+"Z"}function G(t,e,r,n,i){for(var a,o,l,c,u=!1,f={},h={},p=(i||{}).xaHash,d=(i||{}).yaHash,g=0;g=0)i._fullLayout._deactivateShape(i);else{var a=i._fullLayout.clickmode;if(V(i),2!==t||mt||qt(),gt)a.indexOf("select")>-1&&A(r,i,Z,J,e.id,Lt),a.indexOf("event")>-1&&h.click(i,r,e.id);else if(1===t&&mt){var s=d?P:I,l="s"===d||"w"===m?0:1,u=s._name+".range["+l+"]",f=function(t,e){var r,i=t.range[e],a=Math.abs(i-t.range[1-e]);return"date"===t.type?i:"log"===t.type?(r=Math.ceil(Math.max(0,-Math.log(a)/Math.LN10))+3,n.format("."+r+"g")(Math.pow(10,i))):(r=Math.floor(Math.log(Math.abs(i))/Math.LN10)-Math.floor(Math.log(a)/Math.LN10)+4,n.format("."+String(r)+"g")(i))}(s,l),p="left",g="middle";if(s.fixedrange)return;d?(g="n"===d?"top":"bottom","right"===s.side&&(p="right")):"e"===m&&(p="right"),i._context.showAxisRangeEntryBoxes&&n.select(xt).call(c.makeEditable,{gd:i,immediate:!0,background:i._fullLayout.paper_bgcolor,text:String(f),fill:s.tickfont?s.tickfont.color:"#444",horizontalAlign:p,verticalAlign:g}).on("edit",(function(t){var e=s.d2r(t);void 0!==e&&o.call("_guiRelayout",i,u,e)}))}}}function zt(e,r){if(t._transitioningWithDuration)return!1;var n=Math.max(0,Math.min($,ht*e+bt)),i=Math.max(0,Math.min(tt,pt*r+_t)),a=Math.abs(n-bt),o=Math.abs(i-_t);function s(){At="",wt.r=wt.l,wt.t=wt.b,Et.attr("d","M0,0Z")}if(wt.l=Math.min(bt,n),wt.r=Math.max(bt,n),wt.t=Math.min(_t,i),wt.b=Math.max(_t,i),et.isSubplotConstrained)a>L||o>L?(At="xy",a/$>o/tt?(o=a*tt/$,_t>i?wt.t=_t-o:wt.b=_t+o):(a=o*$/tt,bt>n?wt.l=bt-a:wt.r=bt+a),Et.attr("d",H(wt))):s();else if(rt.isSubplotConstrained)if(a>L||o>L){At="xy";var l=Math.min(wt.l/$,(tt-wt.b)/tt),c=Math.max(wt.r/$,(tt-wt.t)/tt);wt.l=l*$,wt.r=c*$,wt.b=(1-l)*tt,wt.t=(1-c)*tt,Et.attr("d",H(wt))}else s();else!it||o0){var u;if(rt.isSubplotConstrained||!nt&&1===it.length){for(u=0;ug[1]-1/4096&&(e.domain=s),i.noneOrAll(t.domain,e.domain,s)}return r("layer"),e}},{"../../lib":778,"fast-isnumeric":241}],846:[function(t,e,r){"use strict";var n=t("../../constants/alignment").FROM_BL;e.exports=function(t,e,r){void 0===r&&(r=n[t.constraintoward||"center"]);var i=[t.r2l(t.range[0]),t.r2l(t.range[1])],a=i[0]+(i[1]-i[0])*r;t.range=t._input.range=[t.l2r(a+(i[0]-a)*e),t.l2r(a+(i[1]-a)*e)],t.setScale()}},{"../../constants/alignment":745}],847:[function(t,e,r){"use strict";var n=t("polybooljs"),i=t("../../registry"),a=t("../../components/drawing").dashStyle,o=t("../../components/color"),s=t("../../components/fx"),l=t("../../components/fx/helpers").makeEventData,c=t("../../components/dragelement/helpers"),u=c.freeMode,f=c.rectMode,h=c.drawMode,p=c.openMode,d=c.selectMode,g=t("../../components/shapes/draw_newshape/display_outlines"),m=t("../../components/shapes/draw_newshape/helpers").handleEllipse,v=t("../../components/shapes/draw_newshape/newshapes"),y=t("../../lib"),x=t("../../lib/polygon"),b=t("../../lib/throttle"),_=t("./axis_ids").getFromId,w=t("../../lib/clear_gl_canvases"),T=t("../../plot_api/subroutines").redrawReglTraces,k=t("./constants"),M=k.MINSELECT,A=x.filter,S=x.tester,E=t("./handle_outline").clearSelect,C=t("./helpers"),L=C.p2r,I=C.axValue,P=C.getTransform;function z(t,e,r,n,i,a,o){var s,l,c,u,f,h,d,m,v,y=e._hoverdata,x=e._fullLayout.clickmode.indexOf("event")>-1,b=[];if(function(t){return t&&Array.isArray(t)&&!0!==t[0].hoverOnBox}(y)){F(t,e,a);var _=function(t,e){var r,n,i=t[0],a=-1,o=[];for(n=0;n0?function(t,e){var r,n,i,a=[];for(i=0;i0&&a.push(r);if(1===a.length&&a[0]===e.searchInfo&&(n=e.searchInfo.cd[0].trace).selectedpoints.length===e.pointNumbers.length){for(i=0;i1)return!1;if((i+=r.selectedpoints.length)>1)return!1}return 1===i}(s)&&(h=j(_))){for(o&&o.remove(),v=0;v=0&&n._fullLayout._deactivateShape(n),h(e)){var a=n._fullLayout._zoomlayer.selectAll(".select-outline-"+r.id);if(a&&n._fullLayout._drawing){var o=v(a,t);o&&i.call("_guiRelayout",n,{shapes:o}),n._fullLayout._drawing=!1}}r.selection={},r.selection.selectionDefs=t.selectionDefs=[],r.selection.mergedPolygons=t.mergedPolygons=[]}function N(t,e,r,n){var i,a,o,s=[],l=e.map((function(t){return t._id})),c=r.map((function(t){return t._id}));for(o=0;o0?n[0]:r;return!!e.selectedpoints&&e.selectedpoints.indexOf(i)>-1}function U(t,e,r){var n,a,o,s;for(n=0;n=0)C._fullLayout._deactivateShape(C);else if(!_){var r=O.clickmode;b.done(gt).then((function(){if(b.clear(gt),2===t){for(ft.remove(),$=0;$-1&&z(e,C,i.xaxes,i.yaxes,i.subplot,i,ft),"event"===r&&C.emit("plotly_selected",void 0);s.click(C,e)})).catch(y.error)}},i.doneFn=function(){dt.remove(),b.done(gt).then((function(){b.clear(gt),i.gd.emit("plotly_selected",et),Q&&i.selectionDefs&&(Q.subtract=ut,i.selectionDefs.push(Q),i.mergedPolygons.length=0,[].push.apply(i.mergedPolygons,K)),i.doneFnCompleted&&i.doneFnCompleted(mt)})).catch(y.error),_&&B(i)}},clearSelect:E,clearSelectionsCache:B,selectOnClick:z}},{"../../components/color":643,"../../components/dragelement/helpers":661,"../../components/drawing":665,"../../components/fx":683,"../../components/fx/helpers":679,"../../components/shapes/draw_newshape/display_outlines":728,"../../components/shapes/draw_newshape/helpers":729,"../../components/shapes/draw_newshape/newshapes":730,"../../lib":778,"../../lib/clear_gl_canvases":762,"../../lib/polygon":790,"../../lib/throttle":804,"../../plot_api/subroutines":818,"../../registry":911,"./axis_ids":831,"./constants":834,"./handle_outline":838,"./helpers":839,polybooljs:517}],848:[function(t,e,r){"use strict";var n=t("d3"),i=t("d3-time-format").utcFormat,a=t("fast-isnumeric"),o=t("../../lib"),s=o.cleanNumber,l=o.ms2DateTime,c=o.dateTime2ms,u=o.ensureNumber,f=o.isArrayOrTypedArray,h=t("../../constants/numerical"),p=h.FP_SAFE,d=h.BADNUM,g=h.LOG_CLIP,m=h.ONEWEEK,v=h.ONEDAY,y=h.ONEHOUR,x=h.ONEMIN,b=h.ONESEC,_=t("./axis_ids"),w=t("./constants"),T=w.HOUR_PATTERN,k=w.WEEKDAY_PATTERN;function M(t){return Math.pow(10,t)}function A(t){return null!=t}e.exports=function(t,e){e=e||{};var r=t._id||"x",h=r.charAt(0);function S(e,r){if(e>0)return Math.log(e)/Math.LN10;if(e<=0&&r&&t.range&&2===t.range.length){var n=t.range[0],i=t.range[1];return.5*(n+i-2*g*Math.abs(n-i))}return d}function E(e,r,n,i){if((i||{}).msUTC&&a(e))return+e;var s=c(e,n||t.calendar);if(s===d){if(!a(e))return d;e=+e;var l=Math.floor(10*o.mod(e+.05,1)),u=Math.round(e-l/10);s=c(new Date(u))+l/10}return s}function C(e,r,n){return l(e,r,n||t.calendar)}function L(e){return t._categories[Math.round(e)]}function I(e){if(A(e)){if(void 0===t._categoriesMap&&(t._categoriesMap={}),void 0!==t._categoriesMap[e])return t._categoriesMap[e];t._categories.push("number"==typeof e?String(e):e);var r=t._categories.length-1;return t._categoriesMap[e]=r,r}return d}function P(e){if(t._categoriesMap)return t._categoriesMap[e]}function z(t){var e=P(t);return void 0!==e?e:a(t)?+t:void 0}function O(t){return a(t)?+t:P(t)}function D(t,e,r){return n.round(r+e*t,2)}function R(t,e,r){return(t-r)/e}var F=function(e){return a(e)?D(e,t._m,t._b):d},B=function(e){return R(e,t._m,t._b)};if(t.rangebreaks){var N="y"===h;F=function(e){if(!a(e))return d;var r=t._rangebreaks.length;if(!r)return D(e,t._m,t._b);var n=N;t.range[0]>t.range[1]&&(n=!n);for(var i=n?-1:1,o=i*e,s=0,l=0;lu)){s=o<(c+u)/2?l:l+1;break}s=l+1}var f=t._B[s]||0;return isFinite(f)?D(e,t._m2,f):0},B=function(e){var r=t._rangebreaks.length;if(!r)return R(e,t._m,t._b);for(var n=0,i=0;it._rangebreaks[i].pmax&&(n=i+1);return R(e,t._m2,t._B[n])}}t.c2l="log"===t.type?S:u,t.l2c="log"===t.type?M:u,t.l2p=F,t.p2l=B,t.c2p="log"===t.type?function(t,e){return F(S(t,e))}:F,t.p2c="log"===t.type?function(t){return M(B(t))}:B,-1!==["linear","-"].indexOf(t.type)?(t.d2r=t.r2d=t.d2c=t.r2c=t.d2l=t.r2l=s,t.c2d=t.c2r=t.l2d=t.l2r=u,t.d2p=t.r2p=function(e){return t.l2p(s(e))},t.p2d=t.p2r=B,t.cleanPos=u):"log"===t.type?(t.d2r=t.d2l=function(t,e){return S(s(t),e)},t.r2d=t.r2c=function(t){return M(s(t))},t.d2c=t.r2l=s,t.c2d=t.l2r=u,t.c2r=S,t.l2d=M,t.d2p=function(e,r){return t.l2p(t.d2r(e,r))},t.p2d=function(t){return M(B(t))},t.r2p=function(e){return t.l2p(s(e))},t.p2r=B,t.cleanPos=u):"date"===t.type?(t.d2r=t.r2d=o.identity,t.d2c=t.r2c=t.d2l=t.r2l=E,t.c2d=t.c2r=t.l2d=t.l2r=C,t.d2p=t.r2p=function(e,r,n){return t.l2p(E(e,0,n))},t.p2d=t.p2r=function(t,e,r){return C(B(t),e,r)},t.cleanPos=function(e){return o.cleanDate(e,d,t.calendar)}):"category"===t.type?(t.d2c=t.d2l=I,t.r2d=t.c2d=t.l2d=L,t.d2r=t.d2l_noadd=z,t.r2c=function(e){var r=O(e);return void 0!==r?r:t.fraction2r(.5)},t.l2r=t.c2r=u,t.r2l=O,t.d2p=function(e){return t.l2p(t.r2c(e))},t.p2d=function(t){return L(B(t))},t.r2p=t.d2p,t.p2r=B,t.cleanPos=function(t){return"string"==typeof t&&""!==t?t:u(t)}):"multicategory"===t.type&&(t.r2d=t.c2d=t.l2d=L,t.d2r=t.d2l_noadd=z,t.r2c=function(e){var r=z(e);return void 0!==r?r:t.fraction2r(.5)},t.r2c_just_indices=P,t.l2r=t.c2r=u,t.r2l=z,t.d2p=function(e){return t.l2p(t.r2c(e))},t.p2d=function(t){return L(B(t))},t.r2p=t.d2p,t.p2r=B,t.cleanPos=function(t){return Array.isArray(t)||"string"==typeof t&&""!==t?t:u(t)},t.setupMultiCategory=function(n){var i,a,s=t._traceIndices,l=t._matchGroup;if(l&&0===t._categories.length)for(var c in l)if(c!==r){var u=e[_.id2name(c)];s=s.concat(u._traceIndices)}var p=[[0,{}],[0,{}]],d=[];for(i=0;ip&&(s[n]=p),s[0]===s[1]){var c=Math.max(1,Math.abs(1e-6*s[0]));s[0]-=c,s[1]+=c}}else o.nestedProperty(t,e).set(i)},t.setScale=function(r){var n=e._size;if(t.overlaying){var i=_.getFromId({_fullLayout:e},t.overlaying);t.domain=i.domain}var a=r&&t._r?"_r":"range",o=t.calendar;t.cleanRange(a);var s,l,c=t.r2l(t[a][0],o),u=t.r2l(t[a][1],o),f="y"===h;if((f?(t._offset=n.t+(1-t.domain[1])*n.h,t._length=n.h*(t.domain[1]-t.domain[0]),t._m=t._length/(c-u),t._b=-t._m*u):(t._offset=n.l+t.domain[0]*n.w,t._length=n.w*(t.domain[1]-t.domain[0]),t._m=t._length/(u-c),t._b=-t._m*c),t._rangebreaks=[],t._lBreaks=0,t._m2=0,t._B=[],t.rangebreaks)&&(t._rangebreaks=t.locateBreaks(Math.min(c,u),Math.max(c,u)),t._rangebreaks.length)){for(s=0;su&&(p=!p),p&&t._rangebreaks.reverse();var d=p?-1:1;for(t._m2=d*t._length/(Math.abs(u-c)-t._lBreaks),t._B.push(-t._m2*(f?u:c)),s=0;si&&(i+=7,ai&&(i+=24,a=n&&a=n&&e=s.min&&(ts.max&&(s.max=n),i=!1)}i&&c.push({min:t,max:n})}};for(n=0;nr.duration?(!function(){for(var r={},n=0;n rect").call(o.setTranslate,0,0).call(o.setScale,1,1),t.plot.call(o.setTranslate,e._offset,r._offset).call(o.setScale,1,1);var n=t.plot.selectAll(".scatterlayer .trace");n.selectAll(".point").call(o.setPointGroupScale,1,1),n.selectAll(".textpoint").call(o.setTextPointsScale,1,1),n.call(o.hideOutsideRangePoints,t)}function m(e,r){var n=e.plotinfo,i=n.xaxis,l=n.yaxis,c=i._length,u=l._length,f=!!e.xr1,h=!!e.yr1,p=[];if(f){var d=a.simpleMap(e.xr0,i.r2l),g=a.simpleMap(e.xr1,i.r2l),m=d[1]-d[0],v=g[1]-g[0];p[0]=(d[0]*(1-r)+r*g[0]-d[0])/(d[1]-d[0])*c,p[2]=c*(1-r+r*v/m),i.range[0]=i.l2r(d[0]*(1-r)+r*g[0]),i.range[1]=i.l2r(d[1]*(1-r)+r*g[1])}else p[0]=0,p[2]=c;if(h){var y=a.simpleMap(e.yr0,l.r2l),x=a.simpleMap(e.yr1,l.r2l),b=y[1]-y[0],_=x[1]-x[0];p[1]=(y[1]*(1-r)+r*x[1]-y[1])/(y[0]-y[1])*u,p[3]=u*(1-r+r*_/b),l.range[0]=i.l2r(y[0]*(1-r)+r*x[0]),l.range[1]=l.l2r(y[1]*(1-r)+r*x[1])}else p[1]=0,p[3]=u;s.drawOne(t,i,{skipTitle:!0}),s.drawOne(t,l,{skipTitle:!0}),s.redrawComponents(t,[i._id,l._id]);var w=f?c/p[2]:1,T=h?u/p[3]:1,k=f?p[0]:0,M=h?p[1]:0,A=f?p[0]/p[2]*c:0,S=h?p[1]/p[3]*u:0,E=i._offset-A,C=l._offset-S;n.clipRect.call(o.setTranslate,k,M).call(o.setScale,1/w,1/T),n.plot.call(o.setTranslate,E,C).call(o.setScale,w,T),o.setPointGroupScale(n.zoomScalePts,1/w,1/T),o.setTextPointsScale(n.zoomScaleTxt,1/w,1/T)}s.redrawComponents(t)}},{"../../components/drawing":665,"../../lib":778,"../../registry":911,"./axes":828,d3:169}],853:[function(t,e,r){"use strict";var n=t("../../registry").traceIs,i=t("./axis_autotype");function a(t){return{v:"x",h:"y"}[t.orientation||"v"]}function o(t,e){var r=a(t),i=n(t,"box-violin"),o=n(t._fullInput||{},"candlestick");return i&&!o&&e===r&&void 0===t[r]&&void 0===t[r+"0"]}e.exports=function(t,e,r,s){r("autotypenumbers",s.autotypenumbersDflt),"-"===r("type",(s.splomStash||{}).type)&&(!function(t,e){if("-"!==t.type)return;var r,s=t._id,l=s.charAt(0);-1!==s.indexOf("scene")&&(s=l);var c=function(t,e,r){for(var n=0;n0&&(i["_"+r+"axes"]||{})[e])return i;if((i[r+"axis"]||r)===e){if(o(i,r))return i;if((i[r]||[]).length||i[r+"0"])return i}}}(e,s,l);if(!c)return;if("histogram"===c.type&&l==={v:"y",h:"x"}[c.orientation||"v"])return void(t.type="linear");var u=l+"calendar",f=c[u],h={noMultiCategory:!n(c,"cartesian")||n(c,"noMultiCategory")};"box"===c.type&&c._hasPreCompStats&&l==={h:"x",v:"y"}[c.orientation||"v"]&&(h.noMultiCategory=!0);if(h.autotypenumbers=t.autotypenumbers,o(c,l)){var p=a(c),d=[];for(r=0;r0?".":"")+a;i.isPlainObject(o)?l(o,e,s,n+1):e(s,a,o)}}))}r.manageCommandObserver=function(t,e,n,o){var s={},l=!0;e&&e._commandObserver&&(s=e._commandObserver),s.cache||(s.cache={}),s.lookupTable={};var c=r.hasSimpleAPICommandBindings(t,n,s.lookupTable);if(e&&e._commandObserver){if(c)return s;if(e._commandObserver.remove)return e._commandObserver.remove(),e._commandObserver=null,s}if(c){a(t,c,s.cache),s.check=function(){if(l){var e=a(t,c,s.cache);return e.changed&&o&&void 0!==s.lookupTable[e.value]&&(s.disable(),Promise.resolve(o({value:e.value,type:c.type,prop:c.prop,traces:c.traces,index:s.lookupTable[e.value]})).then(s.enable,s.enable)),e.changed}};for(var u=["plotly_relayout","plotly_redraw","plotly_restyle","plotly_update","plotly_animatingframe","plotly_afterplot"],f=0;f0&&i<0&&(i+=360);var s=(i-n)/4;return{type:"Polygon",coordinates:[[[n,a],[n,o],[n+s,o],[n+2*s,o],[n+3*s,o],[i,o],[i,a],[i-s,a],[i-2*s,a],[i-3*s,a],[n,a]]]}}e.exports=function(t){return new w(t)},T.plot=function(t,e,r){var n=this,i=e[this.id],a=[],o=!1;for(var s in y.layerNameToAdjective)if("frame"!==s&&i["show"+s]){o=!0;break}for(var l=0;l0&&a._module.calcGeoJSON(i,e)}if(!this.updateProjection(t,e)){this.viewInitial&&this.scope===r.scope||this.saveViewInitial(r),this.scope=r.scope,this.updateBaseLayers(e,r),this.updateDims(e,r),this.updateFx(e,r),u.generalUpdatePerTraceModule(this.graphDiv,this,t,r);var o=this.layers.frontplot.select(".scatterlayer");this.dataPoints.point=o.selectAll(".point"),this.dataPoints.text=o.selectAll("text"),this.dataPaths.line=o.selectAll(".js-line");var s=this.layers.backplot.select(".choroplethlayer");this.dataPaths.choropleth=s.selectAll("path"),this.render()}},T.updateProjection=function(t,e){var r=this.graphDiv,o=e[this.id],s=e._size,l=o.domain,c=o.projection,u=o.lonaxis,f=o.lataxis,p=u._ax,d=f._ax,g=this.projection=function(t){for(var e=t.projection.type,r=n.geo[y.projNames[e]](),i=t._isClipped?y.lonaxisSpan[e]/2:null,a=["center","rotate","parallels","clipExtent"],o=function(t){return t?r:[]},s=0;si*Math.PI/180}return!1},r.getPath=function(){return n.geo.path().projection(r)},r.getBounds=function(t){return r.getPath().bounds(t)},r.fitExtent=function(t,e){var n=t[1][0]-t[0][0],i=t[1][1]-t[0][1],a=r.clipExtent&&r.clipExtent();r.scale(150).translate([0,0]),a&&r.clipExtent(null);var o=r.getBounds(e),s=Math.min(n/(o[1][0]-o[0][0]),i/(o[1][1]-o[0][1])),l=+t[0][0]+(n-s*(o[1][0]+o[0][0]))/2,c=+t[0][1]+(i-s*(o[1][1]+o[0][1]))/2;return a&&r.clipExtent(a),r.scale(150*s).translate([l,c])},r.precision(y.precision),i&&r.clipAngle(i-y.clipPad);return r}(o),m=[[s.l+s.w*l.x[0],s.t+s.h*(1-l.y[1])],[s.l+s.w*l.x[1],s.t+s.h*(1-l.y[0])]],v=o.center||{},x=c.rotation||{},b=u.range||[],_=f.range||[];if(o.fitbounds){p._length=m[1][0]-m[0][0],d._length=m[1][1]-m[0][1],p.range=h(r,p),d.range=h(r,d);var w=(p.range[0]+p.range[1])/2,T=(d.range[0]+d.range[1])/2;if(o._isScoped)v={lon:w,lat:T};else if(o._isClipped){v={lon:w,lat:T},x={lon:w,lat:T,roll:x.roll};var M=c.type,A=y.lonaxisSpan[M]/2||180,S=y.lataxisSpan[M]/2||90;b=[w-A,w+A],_=[T-S,T+S]}else v={lon:w,lat:T},x={lon:w,lat:x.lat,roll:x.roll}}g.center([v.lon-x.lon,v.lat-x.lat]).rotate([-x.lon,-x.lat,x.roll]).parallels(c.parallels);var E=k(b,_);g.fitExtent(m,E);var C=this.bounds=g.getBounds(E),L=this.fitScale=g.scale(),I=g.translate();if(!isFinite(C[0][0])||!isFinite(C[0][1])||!isFinite(C[1][0])||!isFinite(C[1][1])||isNaN(I[0])||isNaN(I[0])){for(var P=["fitbounds","projection.rotation","center","lonaxis.range","lataxis.range"],z="Invalid geo settings, relayout'ing to default view.",O={},D=0;D-1&&m(n.event,a,[r.xaxis],[r.yaxis],r.id,f),l.indexOf("event")>-1&&c.click(a,n.event))}))}function h(t){return r.projection.invert([t[0]+r.xaxis._offset,t[1]+r.yaxis._offset])}},T.makeFramework=function(){var t=this,e=t.graphDiv,r=e._fullLayout,i="clip"+r._uid+t.id;t.clipDef=r._clips.append("clipPath").attr("id",i),t.clipRect=t.clipDef.append("rect"),t.framework=n.select(t.container).append("g").attr("class","geo "+t.id).call(l.setClipUrl,i,e),t.project=function(e){var r=t.projection(e);return r?[r[0]-t.xaxis._offset,r[1]-t.yaxis._offset]:[null,null]},t.xaxis={_id:"x",c2p:function(e){return t.project(e)[0]}},t.yaxis={_id:"y",c2p:function(e){return t.project(e)[1]}},t.mockAxis={type:"linear",showexponent:"all",exponentformat:"B"},f.setConvert(t.mockAxis,r)},T.saveViewInitial=function(t){var e,r=t.center||{},n=t.projection,i=n.rotation||{};this.viewInitial={fitbounds:t.fitbounds,"projection.scale":n.scale},e=t._isScoped?{"center.lon":r.lon,"center.lat":r.lat}:t._isClipped?{"projection.rotation.lon":i.lon,"projection.rotation.lat":i.lat}:{"center.lon":r.lon,"center.lat":r.lat,"projection.rotation.lon":i.lon},a.extendFlat(this.viewInitial,e)},T.render=function(){var t,e=this.projection,r=e.getPath();function n(t){var r=e(t.lonlat);return r?o(r[0],r[1]):null}function i(t){return e.isLonLatOverEdges(t.lonlat)?"none":null}for(t in this.basePaths)this.basePaths[t].attr("d",r);for(t in this.dataPaths)this.dataPaths[t].attr("d",(function(t){return r(t.geojson)}));for(t in this.dataPoints)this.dataPoints[t].attr("display",i).attr("transform",n)}},{"../../components/color":643,"../../components/dragelement":662,"../../components/drawing":665,"../../components/fx":683,"../../lib":778,"../../lib/geo_location_utils":771,"../../lib/topojson_utils":806,"../../registry":911,"../cartesian/autorange":827,"../cartesian/axes":828,"../cartesian/select":847,"../plots":891,"./constants":858,"./projections":863,"./zoom":864,d3:169,"topojson-client":579}],860:[function(t,e,r){"use strict";var n=t("../../plots/get_data").getSubplotCalcData,i=t("../../lib").counterRegex,a=t("./geo"),o="geo",s=i(o),l={};l.geo={valType:"subplotid",dflt:o,editType:"calc"},e.exports={attr:o,name:o,idRoot:o,idRegex:s,attrRegex:s,attributes:l,layoutAttributes:t("./layout_attributes"),supplyLayoutDefaults:t("./layout_defaults"),plot:function(t){for(var e=t._fullLayout,r=t.calcdata,i=e._subplots.geo,s=0;s0&&L<0&&(L+=360);var I,P,z,O=(C+L)/2;if(!p){var D=d?f.projRotate:[O,0,0];I=r("projection.rotation.lon",D[0]),r("projection.rotation.lat",D[1]),r("projection.rotation.roll",D[2]),r("showcoastlines",!d&&y)&&(r("coastlinecolor"),r("coastlinewidth")),r("showocean",!!y&&void 0)&&r("oceancolor")}(p?(P=-96.6,z=38.7):(P=d?O:I,z=(E[0]+E[1])/2),r("center.lon",P),r("center.lat",z),g)&&r("projection.parallels",f.projParallels||[0,60]);r("projection.scale"),r("showland",!!y&&void 0)&&r("landcolor"),r("showlakes",!!y&&void 0)&&r("lakecolor"),r("showrivers",!!y&&void 0)&&(r("rivercolor"),r("riverwidth")),r("showcountries",d&&"usa"!==u&&y)&&(r("countrycolor"),r("countrywidth")),("usa"===u||"north america"===u&&50===c)&&(r("showsubunits",y),r("subunitcolor"),r("subunitwidth")),d||r("showframe",y)&&(r("framecolor"),r("framewidth")),r("bgcolor"),r("fitbounds")&&(delete e.projection.scale,d?(delete e.center.lon,delete e.center.lat):m?(delete e.center.lon,delete e.center.lat,delete e.projection.rotation.lon,delete e.projection.rotation.lat,delete e.lonaxis.range,delete e.lataxis.range):(delete e.center.lon,delete e.center.lat,delete e.projection.rotation.lon))}e.exports=function(t,e,r){i(t,e,r,{type:"geo",attributes:s,handleDefaults:c,fullData:r,partition:"y"})}},{"../../lib":778,"../get_data":865,"../subplot_defaults":905,"./constants":858,"./layout_attributes":861}],863:[function(t,e,r){"use strict";e.exports=function(t){function e(t,e){return{type:"Feature",id:t.id,properties:t.properties,geometry:r(t.geometry,e)}}function r(e,n){if(!e)return null;if("GeometryCollection"===e.type)return{type:"GeometryCollection",geometries:object.geometries.map((function(t){return r(t,n)}))};if(!c.hasOwnProperty(e.type))return null;var i=c[e.type];return t.geo.stream(e,n(i)),i.result()}t.geo.project=function(t,e){var i=e.stream;if(!i)throw new Error("not yet supported");return(t&&n.hasOwnProperty(t.type)?n[t.type]:r)(t,i)};var n={Feature:e,FeatureCollection:function(t,r){return{type:"FeatureCollection",features:t.features.map((function(t){return e(t,r)}))}}},i=[],a=[],o={point:function(t,e){i.push([t,e])},result:function(){var t=i.length?i.length<2?{type:"Point",coordinates:i[0]}:{type:"MultiPoint",coordinates:i}:null;return i=[],t}},s={lineStart:u,point:function(t,e){i.push([t,e])},lineEnd:function(){i.length&&(a.push(i),i=[])},result:function(){var t=a.length?a.length<2?{type:"LineString",coordinates:a[0]}:{type:"MultiLineString",coordinates:a}:null;return a=[],t}},l={polygonStart:u,lineStart:u,point:function(t,e){i.push([t,e])},lineEnd:function(){var t=i.length;if(t){do{i.push(i[0].slice())}while(++t<4);a.push(i),i=[]}},polygonEnd:u,result:function(){if(!a.length)return null;var t=[],e=[];return a.forEach((function(r){!function(t){if((e=t.length)<4)return!1;var e,r=0,n=t[e-1][1]*t[0][0]-t[e-1][0]*t[0][1];for(;++rn^p>n&&r<(h-c)*(n-u)/(p-u)+c&&(i=!i)}return i}(t[0],r))return t.push(e),!0}))||t.push([e])})),a=[],t.length?t.length>1?{type:"MultiPolygon",coordinates:t}:{type:"Polygon",coordinates:t[0]}:null}},c={Point:o,MultiPoint:o,LineString:s,MultiLineString:s,Polygon:l,MultiPolygon:l,Sphere:l};function u(){}var f=1e-6,h=Math.PI,p=h/2,d=(Math.sqrt(h),h/180),g=180/h;function m(t){return t>1?p:t<-1?-p:Math.asin(t)}function v(t){return t>1?0:t<-1?h:Math.acos(t)}var y=t.geo.projection,x=t.geo.projectionMutator;function b(t,e){var r=(2+p)*Math.sin(e);e/=2;for(var n=0,i=1/0;n<10&&Math.abs(i)>f;n++){var a=Math.cos(e);e-=i=(e+Math.sin(e)*(a+2)-r)/(2*a*(1+a))}return[2/Math.sqrt(h*(4+h))*t*(1+Math.cos(e)),2*Math.sqrt(h/(4+h))*Math.sin(e)]}t.geo.interrupt=function(e){var r,n=[[[[-h,0],[0,p],[h,0]]],[[[-h,0],[0,-p],[h,0]]]];function i(t,r){for(var i=r<0?-1:1,a=n[+(r<0)],o=0,s=a.length-1;oa[o][2][0];++o);var l=e(t-a[o][1][0],r);return l[0]+=e(a[o][1][0],i*r>i*a[o][0][1]?a[o][0][1]:r)[0],l}function a(){r=n.map((function(t){return t.map((function(t){var r,n=e(t[0][0],t[0][1])[0],i=e(t[2][0],t[2][1])[0],a=e(t[1][0],t[0][1])[1],o=e(t[1][0],t[1][1])[1];return a>o&&(r=a,a=o,o=r),[[n,a],[i,o]]}))}))}e.invert&&(i.invert=function(t,a){for(var o=r[+(a<0)],s=n[+(a<0)],l=0,u=o.length;l=0;--i){var p;o=180*(p=n[1][i])[0][0]/h,s=180*p[0][1]/h,c=180*p[1][1]/h,u=180*p[2][0]/h,f=180*p[2][1]/h;r.push(l([[u-e,f-e],[u-e,c+e],[o+e,c+e],[o+e,s-e]],30))}return{type:"Polygon",coordinates:[t.merge(r)]}}(),a)},i},o.lobes=function(t){return arguments.length?(n=t.map((function(t){return t.map((function(t){return[[t[0][0]*h/180,t[0][1]*h/180],[t[1][0]*h/180,t[1][1]*h/180],[t[2][0]*h/180,t[2][1]*h/180]]}))})),a(),o):n.map((function(t){return t.map((function(t){return[[180*t[0][0]/h,180*t[0][1]/h],[180*t[1][0]/h,180*t[1][1]/h],[180*t[2][0]/h,180*t[2][1]/h]]}))}))},o},b.invert=function(t,e){var r=.5*e*Math.sqrt((4+h)/h),n=m(r),i=Math.cos(n);return[t/(2/Math.sqrt(h*(4+h))*(1+i)),m((n+r*(i+2))/(2+p))]},(t.geo.eckert4=function(){return y(b)}).raw=b;var _=t.geo.azimuthalEqualArea.raw;function w(t,e){if(arguments.length<2&&(e=t),1===e)return _;if(e===1/0)return T;function r(r,n){var i=_(r/e,n);return i[0]*=t,i}return r.invert=function(r,n){var i=_.invert(r/t,n);return i[0]*=e,i},r}function T(t,e){return[t*Math.cos(e)/Math.cos(e/=2),2*Math.sin(e)]}function k(t,e){return[3*t/(2*h)*Math.sqrt(h*h/3-e*e),e]}function M(t,e){return[t,1.25*Math.log(Math.tan(h/4+.4*e))]}function A(t){return function(e){var r,n=t*Math.sin(e),i=30;do{e-=r=(e+Math.sin(e)-n)/(1+Math.cos(e))}while(Math.abs(r)>f&&--i>0);return e/2}}T.invert=function(t,e){var r=2*m(e/2);return[t*Math.cos(r/2)/Math.cos(r),r]},(t.geo.hammer=function(){var t=2,e=x(w),r=e(t);return r.coefficient=function(r){return arguments.length?e(t=+r):t},r}).raw=w,k.invert=function(t,e){return[2/3*h*t/Math.sqrt(h*h/3-e*e),e]},(t.geo.kavrayskiy7=function(){return y(k)}).raw=k,M.invert=function(t,e){return[t,2.5*Math.atan(Math.exp(.8*e))-.625*h]},(t.geo.miller=function(){return y(M)}).raw=M,A(h);var S=function(t,e,r){var n=A(r);function i(r,i){return[t*r*Math.cos(i=n(i)),e*Math.sin(i)]}return i.invert=function(n,i){var a=m(i/e);return[n/(t*Math.cos(a)),m((2*a+Math.sin(2*a))/r)]},i}(Math.SQRT2/p,Math.SQRT2,h);function E(t,e){var r=e*e,n=r*r;return[t*(.8707-.131979*r+n*(n*(.003971*r-.001529*n)-.013791)),e*(1.007226+r*(.015085+n*(.028874*r-.044475-.005916*n)))]}(t.geo.mollweide=function(){return y(S)}).raw=S,E.invert=function(t,e){var r,n=e,i=25;do{var a=n*n,o=a*a;n-=r=(n*(1.007226+a*(.015085+o*(.028874*a-.044475-.005916*o)))-e)/(1.007226+a*(.045255+o*(.259866*a-.311325-.005916*11*o)))}while(Math.abs(r)>f&&--i>0);return[t/(.8707+(a=n*n)*(a*(a*a*a*(.003971-.001529*a)-.013791)-.131979)),n]},(t.geo.naturalEarth=function(){return y(E)}).raw=E;var C=[[.9986,-.062],[1,0],[.9986,.062],[.9954,.124],[.99,.186],[.9822,.248],[.973,.31],[.96,.372],[.9427,.434],[.9216,.4958],[.8962,.5571],[.8679,.6176],[.835,.6769],[.7986,.7346],[.7597,.7903],[.7186,.8435],[.6732,.8936],[.6213,.9394],[.5722,.9761],[.5322,1]];function L(t,e){var r,n=Math.min(18,36*Math.abs(e)/h),i=Math.floor(n),a=n-i,o=(r=C[i])[0],s=r[1],l=(r=C[++i])[0],c=r[1],u=(r=C[Math.min(19,++i)])[0],f=r[1];return[t*(l+a*(u-o)/2+a*a*(u-2*l+o)/2),(e>0?p:-p)*(c+a*(f-s)/2+a*a*(f-2*c+s)/2)]}function I(t,e){return[t*Math.cos(e),e]}function P(t,e){var r,n=Math.cos(e),i=(r=v(n*Math.cos(t/=2)))?r/Math.sin(r):1;return[2*n*Math.sin(t)*i,Math.sin(e)*i]}function z(t,e){var r=P(t,e);return[(r[0]+t/p)/2,(r[1]+e)/2]}C.forEach((function(t){t[1]*=1.0144})),L.invert=function(t,e){var r=e/p,n=90*r,i=Math.min(18,Math.abs(n/5)),a=Math.max(0,Math.floor(i));do{var o=C[a][1],s=C[a+1][1],l=C[Math.min(19,a+2)][1],c=l-o,u=l-2*s+o,f=2*(Math.abs(r)-s)/c,h=u/c,m=f*(1-h*f*(1-2*h*f));if(m>=0||1===a){n=(e>=0?5:-5)*(m+i);var v,y=50;do{m=(i=Math.min(18,Math.abs(n)/5))-(a=Math.floor(i)),o=C[a][1],s=C[a+1][1],l=C[Math.min(19,a+2)][1],n-=(v=(e>=0?p:-p)*(s+m*(l-o)/2+m*m*(l-2*s+o)/2)-e)*g}while(Math.abs(v)>1e-12&&--y>0);break}}while(--a>=0);var x=C[a][0],b=C[a+1][0],_=C[Math.min(19,a+2)][0];return[t/(b+m*(_-x)/2+m*m*(_-2*b+x)/2),n*d]},(t.geo.robinson=function(){return y(L)}).raw=L,I.invert=function(t,e){return[t/Math.cos(e),e]},(t.geo.sinusoidal=function(){return y(I)}).raw=I,P.invert=function(t,e){if(!(t*t+4*e*e>h*h+f)){var r=t,n=e,i=25;do{var a,o=Math.sin(r),s=Math.sin(r/2),l=Math.cos(r/2),c=Math.sin(n),u=Math.cos(n),p=Math.sin(2*n),d=c*c,g=u*u,m=s*s,y=1-g*l*l,x=y?v(u*l)*Math.sqrt(a=1/y):a=0,b=2*x*u*s-t,_=x*c-e,w=a*(g*m+x*u*l*d),T=a*(.5*o*p-2*x*c*s),k=.25*a*(p*s-x*c*g*o),M=a*(d*l+x*m*u),A=T*k-M*w;if(!A)break;var S=(_*T-b*M)/A,E=(b*k-_*w)/A;r-=S,n-=E}while((Math.abs(S)>f||Math.abs(E)>f)&&--i>0);return[r,n]}},(t.geo.aitoff=function(){return y(P)}).raw=P,z.invert=function(t,e){var r=t,n=e,i=25;do{var a,o=Math.cos(n),s=Math.sin(n),l=Math.sin(2*n),c=s*s,u=o*o,h=Math.sin(r),d=Math.cos(r/2),g=Math.sin(r/2),m=g*g,y=1-u*d*d,x=y?v(o*d)*Math.sqrt(a=1/y):a=0,b=.5*(2*x*o*g+r/p)-t,_=.5*(x*s+n)-e,w=.5*a*(u*m+x*o*d*c)+.5/p,T=a*(h*l/4-x*s*g),k=.125*a*(l*g-x*s*u*h),M=.5*a*(c*d+x*m*o)+.5,A=T*k-M*w,S=(_*T-b*M)/A,E=(b*k-_*w)/A;r-=S,n-=E}while((Math.abs(S)>f||Math.abs(E)>f)&&--i>0);return[r,n]},(t.geo.winkel3=function(){return y(z)}).raw=z}},{}],864:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../registry"),o=Math.PI/180,s=180/Math.PI,l={cursor:"pointer"},c={cursor:"auto"};function u(t,e){return n.behavior.zoom().translate(e.translate()).scale(e.scale())}function f(t,e,r){var n=t.id,o=t.graphDiv,s=o.layout,l=s[n],c=o._fullLayout,u=c[n],f={},h={};function p(t,e){f[n+"."+t]=i.nestedProperty(l,t).get(),a.call("_storeDirectGUIEdit",s,c._preGUI,f);var r=i.nestedProperty(u,t);r.get()!==e&&(r.set(e),i.nestedProperty(l,t).set(e),h[n+"."+t]=e)}r(p),p("projection.scale",e.scale()/t.fitScale),p("fitbounds",!1),o.emit("plotly_relayout",h)}function h(t,e){var r=u(0,e);function i(r){var n=e.invert(t.midPt);r("center.lon",n[0]),r("center.lat",n[1])}return r.on("zoomstart",(function(){n.select(this).style(l)})).on("zoom",(function(){e.scale(n.event.scale).translate(n.event.translate),t.render();var r=e.invert(t.midPt);t.graphDiv.emit("plotly_relayouting",{"geo.projection.scale":e.scale()/t.fitScale,"geo.center.lon":r[0],"geo.center.lat":r[1]})})).on("zoomend",(function(){n.select(this).style(c),f(t,e,i)})),r}function p(t,e){var r,i,a,o,s,h,p,d,g,m=u(0,e);function v(t){return e.invert(t)}function y(r){var n=e.rotate(),i=e.invert(t.midPt);r("projection.rotation.lon",-n[0]),r("center.lon",i[0]),r("center.lat",i[1])}return m.on("zoomstart",(function(){n.select(this).style(l),r=n.mouse(this),i=e.rotate(),a=e.translate(),o=i,s=v(r)})).on("zoom",(function(){if(h=n.mouse(this),function(t){var r=v(t);if(!r)return!0;var n=e(r);return Math.abs(n[0]-t[0])>2||Math.abs(n[1]-t[1])>2}(r))return m.scale(e.scale()),void m.translate(e.translate());e.scale(n.event.scale),e.translate([a[0],n.event.translate[1]]),s?v(h)&&(d=v(h),p=[o[0]+(d[0]-s[0]),i[1],i[2]],e.rotate(p),o=p):s=v(r=h),g=!0,t.render();var l=e.rotate(),c=e.invert(t.midPt);t.graphDiv.emit("plotly_relayouting",{"geo.projection.scale":e.scale()/t.fitScale,"geo.center.lon":c[0],"geo.center.lat":c[1],"geo.projection.rotation.lon":-l[0]})})).on("zoomend",(function(){n.select(this).style(c),g&&f(t,e,y)})),m}function d(t,e){var r,i={r:e.rotate(),k:e.scale()},a=u(0,e),o=function(t){var e=0,r=arguments.length,i=[];for(;++ed?(a=(f>0?90:-90)-p,i=0):(a=Math.asin(f/d)*s-p,i=Math.sqrt(d*d-f*f));var g=180-a-2*p,m=(Math.atan2(h,u)-Math.atan2(c,i))*s,v=(Math.atan2(h,u)-Math.atan2(c,-i))*s;return b(r[0],r[1],a,m)<=b(r[0],r[1],g,v)?[a,m,r[2]]:[g,v,r[2]]}function b(t,e,r,n){var i=_(r-t),a=_(n-e);return Math.sqrt(i*i+a*a)}function _(t){return(t%360+540)%360-180}function w(t,e,r){var n=r*o,i=t.slice(),a=0===e?1:0,s=2===e?1:2,l=Math.cos(n),c=Math.sin(n);return i[a]=t[a]*l-t[s]*c,i[s]=t[s]*l+t[a]*c,i}function T(t){return[Math.atan2(2*(t[0]*t[1]+t[2]*t[3]),1-2*(t[1]*t[1]+t[2]*t[2]))*s,Math.asin(Math.max(-1,Math.min(1,2*(t[0]*t[2]-t[3]*t[1]))))*s,Math.atan2(2*(t[0]*t[3]+t[1]*t[2]),1-2*(t[2]*t[2]+t[3]*t[3]))*s]}function k(t,e){for(var r=0,n=0,i=t.length;nMath.abs(s)?(c.boxEnd[1]=c.boxStart[1]+Math.abs(a)*_*(s>=0?1:-1),c.boxEnd[1]l[3]&&(c.boxEnd[1]=l[3],c.boxEnd[0]=c.boxStart[0]+(l[3]-c.boxStart[1])/Math.abs(_))):(c.boxEnd[0]=c.boxStart[0]+Math.abs(s)/_*(a>=0?1:-1),c.boxEnd[0]l[2]&&(c.boxEnd[0]=l[2],c.boxEnd[1]=c.boxStart[1]+(l[2]-c.boxStart[0])*Math.abs(_)))}}else c.boxEnabled?(a=c.boxStart[0]!==c.boxEnd[0],s=c.boxStart[1]!==c.boxEnd[1],a||s?(a&&(m(0,c.boxStart[0],c.boxEnd[0]),t.xaxis.autorange=!1),s&&(m(1,c.boxStart[1],c.boxEnd[1]),t.yaxis.autorange=!1),t.relayoutCallback()):t.glplot.setDirty(),c.boxEnabled=!1,c.boxInited=!1):c.boxInited&&(c.boxInited=!1);break;case"pan":c.boxEnabled=!1,c.boxInited=!1,e?(c.panning||(c.dragStart[0]=n,c.dragStart[1]=i),Math.abs(c.dragStart[0]-n).999&&(g="turntable"):g="turntable")}else g="turntable";r("dragmode",g),r("hovermode",n.getDfltFromLayout("hovermode"))}e.exports=function(t,e,r){var i=e._basePlotModules.length>1;o(t,e,r,{type:"gl3d",attributes:l,handleDefaults:u,fullLayout:e,font:e.font,fullData:r,getDfltFromLayout:function(e){if(!i)return n.validate(t[e],l[e])?t[e]:void 0},autotypenumbersDflt:e.autotypenumbers,paper_bgcolor:e.paper_bgcolor,calendar:e.calendar})}},{"../../../components/color":643,"../../../lib":778,"../../../registry":911,"../../get_data":865,"../../subplot_defaults":905,"./axis_defaults":873,"./layout_attributes":876}],876:[function(t,e,r){"use strict";var n=t("./axis_attributes"),i=t("../../domain").attributes,a=t("../../../lib/extend").extendFlat,o=t("../../../lib").counterRegex;function s(t,e,r){return{x:{valType:"number",dflt:t,editType:"camera"},y:{valType:"number",dflt:e,editType:"camera"},z:{valType:"number",dflt:r,editType:"camera"},editType:"camera"}}e.exports={_arrayAttrRegexps:[o("scene",".annotations",!0)],bgcolor:{valType:"color",dflt:"rgba(0,0,0,0)",editType:"plot"},camera:{up:a(s(0,0,1),{}),center:a(s(0,0,0),{}),eye:a(s(1.25,1.25,1.25),{}),projection:{type:{valType:"enumerated",values:["perspective","orthographic"],dflt:"perspective",editType:"calc"},editType:"calc"},editType:"camera"},domain:i({name:"scene",editType:"plot"}),aspectmode:{valType:"enumerated",values:["auto","cube","data","manual"],dflt:"auto",editType:"plot",impliedEdits:{"aspectratio.x":void 0,"aspectratio.y":void 0,"aspectratio.z":void 0}},aspectratio:{x:{valType:"number",min:0,editType:"plot",impliedEdits:{"^aspectmode":"manual"}},y:{valType:"number",min:0,editType:"plot",impliedEdits:{"^aspectmode":"manual"}},z:{valType:"number",min:0,editType:"plot",impliedEdits:{"^aspectmode":"manual"}},editType:"plot",impliedEdits:{aspectmode:"manual"}},xaxis:n,yaxis:n,zaxis:n,dragmode:{valType:"enumerated",values:["orbit","turntable","zoom","pan",!1],editType:"plot"},hovermode:{valType:"enumerated",values:["closest",!1],dflt:"closest",editType:"modebar"},uirevision:{valType:"any",editType:"none"},editType:"plot",_deprecated:{cameraposition:{valType:"info_array",editType:"camera"}}}},{"../../../lib":778,"../../../lib/extend":768,"../../domain":855,"./axis_attributes":872}],877:[function(t,e,r){"use strict";var n=t("../../../lib/str2rgbarray"),i=["xaxis","yaxis","zaxis"];function a(){this.enabled=[!0,!0,!0],this.colors=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.drawSides=[!0,!0,!0],this.lineWidth=[1,1,1]}a.prototype.merge=function(t){for(var e=0;e<3;++e){var r=t[i[e]];r.visible?(this.enabled[e]=r.showspikes,this.colors[e]=n(r.spikecolor),this.drawSides[e]=r.spikesides,this.lineWidth[e]=r.spikethickness):(this.enabled[e]=!1,this.drawSides[e]=!1)}},e.exports=function(t){var e=new a;return e.merge(t),e}},{"../../../lib/str2rgbarray":802}],878:[function(t,e,r){"use strict";e.exports=function(t){for(var e=t.axesOptions,r=t.glplot.axesPixels,s=t.fullSceneLayout,l=[[],[],[]],c=0;c<3;++c){var u=s[a[c]];if(u._length=(r[c].hi-r[c].lo)*r[c].pixelsPerDataUnit/t.dataScale[c],Math.abs(u._length)===1/0||isNaN(u._length))l[c]=[];else{u._input_range=u.range.slice(),u.range[0]=r[c].lo/t.dataScale[c],u.range[1]=r[c].hi/t.dataScale[c],u._m=1/(t.dataScale[c]*r[c].pixelsPerDataUnit),u.range[0]===u.range[1]&&(u.range[0]-=1,u.range[1]+=1);var f=u.tickmode;if("auto"===u.tickmode){u.tickmode="linear";var h=u.nticks||i.constrain(u._length/40,4,9);n.autoTicks(u,Math.abs(u.range[1]-u.range[0])/h)}for(var p=n.calcTicks(u,{msUTC:!0}),d=0;d/g," "));l[c]=p,u.tickmode=f}}e.ticks=l;for(c=0;c<3;++c){o[c]=.5*(t.glplot.bounds[0][c]+t.glplot.bounds[1][c]);for(d=0;d<2;++d)e.bounds[d][c]=t.glplot.bounds[d][c]}t.contourLevels=function(t){for(var e=new Array(3),r=0;r<3;++r){for(var n=t[r],i=new Array(n.length),a=0;ar.deltaY?1.1:1/1.1,a=t.glplot.getAspectratio();t.glplot.setAspectratio({x:n*a.x,y:n*a.y,z:n*a.z})}i(t)}}),!!c&&{passive:!1}),t.glplot.canvas.addEventListener("mousemove",(function(){if(!1!==t.fullSceneLayout.dragmode&&0!==t.camera.mouseListener.buttons){var e=n();t.graphDiv.emit("plotly_relayouting",e)}})),t.staticMode||t.glplot.canvas.addEventListener("webglcontextlost",(function(r){e&&e.emit&&e.emit("plotly_webglcontextlost",{event:r,layer:t.id})}),!1)),t.glplot.oncontextloss=function(){t.recoverContext()},t.glplot.onrender=function(){t.render()},!0},w.render=function(){var t,e=this,r=e.graphDiv,n=e.svgContainer,i=e.container.getBoundingClientRect();r._fullLayout._calcInverseTransform(r);var a=r._fullLayout._invScaleX,o=r._fullLayout._invScaleY,s=i.width*a,l=i.height*o;n.setAttributeNS(null,"viewBox","0 0 "+s+" "+l),n.setAttributeNS(null,"width",s),n.setAttributeNS(null,"height",l),b(e),e.glplot.axes.update(e.axesOptions);for(var c,u=Object.keys(e.traces),h=null,g=e.glplot.selection,m=0;m")):"isosurface"===t.type||"volume"===t.type?(k.valueLabel=p.tickText(e._mockAxis,e._mockAxis.d2l(g.traceCoordinate[3]),"hover").text,E.push("value: "+k.valueLabel),g.textLabel&&E.push(g.textLabel),_=E.join("
")):_=g.textLabel;var C={x:g.traceCoordinate[0],y:g.traceCoordinate[1],z:g.traceCoordinate[2],data:w._input,fullData:w,curveNumber:w.index,pointNumber:T};d.appendArrayPointValue(C,w,T),t._module.eventData&&(C=w._module.eventData(C,g,w,{},T));var L={points:[C]};e.fullSceneLayout.hovermode&&d.loneHover({trace:w,x:(.5+.5*x[0]/x[3])*s,y:(.5-.5*x[1]/x[3])*l,xLabel:k.xLabel,yLabel:k.yLabel,zLabel:k.zLabel,text:_,name:h.name,color:d.castHoverOption(w,T,"bgcolor")||h.color,borderColor:d.castHoverOption(w,T,"bordercolor"),fontFamily:d.castHoverOption(w,T,"font.family"),fontSize:d.castHoverOption(w,T,"font.size"),fontColor:d.castHoverOption(w,T,"font.color"),nameLength:d.castHoverOption(w,T,"namelength"),textAlign:d.castHoverOption(w,T,"align"),hovertemplate:f.castOption(w,T,"hovertemplate"),hovertemplateLabels:f.extendFlat({},C,k),eventData:[C]},{container:n,gd:r}),g.buttons&&g.distance<5?r.emit("plotly_click",L):r.emit("plotly_hover",L),c=L}else d.loneUnhover(n),r.emit("plotly_unhover",c);e.drawAnnotations(e)},w.recoverContext=function(){var t=this;t.glplot.dispose();var e=function(){t.glplot.gl.isContextLost()?requestAnimationFrame(e):t.initializeGLPlot()?t.plot.apply(t,t.plotArgs):f.error("Catastrophic and unrecoverable WebGL error. Context lost.")};requestAnimationFrame(e)};var k=["xaxis","yaxis","zaxis"];function M(t,e,r){for(var n=t.fullSceneLayout,i=0;i<3;i++){var a=k[i],o=a.charAt(0),s=n[a],l=e[o],c=e[o+"calendar"],u=e["_"+o+"length"];if(f.isArrayOrTypedArray(l))for(var h,p=0;p<(u||l.length);p++)if(f.isArrayOrTypedArray(l[p]))for(var d=0;dm[1][a])m[0][a]=-1,m[1][a]=1;else{var C=m[1][a]-m[0][a];m[0][a]-=C/32,m[1][a]+=C/32}if("reversed"===s.autorange){var L=m[0][a];m[0][a]=m[1][a],m[1][a]=L}}else{var I=s.range;m[0][a]=s.r2l(I[0]),m[1][a]=s.r2l(I[1])}m[0][a]===m[1][a]&&(m[0][a]-=1,m[1][a]+=1),v[a]=m[1][a]-m[0][a],this.glplot.setBounds(a,{min:m[0][a]*h[a],max:m[1][a]*h[a]})}var P=c.aspectmode;if("cube"===P)d=[1,1,1];else if("manual"===P){var z=c.aspectratio;d=[z.x,z.y,z.z]}else{if("auto"!==P&&"data"!==P)throw new Error("scene.js aspectRatio was not one of the enumerated types");var O=[1,1,1];for(a=0;a<3;++a){var D=y[l=(s=c[k[a]]).type];O[a]=Math.pow(D.acc,1/D.count)/h[a]}d="data"===P||Math.max.apply(null,O)/Math.min.apply(null,O)<=4?O:[1,1,1]}c.aspectratio.x=u.aspectratio.x=d[0],c.aspectratio.y=u.aspectratio.y=d[1],c.aspectratio.z=u.aspectratio.z=d[2],this.glplot.setAspectratio(c.aspectratio),this.viewInitial.aspectratio||(this.viewInitial.aspectratio={x:c.aspectratio.x,y:c.aspectratio.y,z:c.aspectratio.z}),this.viewInitial.aspectmode||(this.viewInitial.aspectmode=c.aspectmode);var R=c.domain||null,F=e._size||null;if(R&&F){var B=this.container.style;B.position="absolute",B.left=F.l+R.x[0]*F.w+"px",B.top=F.t+(1-R.y[1])*F.h+"px",B.width=F.w*(R.x[1]-R.x[0])+"px",B.height=F.h*(R.y[1]-R.y[0])+"px"}this.glplot.redraw()}},w.destroy=function(){this.glplot&&(this.camera.mouseListener.enabled=!1,this.container.removeEventListener("wheel",this.camera.wheelListener),this.camera=null,this.glplot.dispose(),this.container.parentNode.removeChild(this.container),this.glplot=null)},w.getCamera=function(){var t;return this.camera.view.recalcMatrix(this.camera.view.lastT()),{up:{x:(t=this.camera).up[0],y:t.up[1],z:t.up[2]},center:{x:t.center[0],y:t.center[1],z:t.center[2]},eye:{x:t.eye[0],y:t.eye[1],z:t.eye[2]},projection:{type:!0===t._ortho?"orthographic":"perspective"}}},w.setViewport=function(t){var e,r=t.camera;this.camera.lookAt.apply(this,[[(e=r).eye.x,e.eye.y,e.eye.z],[e.center.x,e.center.y,e.center.z],[e.up.x,e.up.y,e.up.z]]),this.glplot.setAspectratio(t.aspectratio),"orthographic"===r.projection.type!==this.camera._ortho&&(this.glplot.redraw(),this.glplot.clearRGBA(),this.glplot.dispose(),this.initializeGLPlot())},w.isCameraChanged=function(t){var e=this.getCamera(),r=f.nestedProperty(t,this.id+".camera").get();function n(t,e,r,n){var i=["up","center","eye"],a=["x","y","z"];return e[i[r]]&&t[i[r]][a[n]]===e[i[r]][a[n]]}var i=!1;if(void 0===r)i=!0;else{for(var a=0;a<3;a++)for(var o=0;o<3;o++)if(!n(e,r,a,o)){i=!0;break}(!r.projection||e.projection&&e.projection.type!==r.projection.type)&&(i=!0)}return i},w.isAspectChanged=function(t){var e=this.glplot.getAspectratio(),r=f.nestedProperty(t,this.id+".aspectratio").get();return void 0===r||r.x!==e.x||r.y!==e.y||r.z!==e.z},w.saveLayout=function(t){var e,r,n,i,a,o,s=this.fullLayout,l=this.isCameraChanged(t),c=this.isAspectChanged(t),h=l||c;if(h){var p={};if(l&&(e=this.getCamera(),n=(r=f.nestedProperty(t,this.id+".camera")).get(),p[this.id+".camera"]=n),c&&(i=this.glplot.getAspectratio(),o=(a=f.nestedProperty(t,this.id+".aspectratio")).get(),p[this.id+".aspectratio"]=o),u.call("_storeDirectGUIEdit",t,s._preGUI,p),l)r.set(e),f.nestedProperty(s,this.id+".camera").set(e);if(c)a.set(i),f.nestedProperty(s,this.id+".aspectratio").set(i),this.glplot.redraw()}return h},w.updateFx=function(t,e){var r=this.camera;if(r)if("orbit"===t)r.mode="orbit",r.keyBindingMode="rotate";else if("turntable"===t){r.up=[0,0,1],r.mode="turntable",r.keyBindingMode="rotate";var n=this.graphDiv,i=n._fullLayout,a=this.fullSceneLayout.camera,o=a.up.x,s=a.up.y,l=a.up.z;if(l/Math.sqrt(o*o+s*s+l*l)<.999){var c=this.id+".camera.up",h={x:0,y:0,z:1},p={};p[c]=h;var d=n.layout;u.call("_storeDirectGUIEdit",d,i._preGUI,p),a.up=h,f.nestedProperty(d,c).set(h)}}else r.keyBindingMode=t;this.fullSceneLayout.hovermode=e},w.toImage=function(t){t||(t="png"),this.staticMode&&this.container.appendChild(n),this.glplot.redraw();var e=this.glplot.gl,r=e.drawingBufferWidth,i=e.drawingBufferHeight;e.bindFramebuffer(e.FRAMEBUFFER,null);var a=new Uint8Array(r*i*4);e.readPixels(0,0,r,i,e.RGBA,e.UNSIGNED_BYTE,a),function(t,e,r){for(var n=0,i=r-1;n0)for(var s=255/o,l=0;l<3;++l)t[a+l]=Math.min(s*t[a+l],255)}}(a,r,i);var o=document.createElement("canvas");o.width=r,o.height=i;var s,l=o.getContext("2d"),c=l.createImageData(r,i);switch(c.data.set(a),l.putImageData(c,0,0),t){case"jpeg":s=o.toDataURL("image/jpeg");break;case"webp":s=o.toDataURL("image/webp");break;default:s=o.toDataURL("image/png")}return this.staticMode&&this.container.removeChild(n),s},w.setConvert=function(){for(var t=0;t<3;t++){var e=this.fullSceneLayout[k[t]];p.setConvert(e,this.fullLayout),e.setScale=f.noop}},w.make4thDimension=function(){var t=this.graphDiv._fullLayout;this._mockAxis={type:"linear",showexponent:"all",exponentformat:"B"},p.setConvert(this._mockAxis,t)},e.exports=_},{"../../components/fx":683,"../../lib":778,"../../lib/show_no_webgl_msg":800,"../../lib/str2rgbarray":802,"../../plots/cartesian/axes":828,"../../registry":911,"./layout/convert":874,"./layout/spikes":877,"./layout/tick_marks":878,"./project":879,"gl-plot3d":321,"has-passive-events":441,"webgl-context":606}],881:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){n=n||t.length;for(var i=new Array(n),a=0;a\xa9 OpenStreetMap',tiles:["https://a.tile.openstreetmap.org/{z}/{x}/{y}.png","https://b.tile.openstreetmap.org/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-osm-tiles",type:"raster",source:"plotly-osm-tiles",minzoom:0,maxzoom:22}]},"white-bg":{id:"white-bg",version:8,sources:{},layers:[{id:"white-bg",type:"background",paint:{"background-color":"#FFFFFF"},minzoom:0,maxzoom:22}]},"carto-positron":{id:"carto-positron",version:8,sources:{"plotly-carto-positron":{type:"raster",attribution:'\xa9 CARTO',tiles:["https://cartodb-basemaps-c.global.ssl.fastly.net/light_all/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-carto-positron",type:"raster",source:"plotly-carto-positron",minzoom:0,maxzoom:22}]},"carto-darkmatter":{id:"carto-darkmatter",version:8,sources:{"plotly-carto-darkmatter":{type:"raster",attribution:'\xa9 CARTO',tiles:["https://cartodb-basemaps-c.global.ssl.fastly.net/dark_all/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-carto-darkmatter",type:"raster",source:"plotly-carto-darkmatter",minzoom:0,maxzoom:22}]},"stamen-terrain":{id:"stamen-terrain",version:8,sources:{"plotly-stamen-terrain":{type:"raster",attribution:'Map tiles by Stamen Design, under CC BY 3.0 | Data by OpenStreetMap, under ODbL.',tiles:["https://stamen-tiles.a.ssl.fastly.net/terrain/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-stamen-terrain",type:"raster",source:"plotly-stamen-terrain",minzoom:0,maxzoom:22}]},"stamen-toner":{id:"stamen-toner",version:8,sources:{"plotly-stamen-toner":{type:"raster",attribution:'Map tiles by Stamen Design, under CC BY 3.0 | Data by OpenStreetMap, under ODbL.',tiles:["https://stamen-tiles.a.ssl.fastly.net/toner/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-stamen-toner",type:"raster",source:"plotly-stamen-toner",minzoom:0,maxzoom:22}]},"stamen-watercolor":{id:"stamen-watercolor",version:8,sources:{"plotly-stamen-watercolor":{type:"raster",attribution:'Map tiles by Stamen Design, under CC BY 3.0 | Data by OpenStreetMap, under CC BY SA.',tiles:["https://stamen-tiles.a.ssl.fastly.net/watercolor/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-stamen-watercolor",type:"raster",source:"plotly-stamen-watercolor",minzoom:0,maxzoom:22}]}},i=Object.keys(n);e.exports={requiredVersion:"1.10.1",styleUrlPrefix:"mapbox://styles/mapbox/",styleUrlSuffix:"v9",styleValuesMapbox:["basic","streets","outdoors","light","dark","satellite","satellite-streets"],styleValueDflt:"basic",stylesNonMapbox:n,styleValuesNonMapbox:i,traceLayerPrefix:"plotly-trace-layer-",layoutLayerPrefix:"plotly-layout-layer-",wrongVersionErrorMsg:["Your custom plotly.js bundle is not using the correct mapbox-gl version","Please install mapbox-gl@1.10.1."].join("\n"),noAccessTokenErrorMsg:["Missing Mapbox access token.","Mapbox trace type require a Mapbox access token to be registered.","For example:"," Plotly.plot(gd, data, layout, { mapboxAccessToken: 'my-access-token' });","More info here: https://www.mapbox.com/help/define-access-token/"].join("\n"),missingStyleErrorMsg:["No valid mapbox style found, please set `mapbox.style` to one of:",i.join(", "),"or register a Mapbox access token to use a Mapbox-served style."].join("\n"),multipleTokensErrorMsg:["Set multiple mapbox access token across different mapbox subplot,","using first token found as mapbox-gl does not allow multipleaccess tokens on the same page."].join("\n"),mapOnErrorMsg:"Mapbox error.",mapboxLogo:{path0:"m 10.5,1.24 c -5.11,0 -9.25,4.15 -9.25,9.25 0,5.1 4.15,9.25 9.25,9.25 5.1,0 9.25,-4.15 9.25,-9.25 0,-5.11 -4.14,-9.25 -9.25,-9.25 z m 4.39,11.53 c -1.93,1.93 -4.78,2.31 -6.7,2.31 -0.7,0 -1.41,-0.05 -2.1,-0.16 0,0 -1.02,-5.64 2.14,-8.81 0.83,-0.83 1.95,-1.28 3.13,-1.28 1.27,0 2.49,0.51 3.39,1.42 1.84,1.84 1.89,4.75 0.14,6.52 z",path1:"M 10.5,-0.01 C 4.7,-0.01 0,4.7 0,10.49 c 0,5.79 4.7,10.5 10.5,10.5 5.8,0 10.5,-4.7 10.5,-10.5 C 20.99,4.7 16.3,-0.01 10.5,-0.01 Z m 0,19.75 c -5.11,0 -9.25,-4.15 -9.25,-9.25 0,-5.1 4.14,-9.26 9.25,-9.26 5.11,0 9.25,4.15 9.25,9.25 0,5.13 -4.14,9.26 -9.25,9.26 z",path2:"M 14.74,6.25 C 12.9,4.41 9.98,4.35 8.23,6.1 5.07,9.27 6.09,14.91 6.09,14.91 c 0,0 5.64,1.02 8.81,-2.14 C 16.64,11 16.59,8.09 14.74,6.25 Z m -2.27,4.09 -0.91,1.87 -0.9,-1.87 -1.86,-0.91 1.86,-0.9 0.9,-1.87 0.91,1.87 1.86,0.9 z",polygon:"11.56,12.21 10.66,10.34 8.8,9.43 10.66,8.53 11.56,6.66 12.47,8.53 14.33,9.43 12.47,10.34"},styleRules:{map:"overflow:hidden;position:relative;","missing-css":"display:none;",canary:"background-color:salmon;","ctrl-bottom-left":"position: absolute; pointer-events: none; z-index: 2; bottom: 0; left: 0;","ctrl-bottom-right":"position: absolute; pointer-events: none; z-index: 2; right: 0; bottom: 0;",ctrl:"clear: both; pointer-events: auto; transform: translate(0, 0);","ctrl-attrib.mapboxgl-compact .mapboxgl-ctrl-attrib-inner":"display: none;","ctrl-attrib.mapboxgl-compact:hover .mapboxgl-ctrl-attrib-inner":"display: block; margin-top:2px","ctrl-attrib.mapboxgl-compact:hover":"padding: 2px 24px 2px 4px; visibility: visible; margin-top: 6px;","ctrl-attrib.mapboxgl-compact::after":'content: ""; cursor: pointer; position: absolute; background-image: url(\'data:image/svg+xml;charset=utf-8,%3Csvg viewBox="0 0 20 20" xmlns="http://www.w3.org/2000/svg"%3E %3Cpath fill="%23333333" fill-rule="evenodd" d="M4,10a6,6 0 1,0 12,0a6,6 0 1,0 -12,0 M9,7a1,1 0 1,0 2,0a1,1 0 1,0 -2,0 M9,10a1,1 0 1,1 2,0l0,3a1,1 0 1,1 -2,0"/%3E %3C/svg%3E\'); background-color: rgba(255, 255, 255, 0.5); width: 24px; height: 24px; box-sizing: border-box; border-radius: 12px;',"ctrl-attrib.mapboxgl-compact":"min-height: 20px; padding: 0; margin: 10px; position: relative; background-color: #fff; border-radius: 3px 12px 12px 3px;","ctrl-bottom-right > .mapboxgl-ctrl-attrib.mapboxgl-compact::after":"bottom: 0; right: 0","ctrl-bottom-left > .mapboxgl-ctrl-attrib.mapboxgl-compact::after":"bottom: 0; left: 0","ctrl-bottom-left .mapboxgl-ctrl":"margin: 0 0 10px 10px; float: left;","ctrl-bottom-right .mapboxgl-ctrl":"margin: 0 10px 10px 0; float: right;","ctrl-attrib":"color: rgba(0, 0, 0, 0.75); text-decoration: none; font-size: 12px","ctrl-attrib a":"color: rgba(0, 0, 0, 0.75); text-decoration: none; font-size: 12px","ctrl-attrib a:hover":"color: inherit; text-decoration: underline;","ctrl-attrib .mapbox-improve-map":"font-weight: bold; margin-left: 2px;","attrib-empty":"display: none;","ctrl-logo":'display:block; width: 21px; height: 21px; background-image: url(\'data:image/svg+xml;charset=utf-8,%3C?xml version="1.0" encoding="utf-8"?%3E %3Csvg version="1.1" id="Layer_1" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" x="0px" y="0px" viewBox="0 0 21 21" style="enable-background:new 0 0 21 21;" xml:space="preserve"%3E%3Cg transform="translate(0,0.01)"%3E%3Cpath d="m 10.5,1.24 c -5.11,0 -9.25,4.15 -9.25,9.25 0,5.1 4.15,9.25 9.25,9.25 5.1,0 9.25,-4.15 9.25,-9.25 0,-5.11 -4.14,-9.25 -9.25,-9.25 z m 4.39,11.53 c -1.93,1.93 -4.78,2.31 -6.7,2.31 -0.7,0 -1.41,-0.05 -2.1,-0.16 0,0 -1.02,-5.64 2.14,-8.81 0.83,-0.83 1.95,-1.28 3.13,-1.28 1.27,0 2.49,0.51 3.39,1.42 1.84,1.84 1.89,4.75 0.14,6.52 z" style="opacity:0.9;fill:%23ffffff;enable-background:new" class="st0"/%3E%3Cpath d="M 10.5,-0.01 C 4.7,-0.01 0,4.7 0,10.49 c 0,5.79 4.7,10.5 10.5,10.5 5.8,0 10.5,-4.7 10.5,-10.5 C 20.99,4.7 16.3,-0.01 10.5,-0.01 Z m 0,19.75 c -5.11,0 -9.25,-4.15 -9.25,-9.25 0,-5.1 4.14,-9.26 9.25,-9.26 5.11,0 9.25,4.15 9.25,9.25 0,5.13 -4.14,9.26 -9.25,9.26 z" style="opacity:0.35;enable-background:new" class="st1"/%3E%3Cpath d="M 14.74,6.25 C 12.9,4.41 9.98,4.35 8.23,6.1 5.07,9.27 6.09,14.91 6.09,14.91 c 0,0 5.64,1.02 8.81,-2.14 C 16.64,11 16.59,8.09 14.74,6.25 Z m -2.27,4.09 -0.91,1.87 -0.9,-1.87 -1.86,-0.91 1.86,-0.9 0.9,-1.87 0.91,1.87 1.86,0.9 z" style="opacity:0.35;enable-background:new" class="st1"/%3E%3Cpolygon points="11.56,12.21 10.66,10.34 8.8,9.43 10.66,8.53 11.56,6.66 12.47,8.53 14.33,9.43 12.47,10.34 " style="opacity:0.9;fill:%23ffffff;enable-background:new" class="st0"/%3E%3C/g%3E%3C/svg%3E\')'}}},{}],884:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t,e){var r=t.split(" "),i=r[0],a=r[1],o=n.isArrayOrTypedArray(e)?n.mean(e):e,s=.5+o/100,l=1.5+o/100,c=["",""],u=[0,0];switch(i){case"top":c[0]="top",u[1]=-l;break;case"bottom":c[0]="bottom",u[1]=l}switch(a){case"left":c[1]="right",u[0]=-s;break;case"right":c[1]="left",u[0]=s}return{anchor:c[0]&&c[1]?c.join("-"):c[0]?c[0]:c[1]?c[1]:"center",offset:u}}},{"../../lib":778}],885:[function(t,e,r){"use strict";var n=t("mapbox-gl"),i=t("../../lib"),a=i.strTranslate,o=i.strScale,s=t("../../plots/get_data").getSubplotCalcData,l=t("../../constants/xmlns_namespaces"),c=t("d3"),u=t("../../components/drawing"),f=t("../../lib/svg_text_utils"),h=t("./mapbox"),p=r.constants=t("./constants");function d(t){return"string"==typeof t&&(-1!==p.styleValuesMapbox.indexOf(t)||0===t.indexOf("mapbox://"))}r.name="mapbox",r.attr="subplot",r.idRoot="mapbox",r.idRegex=r.attrRegex=i.counterRegex("mapbox"),r.attributes={subplot:{valType:"subplotid",dflt:"mapbox",editType:"calc"}},r.layoutAttributes=t("./layout_attributes"),r.supplyLayoutDefaults=t("./layout_defaults"),r.plot=function(t){var e=t._fullLayout,r=t.calcdata,a=e._subplots.mapbox;if(n.version!==p.requiredVersion)throw new Error(p.wrongVersionErrorMsg);var o=function(t,e){var r=t._fullLayout;if(""===t._context.mapboxAccessToken)return"";for(var n=[],a=[],o=!1,s=!1,l=0;l1&&i.warn(p.multipleTokensErrorMsg),n[0]):(a.length&&i.log(["Listed mapbox access token(s)",a.join(","),"but did not use a Mapbox map style, ignoring token(s)."].join(" ")),"")}(t,a);n.accessToken=o;for(var l=0;l_/2){var w=v.split("|").join("
");x.text(w).attr("data-unformatted",w).call(f.convertToTspans,t),b=u.bBox(x.node())}x.attr("transform",a(-3,8-b.height)),y.insert("rect",".static-attribution").attr({x:-b.width-6,y:-b.height-3,width:b.width+6,height:b.height+3,fill:"rgba(255, 255, 255, 0.75)"});var T=1;b.width+6>_&&(T=_/(b.width+6));var k=[n.l+n.w*h.x[1],n.t+n.h*(1-h.y[0])];y.attr("transform",a(k[0],k[1])+o(T))}},r.updateFx=function(t){for(var e=t._fullLayout,r=e._subplots.mapbox,n=0;n0){for(var r=0;r0}function u(t){var e={},r={};switch(t.type){case"circle":n.extendFlat(r,{"circle-radius":t.circle.radius,"circle-color":t.color,"circle-opacity":t.opacity});break;case"line":n.extendFlat(r,{"line-width":t.line.width,"line-color":t.color,"line-opacity":t.opacity,"line-dasharray":t.line.dash});break;case"fill":n.extendFlat(r,{"fill-color":t.color,"fill-outline-color":t.fill.outlinecolor,"fill-opacity":t.opacity});break;case"symbol":var i=t.symbol,o=a(i.textposition,i.iconsize);n.extendFlat(e,{"icon-image":i.icon+"-15","icon-size":i.iconsize/10,"text-field":i.text,"text-size":i.textfont.size,"text-anchor":o.anchor,"text-offset":o.offset,"symbol-placement":i.placement}),n.extendFlat(r,{"icon-color":t.color,"text-color":i.textfont.color,"text-opacity":t.opacity});break;case"raster":n.extendFlat(r,{"raster-fade-duration":0,"raster-opacity":t.opacity})}return{layout:e,paint:r}}l.update=function(t){this.visible?this.needsNewImage(t)?this.updateImage(t):this.needsNewSource(t)?(this.removeLayer(),this.updateSource(t),this.updateLayer(t)):this.needsNewLayer(t)?this.updateLayer(t):this.updateStyle(t):(this.updateSource(t),this.updateLayer(t)),this.visible=c(t)},l.needsNewImage=function(t){return this.subplot.map.getSource(this.idSource)&&"image"===this.sourceType&&"image"===t.sourcetype&&(this.source!==t.source||JSON.stringify(this.coordinates)!==JSON.stringify(t.coordinates))},l.needsNewSource=function(t){return this.sourceType!==t.sourcetype||JSON.stringify(this.source)!==JSON.stringify(t.source)||this.layerType!==t.type},l.needsNewLayer=function(t){return this.layerType!==t.type||this.below!==this.subplot.belowLookup["layout-"+this.index]},l.lookupBelow=function(){return this.subplot.belowLookup["layout-"+this.index]},l.updateImage=function(t){this.subplot.map.getSource(this.idSource).updateImage({url:t.source,coordinates:t.coordinates});var e=this.findFollowingMapboxLayerId(this.lookupBelow());null!==e&&this.subplot.map.moveLayer(this.idLayer,e)},l.updateSource=function(t){var e=this.subplot.map;if(e.getSource(this.idSource)&&e.removeSource(this.idSource),this.sourceType=t.sourcetype,this.source=t.source,c(t)){var r=function(t){var e,r=t.sourcetype,n=t.source,a={type:r};"geojson"===r?e="data":"vector"===r?e="string"==typeof n?"url":"tiles":"raster"===r?(e="tiles",a.tileSize=256):"image"===r&&(e="url",a.coordinates=t.coordinates);a[e]=n,t.sourceattribution&&(a.attribution=i(t.sourceattribution));return a}(t);e.addSource(this.idSource,r)}},l.findFollowingMapboxLayerId=function(t){if("traces"===t)for(var e=this.subplot.getMapLayers(),r=0;r1)for(r=0;r-1&&v(e.originalEvent,n,[r.xaxis],[r.yaxis],r.id,t),i.indexOf("event")>-1&&c.click(n,e.originalEvent)}}},_.updateFx=function(t){var e=this,r=e.map,n=e.gd;if(!e.isStatic){var a,o=t.dragmode;a=f(o)?function(t,r){(t.range={})[e.id]=[c([r.xmin,r.ymin]),c([r.xmax,r.ymax])]}:function(t,r,n){(t.lassoPoints={})[e.id]=n.filtered.map(c)};var s=e.dragOptions;e.dragOptions=i.extendDeep(s||{},{dragmode:t.dragmode,element:e.div,gd:n,plotinfo:{id:e.id,domain:t[e.id].domain,xaxis:e.xaxis,yaxis:e.yaxis,fillRangeItems:a},xaxes:[e.xaxis],yaxes:[e.yaxis],subplot:e.id}),r.off("click",e.onClickInPanHandler),p(o)||h(o)?(r.dragPan.disable(),r.on("zoomstart",e.clearSelect),e.dragOptions.prepFn=function(t,r,n){d(t,r,n,e.dragOptions,o)},l.init(e.dragOptions)):(r.dragPan.enable(),r.off("zoomstart",e.clearSelect),e.div.onmousedown=null,e.onClickInPanHandler=e.onClickInPanFn(e.dragOptions),r.on("click",e.onClickInPanHandler))}function c(t){var r=e.map.unproject(t);return[r.lng,r.lat]}},_.updateFramework=function(t){var e=t[this.id].domain,r=t._size,n=this.div.style;n.width=r.w*(e.x[1]-e.x[0])+"px",n.height=r.h*(e.y[1]-e.y[0])+"px",n.left=r.l+e.x[0]*r.w+"px",n.top=r.t+(1-e.y[1])*r.h+"px",this.xaxis._offset=r.l+e.x[0]*r.w,this.xaxis._length=r.w*(e.x[1]-e.x[0]),this.yaxis._offset=r.t+(1-e.y[1])*r.h,this.yaxis._length=r.h*(e.y[1]-e.y[0])},_.updateLayers=function(t){var e,r=t[this.id].layers,n=this.layerList;if(r.length!==n.length){for(e=0;e=e.width-20?(a["text-anchor"]="start",a.x=5):(a["text-anchor"]="end",a.x=e._paper.attr("width")-7),r.attr(a);var o=r.select(".js-link-to-tool"),s=r.select(".js-link-spacer"),l=r.select(".js-sourcelinks");t._context.showSources&&t._context.showSources(t),t._context.showLink&&function(t,e){e.text("");var r=e.append("a").attr({"xlink:xlink:href":"#",class:"link--impt link--embedview","font-weight":"bold"}).text(t._context.linkText+" "+String.fromCharCode(187));if(t._context.sendData)r.on("click",(function(){x.sendDataToCloud(t)}));else{var n=window.location.pathname.split("/"),i=window.location.search;r.attr({"xlink:xlink:show":"new","xlink:xlink:href":"/"+n[2].split(".")[0]+"/"+n[1]+i})}}(t,o),s.text(o.text()&&l.text()?" - ":"")}},x.sendDataToCloud=function(t){var e=(window.PLOTLYENV||{}).BASE_URL||t._context.plotlyServerURL;if(e){t.emit("plotly_beforeexport");var r=n.select(t).append("div").attr("id","hiddenform").style("display","none"),i=r.append("form").attr({action:e+"/external",method:"post",target:"_blank"});return i.append("input").attr({type:"text",name:"data"}).node().value=x.graphJson(t,!1,"keepdata"),i.node().submit(),r.remove(),t.emit("plotly_afterexport"),!1}};var w=["days","shortDays","months","shortMonths","periods","dateTime","date","time","decimal","thousands","grouping","currency"],T=["year","month","dayMonth","dayMonthYear"];function k(t,e){var r=t._context.locale;r||(r="en-US");var n=!1,i={};function a(t){for(var r=!0,a=0;a1&&O.length>1){for(o.getComponentMethod("grid","sizeDefaults")(u,l),s=0;s15&&O.length>15&&0===l.shapes.length&&0===l.images.length,l._hasCartesian=l._has("cartesian"),l._hasGeo=l._has("geo"),l._hasGL3D=l._has("gl3d"),l._hasGL2D=l._has("gl2d"),l._hasTernary=l._has("ternary"),l._hasPie=l._has("pie"),x.linkSubplots(h,l,f,a),x.cleanPlot(h,l,f,a);var N=!(!a._has||!a._has("gl2d")),j=!(!l._has||!l._has("gl2d")),U=!(!a._has||!a._has("cartesian"))||N,V=!(!l._has||!l._has("cartesian"))||j;U&&!V?a._bgLayer.remove():V&&!U&&(l._shouldCreateBgLayer=!0),a._zoomlayer&&!t._dragging&&p({_fullLayout:a}),function(t,e){var r,n=[];e.meta&&(r=e._meta={meta:e.meta,layout:{meta:e.meta}});for(var i=0;i0){var f=1-2*s;n=Math.round(f*n),i=Math.round(f*i)}}var h=x.layoutAttributes.width.min,p=x.layoutAttributes.height.min;n1,g=!e.height&&Math.abs(r.height-i)>1;(g||d)&&(d&&(r.width=n),g&&(r.height=i)),t._initialAutoSize||(t._initialAutoSize={width:n,height:i}),x.sanitizeMargins(r)},x.supplyLayoutModuleDefaults=function(t,e,r,n){var i,a,s,l=o.componentsRegistry,u=e._basePlotModules,f=o.subplotsRegistry.cartesian;for(i in l)(s=l[i]).includeBasePlot&&s.includeBasePlot(t,e);for(var h in u.length||u.push(f),e._has("cartesian")&&(o.getComponentMethod("grid","contentDefaults")(t,e),f.finalizeSubplots(t,e)),e._subplots)e._subplots[h].sort(c.subplotSort);for(a=0;a1&&(r.l/=g,r.r/=g)}if(f){var m=(r.t+r.b)/f;m>1&&(r.t/=m,r.b/=m)}var v=void 0!==r.xl?r.xl:r.x,y=void 0!==r.xr?r.xr:r.x,b=void 0!==r.yt?r.yt:r.y,_=void 0!==r.yb?r.yb:r.y;h[e]={l:{val:v,size:r.l+d},r:{val:y,size:r.r+d},b:{val:_,size:r.b+d},t:{val:b,size:r.t+d}},p[e]=1}else delete h[e],delete p[e];if(!n._replotting)return x.doAutoMargin(t)}},x.doAutoMargin=function(t){var e=t._fullLayout,r=e.width,n=e.height;e._size||(e._size={}),C(e);var i=e._size,s=e.margin,l=c.extendFlat({},i),u=s.l,f=s.r,p=s.t,d=s.b,g=e._pushmargin,m=e._pushmarginIds;if(!1!==e.margin.autoexpand){for(var v in g)m[v]||delete g[v];for(var y in g.base={l:{val:0,size:u},r:{val:1,size:f},t:{val:1,size:p},b:{val:0,size:d}},g){var b=g[y].l||{},_=g[y].b||{},w=b.val,T=b.size,k=_.val,M=_.size;for(var A in g){if(a(T)&&g[A].r){var S=g[A].r.val,E=g[A].r.size;if(S>w){var L=(T*S+(E-r)*w)/(S-w),I=(E*(1-w)+(T-r)*(1-S))/(S-w);L+I>u+f&&(u=L,f=I)}}if(a(M)&&g[A].t){var P=g[A].t.val,z=g[A].t.size;if(P>k){var O=(M*P+(z-n)*k)/(P-k),D=(z*(1-k)+(M-n)*(1-P))/(P-k);O+D>d+p&&(d=O,p=D)}}}}}var R=c.constrain(r-s.l-s.r,2,64),F=c.constrain(n-s.t-s.b,2,64),B=Math.max(0,r-R),N=Math.max(0,n-F);if(B){var j=(u+f)/B;j>1&&(u/=j,f/=j)}if(N){var U=(d+p)/N;U>1&&(d/=U,p/=U)}if(i.l=Math.round(u),i.r=Math.round(f),i.t=Math.round(p),i.b=Math.round(d),i.p=Math.round(s.pad),i.w=Math.round(r)-i.l-i.r,i.h=Math.round(n)-i.t-i.b,!e._replotting&&x.didMarginChange(l,i)){"_redrawFromAutoMarginCount"in e?e._redrawFromAutoMarginCount++:e._redrawFromAutoMarginCount=1;var V=3*(1+Object.keys(m).length);if(e._redrawFromAutoMarginCount0&&(t._transitioningWithDuration=!0),t._transitionData._interruptCallbacks.push((function(){n=!0})),r.redraw&&t._transitionData._interruptCallbacks.push((function(){return o.call("redraw",t)})),t._transitionData._interruptCallbacks.push((function(){t.emit("plotly_transitioninterrupted",[])}));var a=0,s=0;function l(){return a++,function(){s++,n||s!==a||function(e){if(!t._transitionData)return;(function(t){if(t)for(;t.length;)t.shift()})(t._transitionData._interruptCallbacks),Promise.resolve().then((function(){if(r.redraw)return o.call("redraw",t)})).then((function(){t._transitioning=!1,t._transitioningWithDuration=!1,t.emit("plotly_transitioned",[])})).then(e)}(i)}}r.runFn(l),setTimeout(l())}))}],a=c.syncOrAsync(i,t);return a&&a.then||(a=Promise.resolve()),a.then((function(){return t}))}x.didMarginChange=function(t,e){for(var r=0;r1)return!0}return!1},x.graphJson=function(t,e,r,n,i,a){(i&&e&&!t._fullData||i&&!e&&!t._fullLayout)&&x.supplyDefaults(t);var o=i?t._fullData:t.data,s=i?t._fullLayout:t.layout,l=(t._transitionData||{})._frames;function u(t,e){if("function"==typeof t)return e?"_function_":null;if(c.isPlainObject(t)){var n,i={};return Object.keys(t).sort().forEach((function(a){if(-1===["_","["].indexOf(a.charAt(0)))if("function"!=typeof t[a]){if("keepdata"===r){if("src"===a.substr(a.length-3))return}else if("keepstream"===r){if("string"==typeof(n=t[a+"src"])&&n.indexOf(":")>0&&!c.isPlainObject(t.stream))return}else if("keepall"!==r&&"string"==typeof(n=t[a+"src"])&&n.indexOf(":")>0)return;i[a]=u(t[a],e)}else e&&(i[a]="_function")})),i}return Array.isArray(t)?t.map((function(t){return u(t,e)})):c.isTypedArray(t)?c.simpleMap(t,c.identity):c.isJSDate(t)?c.ms2DateTimeLocal(+t):t}var f={data:(o||[]).map((function(t){var r=u(t);return e&&delete r.fit,r}))};if(!e&&(f.layout=u(s),i)){var h=s._size;f.layout.computed={margin:{b:h.b,l:h.l,r:h.r,t:h.t}}}return t.framework&&t.framework.isPolar&&(f=t.framework.getConfig()),l&&(f.frames=u(l)),a&&(f.config=u(t._context,!0)),"object"===n?f:JSON.stringify(f)},x.modifyFrames=function(t,e){var r,n,i,a=t._transitionData._frames,o=t._transitionData._frameHash;for(r=0;r=0;a--)if(s[a].enabled){r._indexToPoints=s[a]._indexToPoints;break}n&&n.calc&&(o=n.calc(t,r))}Array.isArray(o)&&o[0]||(o=[{x:f,y:f}]),o[0].t||(o[0].t={}),o[0].trace=r,d[e]=o}}for(z(l,u,p),i=0;i1e-10?t:0}function h(t,e,r){e=e||0,r=r||0;for(var n=t.length,i=new Array(n),a=0;a0?r:1/0})),i=n.mod(r+1,e.length);return[e[r],e[i]]},findIntersectionXY:c,findXYatLength:function(t,e,r,n){var i=-e*r,a=e*e+1,o=2*(e*i-r),s=i*i+r*r-t*t,l=Math.sqrt(o*o-4*a*s),c=(-o+l)/(2*a),u=(-o-l)/(2*a);return[[c,e*c+i+n],[u,e*u+i+n]]},clampTiny:f,pathPolygon:function(t,e,r,n,i,a){return"M"+h(u(t,e,r,n),i,a).join("L")},pathPolygonAnnulus:function(t,e,r,n,i,a,o){var s,l;t=0?h.angularAxis.domain:n.extent(T),E=Math.abs(T[1]-T[0]);M&&!k&&(E=0);var C=S.slice();A&&k&&(C[1]+=E);var L=h.angularAxis.ticksCount||4;L>8&&(L=L/(L/8)+L%8),h.angularAxis.ticksStep&&(L=(C[1]-C[0])/L);var I=h.angularAxis.ticksStep||(C[1]-C[0])/(L*(h.minorTicks+1));w&&(I=Math.max(Math.round(I),1)),C[2]||(C[2]=I);var P=n.range.apply(this,C);if(P=P.map((function(t,e){return parseFloat(t.toPrecision(12))})),s=n.scale.linear().domain(C.slice(0,2)).range("clockwise"===h.direction?[0,360]:[360,0]),u.layout.angularAxis.domain=s.domain(),u.layout.angularAxis.endPadding=A?E:0,"undefined"==typeof(t=n.select(this).select("svg.chart-root"))||t.empty()){var z=(new DOMParser).parseFromString("' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '","application/xml"),O=this.appendChild(this.ownerDocument.importNode(z.documentElement,!0));t=n.select(O)}t.select(".guides-group").style({"pointer-events":"none"}),t.select(".angular.axis-group").style({"pointer-events":"none"}),t.select(".radial.axis-group").style({"pointer-events":"none"});var D,R=t.select(".chart-group"),F={fill:"none",stroke:h.tickColor},B={"font-size":h.font.size,"font-family":h.font.family,fill:h.font.color,"text-shadow":["-1px 0px","1px -1px","-1px 1px","1px 1px"].map((function(t,e){return" "+t+" 0 "+h.font.outlineColor})).join(",")};if(h.showLegend){D=t.select(".legend-group").attr({transform:"translate("+[x,h.margin.top]+")"}).style({display:"block"});var N=p.map((function(t,e){var r=o.util.cloneJson(t);return r.symbol="DotPlot"===t.geometry?t.dotType||"circle":"LinePlot"!=t.geometry?"square":"line",r.visibleInLegend="undefined"==typeof t.visibleInLegend||t.visibleInLegend,r.color="LinePlot"===t.geometry?t.strokeColor:t.color,r}));o.Legend().config({data:p.map((function(t,e){return t.name||"Element"+e})),legendConfig:i({},o.Legend.defaultConfig().legendConfig,{container:D,elements:N,reverseOrder:h.legend.reverseOrder})})();var j=D.node().getBBox();x=Math.min(h.width-j.width-h.margin.left-h.margin.right,h.height-h.margin.top-h.margin.bottom)/2,x=Math.max(10,x),_=[h.margin.left+x,h.margin.top+x],r.range([0,x]),u.layout.radialAxis.domain=r.domain(),D.attr("transform","translate("+[_[0]+x,_[1]-x]+")")}else D=t.select(".legend-group").style({display:"none"});t.attr({width:h.width,height:h.height}).style({opacity:h.opacity}),R.attr("transform","translate("+_+")").style({cursor:"crosshair"});var U=[(h.width-(h.margin.left+h.margin.right+2*x+(j?j.width:0)))/2,(h.height-(h.margin.top+h.margin.bottom+2*x))/2];if(U[0]=Math.max(0,U[0]),U[1]=Math.max(0,U[1]),t.select(".outer-group").attr("transform","translate("+U+")"),h.title&&h.title.text){var V=t.select("g.title-group text").style(B).text(h.title.text),q=V.node().getBBox();V.attr({x:_[0]-q.width/2,y:_[1]-x-20})}var H=t.select(".radial.axis-group");if(h.radialAxis.gridLinesVisible){var G=H.selectAll("circle.grid-circle").data(r.ticks(5));G.enter().append("circle").attr({class:"grid-circle"}).style(F),G.attr("r",r),G.exit().remove()}H.select("circle.outside-circle").attr({r:x}).style(F);var Y=t.select("circle.background-circle").attr({r:x}).style({fill:h.backgroundColor,stroke:h.stroke});function W(t,e){return s(t)%360+h.orientation}if(h.radialAxis.visible){var X=n.svg.axis().scale(r).ticks(5).tickSize(5);H.call(X).attr({transform:"rotate("+h.radialAxis.orientation+")"}),H.selectAll(".domain").style(F),H.selectAll("g>text").text((function(t,e){return this.textContent+h.radialAxis.ticksSuffix})).style(B).style({"text-anchor":"start"}).attr({x:0,y:0,dx:0,dy:0,transform:function(t,e){return"horizontal"===h.radialAxis.tickOrientation?"rotate("+-h.radialAxis.orientation+") translate("+[0,B["font-size"]]+")":"translate("+[0,B["font-size"]]+")"}}),H.selectAll("g>line").style({stroke:"black"})}var Z=t.select(".angular.axis-group").selectAll("g.angular-tick").data(P),J=Z.enter().append("g").classed("angular-tick",!0);Z.attr({transform:function(t,e){return"rotate("+W(t)+")"}}).style({display:h.angularAxis.visible?"block":"none"}),Z.exit().remove(),J.append("line").classed("grid-line",!0).classed("major",(function(t,e){return e%(h.minorTicks+1)==0})).classed("minor",(function(t,e){return!(e%(h.minorTicks+1)==0)})).style(F),J.selectAll(".minor").style({stroke:h.minorTickColor}),Z.select("line.grid-line").attr({x1:h.tickLength?x-h.tickLength:0,x2:x}).style({display:h.angularAxis.gridLinesVisible?"block":"none"}),J.append("text").classed("axis-text",!0).style(B);var K=Z.select("text.axis-text").attr({x:x+h.labelOffset,dy:a+"em",transform:function(t,e){var r=W(t),n=x+h.labelOffset,i=h.angularAxis.tickOrientation;return"horizontal"==i?"rotate("+-r+" "+n+" 0)":"radial"==i?r<270&&r>90?"rotate(180 "+n+" 0)":null:"rotate("+(r<=180&&r>0?-90:90)+" "+n+" 0)"}}).style({"text-anchor":"middle",display:h.angularAxis.labelsVisible?"block":"none"}).text((function(t,e){return e%(h.minorTicks+1)!=0?"":w?w[t]+h.angularAxis.ticksSuffix:t+h.angularAxis.ticksSuffix})).style(B);h.angularAxis.rewriteTicks&&K.text((function(t,e){return e%(h.minorTicks+1)!=0?"":h.angularAxis.rewriteTicks(this.textContent,e)}));var Q=n.max(R.selectAll(".angular-tick text")[0].map((function(t,e){return t.getCTM().e+t.getBBox().width})));D.attr({transform:"translate("+[x+Q,h.margin.top]+")"});var $=t.select("g.geometry-group").selectAll("g").size()>0,tt=t.select("g.geometry-group").selectAll("g.geometry").data(p);if(tt.enter().append("g").attr({class:function(t,e){return"geometry geometry"+e}}),tt.exit().remove(),p[0]||$){var et=[];p.forEach((function(t,e){var n={};n.radialScale=r,n.angularScale=s,n.container=tt.filter((function(t,r){return r==e})),n.geometry=t.geometry,n.orientation=h.orientation,n.direction=h.direction,n.index=e,et.push({data:t,geometryConfig:n})}));var rt=n.nest().key((function(t,e){return"undefined"!=typeof t.data.groupId||"unstacked"})).entries(et),nt=[];rt.forEach((function(t,e){"unstacked"===t.key?nt=nt.concat(t.values.map((function(t,e){return[t]}))):nt.push(t.values)})),nt.forEach((function(t,e){var r;r=Array.isArray(t)?t[0].geometryConfig.geometry:t.geometryConfig.geometry;var n=t.map((function(t,e){return i(o[r].defaultConfig(),t)}));o[r]().config(n)()}))}var it,at,ot=t.select(".guides-group"),st=t.select(".tooltips-group"),lt=o.tooltipPanel().config({container:st,fontSize:8})(),ct=o.tooltipPanel().config({container:st,fontSize:8})(),ut=o.tooltipPanel().config({container:st,hasTick:!0})();if(!k){var ft=ot.select("line").attr({x1:0,y1:0,y2:0}).style({stroke:"grey","pointer-events":"none"});R.on("mousemove.angular-guide",(function(t,e){var r=o.util.getMousePos(Y).angle;ft.attr({x2:-x,transform:"rotate("+r+")"}).style({opacity:.5});var n=(r+180+360-h.orientation)%360;it=s.invert(n);var i=o.util.convertToCartesian(x+12,r+180);lt.text(o.util.round(it)).move([i[0]+_[0],i[1]+_[1]])})).on("mouseout.angular-guide",(function(t,e){ot.select("line").style({opacity:0})}))}var ht=ot.select("circle").style({stroke:"grey",fill:"none"});R.on("mousemove.radial-guide",(function(t,e){var n=o.util.getMousePos(Y).radius;ht.attr({r:n}).style({opacity:.5}),at=r.invert(o.util.getMousePos(Y).radius);var i=o.util.convertToCartesian(n,h.radialAxis.orientation);ct.text(o.util.round(at)).move([i[0]+_[0],i[1]+_[1]])})).on("mouseout.radial-guide",(function(t,e){ht.style({opacity:0}),ut.hide(),lt.hide(),ct.hide()})),t.selectAll(".geometry-group .mark").on("mouseover.tooltip",(function(e,r){var i=n.select(this),a=this.style.fill,s="black",l=this.style.opacity||1;if(i.attr({"data-opacity":l}),a&&"none"!==a){i.attr({"data-fill":a}),s=n.hsl(a).darker().toString(),i.style({fill:s,opacity:1});var c={t:o.util.round(e[0]),r:o.util.round(e[1])};k&&(c.t=w[e[0]]);var u="t: "+c.t+", r: "+c.r,f=this.getBoundingClientRect(),h=t.node().getBoundingClientRect(),p=[f.left+f.width/2-U[0]-h.left,f.top+f.height/2-U[1]-h.top];ut.config({color:s}).text(u),ut.move(p)}else a=this.style.stroke||"black",i.attr({"data-stroke":a}),s=n.hsl(a).darker().toString(),i.style({stroke:s,opacity:1})})).on("mousemove.tooltip",(function(t,e){if(0!=n.event.which)return!1;n.select(this).attr("data-fill")&&ut.show()})).on("mouseout.tooltip",(function(t,e){ut.hide();var r=n.select(this),i=r.attr("data-fill");i?r.style({fill:i,opacity:r.attr("data-opacity")}):r.style({stroke:r.attr("data-stroke"),opacity:r.attr("data-opacity")})}))}))}(c),this},h.config=function(t){if(!arguments.length)return l;var e=o.util.cloneJson(t);return e.data.forEach((function(t,e){l.data[e]||(l.data[e]={}),i(l.data[e],o.Axis.defaultConfig().data[0]),i(l.data[e],t)})),i(l.layout,o.Axis.defaultConfig().layout),i(l.layout,e.layout),this},h.getLiveConfig=function(){return u},h.getinputConfig=function(){return c},h.radialScale=function(t){return r},h.angularScale=function(t){return s},h.svg=function(){return t},n.rebind(h,f,"on"),h},o.Axis.defaultConfig=function(t,e){return{data:[{t:[1,2,3,4],r:[10,11,12,13],name:"Line1",geometry:"LinePlot",color:null,strokeDash:"solid",strokeColor:null,strokeSize:"1",visibleInLegend:!0,opacity:1}],layout:{defaultColorRange:n.scale.category10().range(),title:null,height:450,width:500,margin:{top:40,right:40,bottom:40,left:40},font:{size:12,color:"gray",outlineColor:"white",family:"Tahoma, sans-serif"},direction:"clockwise",orientation:0,labelOffset:10,radialAxis:{domain:null,orientation:-45,ticksSuffix:"",visible:!0,gridLinesVisible:!0,tickOrientation:"horizontal",rewriteTicks:null},angularAxis:{domain:[0,360],ticksSuffix:"",visible:!0,gridLinesVisible:!0,labelsVisible:!0,tickOrientation:"horizontal",rewriteTicks:null,ticksCount:null,ticksStep:null},minorTicks:0,tickLength:null,tickColor:"silver",minorTickColor:"#eee",backgroundColor:"none",needsEndSpacing:null,showLegend:!0,legend:{reverseOrder:!1},opacity:1}}},o.util={},o.DATAEXTENT="dataExtent",o.AREA="AreaChart",o.LINE="LinePlot",o.DOT="DotPlot",o.BAR="BarChart",o.util._override=function(t,e){for(var r in t)r in e&&(e[r]=t[r])},o.util._extend=function(t,e){for(var r in t)e[r]=t[r]},o.util._rndSnd=function(){return 2*Math.random()-1+(2*Math.random()-1)+(2*Math.random()-1)},o.util.dataFromEquation2=function(t,e){var r=e||6;return n.range(0,360+r,r).map((function(e,r){var n=e*Math.PI/180;return[e,t(n)]}))},o.util.dataFromEquation=function(t,e,r){var i=e||6,a=[],o=[];n.range(0,360+i,i).forEach((function(e,r){var n=e*Math.PI/180,i=t(n);a.push(e),o.push(i)}));var s={t:a,r:o};return r&&(s.name=r),s},o.util.ensureArray=function(t,e){if("undefined"==typeof t)return null;var r=[].concat(t);return n.range(e).map((function(t,e){return r[e]||r[0]}))},o.util.fillArrays=function(t,e,r){return e.forEach((function(e,n){t[e]=o.util.ensureArray(t[e],r)})),t},o.util.cloneJson=function(t){return JSON.parse(JSON.stringify(t))},o.util.validateKeys=function(t,e){"string"==typeof e&&(e=e.split("."));var r=e.shift();return t[r]&&(!e.length||objHasKeys(t[r],e))},o.util.sumArrays=function(t,e){return n.zip(t,e).map((function(t,e){return n.sum(t)}))},o.util.arrayLast=function(t){return t[t.length-1]},o.util.arrayEqual=function(t,e){for(var r=Math.max(t.length,e.length,1);r-- >=0&&t[r]===e[r];);return-2===r},o.util.flattenArray=function(t){for(var e=[];!o.util.arrayEqual(e,t);)e=t,t=[].concat.apply([],t);return t},o.util.deduplicate=function(t){return t.filter((function(t,e,r){return r.indexOf(t)==e}))},o.util.convertToCartesian=function(t,e){var r=e*Math.PI/180;return[t*Math.cos(r),t*Math.sin(r)]},o.util.round=function(t,e){var r=e||2,n=Math.pow(10,r);return Math.round(t*n)/n},o.util.getMousePos=function(t){var e=n.mouse(t.node()),r=e[0],i=e[1],a={};return a.x=r,a.y=i,a.pos=e,a.angle=180*(Math.atan2(i,r)+Math.PI)/Math.PI,a.radius=Math.sqrt(r*r+i*i),a},o.util.duplicatesCount=function(t){for(var e,r={},n={},i=0,a=t.length;i0)){var l=n.select(this.parentNode).selectAll("path.line").data([0]);l.enter().insert("path"),l.attr({class:"line",d:u(s),transform:function(t,r){return"rotate("+(e.orientation+90)+")"},"pointer-events":"none"}).style({fill:function(t,e){return d.fill(r,i,a)},"fill-opacity":0,stroke:function(t,e){return d.stroke(r,i,a)},"stroke-width":function(t,e){return d["stroke-width"](r,i,a)},"stroke-dasharray":function(t,e){return d["stroke-dasharray"](r,i,a)},opacity:function(t,e){return d.opacity(r,i,a)},display:function(t,e){return d.display(r,i,a)}})}};var f=e.angularScale.range(),h=Math.abs(f[1]-f[0])/o[0].length*Math.PI/180,p=n.svg.arc().startAngle((function(t){return-h/2})).endAngle((function(t){return h/2})).innerRadius((function(t){return e.radialScale(l+(t[2]||0))})).outerRadius((function(t){return e.radialScale(l+(t[2]||0))+e.radialScale(t[1])}));c.arc=function(t,r,i){n.select(this).attr({class:"mark arc",d:p,transform:function(t,r){return"rotate("+(e.orientation+s(t[0])+90)+")"}})};var d={fill:function(e,r,n){return t[n].data.color},stroke:function(e,r,n){return t[n].data.strokeColor},"stroke-width":function(e,r,n){return t[n].data.strokeSize+"px"},"stroke-dasharray":function(e,n,i){return r[t[i].data.strokeDash]},opacity:function(e,r,n){return t[n].data.opacity},display:function(e,r,n){return"undefined"==typeof t[n].data.visible||t[n].data.visible?"block":"none"}},g=n.select(this).selectAll("g.layer").data(o);g.enter().append("g").attr({class:"layer"});var m=g.selectAll("path.mark").data((function(t,e){return t}));m.enter().append("path").attr({class:"mark"}),m.style(d).each(c[e.geometryType]),m.exit().remove(),g.exit().remove()}))}return a.config=function(e){return arguments.length?(e.forEach((function(e,r){t[r]||(t[r]={}),i(t[r],o.PolyChart.defaultConfig()),i(t[r],e)})),this):t},a.getColorScale=function(){},n.rebind(a,e,"on"),a},o.PolyChart.defaultConfig=function(){return{data:{name:"geom1",t:[[1,2,3,4]],r:[[1,2,3,4]],dotType:"circle",dotSize:64,dotVisible:!1,barWidth:20,color:"#ffa500",strokeSize:1,strokeColor:"silver",strokeDash:"solid",opacity:1,index:0,visible:!0,visibleInLegend:!0},geometryConfig:{geometry:"LinePlot",geometryType:"arc",direction:"clockwise",orientation:0,container:"body",radialScale:null,angularScale:null,colorScale:n.scale.category20()}}},o.BarChart=function(){return o.PolyChart()},o.BarChart.defaultConfig=function(){return{geometryConfig:{geometryType:"bar"}}},o.AreaChart=function(){return o.PolyChart()},o.AreaChart.defaultConfig=function(){return{geometryConfig:{geometryType:"arc"}}},o.DotPlot=function(){return o.PolyChart()},o.DotPlot.defaultConfig=function(){return{geometryConfig:{geometryType:"dot",dotType:"circle"}}},o.LinePlot=function(){return o.PolyChart()},o.LinePlot.defaultConfig=function(){return{geometryConfig:{geometryType:"line"}}},o.Legend=function(){var t=o.Legend.defaultConfig(),e=n.dispatch("hover");function r(){var e=t.legendConfig,a=t.data.map((function(t,r){return[].concat(t).map((function(t,n){var a=i({},e.elements[r]);return a.name=t,a.color=[].concat(e.elements[r].color)[n],a}))})),o=n.merge(a);o=o.filter((function(t,r){return e.elements[r]&&(e.elements[r].visibleInLegend||"undefined"==typeof e.elements[r].visibleInLegend)})),e.reverseOrder&&(o=o.reverse());var s=e.container;("string"==typeof s||s.nodeName)&&(s=n.select(s));var l=o.map((function(t,e){return t.color})),c=e.fontSize,u=null==e.isContinuous?"number"==typeof o[0]:e.isContinuous,f=u?e.height:c*o.length,h=s.classed("legend-group",!0).selectAll("svg").data([0]),p=h.enter().append("svg").attr({width:300,height:f+c,xmlns:"http://www.w3.org/2000/svg","xmlns:xlink":"http://www.w3.org/1999/xlink",version:"1.1"});p.append("g").classed("legend-axis",!0),p.append("g").classed("legend-marks",!0);var d=n.range(o.length),g=n.scale[u?"linear":"ordinal"]().domain(d).range(l),m=n.scale[u?"linear":"ordinal"]().domain(d)[u?"range":"rangePoints"]([0,f]);if(u){var v=h.select(".legend-marks").append("defs").append("linearGradient").attr({id:"grad1",x1:"0%",y1:"0%",x2:"0%",y2:"100%"}).selectAll("stop").data(l);v.enter().append("stop"),v.attr({offset:function(t,e){return e/(l.length-1)*100+"%"}}).style({"stop-color":function(t,e){return t}}),h.append("rect").classed("legend-mark",!0).attr({height:e.height,width:e.colorBandWidth,fill:"url(#grad1)"})}else{var y=h.select(".legend-marks").selectAll("path.legend-mark").data(o);y.enter().append("path").classed("legend-mark",!0),y.attr({transform:function(t,e){return"translate("+[c/2,m(e)+c/2]+")"},d:function(t,e){var r,i,a,o=t.symbol;return a=3*(i=c),"line"===(r=o)?"M"+[[-i/2,-i/12],[i/2,-i/12],[i/2,i/12],[-i/2,i/12]]+"Z":-1!=n.svg.symbolTypes.indexOf(r)?n.svg.symbol().type(r).size(a)():n.svg.symbol().type("square").size(a)()},fill:function(t,e){return g(e)}}),y.exit().remove()}var x=n.svg.axis().scale(m).orient("right"),b=h.select("g.legend-axis").attr({transform:"translate("+[u?e.colorBandWidth:c,c/2]+")"}).call(x);return b.selectAll(".domain").style({fill:"none",stroke:"none"}),b.selectAll("line").style({fill:"none",stroke:u?e.textColor:"none"}),b.selectAll("text").style({fill:e.textColor,"font-size":e.fontSize}).text((function(t,e){return o[e].name})),r}return r.config=function(e){return arguments.length?(i(t,e),this):t},n.rebind(r,e,"on"),r},o.Legend.defaultConfig=function(t,e){return{data:["a","b","c"],legendConfig:{elements:[{symbol:"line",color:"red"},{symbol:"square",color:"yellow"},{symbol:"diamond",color:"limegreen"}],height:150,colorBandWidth:30,fontSize:12,container:"body",isContinuous:null,textColor:"grey",reverseOrder:!1}}},o.tooltipPanel=function(){var t,e,r,a={container:null,hasTick:!1,fontSize:12,color:"white",padding:5},s="tooltip-"+o.tooltipPanel.uid++,l=10,c=function(){var n=(t=a.container.selectAll("g."+s).data([0])).enter().append("g").classed(s,!0).style({"pointer-events":"none",display:"none"});return r=n.append("path").style({fill:"white","fill-opacity":.9}).attr({d:"M0 0"}),e=n.append("text").attr({dx:a.padding+l,dy:.3*+a.fontSize}),c};return c.text=function(i){var o=n.hsl(a.color).l,s=o>=.5?"#aaa":"white",u=o>=.5?"black":"white",f=i||"";e.style({fill:u,"font-size":a.fontSize+"px"}).text(f);var h=a.padding,p=e.node().getBBox(),d={fill:a.color,stroke:s,"stroke-width":"2px"},g=p.width+2*h+l,m=p.height+2*h;return r.attr({d:"M"+[[l,-m/2],[l,-m/4],[a.hasTick?0:l,0],[l,m/4],[l,m/2],[g,m/2],[g,-m/2]].join("L")+"Z"}).style(d),t.attr({transform:"translate("+[l,-m/2+2*h]+")"}),t.style({display:"block"}),c},c.move=function(e){if(t)return t.attr({transform:"translate("+[e[0],e[1]]+")"}).style({display:"block"}),c},c.hide=function(){if(t)return t.style({display:"none"}),c},c.show=function(){if(t)return t.style({display:"block"}),c},c.config=function(t){return i(a,t),c},c},o.tooltipPanel.uid=1,o.adapter={},o.adapter.plotly=function(){var t={convert:function(t,e){var r={};if(t.data&&(r.data=t.data.map((function(t,r){var n=i({},t);return[[n,["marker","color"],["color"]],[n,["marker","opacity"],["opacity"]],[n,["marker","line","color"],["strokeColor"]],[n,["marker","line","dash"],["strokeDash"]],[n,["marker","line","width"],["strokeSize"]],[n,["marker","symbol"],["dotType"]],[n,["marker","size"],["dotSize"]],[n,["marker","barWidth"],["barWidth"]],[n,["line","interpolation"],["lineInterpolation"]],[n,["showlegend"],["visibleInLegend"]]].forEach((function(t,r){o.util.translator.apply(null,t.concat(e))})),e||delete n.marker,e&&delete n.groupId,e?("LinePlot"===n.geometry?(n.type="scatter",!0===n.dotVisible?(delete n.dotVisible,n.mode="lines+markers"):n.mode="lines"):"DotPlot"===n.geometry?(n.type="scatter",n.mode="markers"):"AreaChart"===n.geometry?n.type="area":"BarChart"===n.geometry&&(n.type="bar"),delete n.geometry):("scatter"===n.type?"lines"===n.mode?n.geometry="LinePlot":"markers"===n.mode?n.geometry="DotPlot":"lines+markers"===n.mode&&(n.geometry="LinePlot",n.dotVisible=!0):"area"===n.type?n.geometry="AreaChart":"bar"===n.type&&(n.geometry="BarChart"),delete n.mode,delete n.type),n})),!e&&t.layout&&"stack"===t.layout.barmode)){var a=o.util.duplicates(r.data.map((function(t,e){return t.geometry})));r.data.forEach((function(t,e){var n=a.indexOf(t.geometry);-1!=n&&(r.data[e].groupId=n)}))}if(t.layout){var s=i({},t.layout);if([[s,["plot_bgcolor"],["backgroundColor"]],[s,["showlegend"],["showLegend"]],[s,["radialaxis"],["radialAxis"]],[s,["angularaxis"],["angularAxis"]],[s.angularaxis,["showline"],["gridLinesVisible"]],[s.angularaxis,["showticklabels"],["labelsVisible"]],[s.angularaxis,["nticks"],["ticksCount"]],[s.angularaxis,["tickorientation"],["tickOrientation"]],[s.angularaxis,["ticksuffix"],["ticksSuffix"]],[s.angularaxis,["range"],["domain"]],[s.angularaxis,["endpadding"],["endPadding"]],[s.radialaxis,["showline"],["gridLinesVisible"]],[s.radialaxis,["tickorientation"],["tickOrientation"]],[s.radialaxis,["ticksuffix"],["ticksSuffix"]],[s.radialaxis,["range"],["domain"]],[s.angularAxis,["showline"],["gridLinesVisible"]],[s.angularAxis,["showticklabels"],["labelsVisible"]],[s.angularAxis,["nticks"],["ticksCount"]],[s.angularAxis,["tickorientation"],["tickOrientation"]],[s.angularAxis,["ticksuffix"],["ticksSuffix"]],[s.angularAxis,["range"],["domain"]],[s.angularAxis,["endpadding"],["endPadding"]],[s.radialAxis,["showline"],["gridLinesVisible"]],[s.radialAxis,["tickorientation"],["tickOrientation"]],[s.radialAxis,["ticksuffix"],["ticksSuffix"]],[s.radialAxis,["range"],["domain"]],[s.font,["outlinecolor"],["outlineColor"]],[s.legend,["traceorder"],["reverseOrder"]],[s,["labeloffset"],["labelOffset"]],[s,["defaultcolorrange"],["defaultColorRange"]]].forEach((function(t,r){o.util.translator.apply(null,t.concat(e))})),e?("undefined"!=typeof s.tickLength&&(s.angularaxis.ticklen=s.tickLength,delete s.tickLength),s.tickColor&&(s.angularaxis.tickcolor=s.tickColor,delete s.tickColor)):(s.angularAxis&&"undefined"!=typeof s.angularAxis.ticklen&&(s.tickLength=s.angularAxis.ticklen),s.angularAxis&&"undefined"!=typeof s.angularAxis.tickcolor&&(s.tickColor=s.angularAxis.tickcolor)),s.legend&&"boolean"!=typeof s.legend.reverseOrder&&(s.legend.reverseOrder="normal"!=s.legend.reverseOrder),s.legend&&"boolean"==typeof s.legend.traceorder&&(s.legend.traceorder=s.legend.traceorder?"reversed":"normal",delete s.legend.reverseOrder),s.margin&&"undefined"!=typeof s.margin.t){var l=["t","r","b","l","pad"],c=["top","right","bottom","left","pad"],u={};n.entries(s.margin).forEach((function(t,e){u[c[l.indexOf(t.key)]]=t.value})),s.margin=u}e&&(delete s.needsEndSpacing,delete s.minorTickColor,delete s.minorTicks,delete s.angularaxis.ticksCount,delete s.angularaxis.ticksCount,delete s.angularaxis.ticksStep,delete s.angularaxis.rewriteTicks,delete s.angularaxis.nticks,delete s.radialaxis.ticksCount,delete s.radialaxis.ticksCount,delete s.radialaxis.ticksStep,delete s.radialaxis.rewriteTicks,delete s.radialaxis.nticks),r.layout=s}return r}};return t}},{"../../../constants/alignment":745,"../../../lib":778,d3:169}],901:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../../lib"),a=t("../../../components/color"),o=t("./micropolar"),s=t("./undo_manager"),l=i.extendDeepAll,c=e.exports={};c.framework=function(t){var e,r,i,a,u,f=new s;function h(r,s){return s&&(u=s),n.select(n.select(u).node().parentNode).selectAll(".svg-container>*:not(.chart-root)").remove(),e=e?l(e,r):r,i||(i=o.Axis()),a=o.adapter.plotly().convert(e),i.config(a).render(u),t.data=e.data,t.layout=e.layout,c.fillLayout(t),e}return h.isPolar=!0,h.svg=function(){return i.svg()},h.getConfig=function(){return e},h.getLiveConfig=function(){return o.adapter.plotly().convert(i.getLiveConfig(),!0)},h.getLiveScales=function(){return{t:i.angularScale(),r:i.radialScale()}},h.setUndoPoint=function(){var t,n,i=this,a=o.util.cloneJson(e);t=a,n=r,f.add({undo:function(){n&&i(n)},redo:function(){i(t)}}),r=o.util.cloneJson(a)},h.undo=function(){f.undo()},h.redo=function(){f.redo()},h},c.fillLayout=function(t){var e=n.select(t).selectAll(".plot-container"),r=e.selectAll(".svg-container"),i=t.framework&&t.framework.svg&&t.framework.svg(),o={width:800,height:600,paper_bgcolor:a.background,_container:e,_paperdiv:r,_paper:i};t._fullLayout=l(o,t.layout)}},{"../../../components/color":643,"../../../lib":778,"./micropolar":900,"./undo_manager":902,d3:169}],902:[function(t,e,r){"use strict";e.exports=function(){var t,e=[],r=-1,n=!1;function i(t,e){return t?(n=!0,t[e](),n=!1,this):this}return{add:function(t){return n||(e.splice(r+1,e.length-r),e.push(t),r=e.length-1),this},setCallback:function(e){t=e},undo:function(){var n=e[r];return n?(i(n,"undo"),r-=1,t&&t(n.undo),this):this},redo:function(){var n=e[r+1];return n?(i(n,"redo"),r+=1,t&&t(n.redo),this):this},clear:function(){e=[],r=-1},hasUndo:function(){return-1!==r},hasRedo:function(){return r=90||s>90&&l>=450?1:u<=0&&h<=0?0:Math.max(u,h);e=s<=180&&l>=180||s>180&&l>=540?-1:c>=0&&f>=0?0:Math.min(c,f);r=s<=270&&l>=270||s>270&&l>=630?-1:u>=0&&h>=0?0:Math.min(u,h);n=l>=360?1:c<=0&&f<=0?0:Math.max(c,f);return[e,r,n,i]}(p),b=x[2]-x[0],_=x[3]-x[1],w=h/f,T=Math.abs(_/b);w>T?(d=f,y=(h-(g=f*T))/n.h/2,m=[o[0],o[1]],v=[s[0]+y,s[1]-y]):(g=h,y=(f-(d=h/T))/n.w/2,m=[o[0]+y,o[1]-y],v=[s[0],s[1]]),this.xLength2=d,this.yLength2=g,this.xDomain2=m,this.yDomain2=v;var k=this.xOffset2=n.l+n.w*m[0],M=this.yOffset2=n.t+n.h*(1-v[1]),A=this.radius=d/b,S=this.innerRadius=e.hole*A,E=this.cx=k-A*x[0],C=this.cy=M+A*x[3],P=this.cxx=E-k,z=this.cyy=C-M;this.radialAxis=this.mockAxis(t,e,i,{_id:"x",side:{counterclockwise:"top",clockwise:"bottom"}[i.side],_realSide:i.side,domain:[S/n.w,A/n.w]}),this.angularAxis=this.mockAxis(t,e,a,{side:"right",domain:[0,Math.PI],autorange:!1}),this.doAutoRange(t,e),this.updateAngularAxis(t,e),this.updateRadialAxis(t,e),this.updateRadialAxisTitle(t,e),this.xaxis=this.mockCartesianAxis(t,e,{_id:"x",domain:m}),this.yaxis=this.mockCartesianAxis(t,e,{_id:"y",domain:v});var O=this.pathSubplot();this.clipPaths.forTraces.select("path").attr("d",O).attr("transform",l(P,z)),r.frontplot.attr("transform",l(k,M)).call(u.setClipUrl,this._hasClipOnAxisFalse?null:this.clipIds.forTraces,this.gd),r.bg.attr("d",O).attr("transform",l(E,C)).call(c.fill,e.bgcolor)},O.mockAxis=function(t,e,r,n){var i=o.extendFlat({},r,n);return d(i,e,t),i},O.mockCartesianAxis=function(t,e,r){var n=this,i=r._id,a=o.extendFlat({type:"linear"},r);p(a,t);var s={x:[0,2],y:[1,3]};return a.setRange=function(){var t=n.sectorBBox,r=s[i],o=n.radialAxis._rl,l=(o[1]-o[0])/(1-e.hole);a.range=[t[r[0]]*l,t[r[1]]*l]},a.isPtWithinRange="x"===i?function(t){return n.isPtInside(t)}:function(){return!0},a.setRange(),a.setScale(),a},O.doAutoRange=function(t,e){var r=this.gd,n=this.radialAxis,i=e.radialaxis;n.setScale(),g(r,n);var a=n.range;i.range=a.slice(),i._input.range=a.slice(),n._rl=[n.r2l(a[0],null,"gregorian"),n.r2l(a[1],null,"gregorian")]},O.updateRadialAxis=function(t,e){var r=this,n=r.gd,i=r.layers,a=r.radius,u=r.innerRadius,f=r.cx,p=r.cy,d=e.radialaxis,g=L(e.sector[0],360),m=r.radialAxis,v=u90&&g<=270&&(m.tickangle=180);var y=function(t){return l(m.l2p(t.x)+u,0)},x=D(d);if(r.radialTickLayout!==x&&(i["radial-axis"].selectAll(".xtick").remove(),r.radialTickLayout=x),v){m.setScale();var b=h.calcTicks(m),_=h.clipEnds(m,b),w=h.getTickSigns(m)[2];h.drawTicks(n,m,{vals:b,layer:i["radial-axis"],path:h.makeTickPath(m,0,w),transFn:y,crisp:!1}),h.drawGrid(n,m,{vals:_,layer:i["radial-grid"],path:function(t){return r.pathArc(m.r2p(t.x)+u)},transFn:o.noop,crisp:!1}),h.drawLabels(n,m,{vals:b,layer:i["radial-axis"],transFn:y,labelFns:h.makeLabelFns(m,0)})}var T=r.radialAxisAngle=r.vangles?P(R(I(d.angle),r.vangles)):d.angle,k=l(f,p),M=k+s(-T);F(i["radial-axis"],v&&(d.showticklabels||d.ticks),{transform:M}),F(i["radial-grid"],v&&d.showgrid,{transform:k}),F(i["radial-line"].select("line"),v&&d.showline,{x1:u,y1:0,x2:a,y2:0,transform:M}).attr("stroke-width",d.linewidth).call(c.stroke,d.linecolor)},O.updateRadialAxisTitle=function(t,e,r){var n=this.gd,i=this.radius,a=this.cx,o=this.cy,s=e.radialaxis,l=this.id+"title",c=void 0!==r?r:this.radialAxisAngle,f=I(c),h=Math.cos(f),p=Math.sin(f),d=0;if(s.title){var g=u.bBox(this.layers["radial-axis"].node()).height,m=s.title.font.size;d="counterclockwise"===s.side?-g-.4*m:g+.8*m}this.layers["radial-axis-title"]=x.draw(n,l,{propContainer:s,propName:this.id+".radialaxis.title",placeholder:C(n,"Click to enter radial axis title"),attributes:{x:a+i/2*h+d*p,y:o-i/2*p+d*h,"text-anchor":"middle"},transform:{rotate:-c}})},O.updateAngularAxis=function(t,e){var r=this,n=r.gd,i=r.layers,a=r.radius,u=r.innerRadius,f=r.cx,p=r.cy,d=e.angularaxis,g=r.angularAxis;r.fillViewInitialKey("angularaxis.rotation",d.rotation),g.setGeometry(),g.setScale();var m=function(t){return g.t2g(t.x)};"linear"===g.type&&"radians"===g.thetaunit&&(g.tick0=P(g.tick0),g.dtick=P(g.dtick));var v=function(t){return l(f+a*Math.cos(t),p-a*Math.sin(t))},y=h.makeLabelFns(g,0).labelStandoff,x={xFn:function(t){var e=m(t);return Math.cos(e)*y},yFn:function(t){var e=m(t),r=Math.sin(e)>0?.2:1;return-Math.sin(e)*(y+t.fontSize*r)+Math.abs(Math.cos(e))*(t.fontSize*A)},anchorFn:function(t){var e=m(t),r=Math.cos(e);return Math.abs(r)<.1?"middle":r>0?"start":"end"},heightFn:function(t,e,r){var n=m(t);return-.5*(1+Math.sin(n))*r}},b=D(d);r.angularTickLayout!==b&&(i["angular-axis"].selectAll("."+g._id+"tick").remove(),r.angularTickLayout=b);var _,w=h.calcTicks(g);if("linear"===e.gridshape?(_=w.map(m),o.angleDelta(_[0],_[1])<0&&(_=_.slice().reverse())):_=null,r.vangles=_,"category"===g.type&&(w=w.filter((function(t){return o.isAngleInsideSector(m(t),r.sectorInRad)}))),g.visible){var T="inside"===g.ticks?-1:1,k=(g.linewidth||1)/2;h.drawTicks(n,g,{vals:w,layer:i["angular-axis"],path:"M"+T*k+",0h"+T*g.ticklen,transFn:function(t){var e=m(t);return v(e)+s(-P(e))},crisp:!1}),h.drawGrid(n,g,{vals:w,layer:i["angular-grid"],path:function(t){var e=m(t),r=Math.cos(e),n=Math.sin(e);return"M"+[f+u*r,p-u*n]+"L"+[f+a*r,p-a*n]},transFn:o.noop,crisp:!1}),h.drawLabels(n,g,{vals:w,layer:i["angular-axis"],repositionOnUpdate:!0,transFn:function(t){return v(m(t))},labelFns:x})}F(i["angular-line"].select("path"),d.showline,{d:r.pathSubplot(),transform:l(f,p)}).attr("stroke-width",d.linewidth).call(c.stroke,d.linecolor)},O.updateFx=function(t,e){this.gd._context.staticPlot||(this.updateAngularDrag(t),this.updateRadialDrag(t,e,0),this.updateRadialDrag(t,e,1),this.updateMainDrag(t))},O.updateMainDrag=function(t){var e,r,s=this,c=s.gd,u=s.layers,f=t._zoomlayer,h=S.MINZOOM,p=S.OFFEDGE,d=s.radius,g=s.innerRadius,x=s.cx,T=s.cy,k=s.cxx,M=s.cyy,A=s.sectorInRad,C=s.vangles,L=s.radialAxis,I=E.clampTiny,P=E.findXYatLength,z=E.findEnclosingVertexAngles,O=S.cornerHalfWidth,D=S.cornerLen/2,R=m.makeDragger(u,"path","maindrag","crosshair");n.select(R).attr("d",s.pathSubplot()).attr("transform",l(x,T));var F,B,N,j,U,V,q,H,G,Y={element:R,gd:c,subplot:s.id,plotinfo:{id:s.id,xaxis:s.xaxis,yaxis:s.yaxis},xaxes:[s.xaxis],yaxes:[s.yaxis]};function W(t,e){return Math.sqrt(t*t+e*e)}function X(t,e){return W(t-k,e-M)}function Z(t,e){return Math.atan2(M-e,t-k)}function J(t,e){return[t*Math.cos(e),t*Math.sin(-e)]}function K(t,e){if(0===t)return s.pathSector(2*O);var r=D/t,n=e-r,i=e+r,a=Math.max(0,Math.min(t,d)),o=a-O,l=a+O;return"M"+J(o,n)+"A"+[o,o]+" 0,0,0 "+J(o,i)+"L"+J(l,i)+"A"+[l,l]+" 0,0,1 "+J(l,n)+"Z"}function Q(t,e,r){if(0===t)return s.pathSector(2*O);var n,i,a=J(t,e),o=J(t,r),l=I((a[0]+o[0])/2),c=I((a[1]+o[1])/2);if(l&&c){var u=c/l,f=-1/u,h=P(O,u,l,c);n=P(D,f,h[0][0],h[0][1]),i=P(D,f,h[1][0],h[1][1])}else{var p,d;c?(p=D,d=O):(p=O,d=D),n=[[l-p,c-d],[l+p,c-d]],i=[[l-p,c+d],[l+p,c+d]]}return"M"+n.join("L")+"L"+i.reverse().join("L")+"Z"}function $(t,e){return e=Math.max(Math.min(e,d),g),th?(t-1&&1===t&&_(e,c,[s.xaxis],[s.yaxis],s.id,Y),r.indexOf("event")>-1&&y.click(c,e,s.id)}Y.prepFn=function(t,n,a){var l=c._fullLayout.dragmode,u=R.getBoundingClientRect();c._fullLayout._calcInverseTransform(c);var h=c._fullLayout._invTransform;e=c._fullLayout._invScaleX,r=c._fullLayout._invScaleY;var p=o.apply3DTransform(h)(n-u.left,a-u.top);if(F=p[0],B=p[1],C){var g=E.findPolygonOffset(d,A[0],A[1],C);F+=k+g[0],B+=M+g[1]}switch(l){case"zoom":Y.moveFn=C?nt:et,Y.clickFn=ot,Y.doneFn=it,function(){N=null,j=null,U=s.pathSubplot(),V=!1;var t=c._fullLayout[s.id];q=i(t.bgcolor).getLuminance(),(H=m.makeZoombox(f,q,x,T,U)).attr("fill-rule","evenodd"),G=m.makeCorners(f,x,T),w(c)}();break;case"select":case"lasso":b(t,n,a,Y,l)}},R.onmousemove=function(t){y.hover(c,t,s.id),c._fullLayout._lasthover=R,c._fullLayout._hoversubplot=s.id},R.onmouseout=function(t){c._dragging||v.unhover(c,t)},v.init(Y)},O.updateRadialDrag=function(t,e,r){var i=this,c=i.gd,u=i.layers,f=i.radius,h=i.innerRadius,p=i.cx,d=i.cy,g=i.radialAxis,y=S.radialDragBoxSize,x=y/2;if(g.visible){var b,_,T,A=I(i.radialAxisAngle),E=g._rl,C=E[0],L=E[1],z=E[r],O=.75*(E[1]-E[0])/(1-e.hole)/f;r?(b=p+(f+x)*Math.cos(A),_=d-(f+x)*Math.sin(A),T="radialdrag"):(b=p+(h-x)*Math.cos(A),_=d-(h-x)*Math.sin(A),T="radialdrag-inner");var D,B,N,j=m.makeRectDragger(u,T,"crosshair",-x,-x,y,y),U={element:j,gd:c};F(n.select(j),g.visible&&h0==(r?N>C:Nn?function(t){return t<=0}:function(t){return t>=0};t.c2g=function(r){var n=t.c2l(r)-e;return(s(n)?n:0)+o},t.g2c=function(r){return t.l2c(r+e-o)},t.g2p=function(t){return t*a},t.c2p=function(e){return t.g2p(t.c2g(e))}}}(t,e);break;case"angularaxis":!function(t,e){var r=t.type;if("linear"===r){var i=t.d2c,s=t.c2d;t.d2c=function(t,e){return function(t,e){return"degrees"===e?a(t):t}(i(t),e)},t.c2d=function(t,e){return s(function(t,e){return"degrees"===e?o(t):t}(t,e))}}t.makeCalcdata=function(e,i){var a,o,s=e[i],l=e._length,c=function(r){return t.d2c(r,e.thetaunit)};if(s){if(n.isTypedArray(s)&&"linear"===r){if(l===s.length)return s;if(s.subarray)return s.subarray(0,l)}for(a=new Array(l),o=0;o0){for(var n=[],i=0;i=u&&(p.min=0,g.min=0,m.min=0,t.aaxis&&delete t.aaxis.min,t.baxis&&delete t.baxis.min,t.caxis&&delete t.caxis.min)}function d(t,e,r,n){var i=f[e._name];function o(r,n){return a.coerce(t,e,i,r,n)}o("uirevision",n.uirevision),e.type="linear";var h=o("color"),p=h!==i.color.dflt?h:r.font.color,d=e._name.charAt(0).toUpperCase(),g="Component "+d,m=o("title.text",g);e._hovertitle=m===g?m:d,a.coerceFont(o,"title.font",{family:r.font.family,size:Math.round(1.2*r.font.size),color:p}),o("min"),c(t,e,o,"linear"),s(t,e,o,"linear",{}),l(t,e,o,{outerTicks:!0}),o("showticklabels")&&(a.coerceFont(o,"tickfont",{family:r.font.family,size:r.font.size,color:p}),o("tickangle"),o("tickformat")),u(t,e,o,{dfltColor:h,bgColor:r.bgColor,blend:60,showLine:!0,showGrid:!0,noZeroLine:!0,attributes:i}),o("hoverformat"),o("layer")}e.exports=function(t,e,r){o(t,e,r,{type:"ternary",attributes:f,handleDefaults:p,font:e.font,paper_bgcolor:e.paper_bgcolor})}},{"../../components/color":643,"../../lib":778,"../../plot_api/plot_template":817,"../cartesian/line_grid_defaults":844,"../cartesian/tick_label_defaults":849,"../cartesian/tick_mark_defaults":850,"../cartesian/tick_value_defaults":851,"../subplot_defaults":905,"./layout_attributes":908}],910:[function(t,e,r){"use strict";var n=t("d3"),i=t("tinycolor2"),a=t("../../registry"),o=t("../../lib"),s=o.strTranslate,l=o._,c=t("../../components/color"),u=t("../../components/drawing"),f=t("../cartesian/set_convert"),h=t("../../lib/extend").extendFlat,p=t("../plots"),d=t("../cartesian/axes"),g=t("../../components/dragelement"),m=t("../../components/fx"),v=t("../../components/dragelement/helpers"),y=v.freeMode,x=v.rectMode,b=t("../../components/titles"),_=t("../cartesian/select").prepSelect,w=t("../cartesian/select").selectOnClick,T=t("../cartesian/select").clearSelect,k=t("../cartesian/select").clearSelectionsCache,M=t("../cartesian/constants");function A(t,e){this.id=t.id,this.graphDiv=t.graphDiv,this.init(e),this.makeFramework(e),this.aTickLayout=null,this.bTickLayout=null,this.cTickLayout=null}e.exports=A;var S=A.prototype;S.init=function(t){this.container=t._ternarylayer,this.defs=t._defs,this.layoutId=t._uid,this.traceHash={},this.layers={}},S.plot=function(t,e){var r=e[this.id],n=e._size;this._hasClipOnAxisFalse=!1;for(var i=0;iE*b?i=(a=b)*E:a=(i=x)/E,o=v*i/x,l=y*a/b,r=e.l+e.w*g-i/2,n=e.t+e.h*(1-m)-a/2,p.x0=r,p.y0=n,p.w=i,p.h=a,p.sum=_,p.xaxis={type:"linear",range:[w+2*k-_,_-w-2*T],domain:[g-o/2,g+o/2],_id:"x"},f(p.xaxis,p.graphDiv._fullLayout),p.xaxis.setScale(),p.xaxis.isPtWithinRange=function(t){return t.a>=p.aaxis.range[0]&&t.a<=p.aaxis.range[1]&&t.b>=p.baxis.range[1]&&t.b<=p.baxis.range[0]&&t.c>=p.caxis.range[1]&&t.c<=p.caxis.range[0]},p.yaxis={type:"linear",range:[w,_-T-k],domain:[m-l/2,m+l/2],_id:"y"},f(p.yaxis,p.graphDiv._fullLayout),p.yaxis.setScale(),p.yaxis.isPtWithinRange=function(){return!0};var M=p.yaxis.domain[0],A=p.aaxis=h({},t.aaxis,{range:[w,_-T-k],side:"left",tickangle:(+t.aaxis.tickangle||0)-30,domain:[M,M+l*E],anchor:"free",position:0,_id:"y",_length:i});f(A,p.graphDiv._fullLayout),A.setScale();var S=p.baxis=h({},t.baxis,{range:[_-w-k,T],side:"bottom",domain:p.xaxis.domain,anchor:"free",position:0,_id:"x",_length:i});f(S,p.graphDiv._fullLayout),S.setScale();var C=p.caxis=h({},t.caxis,{range:[_-w-T,k],side:"right",tickangle:(+t.caxis.tickangle||0)+30,domain:[M,M+l*E],anchor:"free",position:0,_id:"y",_length:i});f(C,p.graphDiv._fullLayout),C.setScale();var L="M"+r+","+(n+a)+"h"+i+"l-"+i/2+",-"+a+"Z";p.clipDef.select("path").attr("d",L),p.layers.plotbg.select("path").attr("d",L);var I="M0,"+a+"h"+i+"l-"+i/2+",-"+a+"Z";p.clipDefRelative.select("path").attr("d",I);var P=s(r,n);p.plotContainer.selectAll(".scatterlayer,.maplayer").attr("transform",P),p.clipDefRelative.select("path").attr("transform",null);var z=s(r-S._offset,n+a);p.layers.baxis.attr("transform",z),p.layers.bgrid.attr("transform",z);var O=s(r+i/2,n)+"rotate(30)"+s(0,-A._offset);p.layers.aaxis.attr("transform",O),p.layers.agrid.attr("transform",O);var D=s(r+i/2,n)+"rotate(-30)"+s(0,-C._offset);p.layers.caxis.attr("transform",D),p.layers.cgrid.attr("transform",D),p.drawAxes(!0),p.layers.aline.select("path").attr("d",A.showline?"M"+r+","+(n+a)+"l"+i/2+",-"+a:"M0,0").call(c.stroke,A.linecolor||"#000").style("stroke-width",(A.linewidth||0)+"px"),p.layers.bline.select("path").attr("d",S.showline?"M"+r+","+(n+a)+"h"+i:"M0,0").call(c.stroke,S.linecolor||"#000").style("stroke-width",(S.linewidth||0)+"px"),p.layers.cline.select("path").attr("d",C.showline?"M"+(r+i/2)+","+n+"l"+i/2+","+a:"M0,0").call(c.stroke,C.linecolor||"#000").style("stroke-width",(C.linewidth||0)+"px"),p.graphDiv._context.staticPlot||p.initInteractions(),u.setClipUrl(p.layers.frontplot,p._hasClipOnAxisFalse?null:p.clipId,p.graphDiv)},S.drawAxes=function(t){var e=this.graphDiv,r=this.id.substr(7)+"title",n=this.layers,i=this.aaxis,a=this.baxis,o=this.caxis;if(this.drawAx(i),this.drawAx(a),this.drawAx(o),t){var s=Math.max(i.showticklabels?i.tickfont.size/2:0,(o.showticklabels?.75*o.tickfont.size:0)+("outside"===o.ticks?.87*o.ticklen:0)),c=(a.showticklabels?a.tickfont.size:0)+("outside"===a.ticks?a.ticklen:0)+3;n["a-title"]=b.draw(e,"a"+r,{propContainer:i,propName:this.id+".aaxis.title",placeholder:l(e,"Click to enter Component A title"),attributes:{x:this.x0+this.w/2,y:this.y0-i.title.font.size/3-s,"text-anchor":"middle"}}),n["b-title"]=b.draw(e,"b"+r,{propContainer:a,propName:this.id+".baxis.title",placeholder:l(e,"Click to enter Component B title"),attributes:{x:this.x0-c,y:this.y0+this.h+.83*a.title.font.size+c,"text-anchor":"middle"}}),n["c-title"]=b.draw(e,"c"+r,{propContainer:o,propName:this.id+".caxis.title",placeholder:l(e,"Click to enter Component C title"),attributes:{x:this.x0+this.w+c,y:this.y0+this.h+.83*o.title.font.size+c,"text-anchor":"middle"}})}},S.drawAx=function(t){var e,r=this.graphDiv,n=t._name,i=n.charAt(0),a=t._id,s=this.layers[n],l=i+"tickLayout",c=(e=t).ticks+String(e.ticklen)+String(e.showticklabels);this[l]!==c&&(s.selectAll("."+a+"tick").remove(),this[l]=c),t.setScale();var u=d.calcTicks(t),f=d.clipEnds(t,u),h=d.makeTransTickFn(t),p=d.getTickSigns(t)[2],g=o.deg2rad(30),m=p*(t.linewidth||1)/2,v=p*t.ticklen,y=this.w,x=this.h,b="b"===i?"M0,"+m+"l"+Math.sin(g)*v+","+Math.cos(g)*v:"M"+m+",0l"+Math.cos(g)*v+","+-Math.sin(g)*v,_={a:"M0,0l"+x+",-"+y/2,b:"M0,0l-"+y/2+",-"+x,c:"M0,0l-"+x+","+y/2}[i];d.drawTicks(r,t,{vals:"inside"===t.ticks?f:u,layer:s,path:b,transFn:h,crisp:!1}),d.drawGrid(r,t,{vals:f,layer:this.layers[i+"grid"],path:_,transFn:h,crisp:!1}),d.drawLabels(r,t,{vals:u,layer:s,transFn:h,labelFns:d.makeLabelFns(t,0,30)})};var C=M.MINZOOM/2+.87,L="m-0.87,.5h"+C+"v3h-"+(C+5.2)+"l"+(C/2+2.6)+",-"+(.87*C+4.5)+"l2.6,1.5l-"+C/2+","+.87*C+"Z",I="m0.87,.5h-"+C+"v3h"+(C+5.2)+"l-"+(C/2+2.6)+",-"+(.87*C+4.5)+"l-2.6,1.5l"+C/2+","+.87*C+"Z",P="m0,1l"+C/2+","+.87*C+"l2.6,-1.5l-"+(C/2+2.6)+",-"+(.87*C+4.5)+"l-"+(C/2+2.6)+","+(.87*C+4.5)+"l2.6,1.5l"+C/2+",-"+.87*C+"Z",z=!0;function O(t){n.select(t).selectAll(".zoombox,.js-zoombox-backdrop,.js-zoombox-menu,.zoombox-corners").remove()}S.clearSelect=function(){k(this.dragOptions),T(this.dragOptions.gd)},S.initInteractions=function(){var t,e,r,n,f,h,p,d,v,b,T,k,A=this,S=A.layers.plotbg.select("path").node(),C=A.graphDiv,D=C._fullLayout._zoomlayer;function R(t){var e={};return e[A.id+".aaxis.min"]=t.a,e[A.id+".baxis.min"]=t.b,e[A.id+".caxis.min"]=t.c,e}function F(t,e){var r=C._fullLayout.clickmode;O(C),2===t&&(C.emit("plotly_doubleclick",null),a.call("_guiRelayout",C,R({a:0,b:0,c:0}))),r.indexOf("select")>-1&&1===t&&w(e,C,[A.xaxis],[A.yaxis],A.id,A.dragOptions),r.indexOf("event")>-1&&m.click(C,e,A.id)}function B(t,e){return 1-e/A.h}function N(t,e){return 1-(t+(A.h-e)/Math.sqrt(3))/A.w}function j(t,e){return(t-(A.h-e)/Math.sqrt(3))/A.w}function U(i,a){var o=r+i*t,s=n+a*e,l=Math.max(0,Math.min(1,B(0,n),B(0,s))),c=Math.max(0,Math.min(1,N(r,n),N(o,s))),u=Math.max(0,Math.min(1,j(r,n),j(o,s))),g=(l/2+u)*A.w,m=(1-l/2-c)*A.w,y=(g+m)/2,x=m-g,_=(1-l)*A.h,w=_-x/E;x.2?"rgba(0,0,0,0.4)":"rgba(255,255,255,0.3)").duration(200),k.transition().style("opacity",1).duration(200),b=!0),C.emit("plotly_relayouting",R(p))}function V(){O(C),p!==f&&(a.call("_guiRelayout",C,R(p)),z&&C.data&&C._context.showTips&&(o.notifier(l(C,"Double-click to zoom back out"),"long"),z=!1))}function q(t,e){var r=t/A.xaxis._m,n=e/A.yaxis._m,i=[(p={a:f.a-n,b:f.b+(r+n)/2,c:f.c-(r-n)/2}).a,p.b,p.c].sort(o.sorterAsc),a=i.indexOf(p.a),l=i.indexOf(p.b),c=i.indexOf(p.c);i[0]<0&&(i[1]+i[0]/2<0?(i[2]+=i[0]+i[1],i[0]=i[1]=0):(i[2]+=i[0]/2,i[1]+=i[0]/2,i[0]=0),p={a:i[a],b:i[l],c:i[c]},e=(f.a-p.a)*A.yaxis._m,t=(f.c-p.c-f.b+p.b)*A.xaxis._m);var h=s(A.x0+t,A.y0+e);A.plotContainer.selectAll(".scatterlayer,.maplayer").attr("transform",h);var d=s(-t,-e);A.clipDefRelative.select("path").attr("transform",d),A.aaxis.range=[p.a,A.sum-p.b-p.c],A.baxis.range=[A.sum-p.a-p.c,p.b],A.caxis.range=[A.sum-p.a-p.b,p.c],A.drawAxes(!1),A._hasClipOnAxisFalse&&A.plotContainer.select(".scatterlayer").selectAll(".trace").call(u.hideOutsideRangePoints,A),C.emit("plotly_relayouting",R(p))}function H(){a.call("_guiRelayout",C,R(p))}this.dragOptions={element:S,gd:C,plotinfo:{id:A.id,domain:C._fullLayout[A.id].domain,xaxis:A.xaxis,yaxis:A.yaxis},subplot:A.id,prepFn:function(a,l,u){A.dragOptions.xaxes=[A.xaxis],A.dragOptions.yaxes=[A.yaxis],t=C._fullLayout._invScaleX,e=C._fullLayout._invScaleY;var g=A.dragOptions.dragmode=C._fullLayout.dragmode;y(g)?A.dragOptions.minDrag=1:A.dragOptions.minDrag=void 0,"zoom"===g?(A.dragOptions.moveFn=U,A.dragOptions.clickFn=F,A.dragOptions.doneFn=V,function(t,e,a){var l=S.getBoundingClientRect();r=e-l.left,n=a-l.top,C._fullLayout._calcInverseTransform(C);var u=C._fullLayout._invTransform,g=o.apply3DTransform(u)(r,n);r=g[0],n=g[1],f={a:A.aaxis.range[0],b:A.baxis.range[1],c:A.caxis.range[1]},p=f,h=A.aaxis.range[1]-f.a,d=i(A.graphDiv._fullLayout[A.id].bgcolor).getLuminance(),v="M0,"+A.h+"L"+A.w/2+", 0L"+A.w+","+A.h+"Z",b=!1,T=D.append("path").attr("class","zoombox").attr("transform",s(A.x0,A.y0)).style({fill:d>.2?"rgba(0,0,0,0)":"rgba(255,255,255,0)","stroke-width":0}).attr("d",v),k=D.append("path").attr("class","zoombox-corners").attr("transform",s(A.x0,A.y0)).style({fill:c.background,stroke:c.defaultLine,"stroke-width":1,opacity:0}).attr("d","M0,0Z"),A.clearSelect(C)}(0,l,u)):"pan"===g?(A.dragOptions.moveFn=q,A.dragOptions.clickFn=F,A.dragOptions.doneFn=H,f={a:A.aaxis.range[0],b:A.baxis.range[1],c:A.caxis.range[1]},p=f,A.clearSelect(C)):(x(g)||y(g))&&_(a,l,u,A.dragOptions,g)}},S.onmousemove=function(t){m.hover(C,t,A.id),C._fullLayout._lasthover=S,C._fullLayout._hoversubplot=A.id},S.onmouseout=function(t){C._dragging||g.unhover(C,t)},g.init(this.dragOptions)}},{"../../components/color":643,"../../components/dragelement":662,"../../components/dragelement/helpers":661,"../../components/drawing":665,"../../components/fx":683,"../../components/titles":738,"../../lib":778,"../../lib/extend":768,"../../registry":911,"../cartesian/axes":828,"../cartesian/constants":834,"../cartesian/select":847,"../cartesian/set_convert":848,"../plots":891,d3:169,tinycolor2:576}],911:[function(t,e,r){"use strict";var n=t("./lib/loggers"),i=t("./lib/noop"),a=t("./lib/push_unique"),o=t("./lib/is_plain_object"),s=t("./lib/dom").addStyleRule,l=t("./lib/extend"),c=t("./plots/attributes"),u=t("./plots/layout_attributes"),f=l.extendFlat,h=l.extendDeepAll;function p(t){var e=t.name,i=t.categories,a=t.meta;if(r.modules[e])n.log("Type "+e+" already registered");else{r.subplotsRegistry[t.basePlotModule.name]||function(t){var e=t.name;if(r.subplotsRegistry[e])return void n.log("Plot type "+e+" already registered.");for(var i in v(t),r.subplotsRegistry[e]=t,r.componentsRegistry)b(i,t.name)}(t.basePlotModule);for(var o={},l=0;l-1&&(f[p[r]].title={text:""});for(r=0;r")?"":e.html(t).text()}));return e.remove(),r}(T),T=(T=T.replace(/&(?!\w+;|\#[0-9]+;| \#x[0-9A-F]+;)/g,"&")).replace(c,"'"),i.isIE()&&(T=(T=(T=T.replace(/"/gi,"'")).replace(/(\('#)([^']*)('\))/gi,'("#$2")')).replace(/(\\')/gi,'"')),T}},{"../components/color":643,"../components/drawing":665,"../constants/xmlns_namespaces":754,"../lib":778,d3:169}],920:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t,e){for(var r=0;rf+c||!n(u))}for(var p=0;pa))return e}return void 0!==r?r:t.dflt},r.coerceColor=function(t,e,r){return i(e).isValid()?e:void 0!==r?r:t.dflt},r.coerceEnumerated=function(t,e,r){return t.coerceNumber&&(e=+e),-1!==t.values.indexOf(e)?e:void 0!==r?r:t.dflt},r.getValue=function(t,e){var r;return Array.isArray(t)?e0?i+=a:e<0&&(i-=a)}return n.inbox(r-e,i-e,b+(i-e)/(i-r)-1)}"h"===m.orientation?(a=r,s=e,u="y",f="x",h=S,p=A):(a=e,s=r,u="x",f="y",p=S,h=A);var E=t[u+"a"],C=t[f+"a"];d=Math.abs(E.r2c(E.range[1])-E.r2c(E.range[0]));var L=n.getDistanceFunction(i,h,p,(function(t){return(h(t)+p(t))/2}));if(n.getClosest(g,L,t),!1!==t.index&&g[t.index].p!==c){y||(T=function(t){return Math.min(_(t),t.p-v.bargroupwidth/2)},k=function(t){return Math.max(w(t),t.p+v.bargroupwidth/2)});var I=g[t.index],P=m.base?I.b+I.s:I.s;t[f+"0"]=t[f+"1"]=C.c2p(I[f],!0),t[f+"LabelVal"]=P;var z=v.extents[v.extents.round(I.p)];t[u+"0"]=E.c2p(y?T(I):z[0],!0),t[u+"1"]=E.c2p(y?k(I):z[1],!0);var O=void 0!==I.orig_p;return t[u+"LabelVal"]=O?I.orig_p:I.p,t.labelLabel=l(E,t[u+"LabelVal"]),t.valueLabel=l(C,t[f+"LabelVal"]),t.baseLabel=l(C,I.b),t.spikeDistance=(S(I)+function(t){return M(_(t),w(t))}(I))/2-b,t[u+"Spike"]=E.c2p(I.p,!0),o(I,m,t),t.hovertemplate=m.hovertemplate,t}}function f(t,e){var r=e.mcc||t.marker.color,n=e.mlcc||t.marker.line.color,i=s(t,e);return a.opacity(r)?r:a.opacity(n)&&i?n:void 0}e.exports={hoverPoints:function(t,e,r,n){var a=u(t,e,r,n);if(a){var o=a.cd,s=o[0].trace,l=o[a.index];return a.color=f(s,l),i.getComponentMethod("errorbars","hoverInfo")(l,s,a),[a]}},hoverOnBars:u,getTraceColor:f}},{"../../components/color":643,"../../components/fx":683,"../../constants/numerical":753,"../../lib":778,"../../plots/cartesian/axes":828,"../../registry":911,"./helpers":927}],929:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults").supplyDefaults,crossTraceDefaults:t("./defaults").crossTraceDefaults,supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc"),crossTraceCalc:t("./cross_trace_calc").crossTraceCalc,colorbar:t("../scatter/marker_colorbar"),arraysToCalcdata:t("./arrays_to_calcdata"),plot:t("./plot").plot,style:t("./style").style,styleOnSelect:t("./style").styleOnSelect,hoverPoints:t("./hover").hoverPoints,eventData:t("./event_data"),selectPoints:t("./select"),moduleType:"trace",name:"bar",basePlotModule:t("../../plots/cartesian"),categories:["bar-like","cartesian","svg","bar","oriented","errorBarsOK","showLegend","zoomScale"],animatable:!0,meta:{}}},{"../../plots/cartesian":841,"../scatter/marker_colorbar":1205,"./arrays_to_calcdata":920,"./attributes":921,"./calc":922,"./cross_trace_calc":924,"./defaults":925,"./event_data":926,"./hover":928,"./layout_attributes":930,"./layout_defaults":931,"./plot":932,"./select":933,"./style":935}],930:[function(t,e,r){"use strict";e.exports={barmode:{valType:"enumerated",values:["stack","group","overlay","relative"],dflt:"group",editType:"calc"},barnorm:{valType:"enumerated",values:["","fraction","percent"],dflt:"",editType:"calc"},bargap:{valType:"number",min:0,max:1,editType:"calc"},bargroupgap:{valType:"number",min:0,max:1,dflt:0,editType:"calc"}}},{}],931:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../plots/cartesian/axes"),a=t("../../lib"),o=t("./layout_attributes");e.exports=function(t,e,r){function s(r,n){return a.coerce(t,e,o,r,n)}for(var l=!1,c=!1,u=!1,f={},h=s("barmode"),p=0;p0}function S(t){return"auto"===t?0:t}function E(t,e){var r=Math.PI/180*e,n=Math.abs(Math.sin(r)),i=Math.abs(Math.cos(r));return{x:t.width*i+t.height*n,y:t.width*n+t.height*i}}function C(t,e,r,n,i,a){var o=!!a.isHorizontal,s=!!a.constrained,l=a.angle||0,c=a.anchor||"end",u="end"===c,f="start"===c,h=((a.leftToRight||0)+1)/2,p=1-h,d=i.width,g=i.height,m=Math.abs(e-t),v=Math.abs(n-r),y=m>2*_&&v>2*_?_:0;m-=2*y,v-=2*y;var x=S(l);"auto"!==l||d<=m&&g<=v||!(d>m||g>v)||(d>v||g>m)&&d.01?H:function(t,e,r){return r&&t===e?t:Math.abs(t-e)>=2?H(t):t>e?Math.ceil(t):Math.floor(t)};B=G(B,N,D),N=G(N,B,D),j=G(j,U,!D),U=G(U,j,!D)}var Y=M(a.ensureSingle(P,"path"),I,m,v);if(Y.style("vector-effect","non-scaling-stroke").attr("d",isNaN((N-B)*(U-j))||V&&t._context.staticPlot?"M0,0Z":"M"+B+","+j+"V"+U+"H"+N+"V"+j+"Z").call(l.setClipUrl,e.layerClipId,t),!I.uniformtext.mode&&R){var W=l.makePointStyleFns(f);l.singlePointStyle(c,Y,f,W,t)}!function(t,e,r,n,i,s,c,f,p,m,v){var w,T=e.xaxis,A=e.yaxis,L=t._fullLayout;function I(e,r,n){return a.ensureSingle(e,"text").text(r).attr({class:"bartext bartext-"+w,"text-anchor":"middle","data-notex":1}).call(l.font,n).call(o.convertToTspans,t)}var P=n[0].trace,z="h"===P.orientation,O=function(t,e,r,n,i){var o,s=e[0].trace;o=s.texttemplate?function(t,e,r,n,i){var o=e[0].trace,s=a.castOption(o,r,"texttemplate");if(!s)return"";var l,c,f,h,p="waterfall"===o.type,d="funnel"===o.type;"h"===o.orientation?(l="y",c=i,f="x",h=n):(l="x",c=n,f="y",h=i);function g(t){return u(h,+t,!0).text}var m=e[r],v={};v.label=m.p,v.labelLabel=v[l+"Label"]=(y=m.p,u(c,y,!0).text);var y;var x=a.castOption(o,m.i,"text");(0===x||x)&&(v.text=x);v.value=m.s,v.valueLabel=v[f+"Label"]=g(m.s);var _={};b(_,o,m.i),p&&(v.delta=+m.rawS||m.s,v.deltaLabel=g(v.delta),v.final=m.v,v.finalLabel=g(v.final),v.initial=v.final-v.delta,v.initialLabel=g(v.initial));d&&(v.value=m.s,v.valueLabel=g(v.value),v.percentInitial=m.begR,v.percentInitialLabel=a.formatPercent(m.begR),v.percentPrevious=m.difR,v.percentPreviousLabel=a.formatPercent(m.difR),v.percentTotal=m.sumR,v.percenTotalLabel=a.formatPercent(m.sumR));var w=a.castOption(o,m.i,"customdata");w&&(v.customdata=w);return a.texttemplateString(s,v,t._d3locale,_,v,o._meta||{})}(t,e,r,n,i):s.textinfo?function(t,e,r,n){var i=t[0].trace,o="h"===i.orientation,s="waterfall"===i.type,l="funnel"===i.type;function c(t){return u(o?r:n,+t,!0).text}var f,h=i.textinfo,p=t[e],d=h.split("+"),g=[],m=function(t){return-1!==d.indexOf(t)};m("label")&&g.push((v=t[e].p,u(o?n:r,v,!0).text));var v;m("text")&&(0===(f=a.castOption(i,p.i,"text"))||f)&&g.push(f);if(s){var y=+p.rawS||p.s,x=p.v,b=x-y;m("initial")&&g.push(c(b)),m("delta")&&g.push(c(y)),m("final")&&g.push(c(x))}if(l){m("value")&&g.push(c(p.s));var _=0;m("percent initial")&&_++,m("percent previous")&&_++,m("percent total")&&_++;var w=_>1;m("percent initial")&&(f=a.formatPercent(p.begR),w&&(f+=" of initial"),g.push(f)),m("percent previous")&&(f=a.formatPercent(p.difR),w&&(f+=" of previous"),g.push(f)),m("percent total")&&(f=a.formatPercent(p.sumR),w&&(f+=" of total"),g.push(f))}return g.join("
")}(e,r,n,i):g.getValue(s.text,r);return g.coerceString(y,o)}(L,n,i,T,A);w=function(t,e){var r=g.getValue(t.textposition,e);return g.coerceEnumerated(x,r)}(P,i);var D="stack"===m.mode||"relative"===m.mode,R=n[i],F=!D||R._outmost;if(!O||"none"===w||(R.isBlank||s===c||f===p)&&("auto"===w||"inside"===w))return void r.select("text").remove();var B=L.font,N=d.getBarColor(n[i],P),j=d.getInsideTextFont(P,i,B,N),U=d.getOutsideTextFont(P,i,B),V=r.datum();z?"log"===T.type&&V.s0<=0&&(s=T.range[0]=G*(Z/Y):Z>=Y*(X/G);G>0&&Y>0&&(J||K||Q)?w="inside":(w="outside",q.remove(),q=null)}else w="inside";if(!q){W=a.ensureUniformFontSize(t,"outside"===w?U:j);var $=(q=I(r,O,W)).attr("transform");if(q.attr("transform",""),H=l.bBox(q.node()),G=H.width,Y=H.height,q.attr("transform",$),G<=0||Y<=0)return void q.remove()}var tt,et,rt=P.textangle;"outside"===w?(et="both"===P.constraintext||"outside"===P.constraintext,tt=function(t,e,r,n,i,a){var o,s=!!a.isHorizontal,l=!!a.constrained,c=a.angle||0,u=i.width,f=i.height,h=Math.abs(e-t),p=Math.abs(n-r);o=s?p>2*_?_:0:h>2*_?_:0;var d=1;l&&(d=s?Math.min(1,p/f):Math.min(1,h/u));var g=S(c),m=E(i,g),v=(s?m.x:m.y)/2,y=(i.left+i.right)/2,x=(i.top+i.bottom)/2,b=(t+e)/2,w=(r+n)/2,T=0,M=0,A=s?k(e,t):k(r,n);s?(b=e-A*o,T=A*v):(w=n+A*o,M=-A*v);return{textX:y,textY:x,targetX:b,targetY:w,anchorX:T,anchorY:M,scale:d,rotate:g}}(s,c,f,p,H,{isHorizontal:z,constrained:et,angle:rt})):(et="both"===P.constraintext||"inside"===P.constraintext,tt=C(s,c,f,p,H,{isHorizontal:z,constrained:et,angle:rt,anchor:P.insidetextanchor}));tt.fontSize=W.size,h(P.type,tt,L),R.transform=tt,M(q,L,m,v).attr("transform",a.getTextTransform(tt))}(t,e,P,r,p,B,N,j,U,m,v),e.layerClipId&&l.hideOutsideRangePoint(c,P.select("text"),w,L,f.xcalendar,f.ycalendar)}));var j=!1===f.cliponaxis;l.setClipUrl(c,j?null:e.layerClipId,t)}));c.getComponentMethod("errorbars","plot")(t,P,e,m)},toMoveInsideBar:C}},{"../../components/color":643,"../../components/drawing":665,"../../components/fx/helpers":679,"../../lib":778,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"../../registry":911,"./attributes":921,"./constants":923,"./helpers":927,"./style":935,"./uniform_text":937,d3:169,"fast-isnumeric":241}],933:[function(t,e,r){"use strict";function n(t,e,r,n,i){var a=e.c2p(n?t.s0:t.p0,!0),o=e.c2p(n?t.s1:t.p1,!0),s=r.c2p(n?t.p0:t.s0,!0),l=r.c2p(n?t.p1:t.s1,!0);return i?[(a+o)/2,(s+l)/2]:n?[o,(s+l)/2]:[(a+o)/2,l]}e.exports=function(t,e){var r,i=t.cd,a=t.xaxis,o=t.yaxis,s=i[0].trace,l="funnel"===s.type,c="h"===s.orientation,u=[];if(!1===e)for(r=0;r1||0===i.bargap&&0===i.bargroupgap&&!t[0].trace.marker.line.width)&&n.select(this).attr("shape-rendering","crispEdges")})),e.selectAll("g.points").each((function(e){d(n.select(this),e[0].trace,t)})),s.getComponentMethod("errorbars","style")(e)},styleTextPoints:g,styleOnSelect:function(t,e,r){var i=e[0].trace;i.selectedpoints?function(t,e,r){a.selectedPointStyle(t.selectAll("path"),e),function(t,e,r){t.each((function(t){var i,s=n.select(this);if(t.selected){i=o.ensureUniformFontSize(r,m(s,t,e,r));var l=e.selected.textfont&&e.selected.textfont.color;l&&(i.color=l),a.font(s,i)}else a.selectedTextStyle(s,e)}))}(t.selectAll("text"),e,r)}(r,i,t):(d(r,i,t),s.getComponentMethod("errorbars","style")(r))},getInsideTextFont:y,getOutsideTextFont:x,getBarColor:_,resizeText:l}},{"../../components/color":643,"../../components/drawing":665,"../../lib":778,"../../registry":911,"./attributes":921,"./helpers":927,"./uniform_text":937,d3:169}],936:[function(t,e,r){"use strict";var n=t("../../components/color"),i=t("../../components/colorscale/helpers").hasColorscale,a=t("../../components/colorscale/defaults");e.exports=function(t,e,r,o,s){r("marker.color",o),i(t,"marker")&&a(t,e,s,r,{prefix:"marker.",cLetter:"c"}),r("marker.line.color",n.defaultLine),i(t,"marker.line")&&a(t,e,s,r,{prefix:"marker.line.",cLetter:"c"}),r("marker.line.width"),r("marker.opacity"),r("selected.marker.color"),r("unselected.marker.color")}},{"../../components/color":643,"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654}],937:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib");function a(t){return"_"+t+"Text_minsize"}e.exports={recordMinTextSize:function(t,e,r){if(r.uniformtext.mode){var n=a(t),i=r.uniformtext.minsize,o=e.scale*e.fontSize;e.hide=oh.range[1]&&(x+=Math.PI);if(n.getClosest(c,(function(t){return g(y,x,[t.rp0,t.rp1],[t.thetag0,t.thetag1],d)?m+Math.min(1,Math.abs(t.thetag1-t.thetag0)/v)-1+(t.rp1-y)/(t.rp1-t.rp0)-1:1/0}),t),!1!==t.index){var b=c[t.index];t.x0=t.x1=b.ct[0],t.y0=t.y1=b.ct[1];var _=i.extendFlat({},b,{r:b.s,theta:b.p});return o(b,u,t),s(_,u,f,t),t.hovertemplate=u.hovertemplate,t.color=a(u,b),t.xLabelVal=t.yLabelVal=void 0,b.s<0&&(t.idealAlign="left"),[t]}}},{"../../components/fx":683,"../../lib":778,"../../plots/polar/helpers":893,"../bar/hover":928,"../scatterpolar/hover":1265}],942:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"barpolar",basePlotModule:t("../../plots/polar"),categories:["polar","bar","showLegend"],attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./calc").crossTraceCalc,plot:t("./plot"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("../scatterpolar/format_labels"),style:t("../bar/style").style,styleOnSelect:t("../bar/style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("../bar/select"),meta:{}}},{"../../plots/polar":894,"../bar/select":933,"../bar/style":935,"../scatter/marker_colorbar":1205,"../scatterpolar/format_labels":1264,"./attributes":938,"./calc":939,"./defaults":940,"./hover":941,"./layout_attributes":943,"./layout_defaults":944,"./plot":945}],943:[function(t,e,r){"use strict";e.exports={barmode:{valType:"enumerated",values:["stack","overlay"],dflt:"stack",editType:"calc"},bargap:{valType:"number",dflt:.1,min:0,max:1,editType:"calc"}}},{}],944:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e,r){var a,o={};function s(r,o){return n.coerce(t[a]||{},e[a],i,r,o)}for(var l=0;l0?(c=o,u=l):(c=l,u=o);var f=[s.findEnclosingVertexAngles(c,t.vangles)[0],(c+u)/2,s.findEnclosingVertexAngles(u,t.vangles)[1]];return s.pathPolygonAnnulus(n,i,c,u,f,e,r)};return function(t,n,i,o){return a.pathAnnulus(t,n,i,o,e,r)}}(e),p=e.layers.frontplot.select("g.barlayer");a.makeTraceGroups(p,r,"trace bars").each((function(){var r=n.select(this),s=a.ensureSingle(r,"g","points").selectAll("g.point").data(a.identity);s.enter().append("g").style("vector-effect","non-scaling-stroke").style("stroke-miterlimit",2).classed("point",!0),s.exit().remove(),s.each((function(t){var e,r=n.select(this),o=t.rp0=u.c2p(t.s0),s=t.rp1=u.c2p(t.s1),p=t.thetag0=f.c2g(t.p0),d=t.thetag1=f.c2g(t.p1);if(i(o)&&i(s)&&i(p)&&i(d)&&o!==s&&p!==d){var g=u.c2g(t.s1),m=(p+d)/2;t.ct=[l.c2p(g*Math.cos(m)),c.c2p(g*Math.sin(m))],e=h(o,s,p,d)}else e="M0,0Z";a.ensureSingle(r,"path").attr("d",e)})),o.setClipUrl(r,e._hasClipOnAxisFalse?e.clipIds.forTraces:null,t)}))}},{"../../components/drawing":665,"../../lib":778,"../../plots/polar/helpers":893,d3:169,"fast-isnumeric":241}],946:[function(t,e,r){"use strict";var n=t("../scatter/attributes"),i=t("../bar/attributes"),a=t("../../components/color/attributes"),o=t("../../plots/template_attributes").hovertemplateAttrs,s=t("../../lib/extend").extendFlat,l=n.marker,c=l.line;e.exports={y:{valType:"data_array",editType:"calc+clearAxisTypes"},x:{valType:"data_array",editType:"calc+clearAxisTypes"},x0:{valType:"any",editType:"calc+clearAxisTypes"},y0:{valType:"any",editType:"calc+clearAxisTypes"},dx:{valType:"number",editType:"calc"},dy:{valType:"number",editType:"calc"},xperiod:n.xperiod,yperiod:n.yperiod,xperiod0:n.xperiod0,yperiod0:n.yperiod0,xperiodalignment:n.xperiodalignment,yperiodalignment:n.yperiodalignment,name:{valType:"string",editType:"calc+clearAxisTypes"},q1:{valType:"data_array",editType:"calc+clearAxisTypes"},median:{valType:"data_array",editType:"calc+clearAxisTypes"},q3:{valType:"data_array",editType:"calc+clearAxisTypes"},lowerfence:{valType:"data_array",editType:"calc"},upperfence:{valType:"data_array",editType:"calc"},notched:{valType:"boolean",editType:"calc"},notchwidth:{valType:"number",min:0,max:.5,dflt:.25,editType:"calc"},notchspan:{valType:"data_array",editType:"calc"},boxpoints:{valType:"enumerated",values:["all","outliers","suspectedoutliers",!1],editType:"calc"},jitter:{valType:"number",min:0,max:1,editType:"calc"},pointpos:{valType:"number",min:-2,max:2,editType:"calc"},boxmean:{valType:"enumerated",values:[!0,"sd",!1],editType:"calc"},mean:{valType:"data_array",editType:"calc"},sd:{valType:"data_array",editType:"calc"},orientation:{valType:"enumerated",values:["v","h"],editType:"calc+clearAxisTypes"},quartilemethod:{valType:"enumerated",values:["linear","exclusive","inclusive"],dflt:"linear",editType:"calc"},width:{valType:"number",min:0,dflt:0,editType:"calc"},marker:{outliercolor:{valType:"color",dflt:"rgba(0, 0, 0, 0)",editType:"style"},symbol:s({},l.symbol,{arrayOk:!1,editType:"plot"}),opacity:s({},l.opacity,{arrayOk:!1,dflt:1,editType:"style"}),size:s({},l.size,{arrayOk:!1,editType:"calc"}),color:s({},l.color,{arrayOk:!1,editType:"style"}),line:{color:s({},c.color,{arrayOk:!1,dflt:a.defaultLine,editType:"style"}),width:s({},c.width,{arrayOk:!1,dflt:0,editType:"style"}),outliercolor:{valType:"color",editType:"style"},outlierwidth:{valType:"number",min:0,dflt:1,editType:"style"},editType:"style"},editType:"plot"},line:{color:{valType:"color",editType:"style"},width:{valType:"number",min:0,dflt:2,editType:"style"},editType:"plot"},fillcolor:n.fillcolor,whiskerwidth:{valType:"number",min:0,max:1,dflt:.5,editType:"calc"},offsetgroup:i.offsetgroup,alignmentgroup:i.alignmentgroup,selected:{marker:n.selected.marker,editType:"style"},unselected:{marker:n.unselected.marker,editType:"style"},text:s({},n.text,{}),hovertext:s({},n.hovertext,{}),hovertemplate:o({}),hoveron:{valType:"flaglist",flags:["boxes","points"],dflt:"boxes+points",editType:"style"}}},{"../../components/color/attributes":642,"../../lib/extend":768,"../../plots/template_attributes":906,"../bar/attributes":921,"../scatter/attributes":1187}],947:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../plots/cartesian/axes"),a=t("../../plots/cartesian/align_period"),o=t("../../lib"),s=t("../../constants/numerical").BADNUM,l=o._;e.exports=function(t,e){var r,c,y,x,b,_,w,T=t._fullLayout,k=i.getFromId(t,e.xaxis||"x"),M=i.getFromId(t,e.yaxis||"y"),A=[],S="violin"===e.type?"_numViolins":"_numBoxes";"h"===e.orientation?(y=k,x="x",b=M,_="y",w=!!e.yperiodalignment):(y=M,x="y",b=k,_="x",w=!!e.xperiodalignment);var E,C,L,I,P,z,O=function(t,e,r,i){var s,l=e+"0"in t,c="d"+e in t;if(e in t||l&&c){var u=r.makeCalcdata(t,e);return[a(t,r,e,u),u]}s=l?t[e+"0"]:"name"in t&&("category"===r.type||n(t.name)&&-1!==["linear","log"].indexOf(r.type)||o.isDateTime(t.name)&&"date"===r.type)?t.name:i;for(var f="multicategory"===r.type?r.r2c_just_indices(s):r.d2c(s,0,t[e+"calendar"]),h=t._length,p=new Array(h),d=0;dE.uf};if(e._hasPreCompStats){var U=e[x],V=function(t){return y.d2c((e[t]||[])[r])},q=1/0,H=-1/0;for(r=0;r=E.q1&&E.q3>=E.med){var Y=V("lowerfence");E.lf=Y!==s&&Y<=E.q1?Y:p(E,L,I);var W=V("upperfence");E.uf=W!==s&&W>=E.q3?W:d(E,L,I);var X=V("mean");E.mean=X!==s?X:I?o.mean(L,I):(E.q1+E.q3)/2;var Z=V("sd");E.sd=X!==s&&Z>=0?Z:I?o.stdev(L,I,E.mean):E.q3-E.q1,E.lo=g(E),E.uo=m(E);var J=V("notchspan");J=J!==s&&J>0?J:v(E,I),E.ln=E.med-J,E.un=E.med+J;var K=E.lf,Q=E.uf;e.boxpoints&&L.length&&(K=Math.min(K,L[0]),Q=Math.max(Q,L[I-1])),e.notched&&(K=Math.min(K,E.ln),Q=Math.max(Q,E.un)),E.min=K,E.max=Q}else{var $;o.warn(["Invalid input - make sure that q1 <= median <= q3","q1 = "+E.q1,"median = "+E.med,"q3 = "+E.q3].join("\n")),$=E.med!==s?E.med:E.q1!==s?E.q3!==s?(E.q1+E.q3)/2:E.q1:E.q3!==s?E.q3:0,E.med=$,E.q1=E.q3=$,E.lf=E.uf=$,E.mean=E.sd=$,E.ln=E.un=$,E.min=E.max=$}q=Math.min(q,E.min),H=Math.max(H,E.max),E.pts2=C.filter(j),A.push(E)}}e._extremes[y._id]=i.findExtremes(y,[q,H],{padded:!0})}else{var tt=y.makeCalcdata(e,x),et=function(t,e){for(var r=t.length,n=new Array(r+1),i=0;i=0&&it0){var ut,ft;if((E={}).pos=E[_]=B[r],C=E.pts=nt[r].sort(f),I=(L=E[x]=C.map(h)).length,E.min=L[0],E.max=L[I-1],E.mean=o.mean(L,I),E.sd=o.stdev(L,I,E.mean),E.med=o.interp(L,.5),I%2&&(lt||ct))lt?(ut=L.slice(0,I/2),ft=L.slice(I/2+1)):ct&&(ut=L.slice(0,I/2+1),ft=L.slice(I/2)),E.q1=o.interp(ut,.5),E.q3=o.interp(ft,.5);else E.q1=o.interp(L,.25),E.q3=o.interp(L,.75);E.lf=p(E,L,I),E.uf=d(E,L,I),E.lo=g(E),E.uo=m(E);var ht=v(E,I);E.ln=E.med-ht,E.un=E.med+ht,at=Math.min(at,E.ln),ot=Math.max(ot,E.un),E.pts2=C.filter(j),A.push(E)}e._extremes[y._id]=i.findExtremes(y,e.notched?tt.concat([at,ot]):tt,{padded:!0})}return function(t,e){if(o.isArrayOrTypedArray(e.selectedpoints))for(var r=0;r0?(A[0].t={num:T[S],dPos:N,posLetter:_,valLetter:x,labels:{med:l(t,"median:"),min:l(t,"min:"),q1:l(t,"q1:"),q3:l(t,"q3:"),max:l(t,"max:"),mean:"sd"===e.boxmean?l(t,"mean \xb1 \u03c3:"):l(t,"mean:"),lf:l(t,"lower fence:"),uf:l(t,"upper fence:")}},T[S]++,A):[{t:{empty:!0}}]};var c={text:"tx",hovertext:"htx"};function u(t,e,r){for(var n in c)o.isArrayOrTypedArray(e[n])&&(Array.isArray(r)?o.isArrayOrTypedArray(e[n][r[0]])&&(t[c[n]]=e[n][r[0]][r[1]]):t[c[n]]=e[n][r])}function f(t,e){return t.v-e.v}function h(t){return t.v}function p(t,e,r){return 0===r?t.q1:Math.min(t.q1,e[Math.min(o.findBin(2.5*t.q1-1.5*t.q3,e,!0)+1,r-1)])}function d(t,e,r){return 0===r?t.q3:Math.max(t.q3,e[Math.max(o.findBin(2.5*t.q3-1.5*t.q1,e),0)])}function g(t){return 4*t.q1-3*t.q3}function m(t){return 4*t.q3-3*t.q1}function v(t,e){return 0===e?0:1.57*(t.q3-t.q1)/Math.sqrt(e)}},{"../../constants/numerical":753,"../../lib":778,"../../plots/cartesian/align_period":825,"../../plots/cartesian/axes":828,"fast-isnumeric":241}],948:[function(t,e,r){"use strict";var n=t("../../plots/cartesian/axes"),i=t("../../lib"),a=t("../../plots/cartesian/constraints").getAxisGroup,o=["v","h"];function s(t,e,r,o){var s,l,c,u=e.calcdata,f=e._fullLayout,h=o._id,p=h.charAt(0),d=[],g=0;for(s=0;s1,b=1-f[t+"gap"],_=1-f[t+"groupgap"];for(s=0;s0){var H=E.pointpos,G=E.jitter,Y=E.marker.size/2,W=0;H+G>=0&&((W=V*(H+G))>A?(q=!0,j=Y,B=W):W>R&&(j=Y,B=A)),W<=A&&(B=A);var X=0;H-G<=0&&((X=-V*(H-G))>S?(q=!0,U=Y,N=X):X>F&&(U=Y,N=S)),X<=S&&(N=S)}else B=A,N=S;var Z=new Array(c.length);for(l=0;l0?(m="v",v=x>0?Math.min(_,b):Math.min(b)):x>0?(m="h",v=Math.min(_)):v=0;if(v){e._length=v;var S=r("orientation",m);e._hasPreCompStats?"v"===S&&0===x?(r("x0",0),r("dx",1)):"h"===S&&0===y&&(r("y0",0),r("dy",1)):"v"===S&&0===x?r("x0"):"h"===S&&0===y&&r("y0"),i.getComponentMethod("calendars","handleTraceDefaults")(t,e,["x","y"],a)}else e.visible=!1}function f(t,e,r,i){var a=i.prefix,o=n.coerce2(t,e,c,"marker.outliercolor"),s=r("marker.line.outliercolor"),l="outliers";e._hasPreCompStats?l="all":(o||s)&&(l="suspectedoutliers");var u=r(a+"points",l);u?(r("jitter","all"===u?.3:0),r("pointpos","all"===u?-1.5:0),r("marker.symbol"),r("marker.opacity"),r("marker.size"),r("marker.color",e.line.color),r("marker.line.color"),r("marker.line.width"),"suspectedoutliers"===u&&(r("marker.line.outliercolor",e.marker.color),r("marker.line.outlierwidth")),r("selected.marker.color"),r("unselected.marker.color"),r("selected.marker.size"),r("unselected.marker.size"),r("text"),r("hovertext")):delete e.marker;var f=r("hoveron");"all"!==f&&-1===f.indexOf("points")||r("hovertemplate"),n.coerceSelectionMarkerOpacity(e,r)}e.exports={supplyDefaults:function(t,e,r,i){function s(r,i){return n.coerce(t,e,c,r,i)}if(u(t,e,s,i),!1!==e.visible){o(t,e,i,s);var l=e._hasPreCompStats;l&&(s("lowerfence"),s("upperfence")),s("line.color",(t.marker||{}).color||r),s("line.width"),s("fillcolor",a.addOpacity(e.line.color,.5));var h=!1;if(l){var p=s("mean"),d=s("sd");p&&p.length&&(h=!0,d&&d.length&&(h="sd"))}s("boxmean",h),s("whiskerwidth"),s("width"),s("quartilemethod");var g=!1;if(l){var m=s("notchspan");m&&m.length&&(g=!0)}else n.validate(t.notchwidth,c.notchwidth)&&(g=!0);s("notched",g)&&s("notchwidth"),f(t,e,s,{prefix:"box"})}},crossTraceDefaults:function(t,e){var r,i;function a(t){return n.coerce(i._input,i,c,t)}for(var o=0;ot.lo&&(x.so=!0)}return a}));h.enter().append("path").classed("point",!0),h.exit().remove(),h.call(a.translatePoints,o,s)}function l(t,e,r,a){var o,s,l=e.val,c=e.pos,u=!!c.rangebreaks,f=a.bPos,h=a.bPosPxOffset||0,p=r.boxmean||(r.meanline||{}).visible;Array.isArray(a.bdPos)?(o=a.bdPos[0],s=a.bdPos[1]):(o=a.bdPos,s=a.bdPos);var d=t.selectAll("path.mean").data("box"===r.type&&r.boxmean||"violin"===r.type&&r.box.visible&&r.meanline.visible?i.identity:[]);d.enter().append("path").attr("class","mean").style({fill:"none","vector-effect":"non-scaling-stroke"}),d.exit().remove(),d.each((function(t){var e=c.c2l(t.pos+f,!0),i=c.l2p(e-o)+h,a=c.l2p(e+s)+h,d=u?(i+a)/2:c.l2p(e)+h,g=l.c2p(t.mean,!0),m=l.c2p(t.mean-t.sd,!0),v=l.c2p(t.mean+t.sd,!0);"h"===r.orientation?n.select(this).attr("d","M"+g+","+i+"V"+a+("sd"===p?"m0,0L"+m+","+d+"L"+g+","+i+"L"+v+","+d+"Z":"")):n.select(this).attr("d","M"+i+","+g+"H"+a+("sd"===p?"m0,0L"+d+","+m+"L"+i+","+g+"L"+d+","+v+"Z":""))}))}e.exports={plot:function(t,e,r,a){var c=e.xaxis,u=e.yaxis;i.makeTraceGroups(a,r,"trace boxes").each((function(t){var e,r,i=n.select(this),a=t[0],f=a.t,h=a.trace;(f.wdPos=f.bdPos*h.whiskerwidth,!0!==h.visible||f.empty)?i.remove():("h"===h.orientation?(e=u,r=c):(e=c,r=u),o(i,{pos:e,val:r},h,f),s(i,{x:c,y:u},h,f),l(i,{pos:e,val:r},h,f))}))},plotBoxAndWhiskers:o,plotPoints:s,plotBoxMean:l}},{"../../components/drawing":665,"../../lib":778,d3:169}],956:[function(t,e,r){"use strict";e.exports=function(t,e){var r,n,i=t.cd,a=t.xaxis,o=t.yaxis,s=[];if(!1===e)for(r=0;r=10)return null;for(var i=1/0,a=-1/0,o=e.length,s=0;s0?Math.floor:Math.ceil,P=C>0?Math.ceil:Math.floor,z=C>0?Math.min:Math.max,O=C>0?Math.max:Math.min,D=I(S+L),R=P(E-L),F=[[f=A(S)]];for(a=D;a*C=0;i--)a[u-i]=t[f][i],o[u-i]=e[f][i];for(s.push({x:a,y:o,bicubic:l}),i=f,a=[],o=[];i>=0;i--)a[f-i]=t[i][0],o[f-i]=e[i][0];return s.push({x:a,y:o,bicubic:c}),s}},{}],970:[function(t,e,r){"use strict";var n=t("../../plots/cartesian/axes"),i=t("../../lib/extend").extendFlat;e.exports=function(t,e,r){var a,o,s,l,c,u,f,h,p,d,g,m,v,y,x=t["_"+e],b=t[e+"axis"],_=b._gridlines=[],w=b._minorgridlines=[],T=b._boundarylines=[],k=t["_"+r],M=t[r+"axis"];"array"===b.tickmode&&(b.tickvals=x.slice());var A=t._xctrl,S=t._yctrl,E=A[0].length,C=A.length,L=t._a.length,I=t._b.length;n.prepTicks(b),"array"===b.tickmode&&delete b.tickvals;var P=b.smoothing?3:1;function z(n){var i,a,o,s,l,c,u,f,p,d,g,m,v=[],y=[],x={};if("b"===e)for(a=t.b2j(n),o=Math.floor(Math.max(0,Math.min(I-2,a))),s=a-o,x.length=I,x.crossLength=L,x.xy=function(e){return t.evalxy([],e,a)},x.dxy=function(e,r){return t.dxydi([],e,o,r,s)},i=0;i0&&(p=t.dxydi([],i-1,o,0,s),v.push(l[0]+p[0]/3),y.push(l[1]+p[1]/3),d=t.dxydi([],i-1,o,1,s),v.push(f[0]-d[0]/3),y.push(f[1]-d[1]/3)),v.push(f[0]),y.push(f[1]),l=f;else for(i=t.a2i(n),c=Math.floor(Math.max(0,Math.min(L-2,i))),u=i-c,x.length=L,x.crossLength=I,x.xy=function(e){return t.evalxy([],i,e)},x.dxy=function(e,r){return t.dxydj([],c,e,u,r)},a=0;a0&&(g=t.dxydj([],c,a-1,u,0),v.push(l[0]+g[0]/3),y.push(l[1]+g[1]/3),m=t.dxydj([],c,a-1,u,1),v.push(f[0]-m[0]/3),y.push(f[1]-m[1]/3)),v.push(f[0]),y.push(f[1]),l=f;return x.axisLetter=e,x.axis=b,x.crossAxis=M,x.value=n,x.constvar=r,x.index=h,x.x=v,x.y=y,x.smoothing=M.smoothing,x}function O(n){var i,a,o,s,l,c=[],u=[],f={};if(f.length=x.length,f.crossLength=k.length,"b"===e)for(o=Math.max(0,Math.min(I-2,n)),l=Math.min(1,Math.max(0,n-o)),f.xy=function(e){return t.evalxy([],e,n)},f.dxy=function(e,r){return t.dxydi([],e,o,r,l)},i=0;ix.length-1||_.push(i(O(o),{color:b.gridcolor,width:b.gridwidth}));for(h=u;hx.length-1||g<0||g>x.length-1))for(m=x[s],v=x[g],a=0;ax[x.length-1]||w.push(i(z(d),{color:b.minorgridcolor,width:b.minorgridwidth}));b.startline&&T.push(i(O(0),{color:b.startlinecolor,width:b.startlinewidth})),b.endline&&T.push(i(O(x.length-1),{color:b.endlinecolor,width:b.endlinewidth}))}else{for(l=5e-15,u=(c=[Math.floor((x[x.length-1]-b.tick0)/b.dtick*(1+l)),Math.ceil((x[0]-b.tick0)/b.dtick/(1+l))].sort((function(t,e){return t-e})))[0],f=c[1],h=u;h<=f;h++)p=b.tick0+b.dtick*h,_.push(i(z(p),{color:b.gridcolor,width:b.gridwidth}));for(h=u-1;hx[x.length-1]||w.push(i(z(d),{color:b.minorgridcolor,width:b.minorgridwidth}));b.startline&&T.push(i(z(x[0]),{color:b.startlinecolor,width:b.startlinewidth})),b.endline&&T.push(i(z(x[x.length-1]),{color:b.endlinecolor,width:b.endlinewidth}))}}},{"../../lib/extend":768,"../../plots/cartesian/axes":828}],971:[function(t,e,r){"use strict";var n=t("../../plots/cartesian/axes"),i=t("../../lib/extend").extendFlat;e.exports=function(t,e){var r,a,o,s=e._labels=[],l=e._gridlines;for(r=0;re.length&&(t=t.slice(0,e.length)):t=[],i=0;i90&&(p-=180,l=-l),{angle:p,flip:l,p:t.c2p(n,e,r),offsetMultplier:c}}},{}],985:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/drawing"),a=t("./map_1d_array"),o=t("./makepath"),s=t("./orient_text"),l=t("../../lib/svg_text_utils"),c=t("../../lib"),u=c.strRotate,f=c.strTranslate,h=t("../../constants/alignment");function p(t,e,r,i,s,l){var c="const-"+s+"-lines",u=r.selectAll("."+c).data(l);u.enter().append("path").classed(c,!0).style("vector-effect","non-scaling-stroke"),u.each((function(r){var i=r,s=i.x,l=i.y,c=a([],s,t.c2p),u=a([],l,e.c2p),f="M"+o(c,u,i.smoothing);n.select(this).attr("d",f).style("stroke-width",i.width).style("stroke",i.color).style("fill","none")})),u.exit().remove()}function d(t,e,r,a,o,c,h,p){var d=c.selectAll("text."+p).data(h);d.enter().append("text").classed(p,!0);var g=0,m={};return d.each((function(o,c){var h;if("auto"===o.axis.tickangle)h=s(a,e,r,o.xy,o.dxy);else{var p=(o.axis.tickangle+180)*Math.PI/180;h=s(a,e,r,o.xy,[Math.cos(p),Math.sin(p)])}c||(m={angle:h.angle,flip:h.flip});var d=(o.endAnchor?-1:1)*h.flip,v=n.select(this).attr({"text-anchor":d>0?"start":"end","data-notex":1}).call(i.font,o.font).text(o.text).call(l.convertToTspans,t),y=i.bBox(this);v.attr("transform",f(h.p[0],h.p[1])+u(h.angle)+f(o.axis.labelpadding*d,.3*y.height)),g=Math.max(g,y.width+o.axis.labelpadding)})),d.exit().remove(),m.maxExtent=g,m}e.exports=function(t,e,r,i){var l=e.xaxis,u=e.yaxis,f=t._fullLayout._clips;c.makeTraceGroups(i,r,"trace").each((function(e){var r=n.select(this),i=e[0],h=i.trace,g=h.aaxis,m=h.baxis,y=c.ensureSingle(r,"g","minorlayer"),x=c.ensureSingle(r,"g","majorlayer"),b=c.ensureSingle(r,"g","boundarylayer"),_=c.ensureSingle(r,"g","labellayer");r.style("opacity",h.opacity),p(l,u,x,g,"a",g._gridlines),p(l,u,x,m,"b",m._gridlines),p(l,u,y,g,"a",g._minorgridlines),p(l,u,y,m,"b",m._minorgridlines),p(l,u,b,g,"a-boundary",g._boundarylines),p(l,u,b,m,"b-boundary",m._boundarylines);var w=d(t,l,u,h,i,_,g._labels,"a-label"),T=d(t,l,u,h,i,_,m._labels,"b-label");!function(t,e,r,n,i,a,o,l){var u,f,h,p,d=c.aggNums(Math.min,null,r.a),g=c.aggNums(Math.max,null,r.a),m=c.aggNums(Math.min,null,r.b),y=c.aggNums(Math.max,null,r.b);u=.5*(d+g),f=m,h=r.ab2xy(u,f,!0),p=r.dxyda_rough(u,f),void 0===o.angle&&c.extendFlat(o,s(r,i,a,h,r.dxydb_rough(u,f)));v(t,e,r,n,h,p,r.aaxis,i,a,o,"a-title"),u=d,f=.5*(m+y),h=r.ab2xy(u,f,!0),p=r.dxydb_rough(u,f),void 0===l.angle&&c.extendFlat(l,s(r,i,a,h,r.dxyda_rough(u,f)));v(t,e,r,n,h,p,r.baxis,i,a,l,"b-title")}(t,_,h,i,l,u,w,T),function(t,e,r,n,i){var s,l,u,f,h=r.select("#"+t._clipPathId);h.size()||(h=r.append("clipPath").classed("carpetclip",!0));var p=c.ensureSingle(h,"path","carpetboundary"),d=e.clipsegments,g=[];for(f=0;f90&&y<270,b=n.select(this);b.text(h.title.text).call(l.convertToTspans,t),x&&(_=(-l.lineCount(b)+m)*g*a-_),b.attr("transform",f(e.p[0],e.p[1])+u(e.angle)+f(0,_)).attr("text-anchor","middle").call(i.font,h.title.font)})),b.exit().remove()}},{"../../components/drawing":665,"../../constants/alignment":745,"../../lib":778,"../../lib/svg_text_utils":803,"./makepath":982,"./map_1d_array":983,"./orient_text":984,d3:169}],986:[function(t,e,r){"use strict";var n=t("./constants"),i=t("../../lib/search").findBin,a=t("./compute_control_points"),o=t("./create_spline_evaluator"),s=t("./create_i_derivative_evaluator"),l=t("./create_j_derivative_evaluator");e.exports=function(t){var e=t._a,r=t._b,c=e.length,u=r.length,f=t.aaxis,h=t.baxis,p=e[0],d=e[c-1],g=r[0],m=r[u-1],v=e[e.length-1]-e[0],y=r[r.length-1]-r[0],x=v*n.RELATIVE_CULL_TOLERANCE,b=y*n.RELATIVE_CULL_TOLERANCE;p-=x,d+=x,g-=b,m+=b,t.isVisible=function(t,e){return t>p&&tg&&ed||em},t.setScale=function(){var e=t._x,r=t._y,n=a(t._xctrl,t._yctrl,e,r,f.smoothing,h.smoothing);t._xctrl=n[0],t._yctrl=n[1],t.evalxy=o([t._xctrl,t._yctrl],c,u,f.smoothing,h.smoothing),t.dxydi=s([t._xctrl,t._yctrl],f.smoothing,h.smoothing),t.dxydj=l([t._xctrl,t._yctrl],f.smoothing,h.smoothing)},t.i2a=function(t){var r=Math.max(0,Math.floor(t[0]),c-2),n=t[0]-r;return(1-n)*e[r]+n*e[r+1]},t.j2b=function(t){var e=Math.max(0,Math.floor(t[1]),c-2),n=t[1]-e;return(1-n)*r[e]+n*r[e+1]},t.ij2ab=function(e){return[t.i2a(e[0]),t.j2b(e[1])]},t.a2i=function(t){var r=Math.max(0,Math.min(i(t,e),c-2)),n=e[r],a=e[r+1];return Math.max(0,Math.min(c-1,r+(t-n)/(a-n)))},t.b2j=function(t){var e=Math.max(0,Math.min(i(t,r),u-2)),n=r[e],a=r[e+1];return Math.max(0,Math.min(u-1,e+(t-n)/(a-n)))},t.ab2ij=function(e){return[t.a2i(e[0]),t.b2j(e[1])]},t.i2c=function(e,r){return t.evalxy([],e,r)},t.ab2xy=function(n,i,a){if(!a&&(ne[c-1]|ir[u-1]))return[!1,!1];var o=t.a2i(n),s=t.b2j(i),l=t.evalxy([],o,s);if(a){var f,h,p,d,g=0,m=0,v=[];ne[c-1]?(f=c-2,h=1,g=(n-e[c-1])/(e[c-1]-e[c-2])):h=o-(f=Math.max(0,Math.min(c-2,Math.floor(o)))),ir[u-1]?(p=u-2,d=1,m=(i-r[u-1])/(r[u-1]-r[u-2])):d=s-(p=Math.max(0,Math.min(u-2,Math.floor(s)))),g&&(t.dxydi(v,f,p,h,d),l[0]+=v[0]*g,l[1]+=v[1]*g),m&&(t.dxydj(v,f,p,h,d),l[0]+=v[0]*m,l[1]+=v[1]*m)}return l},t.c2p=function(t,e,r){return[e.c2p(t[0]),r.c2p(t[1])]},t.p2x=function(t,e,r){return[e.p2c(t[0]),r.p2c(t[1])]},t.dadi=function(t){var r=Math.max(0,Math.min(e.length-2,t));return e[r+1]-e[r]},t.dbdj=function(t){var e=Math.max(0,Math.min(r.length-2,t));return r[e+1]-r[e]},t.dxyda=function(e,r,n,i){var a=t.dxydi(null,e,r,n,i),o=t.dadi(e,n);return[a[0]/o,a[1]/o]},t.dxydb=function(e,r,n,i){var a=t.dxydj(null,e,r,n,i),o=t.dbdj(r,i);return[a[0]/o,a[1]/o]},t.dxyda_rough=function(e,r,n){var i=v*(n||.1),a=t.ab2xy(e+i,r,!0),o=t.ab2xy(e-i,r,!0);return[.5*(a[0]-o[0])/i,.5*(a[1]-o[1])/i]},t.dxydb_rough=function(e,r,n){var i=y*(n||.1),a=t.ab2xy(e,r+i,!0),o=t.ab2xy(e,r-i,!0);return[.5*(a[0]-o[0])/i,.5*(a[1]-o[1])/i]},t.dpdx=function(t){return t._m},t.dpdy=function(t){return t._m}}},{"../../lib/search":798,"./compute_control_points":974,"./constants":975,"./create_i_derivative_evaluator":976,"./create_j_derivative_evaluator":977,"./create_spline_evaluator":978}],987:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t,e,r){var i,a,o,s=[],l=[],c=t[0].length,u=t.length;function f(e,r){var n,i=0,a=0;return e>0&&void 0!==(n=t[r][e-1])&&(a++,i+=n),e0&&void 0!==(n=t[r-1][e])&&(a++,i+=n),r0&&a0&&i1e-5);return n.log("Smoother converged to",k,"after",M,"iterations"),t}},{"../../lib":778}],988:[function(t,e,r){"use strict";var n=t("../../lib").isArray1D;e.exports=function(t,e,r){var i=r("x"),a=i&&i.length,o=r("y"),s=o&&o.length;if(!a&&!s)return!1;if(e._cheater=!i,a&&!n(i)||s&&!n(o))e._length=null;else{var l=a?i.length:1/0;s&&(l=Math.min(l,o.length)),e.a&&e.a.length&&(l=Math.min(l,e.a.length)),e.b&&e.b.length&&(l=Math.min(l,e.b.length)),e._length=l}return!0}},{"../../lib":778}],989:[function(t,e,r){"use strict";var n=t("../../plots/template_attributes").hovertemplateAttrs,i=t("../scattergeo/attributes"),a=t("../../components/colorscale/attributes"),o=t("../../plots/attributes"),s=t("../../components/color/attributes").defaultLine,l=t("../../lib/extend").extendFlat,c=i.marker.line;e.exports=l({locations:{valType:"data_array",editType:"calc"},locationmode:i.locationmode,z:{valType:"data_array",editType:"calc"},geojson:l({},i.geojson,{}),featureidkey:i.featureidkey,text:l({},i.text,{}),hovertext:l({},i.hovertext,{}),marker:{line:{color:l({},c.color,{dflt:s}),width:l({},c.width,{dflt:1}),editType:"calc"},opacity:{valType:"number",arrayOk:!0,min:0,max:1,dflt:1,editType:"style"},editType:"calc"},selected:{marker:{opacity:i.selected.marker.opacity,editType:"plot"},editType:"plot"},unselected:{marker:{opacity:i.unselected.marker.opacity,editType:"plot"},editType:"plot"},hoverinfo:l({},o.hoverinfo,{editType:"calc",flags:["location","z","text","name"]}),hovertemplate:n(),showlegend:l({},o.showlegend,{dflt:!1})},a("",{cLetter:"z",editTypeOverride:"calc"}))},{"../../components/color/attributes":642,"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../scattergeo/attributes":1229}],990:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../constants/numerical").BADNUM,a=t("../../components/colorscale/calc"),o=t("../scatter/arrays_to_calcdata"),s=t("../scatter/calc_selection");function l(t){return t&&"string"==typeof t}e.exports=function(t,e){var r,c=e._length,u=new Array(c);r=e.geojson?function(t){return l(t)||n(t)}:l;for(var f=0;f")}(t,f,o),[t]}},{"../../lib":778,"../../plots/cartesian/axes":828,"./attributes":989}],994:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../heatmap/colorbar"),calc:t("./calc"),calcGeoJSON:t("./plot").calcGeoJSON,plot:t("./plot").plot,style:t("./style").style,styleOnSelect:t("./style").styleOnSelect,hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("./select"),moduleType:"trace",name:"choropleth",basePlotModule:t("../../plots/geo"),categories:["geo","noOpacity","showLegend"],meta:{}}},{"../../plots/geo":860,"../heatmap/colorbar":1068,"./attributes":989,"./calc":990,"./defaults":991,"./event_data":992,"./hover":993,"./plot":995,"./select":996,"./style":997}],995:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../lib/geo_location_utils"),o=t("../../lib/topojson_utils").getTopojsonFeatures,s=t("../../plots/cartesian/autorange").findExtremes,l=t("./style").style;e.exports={calcGeoJSON:function(t,e){for(var r=t[0].trace,n=e[r.geo],i=n._subplot,l=r.locationmode,c=r._length,u="geojson-id"===l?a.extractTraceFeature(t):o(r,i.topojson),f=[],h=[],p=0;p=0;n--){var i=r[n].id;if("string"==typeof i&&0===i.indexOf("water"))for(var a=n+1;a=0;r--)t.removeLayer(e[r][1])},s.dispose=function(){var t=this.subplot.map;this._removeLayers(),t.removeSource(this.sourceId)},e.exports=function(t,e){var r=e[0].trace,i=new o(t,r.uid),a=i.sourceId,s=n(e),l=i.below=t.belowLookup["trace-"+r.uid];return t.map.addSource(a,{type:"geojson",data:s.geojson}),i._addLayers(s,l),e[0].trace._glTrace=i,i}},{"../../plots/mapbox/constants":883,"./convert":999}],1003:[function(t,e,r){"use strict";var n=t("../../components/colorscale/attributes"),i=t("../../plots/template_attributes").hovertemplateAttrs,a=t("../mesh3d/attributes"),o=t("../../plots/attributes"),s=t("../../lib/extend").extendFlat,l={x:{valType:"data_array",editType:"calc+clearAxisTypes"},y:{valType:"data_array",editType:"calc+clearAxisTypes"},z:{valType:"data_array",editType:"calc+clearAxisTypes"},u:{valType:"data_array",editType:"calc"},v:{valType:"data_array",editType:"calc"},w:{valType:"data_array",editType:"calc"},sizemode:{valType:"enumerated",values:["scaled","absolute"],editType:"calc",dflt:"scaled"},sizeref:{valType:"number",editType:"calc",min:0},anchor:{valType:"enumerated",editType:"calc",values:["tip","tail","cm","center"],dflt:"cm"},text:{valType:"string",dflt:"",arrayOk:!0,editType:"calc"},hovertext:{valType:"string",dflt:"",arrayOk:!0,editType:"calc"},hovertemplate:i({editType:"calc"},{keys:["norm"]}),showlegend:s({},o.showlegend,{dflt:!1})};s(l,n("",{colorAttr:"u/v/w norm",showScaleDflt:!0,editTypeOverride:"calc"}));["opacity","lightposition","lighting"].forEach((function(t){l[t]=a[t]})),l.hoverinfo=s({},o.hoverinfo,{editType:"calc",flags:["x","y","z","u","v","w","norm","text","name"],dflt:"x+y+z+norm+text+name"}),l.transforms=void 0,e.exports=l},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../mesh3d/attributes":1128}],1004:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc");e.exports=function(t,e){for(var r=e.u,i=e.v,a=e.w,o=Math.min(e.x.length,e.y.length,e.z.length,r.length,i.length,a.length),s=-1/0,l=1/0,c=0;co.level||o.starts.length&&a===o.level)}break;case"constraint":if(n.prefixBoundary=!1,n.edgepaths.length)return;var s=n.x.length,l=n.y.length,c=-1/0,u=1/0;for(r=0;r":p>c&&(n.prefixBoundary=!0);break;case"<":(pc||n.starts.length&&h===u)&&(n.prefixBoundary=!0);break;case"][":f=Math.min(p[0],p[1]),h=Math.max(p[0],p[1]),fc&&(n.prefixBoundary=!0)}}}},{}],1011:[function(t,e,r){"use strict";var n=t("../../components/colorscale"),i=t("./make_color_map"),a=t("./end_plus");e.exports={min:"zmin",max:"zmax",calc:function(t,e,r){var o=e.contours,s=e.line,l=o.size||1,c=o.coloring,u=i(e,{isColorbar:!0});if("heatmap"===c){var f=n.extractOpts(e);r._fillgradient=f.reversescale?n.flipScale(f.colorscale):f.colorscale,r._zrange=[f.min,f.max]}else"fill"===c&&(r._fillcolor=u);r._line={color:"lines"===c?u:s.color,width:!1!==o.showlines?s.width:0,dash:s.dash},r._levels={start:o.start,end:a(o),size:l}}}},{"../../components/colorscale":655,"./end_plus":1019,"./make_color_map":1024}],1012:[function(t,e,r){"use strict";e.exports={BOTTOMSTART:[1,9,13,104,713],TOPSTART:[4,6,7,104,713],LEFTSTART:[8,12,14,208,1114],RIGHTSTART:[2,3,11,208,1114],NEWDELTA:[null,[-1,0],[0,-1],[-1,0],[1,0],null,[0,-1],[-1,0],[0,1],[0,1],null,[0,1],[1,0],[1,0],[0,-1]],CHOOSESADDLE:{104:[4,1],208:[2,8],713:[7,13],1114:[11,14]},SADDLEREMAINDER:{1:4,2:8,4:1,7:13,8:2,11:14,13:7,14:11},LABELDISTANCE:2,LABELINCREASE:10,LABELMIN:3,LABELMAX:10,LABELOPTIMIZER:{EDGECOST:1,ANGLECOST:1,NEIGHBORCOST:5,SAMELEVELFACTOR:10,SAMELEVELDISTANCE:5,MAXCOST:100,INITIALSEARCHPOINTS:10,ITERATIONS:5}}},{}],1013:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("./label_defaults"),a=t("../../components/color"),o=a.addOpacity,s=a.opacity,l=t("../../constants/filter_ops"),c=l.CONSTRAINT_REDUCTION,u=l.COMPARISON_OPS2;e.exports=function(t,e,r,a,l,f){var h,p,d,g=e.contours,m=r("contours.operation");(g._operation=c[m],function(t,e){var r;-1===u.indexOf(e.operation)?(t("contours.value",[0,1]),Array.isArray(e.value)?e.value.length>2?e.value=e.value.slice(2):0===e.length?e.value=[0,1]:e.length<2?(r=parseFloat(e.value[0]),e.value=[r,r+1]):e.value=[parseFloat(e.value[0]),parseFloat(e.value[1])]:n(e.value)&&(r=parseFloat(e.value),e.value=[r,r+1])):(t("contours.value",0),n(e.value)||(Array.isArray(e.value)?e.value=parseFloat(e.value[0]):e.value=0))}(r,g),"="===m?h=g.showlines=!0:(h=r("contours.showlines"),d=r("fillcolor",o((t.line||{}).color||l,.5))),h)&&(p=r("line.color",d&&s(d)?o(e.fillcolor,1):l),r("line.width",2),r("line.dash"));r("line.smoothing"),i(r,a,p,f)}},{"../../components/color":643,"../../constants/filter_ops":749,"./label_defaults":1023,"fast-isnumeric":241}],1014:[function(t,e,r){"use strict";var n=t("../../constants/filter_ops"),i=t("fast-isnumeric");function a(t,e){var r,a=Array.isArray(e);function o(t){return i(t)?+t:null}return-1!==n.COMPARISON_OPS2.indexOf(t)?r=o(a?e[0]:e):-1!==n.INTERVAL_OPS.indexOf(t)?r=a?[o(e[0]),o(e[1])]:[o(e),o(e)]:-1!==n.SET_OPS.indexOf(t)&&(r=a?e.map(o):[o(e)]),r}function o(t){return function(e){e=a(t,e);var r=Math.min(e[0],e[1]),n=Math.max(e[0],e[1]);return{start:r,end:n,size:n-r}}}function s(t){return function(e){return{start:e=a(t,e),end:1/0,size:1/0}}}e.exports={"[]":o("[]"),"][":o("]["),">":s(">"),"<":s("<"),"=":s("=")}},{"../../constants/filter_ops":749,"fast-isnumeric":241}],1015:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){var i=n("contours.start"),a=n("contours.end"),o=!1===i||!1===a,s=r("contours.size");!(o?e.autocontour=!0:r("autocontour",!1))&&s||r("ncontours")}},{}],1016:[function(t,e,r){"use strict";var n=t("../../lib");function i(t){return n.extendFlat({},t,{edgepaths:n.extendDeep([],t.edgepaths),paths:n.extendDeep([],t.paths),starts:n.extendDeep([],t.starts)})}e.exports=function(t,e){var r,a,o,s=function(t){return t.reverse()},l=function(t){return t};switch(e){case"=":case"<":return t;case">":for(1!==t.length&&n.warn("Contour data invalid for the specified inequality operation."),a=t[0],r=0;r1e3){n.warn("Too many contours, clipping at 1000",t);break}return l}},{"../../lib":778,"./constraint_mapping":1014,"./end_plus":1019}],1019:[function(t,e,r){"use strict";e.exports=function(t){return t.end+t.size/1e6}},{}],1020:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./constants");function a(t,e,r,n){return Math.abs(t[0]-e[0])20&&e?208===t||1114===t?n=0===r[0]?1:-1:a=0===r[1]?1:-1:-1!==i.BOTTOMSTART.indexOf(t)?a=1:-1!==i.LEFTSTART.indexOf(t)?n=1:-1!==i.TOPSTART.indexOf(t)?a=-1:n=-1;return[n,a]}(f,r,e),p=[s(t,e,[-h[0],-h[1]])],d=t.z.length,g=t.z[0].length,m=e.slice(),v=h.slice();for(c=0;c<1e4;c++){if(f>20?(f=i.CHOOSESADDLE[f][(h[0]||h[1])<0?0:1],t.crossings[u]=i.SADDLEREMAINDER[f]):delete t.crossings[u],!(h=i.NEWDELTA[f])){n.log("Found bad marching index:",f,e,t.level);break}p.push(s(t,e,h)),e[0]+=h[0],e[1]+=h[1],u=e.join(","),a(p[p.length-1],p[p.length-2],o,l)&&p.pop();var y=h[0]&&(e[0]<0||e[0]>g-2)||h[1]&&(e[1]<0||e[1]>d-2);if(e[0]===m[0]&&e[1]===m[1]&&h[0]===v[0]&&h[1]===v[1]||r&&y)break;f=t.crossings[u]}1e4===c&&n.log("Infinite loop in contour?");var x,b,_,w,T,k,M,A,S,E,C,L,I,P,z,O=a(p[0],p[p.length-1],o,l),D=0,R=.2*t.smoothing,F=[],B=0;for(c=1;c=B;c--)if((x=F[c])=B&&x+F[b]A&&S--,t.edgepaths[S]=C.concat(p,E));break}V||(t.edgepaths[A]=p.concat(E))}for(A=0;At?0:1)+(e[0][1]>t?0:2)+(e[1][1]>t?0:4)+(e[1][0]>t?0:8);return 5===r||10===r?t>(e[0][0]+e[0][1]+e[1][0]+e[1][1])/4?5===r?713:1114:5===r?104:208:15===r?0:r}e.exports=function(t){var e,r,a,o,s,l,c,u,f,h=t[0].z,p=h.length,d=h[0].length,g=2===p||2===d;for(r=0;r=0&&(n=y,s=l):Math.abs(r[1]-n[1])<.01?Math.abs(r[1]-y[1])<.01&&(y[0]-r[0])*(n[0]-y[0])>=0&&(n=y,s=l):i.log("endpt to newendpt is not vert. or horz.",r,n,y)}if(r=n,s>=0)break;f+="L"+n}if(s===t.edgepaths.length){i.log("unclosed perimeter path");break}h=s,(d=-1===p.indexOf(h))&&(h=p[0],f+="Z")}for(h=0;hn.center?n.right-s:s-n.left)/(u+Math.abs(Math.sin(c)*o)),p=(l>n.middle?n.bottom-l:l-n.top)/(Math.abs(f)+Math.cos(c)*o);if(h<1||p<1)return 1/0;var d=v.EDGECOST*(1/(h-1)+1/(p-1));d+=v.ANGLECOST*c*c;for(var g=s-u,m=l-f,y=s+u,x=l+f,b=0;b2*v.MAXCOST)break;p&&(s/=2),l=(o=c-s/2)+1.5*s}if(h<=v.MAXCOST)return u},r.addLabelData=function(t,e,r,n){var i=e.fontSize,a=e.width+i/3,o=Math.max(0,e.height-i/3),s=t.x,l=t.y,c=t.theta,u=Math.sin(c),f=Math.cos(c),h=function(t,e){return[s+t*f-e*u,l+t*u+e*f]},p=[h(-a/2,-o/2),h(-a/2,o/2),h(a/2,o/2),h(a/2,-o/2)];r.push({text:e.text,x:s,y:l,dy:e.dy,theta:c,level:e.level,width:a,height:o}),n.push(p)},r.drawLabels=function(t,e,r,a,o){var l=t.selectAll("text").data(e,(function(t){return t.text+","+t.x+","+t.y+","+t.theta}));if(l.exit().remove(),l.enter().append("text").attr({"data-notex":1,"text-anchor":"middle"}).each((function(t){var e=t.x+Math.sin(t.theta)*t.dy,i=t.y-Math.cos(t.theta)*t.dy;n.select(this).text(t.text).attr({x:e,y:i,transform:"rotate("+180*t.theta/Math.PI+" "+e+" "+i+")"}).call(s.convertToTspans,r)})),o){for(var c="",u=0;ur.end&&(r.start=r.end=(r.start+r.end)/2),t._input.contours||(t._input.contours={}),i.extendFlat(t._input.contours,{start:r.start,end:r.end,size:r.size}),t._input.autocontour=!0}else if("constraint"!==r.type){var c,u=r.start,f=r.end,h=t._input.contours;if(u>f&&(r.start=h.start=f,f=r.end=h.end=u,u=r.start),!(r.size>0))c=u===f?1:a(u,f,t.ncontours).dtick,h.size=r.size=c}}},{"../../lib":778,"../../plots/cartesian/axes":828}],1028:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/drawing"),a=t("../heatmap/style"),o=t("./make_color_map");e.exports=function(t){var e=n.select(t).selectAll("g.contour");e.style("opacity",(function(t){return t[0].trace.opacity})),e.each((function(t){var e=n.select(this),r=t[0].trace,a=r.contours,s=r.line,l=a.size||1,c=a.start,u="constraint"===a.type,f=!u&&"lines"===a.coloring,h=!u&&"fill"===a.coloring,p=f||h?o(r):null;e.selectAll("g.contourlevel").each((function(t){n.select(this).selectAll("path").call(i.lineGroupStyle,s.width,f?p(t.level):s.color,s.dash)}));var d=a.labelfont;if(e.selectAll("g.contourlabels text").each((function(t){i.font(n.select(this),{family:d.family,size:d.size,color:d.color||(f?p(t.level):s.color)})})),u)e.selectAll("g.contourfill path").style("fill",r.fillcolor);else if(h){var g;e.selectAll("g.contourfill path").style("fill",(function(t){return void 0===g&&(g=t.level),p(t.level+.5*l)})),void 0===g&&(g=c),e.selectAll("g.contourbg path").style("fill",p(g-.5*l))}})),a(t)}},{"../../components/drawing":665,"../heatmap/style":1077,"./make_color_map":1024,d3:169}],1029:[function(t,e,r){"use strict";var n=t("../../components/colorscale/defaults"),i=t("./label_defaults");e.exports=function(t,e,r,a,o){var s,l=r("contours.coloring"),c="";"fill"===l&&(s=r("contours.showlines")),!1!==s&&("lines"!==l&&(c=r("line.color","#000")),r("line.width",.5),r("line.dash")),"none"!==l&&(!0!==t.showlegend&&(e.showlegend=!1),e._dfltShowLegend=!1,n(t,e,a,r,{prefix:"",cLetter:"z"})),r("line.smoothing"),i(r,a,c,o)}},{"../../components/colorscale/defaults":653,"./label_defaults":1023}],1030:[function(t,e,r){"use strict";var n=t("../heatmap/attributes"),i=t("../contour/attributes"),a=t("../../components/colorscale/attributes"),o=t("../../lib/extend").extendFlat,s=i.contours;e.exports=o({carpet:{valType:"string",editType:"calc"},z:n.z,a:n.x,a0:n.x0,da:n.dx,b:n.y,b0:n.y0,db:n.dy,text:n.text,hovertext:n.hovertext,transpose:n.transpose,atype:n.xtype,btype:n.ytype,fillcolor:i.fillcolor,autocontour:i.autocontour,ncontours:i.ncontours,contours:{type:s.type,start:s.start,end:s.end,size:s.size,coloring:{valType:"enumerated",values:["fill","lines","none"],dflt:"fill",editType:"calc"},showlines:s.showlines,showlabels:s.showlabels,labelfont:s.labelfont,labelformat:s.labelformat,operation:s.operation,value:s.value,editType:"calc",impliedEdits:{autocontour:!1}},line:{color:i.line.color,width:i.line.width,dash:i.line.dash,smoothing:i.line.smoothing,editType:"plot"},transforms:void 0},a("",{cLetter:"z",autoColorDflt:!1}))},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../contour/attributes":1008,"../heatmap/attributes":1065}],1031:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc"),i=t("../../lib"),a=t("../heatmap/convert_column_xyz"),o=t("../heatmap/clean_2d_array"),s=t("../heatmap/interp2d"),l=t("../heatmap/find_empties"),c=t("../heatmap/make_bound_array"),u=t("./defaults"),f=t("../carpet/lookup_carpetid"),h=t("../contour/set_contours");e.exports=function(t,e){var r=e._carpetTrace=f(t,e);if(r&&r.visible&&"legendonly"!==r.visible){if(!e.a||!e.b){var p=t.data[r.index],d=t.data[e.index];d.a||(d.a=p.a),d.b||(d.b=p.b),u(d,e,e._defaultColor,t._fullLayout)}var g=function(t,e){var r,u,f,h,p,d,g,m=e._carpetTrace,v=m.aaxis,y=m.baxis;v._minDtick=0,y._minDtick=0,i.isArray1D(e.z)&&a(e,v,y,"a","b",["z"]);r=e._a=e._a||e.a,h=e._b=e._b||e.b,r=r?v.makeCalcdata(e,"_a"):[],h=h?y.makeCalcdata(e,"_b"):[],u=e.a0||0,f=e.da||1,p=e.b0||0,d=e.db||1,g=e._z=o(e._z||e.z,e.transpose),e._emptypoints=l(g),s(g,e._emptypoints);var x=i.maxRowLength(g),b="scaled"===e.xtype?"":r,_=c(e,b,u,f,x,v),w="scaled"===e.ytype?"":h,T=c(e,w,p,d,g.length,y),k={a:_,b:T,z:g};"levels"===e.contours.type&&"none"!==e.contours.coloring&&n(t,e,{vals:g,containerStr:"",cLetter:"z"});return[k]}(t,e);return h(e,e._z),g}}},{"../../components/colorscale/calc":651,"../../lib":778,"../carpet/lookup_carpetid":981,"../contour/set_contours":1027,"../heatmap/clean_2d_array":1067,"../heatmap/convert_column_xyz":1069,"../heatmap/find_empties":1071,"../heatmap/interp2d":1074,"../heatmap/make_bound_array":1075,"./defaults":1032}],1032:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../heatmap/xyz_defaults"),a=t("./attributes"),o=t("../contour/constraint_defaults"),s=t("../contour/contours_defaults"),l=t("../contour/style_defaults");e.exports=function(t,e,r,c){function u(r,i){return n.coerce(t,e,a,r,i)}if(u("carpet"),t.a&&t.b){if(!i(t,e,u,c,"a","b"))return void(e.visible=!1);u("text"),"constraint"===u("contours.type")?o(t,e,u,c,r,{hasHover:!1}):(s(t,e,u,(function(r){return n.coerce2(t,e,a,r)})),l(t,e,u,c,{hasHover:!1}))}else e._defaultColor=r,e._length=null}},{"../../lib":778,"../contour/constraint_defaults":1013,"../contour/contours_defaults":1015,"../contour/style_defaults":1029,"../heatmap/xyz_defaults":1079,"./attributes":1030}],1033:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../contour/colorbar"),calc:t("./calc"),plot:t("./plot"),style:t("../contour/style"),moduleType:"trace",name:"contourcarpet",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","carpet","contour","symbols","showLegend","hasLines","carpetDependent","noHover","noSortingByValue"],meta:{}}},{"../../plots/cartesian":841,"../contour/colorbar":1011,"../contour/style":1028,"./attributes":1030,"./calc":1031,"./defaults":1032,"./plot":1034}],1034:[function(t,e,r){"use strict";var n=t("d3"),i=t("../carpet/map_1d_array"),a=t("../carpet/makepath"),o=t("../../components/drawing"),s=t("../../lib"),l=t("../contour/make_crossings"),c=t("../contour/find_all_paths"),u=t("../contour/plot"),f=t("../contour/constants"),h=t("../contour/convert_to_constraints"),p=t("../contour/empty_pathinfo"),d=t("../contour/close_boundaries"),g=t("../carpet/lookup_carpetid"),m=t("../carpet/axis_aligned_line");function v(t,e,r){var n=t.getPointAtLength(e),i=t.getPointAtLength(r),a=i.x-n.x,o=i.y-n.y,s=Math.sqrt(a*a+o*o);return[a/s,o/s]}function y(t){var e=Math.sqrt(t[0]*t[0]+t[1]*t[1]);return[t[0]/e,t[1]/e]}function x(t,e){var r=Math.abs(t[0]*e[0]+t[1]*e[1]);return Math.sqrt(1-r*r)/r}e.exports=function(t,e,r,b){var _=e.xaxis,w=e.yaxis;s.makeTraceGroups(b,r,"contour").each((function(r){var b=n.select(this),T=r[0],k=T.trace,M=k._carpetTrace=g(t,k),A=t.calcdata[M.index][0];if(M.visible&&"legendonly"!==M.visible){var S=T.a,E=T.b,C=k.contours,L=p(C,e,T),I="constraint"===C.type,P=C._operation,z=I?"="===P?"lines":"fill":C.coloring,O=[[S[0],E[E.length-1]],[S[S.length-1],E[E.length-1]],[S[S.length-1],E[0]],[S[0],E[0]]];l(L);var D=1e-8*(S[S.length-1]-S[0]),R=1e-8*(E[E.length-1]-E[0]);c(L,D,R);var F,B,N,j,U=L;"constraint"===C.type&&(U=h(L,P)),function(t,e){var r,n,i,a,o,s,l,c,u;for(r=0;r=0;j--)F=A.clipsegments[j],B=i([],F.x,_.c2p),N=i([],F.y,w.c2p),B.reverse(),N.reverse(),V.push(a(B,N,F.bicubic));var q="M"+V.join("L")+"Z";!function(t,e,r,n,o,l){var c,u,f,h,p=s.ensureSingle(t,"g","contourbg").selectAll("path").data("fill"!==l||o?[]:[0]);p.enter().append("path"),p.exit().remove();var d=[];for(h=0;h=0&&(h=C,d=g):Math.abs(f[1]-h[1])=0&&(h=C,d=g):s.log("endpt to newendpt is not vert. or horz.",f,h,C)}if(d>=0)break;y+=S(f,h),f=h}if(d===e.edgepaths.length){s.log("unclosed perimeter path");break}u=d,(b=-1===x.indexOf(u))&&(u=x[0],y+=S(f,h)+"Z",f=null)}for(u=0;um&&(n.max=m);n.len=n.max-n.min}(this,r,t,n,c,e.height),!(n.len<(e.width+e.height)*f.LABELMIN)))for(var i=Math.min(Math.ceil(n.len/P),f.LABELMAX),a=0;a0?+p[u]:0),f.push({type:"Feature",geometry:{type:"Point",coordinates:v},properties:y})}}var b=o.extractOpts(e),_=b.reversescale?o.flipScale(b.colorscale):b.colorscale,w=_[0][1],T=["interpolate",["linear"],["heatmap-density"],0,a.opacity(w)<1?w:a.addOpacity(w,0)];for(u=1;u<_.length;u++)T.push(_[u][0],_[u][1]);var k=["interpolate",["linear"],["get","z"],b.min,0,b.max,1];return i.extendFlat(c.heatmap.paint,{"heatmap-weight":d?k:1/(b.max-b.min),"heatmap-color":T,"heatmap-radius":g?{type:"identity",property:"r"}:e.radius,"heatmap-opacity":e.opacity}),c.geojson={type:"FeatureCollection",features:f},c.heatmap.layout.visibility="visible",c}},{"../../components/color":643,"../../components/colorscale":655,"../../constants/numerical":753,"../../lib":778,"../../lib/geojson_utils":772,"fast-isnumeric":241}],1038:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../components/colorscale/defaults"),a=t("./attributes");e.exports=function(t,e,r,o){function s(r,i){return n.coerce(t,e,a,r,i)}var l=s("lon")||[],c=s("lat")||[],u=Math.min(l.length,c.length);u?(e._length=u,s("z"),s("radius"),s("below"),s("text"),s("hovertext"),s("hovertemplate"),i(t,e,o,s,{prefix:"",cLetter:"z"})):e.visible=!1}},{"../../components/colorscale/defaults":653,"../../lib":778,"./attributes":1035}],1039:[function(t,e,r){"use strict";e.exports=function(t,e){return t.lon=e.lon,t.lat=e.lat,t.z=e.z,t}},{}],1040:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../plots/cartesian/axes"),a=t("../scattermapbox/hover");e.exports=function(t,e,r){var o=a(t,e,r);if(o){var s=o[0],l=s.cd,c=l[0].trace,u=l[s.index];if(delete s.color,"z"in u){var f=s.subplot.mockAxis;s.z=u.z,s.zLabel=i.tickText(f,f.c2l(u.z),"hover").text}return s.extraText=function(t,e,r){if(t.hovertemplate)return;var i=(e.hi||t.hoverinfo).split("+"),a=-1!==i.indexOf("all"),o=-1!==i.indexOf("lon"),s=-1!==i.indexOf("lat"),l=e.lonlat,c=[];function u(t){return t+"\xb0"}a||o&&s?c.push("("+u(l[0])+", "+u(l[1])+")"):o?c.push(r.lon+u(l[0])):s&&c.push(r.lat+u(l[1]));(a||-1!==i.indexOf("text"))&&n.fillText(e,t,c);return c.join("
")}(c,u,l[0].t.labels),[s]}}},{"../../lib":778,"../../plots/cartesian/axes":828,"../scattermapbox/hover":1257}],1041:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../heatmap/colorbar"),formatLabels:t("../scattermapbox/format_labels"),calc:t("./calc"),plot:t("./plot"),hoverPoints:t("./hover"),eventData:t("./event_data"),getBelow:function(t,e){for(var r=e.getMapLayers(),n=0;n=0;r--)t.removeLayer(e[r][1])},o.dispose=function(){var t=this.subplot.map;this._removeLayers(),t.removeSource(this.sourceId)},e.exports=function(t,e){var r=e[0].trace,i=new a(t,r.uid),o=i.sourceId,s=n(e),l=i.below=t.belowLookup["trace-"+r.uid];return t.map.addSource(o,{type:"geojson",data:s.geojson}),i._addLayers(s,l),i}},{"../../plots/mapbox/constants":883,"./convert":1037}],1043:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t,e){for(var r=0;r"),s.color=function(t,e){var r=t.marker,i=e.mc||r.color,a=e.mlc||r.line.color,o=e.mlw||r.line.width;if(n(i))return i;if(n(a)&&o)return a}(c,f),[s]}}},{"../../components/color":643,"../../lib":778,"../bar/hover":928}],1051:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults").supplyDefaults,crossTraceDefaults:t("./defaults").crossTraceDefaults,supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc"),crossTraceCalc:t("./cross_trace_calc"),plot:t("./plot"),style:t("./style").style,hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("../bar/select"),moduleType:"trace",name:"funnel",basePlotModule:t("../../plots/cartesian"),categories:["bar-like","cartesian","svg","oriented","showLegend","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"../bar/select":933,"./attributes":1044,"./calc":1045,"./cross_trace_calc":1047,"./defaults":1048,"./event_data":1049,"./hover":1050,"./layout_attributes":1052,"./layout_defaults":1053,"./plot":1054,"./style":1055}],1052:[function(t,e,r){"use strict";e.exports={funnelmode:{valType:"enumerated",values:["stack","group","overlay"],dflt:"stack",editType:"calc"},funnelgap:{valType:"number",min:0,max:1,editType:"calc"},funnelgroupgap:{valType:"number",min:0,max:1,dflt:0,editType:"calc"}}},{}],1053:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e,r){var a=!1;function o(r,a){return n.coerce(t,e,i,r,a)}for(var s=0;s path").each((function(t){if(!t.isBlank){var e=s.marker;n.select(this).call(a.fill,t.mc||e.color).call(a.stroke,t.mlc||e.line.color).call(i.dashLine,e.line.dash,t.mlw||e.line.width).style("opacity",s.selectedpoints&&!t.selected?o:1)}})),c(r,s,t),r.selectAll(".regions").each((function(){n.select(this).selectAll("path").style("stroke-width",0).call(a.fill,s.connector.fillcolor)})),r.selectAll(".lines").each((function(){var t=s.connector.line;i.lineGroupStyle(n.select(this).selectAll("path"),t.width,t.color,t.dash)}))}))}}},{"../../components/color":643,"../../components/drawing":665,"../../constants/interactions":752,"../bar/style":935,"../bar/uniform_text":937,d3:169}],1056:[function(t,e,r){"use strict";var n=t("../pie/attributes"),i=t("../../plots/attributes"),a=t("../../plots/domain").attributes,o=t("../../plots/template_attributes").hovertemplateAttrs,s=t("../../plots/template_attributes").texttemplateAttrs,l=t("../../lib/extend").extendFlat;e.exports={labels:n.labels,label0:n.label0,dlabel:n.dlabel,values:n.values,marker:{colors:n.marker.colors,line:{color:l({},n.marker.line.color,{dflt:null}),width:l({},n.marker.line.width,{dflt:1}),editType:"calc"},editType:"calc"},text:n.text,hovertext:n.hovertext,scalegroup:l({},n.scalegroup,{}),textinfo:l({},n.textinfo,{flags:["label","text","value","percent"]}),texttemplate:s({editType:"plot"},{keys:["label","color","value","text","percent"]}),hoverinfo:l({},i.hoverinfo,{flags:["label","text","value","percent","name"]}),hovertemplate:o({},{keys:["label","color","value","text","percent"]}),textposition:l({},n.textposition,{values:["inside","none"],dflt:"inside"}),textfont:n.textfont,insidetextfont:n.insidetextfont,title:{text:n.title.text,font:n.title.font,position:l({},n.title.position,{values:["top left","top center","top right"],dflt:"top center"}),editType:"plot"},domain:a({name:"funnelarea",trace:!0,editType:"calc"}),aspectratio:{valType:"number",min:0,dflt:1,editType:"plot"},baseratio:{valType:"number",min:0,max:1,dflt:.333,editType:"plot"}}},{"../../lib/extend":768,"../../plots/attributes":824,"../../plots/domain":855,"../../plots/template_attributes":906,"../pie/attributes":1161}],1057:[function(t,e,r){"use strict";var n=t("../../plots/plots");r.name="funnelarea",r.plot=function(t,e,i,a){n.plotBasePlot(r.name,t,e,i,a)},r.clean=function(t,e,i,a){n.cleanBasePlot(r.name,t,e,i,a)}},{"../../plots/plots":891}],1058:[function(t,e,r){"use strict";var n=t("../pie/calc");e.exports={calc:function(t,e){return n.calc(t,e)},crossTraceCalc:function(t){n.crossTraceCalc(t,{type:"funnelarea"})}}},{"../pie/calc":1163}],1059:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes"),a=t("../../plots/domain").defaults,o=t("../bar/defaults").handleText,s=t("../pie/defaults").handleLabelsAndValues;e.exports=function(t,e,r,l){function c(r,a){return n.coerce(t,e,i,r,a)}var u=c("labels"),f=c("values"),h=s(u,f),p=h.len;if(e._hasLabels=h.hasLabels,e._hasValues=h.hasValues,!e._hasLabels&&e._hasValues&&(c("label0"),c("dlabel")),p){e._length=p,c("marker.line.width")&&c("marker.line.color",l.paper_bgcolor),c("marker.colors"),c("scalegroup");var d,g=c("text"),m=c("texttemplate");if(m||(d=c("textinfo",Array.isArray(g)?"text+percent":"percent")),c("hovertext"),c("hovertemplate"),m||d&&"none"!==d){var v=c("textposition");o(t,e,l,c,v,{moduleHasSelected:!1,moduleHasUnselected:!1,moduleHasConstrain:!1,moduleHasCliponaxis:!1,moduleHasTextangle:!1,moduleHasInsideanchor:!1})}a(e,l,c),c("title.text")&&(c("title.position"),n.coerceFont(c,"title.font",l.font)),c("aspectratio"),c("baseratio")}else e.visible=!1}},{"../../lib":778,"../../plots/domain":855,"../bar/defaults":925,"../pie/defaults":1164,"./attributes":1056}],1060:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"funnelarea",basePlotModule:t("./base_plot"),categories:["pie-like","funnelarea","showLegend"],attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./calc").crossTraceCalc,plot:t("./plot"),style:t("./style"),styleOne:t("../pie/style_one"),meta:{}}},{"../pie/style_one":1172,"./attributes":1056,"./base_plot":1057,"./calc":1058,"./defaults":1059,"./layout_attributes":1061,"./layout_defaults":1062,"./plot":1063,"./style":1064}],1061:[function(t,e,r){"use strict";var n=t("../pie/layout_attributes").hiddenlabels;e.exports={hiddenlabels:n,funnelareacolorway:{valType:"colorlist",editType:"calc"},extendfunnelareacolors:{valType:"boolean",dflt:!0,editType:"calc"}}},{"../pie/layout_attributes":1168}],1062:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e){function r(r,a){return n.coerce(t,e,i,r,a)}r("hiddenlabels"),r("funnelareacolorway",e.colorway),r("extendfunnelareacolors")}},{"../../lib":778,"./layout_attributes":1061}],1063:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/drawing"),a=t("../../lib"),o=a.strScale,s=a.strTranslate,l=t("../../lib/svg_text_utils"),c=t("../bar/plot").toMoveInsideBar,u=t("../bar/uniform_text"),f=u.recordMinTextSize,h=u.clearMinTextSize,p=t("../pie/helpers"),d=t("../pie/plot"),g=d.attachFxHandlers,m=d.determineInsideTextFont,v=d.layoutAreas,y=d.prerenderTitles,x=d.positionTitleOutside,b=d.formatSliceLabel;function _(t,e){return"l"+(e[0]-t[0])+","+(e[1]-t[1])}e.exports=function(t,e){var r=t._fullLayout;h("funnelarea",r),y(e,t),v(e,r._size),a.makeTraceGroups(r._funnelarealayer,e,"trace").each((function(e){var u=n.select(this),h=e[0],d=h.trace;!function(t){if(!t.length)return;var e=t[0],r=e.trace,n=r.aspectratio,i=r.baseratio;i>.999&&(i=.999);var a,o=Math.pow(i,2),s=e.vTotal,l=s,c=s*o/(1-o)/s;function u(){var t,e={x:t=Math.sqrt(c),y:-t};return[e.x,e.y]}var f,h,p=[];for(p.push(u()),f=t.length-1;f>-1;f--)if(!(h=t[f]).hidden){var d=h.v/l;c+=d,p.push(u())}var g=1/0,m=-1/0;for(f=0;f-1;f--)if(!(h=t[f]).hidden){var M=p[k+=1][0],A=p[k][1];h.TL=[-M,A],h.TR=[M,A],h.BL=w,h.BR=T,h.pxmid=(S=h.TR,E=h.BR,[.5*(S[0]+E[0]),.5*(S[1]+E[1])]),w=h.TL,T=h.TR}var S,E}(e),u.each((function(){var u=n.select(this).selectAll("g.slice").data(e);u.enter().append("g").classed("slice",!0),u.exit().remove(),u.each((function(o,s){if(o.hidden)n.select(this).selectAll("path,g").remove();else{o.pointNumber=o.i,o.curveNumber=d.index;var u=h.cx,v=h.cy,y=n.select(this),x=y.selectAll("path.surface").data([o]);x.enter().append("path").classed("surface",!0).style({"pointer-events":"all"}),y.call(g,t,e);var w="M"+(u+o.TR[0])+","+(v+o.TR[1])+_(o.TR,o.BR)+_(o.BR,o.BL)+_(o.BL,o.TL)+"Z";x.attr("d",w),b(t,o,h);var T=p.castOption(d.textposition,o.pts),k=y.selectAll("g.slicetext").data(o.text&&"none"!==T?[0]:[]);k.enter().append("g").classed("slicetext",!0),k.exit().remove(),k.each((function(){var h=a.ensureSingle(n.select(this),"text","",(function(t){t.attr("data-notex",1)})),p=a.ensureUniformFontSize(t,m(d,o,r.font));h.text(o.text).attr({class:"slicetext",transform:"","text-anchor":"middle"}).call(i.font,p).call(l.convertToTspans,t);var g,y,x,b=i.bBox(h.node()),_=Math.min(o.BL[1],o.BR[1])+v,w=Math.max(o.TL[1],o.TR[1])+v;y=Math.max(o.TL[0],o.BL[0])+u,x=Math.min(o.TR[0],o.BR[0])+u,(g=c(y,x,_,w,b,{isHorizontal:!0,constrained:!0,angle:0,anchor:"middle"})).fontSize=p.size,f(d.type,g,r),e[s].transform=g,h.attr("transform",a.getTextTransform(g))}))}}));var v=n.select(this).selectAll("g.titletext").data(d.title.text?[0]:[]);v.enter().append("g").classed("titletext",!0),v.exit().remove(),v.each((function(){var e=a.ensureSingle(n.select(this),"text","",(function(t){t.attr("data-notex",1)})),c=d.title.text;d._meta&&(c=a.templateString(c,d._meta)),e.text(c).attr({class:"titletext",transform:"","text-anchor":"middle"}).call(i.font,d.title.font).call(l.convertToTspans,t);var u=x(h,r._size);e.attr("transform",s(u.x,u.y)+o(Math.min(1,u.scale))+s(u.tx,u.ty))}))}))}))}},{"../../components/drawing":665,"../../lib":778,"../../lib/svg_text_utils":803,"../bar/plot":932,"../bar/uniform_text":937,"../pie/helpers":1166,"../pie/plot":1170,d3:169}],1064:[function(t,e,r){"use strict";var n=t("d3"),i=t("../pie/style_one"),a=t("../bar/uniform_text").resizeText;e.exports=function(t){var e=t._fullLayout._funnelarealayer.selectAll(".trace");a(t,e,"funnelarea"),e.each((function(t){var e=t[0].trace,r=n.select(this);r.style({opacity:e.opacity}),r.selectAll("path.surface").each((function(t){n.select(this).call(i,t,e)}))}))}},{"../bar/uniform_text":937,"../pie/style_one":1172,d3:169}],1065:[function(t,e,r){"use strict";var n=t("../scatter/attributes"),i=t("../../plots/attributes"),a=t("../../plots/template_attributes").hovertemplateAttrs,o=t("../../components/colorscale/attributes"),s=(t("../../constants/docs").FORMAT_LINK,t("../../lib/extend").extendFlat);e.exports=s({z:{valType:"data_array",editType:"calc"},x:s({},n.x,{impliedEdits:{xtype:"array"}}),x0:s({},n.x0,{impliedEdits:{xtype:"scaled"}}),dx:s({},n.dx,{impliedEdits:{xtype:"scaled"}}),y:s({},n.y,{impliedEdits:{ytype:"array"}}),y0:s({},n.y0,{impliedEdits:{ytype:"scaled"}}),dy:s({},n.dy,{impliedEdits:{ytype:"scaled"}}),xperiod:s({},n.xperiod,{impliedEdits:{xtype:"scaled"}}),yperiod:s({},n.yperiod,{impliedEdits:{ytype:"scaled"}}),xperiod0:s({},n.xperiod0,{impliedEdits:{xtype:"scaled"}}),yperiod0:s({},n.yperiod0,{impliedEdits:{ytype:"scaled"}}),xperiodalignment:s({},n.xperiodalignment,{impliedEdits:{xtype:"scaled"}}),yperiodalignment:s({},n.yperiodalignment,{impliedEdits:{ytype:"scaled"}}),text:{valType:"data_array",editType:"calc"},hovertext:{valType:"data_array",editType:"calc"},transpose:{valType:"boolean",dflt:!1,editType:"calc"},xtype:{valType:"enumerated",values:["array","scaled"],editType:"calc+clearAxisTypes"},ytype:{valType:"enumerated",values:["array","scaled"],editType:"calc+clearAxisTypes"},zsmooth:{valType:"enumerated",values:["fast","best",!1],dflt:!1,editType:"calc"},hoverongaps:{valType:"boolean",dflt:!0,editType:"none"},connectgaps:{valType:"boolean",editType:"calc"},xgap:{valType:"number",dflt:0,min:0,editType:"plot"},ygap:{valType:"number",dflt:0,min:0,editType:"plot"},zhoverformat:{valType:"string",dflt:"",editType:"none"},hovertemplate:a(),showlegend:s({},i.showlegend,{dflt:!1})},{transforms:void 0},o("",{cLetter:"z",autoColorDflt:!1}))},{"../../components/colorscale/attributes":650,"../../constants/docs":748,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../scatter/attributes":1187}],1066:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib"),a=t("../../plots/cartesian/axes"),o=t("../../plots/cartesian/align_period"),s=t("../histogram2d/calc"),l=t("../../components/colorscale/calc"),c=t("./convert_column_xyz"),u=t("./clean_2d_array"),f=t("./interp2d"),h=t("./find_empties"),p=t("./make_bound_array"),d=t("../../constants/numerical").BADNUM;function g(t){for(var e=[],r=t.length,n=0;nD){z("x scale is not linear");break}}if(x.length&&"fast"===I){var R=(x[x.length-1]-x[0])/(x.length-1),F=Math.abs(R/100);for(k=0;kF){z("y scale is not linear");break}}}var B=i.maxRowLength(T),N="scaled"===e.xtype?"":r,j=p(e,N,m,v,B,A),U="scaled"===e.ytype?"":x,V=p(e,U,b,_,T.length,S);L||(e._extremes[A._id]=a.findExtremes(A,j),e._extremes[S._id]=a.findExtremes(S,V));var q={x:j,y:V,z:T,text:e._text||e.text,hovertext:e._hovertext||e.hovertext};if(e.xperiodalignment&&y&&(q.orig_x=y),e.yperiodalignment&&w&&(q.orig_y=w),N&&N.length===j.length-1&&(q.xCenter=N),U&&U.length===V.length-1&&(q.yCenter=U),C&&(q.xRanges=M.xRanges,q.yRanges=M.yRanges,q.pts=M.pts),E||l(t,e,{vals:T,cLetter:"z"}),E&&e.contours&&"heatmap"===e.contours.coloring){var H={type:"contour"===e.type?"heatmap":"histogram2d",xcalendar:e.xcalendar,ycalendar:e.ycalendar};q.xfill=p(H,N,m,v,B,A),q.yfill=p(H,U,b,_,T.length,S)}return[q]}},{"../../components/colorscale/calc":651,"../../constants/numerical":753,"../../lib":778,"../../plots/cartesian/align_period":825,"../../plots/cartesian/axes":828,"../../registry":911,"../histogram2d/calc":1098,"./clean_2d_array":1067,"./convert_column_xyz":1069,"./find_empties":1071,"./interp2d":1074,"./make_bound_array":1075}],1067:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../lib"),a=t("../../constants/numerical").BADNUM;e.exports=function(t,e,r,o){var s,l,c,u,f,h;function p(t){if(n(t))return+t}if(e&&e.transpose){for(s=0,f=0;f=0;o--)(s=((f[[(r=(a=h[o])[0])-1,i=a[1]]]||g)[2]+(f[[r+1,i]]||g)[2]+(f[[r,i-1]]||g)[2]+(f[[r,i+1]]||g)[2])/20)&&(l[a]=[r,i,s],h.splice(o,1),c=!0);if(!c)throw"findEmpties iterated with no new neighbors";for(a in l)f[a]=l[a],u.push(l[a])}return u.sort((function(t,e){return e[2]-t[2]}))}},{"../../lib":778}],1072:[function(t,e,r){"use strict";var n=t("../../components/fx"),i=t("../../lib"),a=t("../../plots/cartesian/axes"),o=t("../../components/colorscale").extractOpts;e.exports=function(t,e,r,s,l,c){var u,f,h,p,d=t.cd[0],g=d.trace,m=t.xa,v=t.ya,y=d.x,x=d.y,b=d.z,_=d.xCenter,w=d.yCenter,T=d.zmask,k=g.zhoverformat,M=y,A=x;if(!1!==t.index){try{h=Math.round(t.index[1]),p=Math.round(t.index[0])}catch(e){return void i.error("Error hovering on heatmap, pointNumber must be [row,col], found:",t.index)}if(h<0||h>=b[0].length||p<0||p>b.length)return}else{if(n.inbox(e-y[0],e-y[y.length-1],0)>0||n.inbox(r-x[0],r-x[x.length-1],0)>0)return;if(c){var S;for(M=[2*y[0]-y[1]],S=1;Sg&&(v=Math.max(v,Math.abs(t[a][o]-d)/(m-g))))}return v}e.exports=function(t,e){var r,i=1;for(o(t,e),r=0;r.01;r++)i=o(t,e,a(i));return i>.01&&n.log("interp2d didn't converge quickly",i),t}},{"../../lib":778}],1075:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib").isArrayOrTypedArray;e.exports=function(t,e,r,a,o,s){var l,c,u,f=[],h=n.traceIs(t,"contour"),p=n.traceIs(t,"histogram"),d=n.traceIs(t,"gl2d");if(i(e)&&e.length>1&&!p&&"category"!==s.type){var g=e.length;if(!(g<=o))return h?e.slice(0,o):e.slice(0,o+1);if(h||d)f=e.slice(0,o);else if(1===o)f=[e[0]-.5,e[0]+.5];else{for(f=[1.5*e[0]-.5*e[1]],u=1;u0;)h=p.c2p(T[y]),y--;for(h0;)v=d.c2p(k[y]),y--;if(v0&&(a=!0);for(var l=0;la){var o=a-r[t];return r[t]=a,o}}return 0},max:function(t,e,r,i){var a=i[e];if(n(a)){if(a=Number(a),!n(r[t]))return r[t]=a,a;if(r[t]c?t>o?t>1.1*i?i:t>1.1*a?a:o:t>s?s:t>l?l:c:Math.pow(10,Math.floor(Math.log(t)/Math.LN10))}function p(t,e,r,n,a,s){if(n&&t>o){var l=d(e,a,s),c=d(r,a,s),u=t===i?0:1;return l[u]!==c[u]}return Math.floor(r/t)-Math.floor(e/t)>.1}function d(t,e,r){var n=e.c2d(t,i,r).split("-");return""===n[0]&&(n.unshift(),n[0]="-"+n[0]),n}e.exports=function(t,e,r,n,a){var s,l,c=-1.1*e,h=-.1*e,p=t-h,d=r[0],g=r[1],m=Math.min(f(d+h,d+p,n,a),f(g+h,g+p,n,a)),v=Math.min(f(d+c,d+h,n,a),f(g+c,g+h,n,a));if(m>v&&vo){var y=s===i?1:6,x=s===i?"M12":"M1";return function(e,r){var o=n.c2d(e,i,a),s=o.indexOf("-",y);s>0&&(o=o.substr(0,s));var c=n.d2c(o,0,a);if(cr.r2l(B)&&(j=o.tickIncrement(j,b.size,!0,p)),O.start=r.l2r(j),F||i.nestedProperty(e,v+".start").set(O.start)}var U=b.end,V=r.r2l(z.end),q=void 0!==V;if((b.endFound||q)&&V!==r.r2l(U)){var H=q?V:i.aggNums(Math.max,null,d);O.end=r.l2r(H),q||i.nestedProperty(e,v+".start").set(O.end)}var G="autobin"+s;return!1===e._input[G]&&(e._input[v]=i.extendFlat({},e[v]||{}),delete e._input[G],delete e[G]),[O,d]}e.exports={calc:function(t,e){var r,a,p,d,g=[],m=[],v=o.getFromId(t,"h"===e.orientation?e.yaxis:e.xaxis),y="h"===e.orientation?"y":"x",x={x:"y",y:"x"}[y],b=e[y+"calendar"],_=e.cumulative,w=h(t,e,v,y),T=w[0],k=w[1],M="string"==typeof T.size,A=[],S=M?A:T,E=[],C=[],L=[],I=0,P=e.histnorm,z=e.histfunc,O=-1!==P.indexOf("density");_.enabled&&O&&(P=P.replace(/ ?density$/,""),O=!1);var D,R="max"===z||"min"===z?null:0,F=l.count,B=c[P],N=!1,j=function(t){return v.r2c(t,0,b)};for(i.isArrayOrTypedArray(e[x])&&"count"!==z&&(D=e[x],N="avg"===z,F=l[z]),r=j(T.start),p=j(T.end)+(r-o.tickIncrement(r,T.size,!1,b))/1e6;r=0&&d=0;n--)s(n);else if("increasing"===e){for(n=1;n=0;n--)t[n]+=t[n+1];"exclude"===r&&(t.push(0),t.shift())}}(m,_.direction,_.currentbin);var J=Math.min(g.length,m.length),K=[],Q=0,$=J-1;for(r=0;r=Q;r--)if(m[r]){$=r;break}for(r=Q;r<=$;r++)if(n(g[r])&&n(m[r])){var tt={p:g[r],s:m[r],b:0};_.enabled||(tt.pts=L[r],G?tt.ph0=tt.ph1=L[r].length?k[L[r][0]]:g[r]:(e._computePh=!0,tt.ph0=q(A[r]),tt.ph1=q(A[r+1],!0))),K.push(tt)}return 1===K.length&&(K[0].width1=o.tickIncrement(K[0].p,T.size,!1,b)-K[0].p),s(K,e),i.isArrayOrTypedArray(e.selectedpoints)&&i.tagSelected(K,e,X),K},calcAllAutoBins:h}},{"../../lib":778,"../../plots/cartesian/axes":828,"../../registry":911,"../bar/arrays_to_calcdata":920,"./average":1085,"./bin_functions":1087,"./bin_label_vals":1088,"./norm_functions":1096,"fast-isnumeric":241}],1090:[function(t,e,r){"use strict";e.exports={eventDataKeys:["binNumber"]}},{}],1091:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../plots/cartesian/axis_ids"),a=t("../../registry").traceIs,o=t("../bar/defaults").handleGroupingDefaults,s=n.nestedProperty,l=t("../../plots/cartesian/constraints").getAxisGroup,c=[{aStr:{x:"xbins.start",y:"ybins.start"},name:"start"},{aStr:{x:"xbins.end",y:"ybins.end"},name:"end"},{aStr:{x:"xbins.size",y:"ybins.size"},name:"size"},{aStr:{x:"nbinsx",y:"nbinsy"},name:"nbins"}],u=["x","y"];e.exports=function(t,e){var r,f,h,p,d,g,m,v=e._histogramBinOpts={},y=[],x={},b=[];function _(t,e){return n.coerce(r._input,r,r._module.attributes,t,e)}function w(t){return"v"===t.orientation?"x":"y"}function T(t,r,a){var o=t.uid+"__"+a;r||(r=o);var s=function(t,r){return i.getFromTrace({_fullLayout:e},t,r).type}(t,a),l=t[a+"calendar"]||"",c=v[r],u=!0;c&&(s===c.axType&&l===c.calendar?(u=!1,c.traces.push(t),c.dirs.push(a)):(r=o,s!==c.axType&&n.warn(["Attempted to group the bins of trace",t.index,"set on a","type:"+s,"axis","with bins on","type:"+c.axType,"axis."].join(" ")),l!==c.calendar&&n.warn(["Attempted to group the bins of trace",t.index,"set with a",l,"calendar","with bins",c.calendar?"on a "+c.calendar+" calendar":"w/o a set calendar"].join(" ")))),u&&(v[r]={traces:[t],dirs:[a],axType:s,calendar:t[a+"calendar"]||""}),t["_"+a+"bingroup"]=r}for(d=0;dS&&T.splice(S,T.length-S),A.length>S&&A.splice(S,A.length-S);var E=[],C=[],L=[],I="string"==typeof w.size,P="string"==typeof M.size,z=[],O=[],D=I?z:w,R=P?O:M,F=0,B=[],N=[],j=e.histnorm,U=e.histfunc,V=-1!==j.indexOf("density"),q="max"===U||"min"===U?null:0,H=a.count,G=o[j],Y=!1,W=[],X=[],Z="z"in e?e.z:"marker"in e&&Array.isArray(e.marker.color)?e.marker.color:"";Z&&"count"!==U&&(Y="avg"===U,H=a[U]);var J=w.size,K=x(w.start),Q=x(w.end)+(K-i.tickIncrement(K,J,!1,v))/1e6;for(r=K;r=0&&p=0&&d0||n.inbox(r-o.y0,r-(o.y0+o.h*s.dy),0)>0)){var u,f=Math.floor((e-o.x0)/s.dx),h=Math.floor(Math.abs(r-o.y0)/s.dy);if(s._hasZ?u=o.z[h][f]:s._hasSource&&(u=s._canvas.el.getContext("2d").getImageData(f,h,1,1).data),u){var p,d=o.hi||s.hoverinfo;if(d){var g=d.split("+");-1!==g.indexOf("all")&&(g=["color"]),-1!==g.indexOf("color")&&(p=!0)}var m,v=a.colormodel[s.colormodel],y=v.colormodel||s.colormodel,x=y.length,b=s._scaler(u),_=v.suffix,w=[];(s.hovertemplate||p)&&(w.push("["+[b[0]+_[0],b[1]+_[1],b[2]+_[2]].join(", ")),4===x&&w.push(", "+b[3]+_[3]),w.push("]"),w=w.join(""),t.extraText=y.toUpperCase()+": "+w),Array.isArray(s.hovertext)&&Array.isArray(s.hovertext[h])?m=s.hovertext[h][f]:Array.isArray(s.text)&&Array.isArray(s.text[h])&&(m=s.text[h][f]);var T=c.c2p(o.y0+(h+.5)*s.dy),k=o.x0+(f+.5)*s.dx,M=o.y0+(h+.5)*s.dy,A="["+u.slice(0,s.colormodel.length).join(", ")+"]";return[i.extendFlat(t,{index:[h,f],x0:l.c2p(o.x0+f*s.dx),x1:l.c2p(o.x0+(f+1)*s.dx),y0:T,y1:T,color:b,xVal:k,xLabelVal:k,yVal:M,yLabelVal:M,zLabelVal:A,text:m,hovertemplateLabels:{zLabel:A,colorLabel:w,"color[0]Label":b[0]+_[0],"color[1]Label":b[1]+_[1],"color[2]Label":b[2]+_[2],"color[3]Label":b[3]+_[3]}})]}}}},{"../../components/fx":683,"../../lib":778,"./constants":1108}],1113:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc"),plot:t("./plot"),style:t("./style"),hoverPoints:t("./hover"),eventData:t("./event_data"),moduleType:"trace",name:"image",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","2dMap","noSortingByValue"],animatable:!1,meta:{}}},{"../../plots/cartesian":841,"./attributes":1106,"./calc":1107,"./defaults":1109,"./event_data":1110,"./hover":1112,"./plot":1114,"./style":1115}],1114:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=i.strTranslate,o=t("../../constants/xmlns_namespaces"),s=t("./constants"),l=i.isIOS()||i.isSafari()||i.isIE();e.exports=function(t,e,r,c){var u=e.xaxis,f=e.yaxis,h=!(l||t._context._exportedPlot);i.makeTraceGroups(c,r,"im").each((function(e){var r=n.select(this),l=e[0],c=l.trace,p=h&&!c._hasZ&&c._hasSource&&"linear"===u.type&&"linear"===f.type;c._fastImage=p;var d,g,m,v,y,x,b=l.z,_=l.x0,w=l.y0,T=l.w,k=l.h,M=c.dx,A=c.dy;for(x=0;void 0===d&&x0;)g=u.c2p(_+x*M),x--;for(x=0;void 0===v&&x0;)y=f.c2p(w+x*A),x--;if(gP[0];if(z||O){var D=d+S/2,R=v+E/2;L+="transform:"+a(D+"px",R+"px")+"scale("+(z?-1:1)+","+(O?-1:1)+")"+a(-D+"px",-R+"px")+";"}}C.attr("style",L);var F=new Promise((function(t){if(c._hasZ)t();else if(c._hasSource)if(c._canvas&&c._canvas.el.width===T&&c._canvas.el.height===k&&c._canvas.source===c.source)t();else{var e=document.createElement("canvas");e.width=T,e.height=k;var r=e.getContext("2d");c._image=c._image||new Image;var n=c._image;n.onload=function(){r.drawImage(n,0,0),c._canvas={el:e,source:c.source},t()},n.setAttribute("src",c.source)}})).then((function(){var t;if(c._hasZ)t=B((function(t,e){return b[e][t]})).toDataURL("image/png");else if(c._hasSource)if(p)t=c.source;else{var e=c._canvas.el.getContext("2d").getImageData(0,0,T,k).data;t=B((function(t,r){var n=4*(r*T+t);return[e[n],e[n+1],e[n+2],e[n+3]]})).toDataURL("image/png")}C.attr({"xlink:href":t,height:E,width:S,x:d,y:v})}));t._promises.push(F)}function B(t){var e=document.createElement("canvas");e.width=S,e.height=E;var r,n=e.getContext("2d"),a=function(t){return i.constrain(Math.round(u.c2p(_+t*M)-d),0,S)},o=function(t){return i.constrain(Math.round(f.c2p(w+t*A)-v),0,E)},h=s.colormodel[c.colormodel],p=h.colormodel||c.colormodel,g=h.fmt;for(x=0;x0}function _(t){t.each((function(t){m.stroke(n.select(this),t.line.color)})).each((function(t){m.fill(n.select(this),t.color)})).style("stroke-width",(function(t){return t.line.width}))}function w(t,e,r){var n=t._fullLayout,a=i.extendFlat({type:"linear",ticks:"outside",range:r,showline:!0},e),o={type:"linear",_id:"x"+e._id},s={letter:"x",font:n.font,noHover:!0,noTickson:!0};function l(t,e){return i.coerce(a,o,g,t,e)}return p(a,o,l,s,n),d(a,o,l,s),o}function T(t,e,r){return[Math.min(e/t.width,r/t.height),t,e+"x"+r]}function k(t,e,r,i){var a=document.createElementNS("http://www.w3.org/2000/svg","text"),o=n.select(a);return o.text(t).attr("x",0).attr("y",0).attr("text-anchor",r).attr("data-unformatted",t).call(f.convertToTspans,i).call(c.font,e),c.bBox(o.node())}function M(t,e,r,n,a,o){var s="_cache"+e;t[s]&&t[s].key===a||(t[s]={key:a,value:r});var l=i.aggNums(o,null,[t[s].value,n],2);return t[s].value=l,l}e.exports=function(t,e,r,p){var d,g=t._fullLayout;b(r)&&p&&(d=p()),i.makeTraceGroups(g._indicatorlayer,e,"trace").each((function(e){var p,A,S,E,C,L=e[0].trace,I=n.select(this),P=L._hasGauge,z=L._isAngular,O=L._isBullet,D=L.domain,R={w:g._size.w*(D.x[1]-D.x[0]),h:g._size.h*(D.y[1]-D.y[0]),l:g._size.l+g._size.w*D.x[0],r:g._size.r+g._size.w*(1-D.x[1]),t:g._size.t+g._size.h*(1-D.y[1]),b:g._size.b+g._size.h*D.y[0]},F=R.l+R.w/2,B=R.t+R.h/2,N=Math.min(R.w/2,R.h),j=u.innerRadius*N,U=L.align||"center";if(A=B,P){if(z&&(p=F,A=B+N/2,S=function(t){return function(t,e){var r=Math.sqrt(t.width/2*(t.width/2)+t.height*t.height);return[e/r,t,e]}(t,.9*j)}),O){var V=u.bulletPadding,q=1-u.bulletNumberDomainSize+V;p=R.l+(q+(1-q)*y[U])*R.w,S=function(t){return T(t,(u.bulletNumberDomainSize-V)*R.w,R.h)}}}else p=R.l+y[U]*R.w,S=function(t){return T(t,R.w,R.h)};!function(t,e,r,s){var l,u,p,d=r[0].trace,g=s.numbersX,_=s.numbersY,T=d.align||"center",A=v[T],S=s.transitionOpts,E=s.onComplete,C=i.ensureSingle(e,"g","numbers"),L=[];d._hasNumber&&L.push("number");d._hasDelta&&(L.push("delta"),"left"===d.delta.position&&L.reverse());var I=C.selectAll("text").data(L);function P(e,r,n,i){if(!e.match("s")||n>=0==i>=0||r(n).slice(-1).match(x)||r(i).slice(-1).match(x))return r;var a=e.slice().replace("s","f").replace(/\d+/,(function(t){return parseInt(t)-1})),o=w(t,{tickformat:a});return function(t){return Math.abs(t)<1?h.tickText(o,t).text:r(t)}}I.enter().append("text"),I.attr("text-anchor",(function(){return A})).attr("class",(function(t){return t})).attr("x",null).attr("y",null).attr("dx",null).attr("dy",null),I.exit().remove();var z,O=d.mode+d.align;d._hasDelta&&(z=function(){var e=w(t,{tickformat:d.delta.valueformat},d._range);e.setScale(),h.prepTicks(e);var i=function(t){return h.tickText(e,t).text},a=function(t){return d.delta.relative?t.relativeDelta:t.delta},o=function(t,e){return 0===t||"number"!=typeof t||isNaN(t)?"-":(t>0?d.delta.increasing.symbol:d.delta.decreasing.symbol)+e(t)},s=function(t){return t.delta>=0?d.delta.increasing.color:d.delta.decreasing.color};void 0===d._deltaLastValue&&(d._deltaLastValue=a(r[0]));var l=C.select("text.delta");function p(){l.text(o(a(r[0]),i)).call(m.fill,s(r[0])).call(f.convertToTspans,t)}return l.call(c.font,d.delta.font).call(m.fill,s({delta:d._deltaLastValue})),b(S)?l.transition().duration(S.duration).ease(S.easing).tween("text",(function(){var t=n.select(this),e=a(r[0]),l=d._deltaLastValue,c=P(d.delta.valueformat,i,l,e),u=n.interpolateNumber(l,e);return d._deltaLastValue=e,function(e){t.text(o(u(e),c)),t.call(m.fill,s({delta:u(e)}))}})).each("end",(function(){p(),E&&E()})).each("interrupt",(function(){p(),E&&E()})):p(),u=k(o(a(r[0]),i),d.delta.font,A,t),l}(),O+=d.delta.position+d.delta.font.size+d.delta.font.family+d.delta.valueformat,O+=d.delta.increasing.symbol+d.delta.decreasing.symbol,p=u);d._hasNumber&&(!function(){var e=w(t,{tickformat:d.number.valueformat},d._range);e.setScale(),h.prepTicks(e);var i=function(t){return h.tickText(e,t).text},a=d.number.suffix,o=d.number.prefix,s=C.select("text.number");function u(){var e="number"==typeof r[0].y?o+i(r[0].y)+a:"-";s.text(e).call(c.font,d.number.font).call(f.convertToTspans,t)}b(S)?s.transition().duration(S.duration).ease(S.easing).each("end",(function(){u(),E&&E()})).each("interrupt",(function(){u(),E&&E()})).attrTween("text",(function(){var t=n.select(this),e=n.interpolateNumber(r[0].lastY,r[0].y);d._lastValue=r[0].y;var s=P(d.number.valueformat,i,r[0].lastY,r[0].y);return function(r){t.text(o+s(e(r))+a)}})):u(),l=k(o+i(r[0].y)+a,d.number.font,A,t)}(),O+=d.number.font.size+d.number.font.family+d.number.valueformat+d.number.suffix+d.number.prefix,p=l);if(d._hasDelta&&d._hasNumber){var D,R,F=[(l.left+l.right)/2,(l.top+l.bottom)/2],B=[(u.left+u.right)/2,(u.top+u.bottom)/2],N=.75*d.delta.font.size;"left"===d.delta.position&&(D=M(d,"deltaPos",0,-1*(l.width*y[d.align]+u.width*(1-y[d.align])+N),O,Math.min),R=F[1]-B[1],p={width:l.width+u.width+N,height:Math.max(l.height,u.height),left:u.left+D,right:l.right,top:Math.min(l.top,u.top+R),bottom:Math.max(l.bottom,u.bottom+R)}),"right"===d.delta.position&&(D=M(d,"deltaPos",0,l.width*(1-y[d.align])+u.width*y[d.align]+N,O,Math.max),R=F[1]-B[1],p={width:l.width+u.width+N,height:Math.max(l.height,u.height),left:l.left,right:u.right+D,top:Math.min(l.top,u.top+R),bottom:Math.max(l.bottom,u.bottom+R)}),"bottom"===d.delta.position&&(D=null,R=u.height,p={width:Math.max(l.width,u.width),height:l.height+u.height,left:Math.min(l.left,u.left),right:Math.max(l.right,u.right),top:l.bottom-l.height,bottom:l.bottom+u.height}),"top"===d.delta.position&&(D=null,R=l.top,p={width:Math.max(l.width,u.width),height:l.height+u.height,left:Math.min(l.left,u.left),right:Math.max(l.right,u.right),top:l.bottom-l.height-u.height,bottom:l.bottom}),z.attr({dx:D,dy:R})}(d._hasNumber||d._hasDelta)&&C.attr("transform",(function(){var t=s.numbersScaler(p);O+=t[2];var e,r=M(d,"numbersScale",1,t[0],O,Math.min);d._scaleNumbers||(r=1),e=d._isAngular?_-r*p.bottom:_-r*(p.top+p.bottom)/2,d._numbersTop=r*p.top+e;var n=p[T];"center"===T&&(n=(p.left+p.right)/2);var i=g-r*n;return i=M(d,"numbersTranslate",0,i,O,Math.max),o(i,e)+a(r)}))}(t,I,e,{numbersX:p,numbersY:A,numbersScaler:S,transitionOpts:r,onComplete:d}),P&&(E={range:L.gauge.axis.range,color:L.gauge.bgcolor,line:{color:L.gauge.bordercolor,width:0},thickness:1},C={range:L.gauge.axis.range,color:"rgba(0, 0, 0, 0)",line:{color:L.gauge.bordercolor,width:L.gauge.borderwidth},thickness:1});var H=I.selectAll("g.angular").data(z?e:[]);H.exit().remove();var G=I.selectAll("g.angularaxis").data(z?e:[]);G.exit().remove(),z&&function(t,e,r,i){var a,c,u,f,p=r[0].trace,d=i.size,g=i.radius,m=i.innerRadius,v=i.gaugeBg,y=i.gaugeOutline,x=[d.l+d.w/2,d.t+d.h/2+g/2],T=i.gauge,k=i.layer,M=i.transitionOpts,A=i.onComplete,S=Math.PI/2;function E(t){var e=p.gauge.axis.range[0],r=(t-e)/(p.gauge.axis.range[1]-e)*Math.PI-S;return r<-S?-S:r>S?S:r}function C(t){return n.svg.arc().innerRadius((m+g)/2-t/2*(g-m)).outerRadius((m+g)/2+t/2*(g-m)).startAngle(-S)}function L(t){t.attr("d",(function(t){return C(t.thickness).startAngle(E(t.range[0])).endAngle(E(t.range[1]))()}))}T.enter().append("g").classed("angular",!0),T.attr("transform",o(x[0],x[1])),k.enter().append("g").classed("angularaxis",!0).classed("crisp",!0),k.selectAll("g.xangularaxistick,path,text").remove(),(a=w(t,p.gauge.axis)).type="linear",a.range=p.gauge.axis.range,a._id="xangularaxis",a.setScale();var I=function(t){return(a.range[0]-t.x)/(a.range[1]-a.range[0])*Math.PI+Math.PI},P={},z=h.makeLabelFns(a,0).labelStandoff;P.xFn=function(t){var e=I(t);return Math.cos(e)*z},P.yFn=function(t){var e=I(t),r=Math.sin(e)>0?.2:1;return-Math.sin(e)*(z+t.fontSize*r)+Math.abs(Math.cos(e))*(t.fontSize*l)},P.anchorFn=function(t){var e=I(t),r=Math.cos(e);return Math.abs(r)<.1?"middle":r>0?"start":"end"},P.heightFn=function(t,e,r){var n=I(t);return-.5*(1+Math.sin(n))*r};var O=function(t){return o(x[0]+g*Math.cos(t),x[1]-g*Math.sin(t))};u=function(t){return O(I(t))};if(c=h.calcTicks(a),f=h.getTickSigns(a)[2],a.visible){f="inside"===a.ticks?-1:1;var D=(a.linewidth||1)/2;h.drawTicks(t,a,{vals:c,layer:k,path:"M"+f*D+",0h"+f*a.ticklen,transFn:function(t){var e=I(t);return O(e)+"rotate("+-s(e)+")"}}),h.drawLabels(t,a,{vals:c,layer:k,transFn:u,labelFns:P})}var R=[v].concat(p.gauge.steps),F=T.selectAll("g.bg-arc").data(R);F.enter().append("g").classed("bg-arc",!0).append("path"),F.select("path").call(L).call(_),F.exit().remove();var B=C(p.gauge.bar.thickness),N=T.selectAll("g.value-arc").data([p.gauge.bar]);N.enter().append("g").classed("value-arc",!0).append("path");var j=N.select("path");b(M)?(j.transition().duration(M.duration).ease(M.easing).each("end",(function(){A&&A()})).each("interrupt",(function(){A&&A()})).attrTween("d",(U=B,V=E(r[0].lastY),q=E(r[0].y),function(){var t=n.interpolate(V,q);return function(e){return U.endAngle(t(e))()}})),p._lastValue=r[0].y):j.attr("d","number"==typeof r[0].y?B.endAngle(E(r[0].y)):"M0,0Z");var U,V,q;j.call(_),N.exit().remove(),R=[];var H=p.gauge.threshold.value;H&&R.push({range:[H,H],color:p.gauge.threshold.color,line:{color:p.gauge.threshold.line.color,width:p.gauge.threshold.line.width},thickness:p.gauge.threshold.thickness});var G=T.selectAll("g.threshold-arc").data(R);G.enter().append("g").classed("threshold-arc",!0).append("path"),G.select("path").call(L).call(_),G.exit().remove();var Y=T.selectAll("g.gauge-outline").data([y]);Y.enter().append("g").classed("gauge-outline",!0).append("path"),Y.select("path").call(L).call(_),Y.exit().remove()}(t,0,e,{radius:N,innerRadius:j,gauge:H,layer:G,size:R,gaugeBg:E,gaugeOutline:C,transitionOpts:r,onComplete:d});var Y=I.selectAll("g.bullet").data(O?e:[]);Y.exit().remove();var W=I.selectAll("g.bulletaxis").data(O?e:[]);W.exit().remove(),O&&function(t,e,r,n){var i,a,s,l,c,f=r[0].trace,p=n.gauge,d=n.layer,g=n.gaugeBg,v=n.gaugeOutline,y=n.size,x=f.domain,T=n.transitionOpts,k=n.onComplete;p.enter().append("g").classed("bullet",!0),p.attr("transform",o(y.l,y.t)),d.enter().append("g").classed("bulletaxis",!0).classed("crisp",!0),d.selectAll("g.xbulletaxistick,path,text").remove();var M=y.h,A=f.gauge.bar.thickness*M,S=x.x[0],E=x.x[0]+(x.x[1]-x.x[0])*(f._hasNumber||f._hasDelta?1-u.bulletNumberDomainSize:1);(i=w(t,f.gauge.axis))._id="xbulletaxis",i.domain=[S,E],i.setScale(),a=h.calcTicks(i),s=h.makeTransTickFn(i),l=h.getTickSigns(i)[2],c=y.t+y.h,i.visible&&(h.drawTicks(t,i,{vals:"inside"===i.ticks?h.clipEnds(i,a):a,layer:d,path:h.makeTickPath(i,c,l),transFn:s}),h.drawLabels(t,i,{vals:a,layer:d,transFn:s,labelFns:h.makeLabelFns(i,c)}));function C(t){t.attr("width",(function(t){return Math.max(0,i.c2p(t.range[1])-i.c2p(t.range[0]))})).attr("x",(function(t){return i.c2p(t.range[0])})).attr("y",(function(t){return.5*(1-t.thickness)*M})).attr("height",(function(t){return t.thickness*M}))}var L=[g].concat(f.gauge.steps),I=p.selectAll("g.bg-bullet").data(L);I.enter().append("g").classed("bg-bullet",!0).append("rect"),I.select("rect").call(C).call(_),I.exit().remove();var P=p.selectAll("g.value-bullet").data([f.gauge.bar]);P.enter().append("g").classed("value-bullet",!0).append("rect"),P.select("rect").attr("height",A).attr("y",(M-A)/2).call(_),b(T)?P.select("rect").transition().duration(T.duration).ease(T.easing).each("end",(function(){k&&k()})).each("interrupt",(function(){k&&k()})).attr("width",Math.max(0,i.c2p(Math.min(f.gauge.axis.range[1],r[0].y)))):P.select("rect").attr("width","number"==typeof r[0].y?Math.max(0,i.c2p(Math.min(f.gauge.axis.range[1],r[0].y))):0);P.exit().remove();var z=r.filter((function(){return f.gauge.threshold.value})),O=p.selectAll("g.threshold-bullet").data(z);O.enter().append("g").classed("threshold-bullet",!0).append("line"),O.select("line").attr("x1",i.c2p(f.gauge.threshold.value)).attr("x2",i.c2p(f.gauge.threshold.value)).attr("y1",(1-f.gauge.threshold.thickness)/2*M).attr("y2",(1-(1-f.gauge.threshold.thickness)/2)*M).call(m.stroke,f.gauge.threshold.line.color).style("stroke-width",f.gauge.threshold.line.width),O.exit().remove();var D=p.selectAll("g.gauge-outline").data([v]);D.enter().append("g").classed("gauge-outline",!0).append("rect"),D.select("rect").call(C).call(_),D.exit().remove()}(t,0,e,{gauge:Y,layer:W,size:R,gaugeBg:E,gaugeOutline:C,transitionOpts:r,onComplete:d});var X=I.selectAll("text.title").data(e);X.exit().remove(),X.enter().append("text").classed("title",!0),X.attr("text-anchor",(function(){return O?v.right:v[L.title.align]})).text(L.title.text).call(c.font,L.title.font).call(f.convertToTspans,t),X.attr("transform",(function(){var t,e=R.l+R.w*y[L.title.align],r=u.titlePadding,n=c.bBox(X.node());if(P){if(z)if(L.gauge.axis.visible)t=c.bBox(G.node()).top-r-n.bottom;else t=R.t+R.h/2-N/2-n.bottom-r;O&&(t=A-(n.top+n.bottom)/2,e=R.l-u.bulletPadding*R.w)}else t=L._numbersTop-r-n.bottom;return o(e,t)}))}))}},{"../../components/color":643,"../../components/drawing":665,"../../constants/alignment":745,"../../lib":778,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"../../plots/cartesian/axis_defaults":830,"../../plots/cartesian/layout_attributes":842,"../../plots/cartesian/position_defaults":845,"./constants":1119,d3:169}],1123:[function(t,e,r){"use strict";var n=t("../../components/colorscale/attributes"),i=t("../../plots/template_attributes").hovertemplateAttrs,a=t("../mesh3d/attributes"),o=t("../../plots/attributes"),s=t("../../lib/extend").extendFlat,l=t("../../plot_api/edit_types").overrideAll;var c=e.exports=l(s({x:{valType:"data_array"},y:{valType:"data_array"},z:{valType:"data_array"},value:{valType:"data_array"},isomin:{valType:"number"},isomax:{valType:"number"},surface:{show:{valType:"boolean",dflt:!0},count:{valType:"integer",dflt:2,min:1},fill:{valType:"number",min:0,max:1,dflt:1},pattern:{valType:"flaglist",flags:["A","B","C","D","E"],extras:["all","odd","even"],dflt:"all"}},spaceframe:{show:{valType:"boolean",dflt:!1},fill:{valType:"number",min:0,max:1,dflt:.15}},slices:{x:{show:{valType:"boolean",dflt:!1},locations:{valType:"data_array",dflt:[]},fill:{valType:"number",min:0,max:1,dflt:1}},y:{show:{valType:"boolean",dflt:!1},locations:{valType:"data_array",dflt:[]},fill:{valType:"number",min:0,max:1,dflt:1}},z:{show:{valType:"boolean",dflt:!1},locations:{valType:"data_array",dflt:[]},fill:{valType:"number",min:0,max:1,dflt:1}}},caps:{x:{show:{valType:"boolean",dflt:!0},fill:{valType:"number",min:0,max:1,dflt:1}},y:{show:{valType:"boolean",dflt:!0},fill:{valType:"number",min:0,max:1,dflt:1}},z:{show:{valType:"boolean",dflt:!0},fill:{valType:"number",min:0,max:1,dflt:1}}},text:{valType:"string",dflt:"",arrayOk:!0},hovertext:{valType:"string",dflt:"",arrayOk:!0},hovertemplate:i(),showlegend:s({},o.showlegend,{dflt:!1})},n("",{colorAttr:"`value`",showScaleDflt:!0,editTypeOverride:"calc"}),{opacity:a.opacity,lightposition:a.lightposition,lighting:a.lighting,flatshading:a.flatshading,contour:a.contour,hoverinfo:s({},o.hoverinfo)}),"calc","nested");c.flatshading.dflt=!0,c.lighting.facenormalsepsilon.dflt=0,c.x.editType=c.y.editType=c.z.editType=c.value.editType="calc+clearAxisTypes",c.transforms=void 0},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plot_api/edit_types":810,"../../plots/attributes":824,"../../plots/template_attributes":906,"../mesh3d/attributes":1128}],1124:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc"),i=t("../streamtube/calc").processGrid,a=t("../streamtube/calc").filter;e.exports=function(t,e){e._len=Math.min(e.x.length,e.y.length,e.z.length,e.value.length),e._x=a(e.x,e._len),e._y=a(e.y,e._len),e._z=a(e.z,e._len),e._value=a(e.value,e._len);var r=i(e);e._gridFill=r.fill,e._Xs=r.Xs,e._Ys=r.Ys,e._Zs=r.Zs,e._len=r.len;for(var o=1/0,s=-1/0,l=0;l0;r--){var n=Math.min(e[r],e[r-1]),i=Math.max(e[r],e[r-1]);if(i>n&&n-1}function R(t,e){return null===t?e:t}function F(e,r,n){L();var i,a,o,l=[r],c=[n];if(s>=1)l=[r],c=[n];else if(s>0){var u=function(t,e){var r=t[0],n=t[1],i=t[2],a=function(t,e,r){for(var n=[],i=0;i-1?n[p]:C(d,g,v);h[p]=x>-1?x:P(d,g,v,R(e,y))}i=h[0],a=h[1],o=h[2],t._meshI.push(i),t._meshJ.push(a),t._meshK.push(o),++m}}function B(t,e,r,n){var i=t[3];in&&(i=n);for(var a=(t[3]-i)/(t[3]-e[3]+1e-9),o=[],s=0;s<4;s++)o[s]=(1-a)*t[s]+a*e[s];return o}function N(t,e,r){return t>=e&&t<=r}function j(t){var e=.001*(E-S);return t>=S-e&&t<=E+e}function U(e){for(var r=[],n=0;n<4;n++){var i=e[n];r.push([t._x[i],t._y[i],t._z[i],t._value[i]])}return r}function V(t,e,r,n,i,a){a||(a=1),r=[-1,-1,-1];var o=!1,s=[N(e[0][3],n,i),N(e[1][3],n,i),N(e[2][3],n,i)];if(!s[0]&&!s[1]&&!s[2])return!1;var l=function(t,e,r){return j(e[0][3])&&j(e[1][3])&&j(e[2][3])?(F(t,e,r),!0):a<3&&V(t,e,r,S,E,++a)};if(s[0]&&s[1]&&s[2])return l(t,e,r)||o;var c=!1;return[[0,1,2],[2,0,1],[1,2,0]].forEach((function(a){if(s[a[0]]&&s[a[1]]&&!s[a[2]]){var u=e[a[0]],f=e[a[1]],h=e[a[2]],p=B(h,u,n,i),d=B(h,f,n,i);o=l(t,[d,p,u],[-1,-1,r[a[0]]])||o,o=l(t,[u,f,d],[r[a[0]],r[a[1]],-1])||o,c=!0}})),c||[[0,1,2],[1,2,0],[2,0,1]].forEach((function(a){if(s[a[0]]&&!s[a[1]]&&!s[a[2]]){var u=e[a[0]],f=e[a[1]],h=e[a[2]],p=B(f,u,n,i),d=B(h,u,n,i);o=l(t,[d,p,u],[-1,-1,r[a[0]]])||o,c=!0}})),o}function q(t,e,r,n){var i=!1,a=U(e),o=[N(a[0][3],r,n),N(a[1][3],r,n),N(a[2][3],r,n),N(a[3][3],r,n)];if(!(o[0]||o[1]||o[2]||o[3]))return i;if(o[0]&&o[1]&&o[2]&&o[3])return g&&(i=function(t,e,r){var n=function(n,i,a){F(t,[e[n],e[i],e[a]],[r[n],r[i],r[a]])};n(0,1,2),n(3,0,1),n(2,3,0),n(1,2,3)}(t,a,e)||i),i;var s=!1;return[[0,1,2,3],[3,0,1,2],[2,3,0,1],[1,2,3,0]].forEach((function(l){if(o[l[0]]&&o[l[1]]&&o[l[2]]&&!o[l[3]]){var c=a[l[0]],u=a[l[1]],f=a[l[2]],h=a[l[3]];if(g)i=F(t,[c,u,f],[e[l[0]],e[l[1]],e[l[2]]])||i;else{var p=B(h,c,r,n),d=B(h,u,r,n),m=B(h,f,r,n);i=F(null,[p,d,m],[-1,-1,-1])||i}s=!0}})),s?i:([[0,1,2,3],[1,2,3,0],[2,3,0,1],[3,0,1,2],[0,2,3,1],[1,3,2,0]].forEach((function(l){if(o[l[0]]&&o[l[1]]&&!o[l[2]]&&!o[l[3]]){var c=a[l[0]],u=a[l[1]],f=a[l[2]],h=a[l[3]],p=B(f,c,r,n),d=B(f,u,r,n),m=B(h,u,r,n),v=B(h,c,r,n);g?(i=F(t,[c,v,p],[e[l[0]],-1,-1])||i,i=F(t,[u,d,m],[e[l[1]],-1,-1])||i):i=function(t,e,r){var n=function(n,i,a){F(t,[e[n],e[i],e[a]],[r[n],r[i],r[a]])};n(0,1,2),n(2,3,0)}(null,[p,d,m,v],[-1,-1,-1,-1])||i,s=!0}})),s||[[0,1,2,3],[1,2,3,0],[2,3,0,1],[3,0,1,2]].forEach((function(l){if(o[l[0]]&&!o[l[1]]&&!o[l[2]]&&!o[l[3]]){var c=a[l[0]],u=a[l[1]],f=a[l[2]],h=a[l[3]],p=B(u,c,r,n),d=B(f,c,r,n),m=B(h,c,r,n);g?(i=F(t,[c,p,d],[e[l[0]],-1,-1])||i,i=F(t,[c,d,m],[e[l[0]],-1,-1])||i,i=F(t,[c,m,p],[e[l[0]],-1,-1])||i):i=F(null,[p,d,m],[-1,-1,-1])||i,s=!0}})),i)}function H(t,e,r,n,i,a,o,s,l,c,u){var f=!1;return d&&(D(t,"A")&&(f=q(null,[e,r,n,a],c,u)||f),D(t,"B")&&(f=q(null,[r,n,i,l],c,u)||f),D(t,"C")&&(f=q(null,[r,a,o,l],c,u)||f),D(t,"D")&&(f=q(null,[n,a,s,l],c,u)||f),D(t,"E")&&(f=q(null,[r,n,a,l],c,u)||f)),g&&(f=q(t,[r,n,a,l],c,u)||f),f}function G(t,e,r,n,i,a,o,s){return[!0===s[0]||V(t,U([e,r,n]),[e,r,n],a,o),!0===s[1]||V(t,U([n,i,e]),[n,i,e],a,o)]}function Y(t,e,r,n,i,a,o,s,l){return s?G(t,e,r,i,n,a,o,l):G(t,r,i,n,e,a,o,l)}function W(t,e,r,n,i,a,o){var s,l,c,u,f=!1,h=function(){f=V(t,[s,l,c],[-1,-1,-1],i,a)||f,f=V(t,[c,u,s],[-1,-1,-1],i,a)||f},p=o[0],d=o[1],g=o[2];return p&&(s=z(U([k(e,r-0,n-0)])[0],U([k(e-1,r-0,n-0)])[0],p),l=z(U([k(e,r-0,n-1)])[0],U([k(e-1,r-0,n-1)])[0],p),c=z(U([k(e,r-1,n-1)])[0],U([k(e-1,r-1,n-1)])[0],p),u=z(U([k(e,r-1,n-0)])[0],U([k(e-1,r-1,n-0)])[0],p),h()),d&&(s=z(U([k(e-0,r,n-0)])[0],U([k(e-0,r-1,n-0)])[0],d),l=z(U([k(e-0,r,n-1)])[0],U([k(e-0,r-1,n-1)])[0],d),c=z(U([k(e-1,r,n-1)])[0],U([k(e-1,r-1,n-1)])[0],d),u=z(U([k(e-1,r,n-0)])[0],U([k(e-1,r-1,n-0)])[0],d),h()),g&&(s=z(U([k(e-0,r-0,n)])[0],U([k(e-0,r-0,n-1)])[0],g),l=z(U([k(e-0,r-1,n)])[0],U([k(e-0,r-1,n-1)])[0],g),c=z(U([k(e-1,r-1,n)])[0],U([k(e-1,r-1,n-1)])[0],g),u=z(U([k(e-1,r-0,n)])[0],U([k(e-1,r-0,n-1)])[0],g),h()),f}function X(t,e,r,n,i,a,o,s,l,c,u,f){var h=t;return f?(d&&"even"===t&&(h=null),H(h,e,r,n,i,a,o,s,l,c,u)):(d&&"odd"===t&&(h=null),H(h,l,s,o,a,i,n,r,e,c,u))}function Z(t,e,r,n,i){for(var a=[],o=0,s=0;sMath.abs(d-A)?[M,d]:[d,A];$(e,T[0],T[1])}}var C=[[Math.min(S,A),Math.max(S,A)],[Math.min(M,E),Math.max(M,E)]];["x","y","z"].forEach((function(e){for(var r=[],n=0;n0&&(u.push(p.id),"x"===e?f.push([p.distRatio,0,0]):"y"===e?f.push([0,p.distRatio,0]):f.push([0,0,p.distRatio]))}else c=nt(1,"x"===e?b-1:"y"===e?_-1:w-1);u.length>0&&(r[i]="x"===e?tt(null,u,a,o,f,r[i]):"y"===e?et(null,u,a,o,f,r[i]):rt(null,u,a,o,f,r[i]),i++),c.length>0&&(r[i]="x"===e?Z(null,c,a,o,r[i]):"y"===e?J(null,c,a,o,r[i]):K(null,c,a,o,r[i]),i++)}var d=t.caps[e];d.show&&d.fill&&(O(d.fill),r[i]="x"===e?Z(null,[0,b-1],a,o,r[i]):"y"===e?J(null,[0,_-1],a,o,r[i]):K(null,[0,w-1],a,o,r[i]),i++)}})),0===m&&I(),t._meshX=n,t._meshY=i,t._meshZ=a,t._meshIntensity=o,t._Xs=v,t._Ys=y,t._Zs=x}(),t}e.exports={findNearestOnAxis:l,generateIsoMeshes:h,createIsosurfaceTrace:function(t,e){var r=t.glplot.gl,i=n({gl:r}),a=new c(t,i,e.uid);return i._trace=a,a.update(e),t.glplot.add(i),a}}},{"../../components/colorscale":655,"../../lib/gl_format_color":774,"../../lib/str2rgbarray":802,"../../plots/gl3d/zip3":881,"gl-mesh3d":309}],1126:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry"),a=t("./attributes"),o=t("../../components/colorscale/defaults");function s(t,e,r,n,a){var s=a("isomin"),l=a("isomax");null!=l&&null!=s&&s>l&&(e.isomin=null,e.isomax=null);var c=a("x"),u=a("y"),f=a("z"),h=a("value");c&&c.length&&u&&u.length&&f&&f.length&&h&&h.length?(i.getComponentMethod("calendars","handleTraceDefaults")(t,e,["x","y","z"],n),["x","y","z"].forEach((function(t){var e="caps."+t;a(e+".show")&&a(e+".fill");var r="slices."+t;a(r+".show")&&(a(r+".fill"),a(r+".locations"))})),a("spaceframe.show")&&a("spaceframe.fill"),a("surface.show")&&(a("surface.count"),a("surface.fill"),a("surface.pattern")),a("contour.show")&&(a("contour.color"),a("contour.width")),["text","hovertext","hovertemplate","lighting.ambient","lighting.diffuse","lighting.specular","lighting.roughness","lighting.fresnel","lighting.vertexnormalsepsilon","lighting.facenormalsepsilon","lightposition.x","lightposition.y","lightposition.z","flatshading","opacity"].forEach((function(t){a(t)})),o(t,e,n,a,{prefix:"",cLetter:"c"}),e._length=null):e.visible=!1}e.exports={supplyDefaults:function(t,e,r,i){s(t,e,r,i,(function(r,i){return n.coerce(t,e,a,r,i)}))},supplyIsoDefaults:s}},{"../../components/colorscale/defaults":653,"../../lib":778,"../../registry":911,"./attributes":1123}],1127:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults").supplyDefaults,calc:t("./calc"),colorbar:{min:"cmin",max:"cmax"},plot:t("./convert").createIsosurfaceTrace,moduleType:"trace",name:"isosurface",basePlotModule:t("../../plots/gl3d"),categories:["gl3d","showLegend"],meta:{}}},{"../../plots/gl3d":870,"./attributes":1123,"./calc":1124,"./convert":1125,"./defaults":1126}],1128:[function(t,e,r){"use strict";var n=t("../../components/colorscale/attributes"),i=t("../../plots/template_attributes").hovertemplateAttrs,a=t("../surface/attributes"),o=t("../../plots/attributes"),s=t("../../lib/extend").extendFlat;e.exports=s({x:{valType:"data_array",editType:"calc+clearAxisTypes"},y:{valType:"data_array",editType:"calc+clearAxisTypes"},z:{valType:"data_array",editType:"calc+clearAxisTypes"},i:{valType:"data_array",editType:"calc"},j:{valType:"data_array",editType:"calc"},k:{valType:"data_array",editType:"calc"},text:{valType:"string",dflt:"",arrayOk:!0,editType:"calc"},hovertext:{valType:"string",dflt:"",arrayOk:!0,editType:"calc"},hovertemplate:i({editType:"calc"}),delaunayaxis:{valType:"enumerated",values:["x","y","z"],dflt:"z",editType:"calc"},alphahull:{valType:"number",dflt:-1,editType:"calc"},intensity:{valType:"data_array",editType:"calc"},intensitymode:{valType:"enumerated",values:["vertex","cell"],dflt:"vertex",editType:"calc"},color:{valType:"color",editType:"calc"},vertexcolor:{valType:"data_array",editType:"calc"},facecolor:{valType:"data_array",editType:"calc"},transforms:void 0},n("",{colorAttr:"`intensity`",showScaleDflt:!0,editTypeOverride:"calc"}),{opacity:a.opacity,flatshading:{valType:"boolean",dflt:!1,editType:"calc"},contour:{show:s({},a.contours.x.show,{}),color:a.contours.x.color,width:a.contours.x.width,editType:"calc"},lightposition:{x:s({},a.lightposition.x,{dflt:1e5}),y:s({},a.lightposition.y,{dflt:1e5}),z:s({},a.lightposition.z,{dflt:0}),editType:"calc"},lighting:s({vertexnormalsepsilon:{valType:"number",min:0,max:1,dflt:1e-12,editType:"calc"},facenormalsepsilon:{valType:"number",min:0,max:1,dflt:1e-6,editType:"calc"},editType:"calc"},a.lighting),hoverinfo:s({},o.hoverinfo,{editType:"calc"}),showlegend:s({},o.showlegend,{dflt:!1})})},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../surface/attributes":1311}],1129:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc");e.exports=function(t,e){e.intensity&&n(t,e,{vals:e.intensity,containerStr:"",cLetter:"c"})}},{"../../components/colorscale/calc":651}],1130:[function(t,e,r){"use strict";var n=t("gl-mesh3d"),i=t("delaunay-triangulate"),a=t("alpha-shape"),o=t("convex-hull"),s=t("../../lib/gl_format_color").parseColorScale,l=t("../../lib/str2rgbarray"),c=t("../../components/colorscale").extractOpts,u=t("../../plots/gl3d/zip3");function f(t,e,r){this.scene=t,this.uid=r,this.mesh=e,this.name="",this.color="#fff",this.data=null,this.showContour=!1}var h=f.prototype;function p(t){for(var e=[],r=t.length,n=0;n=e-.5)return!1;return!0}h.handlePick=function(t){if(t.object===this.mesh){var e=t.index=t.data.index;t.data._cellCenter?t.traceCoordinate=t.data.dataCoordinate:t.traceCoordinate=[this.data.x[e],this.data.y[e],this.data.z[e]];var r=this.data.hovertext||this.data.text;return Array.isArray(r)&&void 0!==r[e]?t.textLabel=r[e]:r&&(t.textLabel=r),!0}},h.update=function(t){var e=this.scene,r=e.fullSceneLayout;this.data=t;var n,f=t.x.length,h=u(d(r.xaxis,t.x,e.dataScale[0],t.xcalendar),d(r.yaxis,t.y,e.dataScale[1],t.ycalendar),d(r.zaxis,t.z,e.dataScale[2],t.zcalendar));if(t.i&&t.j&&t.k){if(t.i.length!==t.j.length||t.j.length!==t.k.length||!m(t.i,f)||!m(t.j,f)||!m(t.k,f))return;n=u(g(t.i),g(t.j),g(t.k))}else n=0===t.alphahull?o(h):t.alphahull>0?a(t.alphahull,h):function(t,e){for(var r=["x","y","z"].indexOf(t),n=[],a=e.length,o=0;ov):m=M>w,v=M;var A=c(w,T,k,M);A.pos=_,A.yc=(w+M)/2,A.i=b,A.dir=m?"increasing":"decreasing",A.x=A.pos,A.y=[k,T],y&&(A.orig_p=r[b]),d&&(A.tx=e.text[b]),g&&(A.htx=e.hovertext[b]),x.push(A)}else x.push({pos:_,empty:!0})}return e._extremes[l._id]=a.findExtremes(l,n.concat(h,f),{padded:!0}),x.length&&(x[0].t={labels:{open:i(t,"open:")+" ",high:i(t,"high:")+" ",low:i(t,"low:")+" ",close:i(t,"close:")+" "}}),x}e.exports={calc:function(t,e){var r=a.getFromId(t,e.xaxis),i=a.getFromId(t,e.yaxis),s=function(t,e,r){var i=r._minDiff;if(!i){var a,s=t._fullData,l=[];for(i=1/0,a=0;a"+c.labels[x]+n.hoverLabelText(s,b):((y=i.extendFlat({},h)).y0=y.y1=_,y.yLabelVal=b,y.yLabel=c.labels[x]+n.hoverLabelText(s,b),y.name="",f.push(y),m[b]=y)}return f}function h(t,e,r,i){var a=t.cd,o=t.ya,l=a[0].trace,f=a[0].t,h=u(t,e,r,i);if(!h)return[];var p=a[h.index],d=h.index=p.i,g=p.dir;function m(t){return f.labels[t]+n.hoverLabelText(o,l[t][d])}var v=p.hi||l.hoverinfo,y=v.split("+"),x="all"===v,b=x||-1!==y.indexOf("y"),_=x||-1!==y.indexOf("text"),w=b?[m("open"),m("high"),m("low"),m("close")+" "+c[g]]:[];return _&&s(p,l,w),h.extraText=w.join("
"),h.y0=h.y1=o.c2p(p.yc,!0),[h]}e.exports={hoverPoints:function(t,e,r,n){return t.cd[0].trace.hoverlabel.split?f(t,e,r,n):h(t,e,r,n)},hoverSplit:f,hoverOnPoints:h}},{"../../components/color":643,"../../components/fx":683,"../../constants/delta.js":747,"../../lib":778,"../../plots/cartesian/axes":828}],1137:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"ohlc",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","showLegend"],meta:{},attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc").calc,plot:t("./plot"),style:t("./style"),hoverPoints:t("./hover").hoverPoints,selectPoints:t("./select")}},{"../../plots/cartesian":841,"./attributes":1133,"./calc":1134,"./defaults":1135,"./hover":1136,"./plot":1139,"./select":1140,"./style":1141}],1138:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib");e.exports=function(t,e,r,a){var o=r("x"),s=r("open"),l=r("high"),c=r("low"),u=r("close");if(r("hoverlabel.split"),n.getComponentMethod("calendars","handleTraceDefaults")(t,e,["x"],a),s&&l&&c&&u){var f=Math.min(s.length,l.length,c.length,u.length);return o&&(f=Math.min(f,i.minRowLength(o))),e._length=f,f}}},{"../../lib":778,"../../registry":911}],1139:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib");e.exports=function(t,e,r,a){var o=e.yaxis,s=e.xaxis,l=!!s.rangebreaks;i.makeTraceGroups(a,r,"trace ohlc").each((function(t){var e=n.select(this),r=t[0],a=r.t;if(!0!==r.trace.visible||a.empty)e.remove();else{var c=a.tickLen,u=e.selectAll("path").data(i.identity);u.enter().append("path"),u.exit().remove(),u.attr("d",(function(t){if(t.empty)return"M0,0Z";var e=s.c2p(t.pos-c,!0),r=s.c2p(t.pos+c,!0),n=l?(e+r)/2:s.c2p(t.pos,!0);return"M"+e+","+o.c2p(t.o,!0)+"H"+n+"M"+n+","+o.c2p(t.h,!0)+"V"+o.c2p(t.l,!0)+"M"+r+","+o.c2p(t.c,!0)+"H"+n}))}}))}},{"../../lib":778,d3:169}],1140:[function(t,e,r){"use strict";e.exports=function(t,e){var r,n=t.cd,i=t.xaxis,a=t.yaxis,o=[],s=n[0].t.bPos||0;if(!1===e)for(r=0;r=t.length)return!1;if(void 0!==e[t[r]])return!1;e[t[r]]=!0}return!0}(t.map((function(t){return t.displayindex}))))for(e=0;e0;c&&(o="array");var u=r("categoryorder",o);"array"===u?(r("categoryarray"),r("ticktext")):(delete t.categoryarray,delete t.ticktext),c||"array"!==u||(e.categoryorder="trace")}}e.exports=function(t,e,r,f){function h(r,i){return n.coerce(t,e,l,r,i)}var p=s(t,e,{name:"dimensions",handleItemDefaults:u}),d=function(t,e,r,o,s){s("line.shape"),s("line.hovertemplate");var l=s("line.color",o.colorway[0]);if(i(t,"line")&&n.isArrayOrTypedArray(l)){if(l.length)return s("line.colorscale"),a(t,e,o,s,{prefix:"line.",cLetter:"c"}),l.length;e.line.color=r}return 1/0}(t,e,r,f,h);o(e,f,h),Array.isArray(p)&&p.length||(e.visible=!1),c(e,p,"values",d),h("hoveron"),h("hovertemplate"),h("arrangement"),h("bundlecolors"),h("sortpaths"),h("counts");var g={family:f.font.family,size:Math.round(f.font.size),color:f.font.color};n.coerceFont(h,"labelfont",g);var m={family:f.font.family,size:Math.round(f.font.size/1.2),color:f.font.color};n.coerceFont(h,"tickfont",m)}},{"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654,"../../lib":778,"../../plots/array_container_defaults":823,"../../plots/domain":855,"../parcoords/merge_length":1158,"./attributes":1142}],1146:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc"),plot:t("./plot"),colorbar:{container:"line",min:"cmin",max:"cmax"},moduleType:"trace",name:"parcats",basePlotModule:t("./base_plot"),categories:["noOpacity"],meta:{}}},{"./attributes":1142,"./base_plot":1143,"./calc":1144,"./defaults":1145,"./plot":1148}],1147:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../plot_api/plot_api"),a=t("../../components/fx"),o=t("../../lib"),s=o.strTranslate,l=t("../../components/drawing"),c=t("tinycolor2"),u=t("../../lib/svg_text_utils");function f(t,e,r,i){var a=t.map(R.bind(0,e,r)),c=i.selectAll("g.parcatslayer").data([null]);c.enter().append("g").attr("class","parcatslayer").style("pointer-events","all");var f=c.selectAll("g.trace.parcats").data(a,h),v=f.enter().append("g").attr("class","trace parcats");f.attr("transform",(function(t){return s(t.x,t.y)})),v.append("g").attr("class","paths");var y=f.select("g.paths").selectAll("path.path").data((function(t){return t.paths}),h);y.attr("fill",(function(t){return t.model.color}));var _=y.enter().append("path").attr("class","path").attr("stroke-opacity",0).attr("fill",(function(t){return t.model.color})).attr("fill-opacity",0);b(_),y.attr("d",(function(t){return t.svgD})),_.empty()||y.sort(d),y.exit().remove(),y.on("mouseover",g).on("mouseout",m).on("click",x),v.append("g").attr("class","dimensions");var k=f.select("g.dimensions").selectAll("g.dimension").data((function(t){return t.dimensions}),h);k.enter().append("g").attr("class","dimension"),k.attr("transform",(function(t){return s(t.x,0)})),k.exit().remove();var M=k.selectAll("g.category").data((function(t){return t.categories}),h),A=M.enter().append("g").attr("class","category");M.attr("transform",(function(t){return s(0,t.y)})),A.append("rect").attr("class","catrect").attr("pointer-events","none"),M.select("rect.catrect").attr("fill","none").attr("width",(function(t){return t.width})).attr("height",(function(t){return t.height})),w(A);var S=M.selectAll("rect.bandrect").data((function(t){return t.bands}),h);S.each((function(){o.raiseToTop(this)})),S.attr("fill",(function(t){return t.color}));var z=S.enter().append("rect").attr("class","bandrect").attr("stroke-opacity",0).attr("fill",(function(t){return t.color})).attr("fill-opacity",0);S.attr("fill",(function(t){return t.color})).attr("width",(function(t){return t.width})).attr("height",(function(t){return t.height})).attr("y",(function(t){return t.y})).attr("cursor",(function(t){return"fixed"===t.parcatsViewModel.arrangement?"default":"perpendicular"===t.parcatsViewModel.arrangement?"ns-resize":"move"})),T(z),S.exit().remove(),A.append("text").attr("class","catlabel").attr("pointer-events","none");var O=e._fullLayout.paper_bgcolor;M.select("text.catlabel").attr("text-anchor",(function(t){return p(t)?"start":"end"})).attr("alignment-baseline","middle").style("text-shadow",O+" -1px 1px 2px, "+O+" 1px 1px 2px, "+O+" 1px -1px 2px, "+O+" -1px -1px 2px").style("fill","rgb(0, 0, 0)").attr("x",(function(t){return p(t)?t.width+5:-5})).attr("y",(function(t){return t.height/2})).text((function(t){return t.model.categoryLabel})).each((function(t){l.font(n.select(this),t.parcatsViewModel.categorylabelfont),u.convertToTspans(n.select(this),e)})),A.append("text").attr("class","dimlabel"),M.select("text.dimlabel").attr("text-anchor","middle").attr("alignment-baseline","baseline").attr("cursor",(function(t){return"fixed"===t.parcatsViewModel.arrangement?"default":"ew-resize"})).attr("x",(function(t){return t.width/2})).attr("y",-5).text((function(t,e){return 0===e?t.parcatsViewModel.model.dimensions[t.model.dimensionInd].dimensionLabel:null})).each((function(t){l.font(n.select(this),t.parcatsViewModel.labelfont)})),M.selectAll("rect.bandrect").on("mouseover",E).on("mouseout",C),M.exit().remove(),k.call(n.behavior.drag().origin((function(t){return{x:t.x,y:0}})).on("dragstart",L).on("drag",I).on("dragend",P)),f.each((function(t){t.traceSelection=n.select(this),t.pathSelection=n.select(this).selectAll("g.paths").selectAll("path.path"),t.dimensionSelection=n.select(this).selectAll("g.dimensions").selectAll("g.dimension")})),f.exit().remove()}function h(t){return t.key}function p(t){var e=t.parcatsViewModel.dimensions.length,r=t.parcatsViewModel.dimensions[e-1].model.dimensionInd;return t.model.dimensionInd===r}function d(t,e){return t.model.rawColor>e.model.rawColor?1:t.model.rawColor"),C=n.mouse(f)[0];a.loneHover({trace:h,x:b-d.left+g.left,y:w-d.top+g.top,text:E,color:t.model.color,borderColor:"black",fontFamily:'Monaco, "Courier New", monospace',fontSize:10,fontColor:T,idealAlign:C1&&h.displayInd===f.dimensions.length-1?(i=c.left,a="left"):(i=c.left+c.width,a="right");var g=u.model.count,m=u.model.categoryLabel,v=g/u.parcatsViewModel.model.count,y={countLabel:g,categoryLabel:m,probabilityLabel:v.toFixed(3)},x=[];-1!==u.parcatsViewModel.hoverinfoItems.indexOf("count")&&x.push(["Count:",y.countLabel].join(" ")),-1!==u.parcatsViewModel.hoverinfoItems.indexOf("probability")&&x.push(["P("+y.categoryLabel+"):",y.probabilityLabel].join(" "));var b=x.join("
");return{trace:p,x:o*(i-e.left),y:s*(d-e.top),text:b,color:"lightgray",borderColor:"black",fontFamily:'Monaco, "Courier New", monospace',fontSize:12,fontColor:"black",idealAlign:a,hovertemplate:p.hovertemplate,hovertemplateLabels:y,eventData:[{data:p._input,fullData:p,count:g,category:m,probability:v}]}}function E(t){if(!t.parcatsViewModel.dragDimension&&-1===t.parcatsViewModel.hoverinfoItems.indexOf("skip")){if(n.mouse(this)[1]<-1)return;var e,r=t.parcatsViewModel.graphDiv,i=r._fullLayout,s=i._paperdiv.node().getBoundingClientRect(),l=t.parcatsViewModel.hoveron;if("color"===l?(!function(t){var e=n.select(t).datum(),r=k(e);_(r),r.each((function(){o.raiseToTop(this)})),n.select(t.parentNode).selectAll("rect.bandrect").filter((function(t){return t.color===e.color})).each((function(){o.raiseToTop(this),n.select(this).attr("stroke","black").attr("stroke-width",1.5)}))}(this),A(this,"plotly_hover",n.event)):(!function(t){n.select(t.parentNode).selectAll("rect.bandrect").each((function(t){var e=k(t);_(e),e.each((function(){o.raiseToTop(this)}))})),n.select(t.parentNode).select("rect.catrect").attr("stroke","black").attr("stroke-width",2.5)}(this),M(this,"plotly_hover",n.event)),-1===t.parcatsViewModel.hoverinfoItems.indexOf("none"))"category"===l?e=S(r,s,this):"color"===l?e=function(t,e,r){t._fullLayout._calcInverseTransform(t);var i,a,o=t._fullLayout._invScaleX,s=t._fullLayout._invScaleY,l=r.getBoundingClientRect(),u=n.select(r).datum(),f=u.categoryViewModel,h=f.parcatsViewModel,p=h.model.dimensions[f.model.dimensionInd],d=h.trace,g=l.y+l.height/2;h.dimensions.length>1&&p.displayInd===h.dimensions.length-1?(i=l.left,a="left"):(i=l.left+l.width,a="right");var m=f.model.categoryLabel,v=u.parcatsViewModel.model.count,y=0;u.categoryViewModel.bands.forEach((function(t){t.color===u.color&&(y+=t.count)}));var x=f.model.count,b=0;h.pathSelection.each((function(t){t.model.color===u.color&&(b+=t.model.count)}));var _=y/v,w=y/b,T=y/x,k={countLabel:v,categoryLabel:m,probabilityLabel:_.toFixed(3)},M=[];-1!==f.parcatsViewModel.hoverinfoItems.indexOf("count")&&M.push(["Count:",k.countLabel].join(" ")),-1!==f.parcatsViewModel.hoverinfoItems.indexOf("probability")&&(M.push("P(color \u2229 "+m+"): "+k.probabilityLabel),M.push("P("+m+" | color): "+w.toFixed(3)),M.push("P(color | "+m+"): "+T.toFixed(3)));var A=M.join("
"),S=c.mostReadable(u.color,["black","white"]);return{trace:d,x:o*(i-e.left),y:s*(g-e.top),text:A,color:u.color,borderColor:"black",fontFamily:'Monaco, "Courier New", monospace',fontColor:S,fontSize:10,idealAlign:a,hovertemplate:d.hovertemplate,hovertemplateLabels:k,eventData:[{data:d._input,fullData:d,category:m,count:v,probability:_,categorycount:x,colorcount:b,bandcolorcount:y}]}}(r,s,this):"dimension"===l&&(e=function(t,e,r){var i=[];return n.select(r.parentNode.parentNode).selectAll("g.category").select("rect.catrect").each((function(){i.push(S(t,e,this))})),i}(r,s,this)),e&&a.loneHover(e,{container:i._hoverlayer.node(),outerContainer:i._paper.node(),gd:r})}}function C(t){var e=t.parcatsViewModel;if(!e.dragDimension&&(b(e.pathSelection),w(e.dimensionSelection.selectAll("g.category")),T(e.dimensionSelection.selectAll("g.category").selectAll("rect.bandrect")),a.loneUnhover(e.graphDiv._fullLayout._hoverlayer.node()),e.pathSelection.sort(d),-1===e.hoverinfoItems.indexOf("skip"))){"color"===t.parcatsViewModel.hoveron?A(this,"plotly_unhover",n.event):M(this,"plotly_unhover",n.event)}}function L(t){"fixed"!==t.parcatsViewModel.arrangement&&(t.dragDimensionDisplayInd=t.model.displayInd,t.initialDragDimensionDisplayInds=t.parcatsViewModel.model.dimensions.map((function(t){return t.displayInd})),t.dragHasMoved=!1,t.dragCategoryDisplayInd=null,n.select(this).selectAll("g.category").select("rect.catrect").each((function(e){var r=n.mouse(this)[0],i=n.mouse(this)[1];-2<=r&&r<=e.width+2&&-2<=i&&i<=e.height+2&&(t.dragCategoryDisplayInd=e.model.displayInd,t.initialDragCategoryDisplayInds=t.model.categories.map((function(t){return t.displayInd})),e.model.dragY=e.y,o.raiseToTop(this.parentNode),n.select(this.parentNode).selectAll("rect.bandrect").each((function(e){e.yf.y+f.height/2&&(o.model.displayInd=f.model.displayInd,f.model.displayInd=l),t.dragCategoryDisplayInd=o.model.displayInd}if(null===t.dragCategoryDisplayInd||"freeform"===t.parcatsViewModel.arrangement){a.model.dragX=n.event.x;var h=t.parcatsViewModel.dimensions[r],p=t.parcatsViewModel.dimensions[i];void 0!==h&&a.model.dragXp.x&&(a.model.displayInd=p.model.displayInd,p.model.displayInd=t.dragDimensionDisplayInd),t.dragDimensionDisplayInd=a.model.displayInd}N(t.parcatsViewModel),B(t.parcatsViewModel),D(t.parcatsViewModel),O(t.parcatsViewModel)}}function P(t){if("fixed"!==t.parcatsViewModel.arrangement&&null!==t.dragDimensionDisplayInd){n.select(this).selectAll("text").attr("font-weight","normal");var e={},r=z(t.parcatsViewModel),a=t.parcatsViewModel.model.dimensions.map((function(t){return t.displayInd})),o=t.initialDragDimensionDisplayInds.some((function(t,e){return t!==a[e]}));o&&a.forEach((function(r,n){var i=t.parcatsViewModel.model.dimensions[n].containerInd;e["dimensions["+i+"].displayindex"]=r}));var s=!1;if(null!==t.dragCategoryDisplayInd){var l=t.model.categories.map((function(t){return t.displayInd}));if(s=t.initialDragCategoryDisplayInds.some((function(t,e){return t!==l[e]}))){var c=t.model.categories.slice().sort((function(t,e){return t.displayInd-e.displayInd})),u=c.map((function(t){return t.categoryValue})),f=c.map((function(t){return t.categoryLabel}));e["dimensions["+t.model.containerInd+"].categoryarray"]=[u],e["dimensions["+t.model.containerInd+"].ticktext"]=[f],e["dimensions["+t.model.containerInd+"].categoryorder"]="array"}}if(-1===t.parcatsViewModel.hoverinfoItems.indexOf("skip")&&!t.dragHasMoved&&t.potentialClickBand&&("color"===t.parcatsViewModel.hoveron?A(t.potentialClickBand,"plotly_click",n.event.sourceEvent):M(t.potentialClickBand,"plotly_click",n.event.sourceEvent)),t.model.dragX=null,null!==t.dragCategoryDisplayInd)t.parcatsViewModel.dimensions[t.dragDimensionDisplayInd].categories[t.dragCategoryDisplayInd].model.dragY=null,t.dragCategoryDisplayInd=null;t.dragDimensionDisplayInd=null,t.parcatsViewModel.dragDimension=null,t.dragHasMoved=null,t.potentialClickBand=null,N(t.parcatsViewModel),B(t.parcatsViewModel),n.transition().duration(300).ease("cubic-in-out").each((function(){D(t.parcatsViewModel,!0),O(t.parcatsViewModel,!0)})).each("end",(function(){(o||s)&&i.restyle(t.parcatsViewModel.graphDiv,e,[r])}))}}function z(t){for(var e,r=t.graphDiv._fullData,n=0;n=0;s--)u+="C"+c[s]+","+(e[s+1]+i)+" "+l[s]+","+(e[s]+i)+" "+(t[s]+r[s])+","+(e[s]+i),u+="l-"+r[s]+",0 ";return u+="Z"}function B(t){var e=t.dimensions,r=t.model,n=e.map((function(t){return t.categories.map((function(t){return t.y}))})),i=t.model.dimensions.map((function(t){return t.categories.map((function(t){return t.displayInd}))})),a=t.model.dimensions.map((function(t){return t.displayInd})),o=t.dimensions.map((function(t){return t.model.dimensionInd})),s=e.map((function(t){return t.x})),l=e.map((function(t){return t.width})),c=[];for(var u in r.paths)r.paths.hasOwnProperty(u)&&c.push(r.paths[u]);function f(t){var e=t.categoryInds.map((function(t,e){return i[e][t]}));return o.map((function(t){return e[t]}))}c.sort((function(e,r){var n=f(e),i=f(r);return"backward"===t.sortpaths&&(n.reverse(),i.reverse()),n.push(e.valueInds[0]),i.push(r.valueInds[0]),t.bundlecolors&&(n.unshift(e.rawColor),i.unshift(r.rawColor)),ni?1:0}));for(var h=new Array(c.length),p=e[0].model.count,d=e[0].categories.map((function(t){return t.height})).reduce((function(t,e){return t+e})),g=0;g0?d*(v.count/p):0;for(var y,x=new Array(n.length),b=0;b1?(t.width-80-16)/(n-1):0)*i;var a,o,s,l,c,u=[],f=t.model.maxCats,h=e.categories.length,p=e.count,d=t.height-8*(f-1),g=8*(f-h)/2,m=e.categories.map((function(t){return{displayInd:t.displayInd,categoryInd:t.categoryInd}}));for(m.sort((function(t,e){return t.displayInd-e.displayInd})),c=0;c0?o.count/p*d:0,s={key:o.valueInds[0],model:o,width:16,height:a,y:null!==o.dragY?o.dragY:g,bands:[],parcatsViewModel:t},g=g+a+8,u.push(s);return{key:e.dimensionInd,x:null!==e.dragX?e.dragX:r,y:0,width:16,model:e,categories:u,parcatsViewModel:t,dragCategoryDisplayInd:null,dragDimensionDisplayInd:null,initialDragDimensionDisplayInds:null,initialDragCategoryDisplayInds:null,dragHasMoved:null,potentialClickBand:null}}e.exports=function(t,e,r,n){f(r,t,n,e)}},{"../../components/drawing":665,"../../components/fx":683,"../../lib":778,"../../lib/svg_text_utils":803,"../../plot_api/plot_api":814,d3:169,tinycolor2:576}],1148:[function(t,e,r){"use strict";var n=t("./parcats");e.exports=function(t,e,r,i){var a=t._fullLayout,o=a._paper,s=a._size;n(t,o,e,{width:s.w,height:s.h,margin:{t:s.t,r:s.r,b:s.b,l:s.l}},r,i)}},{"./parcats":1147}],1149:[function(t,e,r){"use strict";var n=t("../../components/colorscale/attributes"),i=t("../../plots/cartesian/layout_attributes"),a=t("../../plots/font_attributes"),o=t("../../plots/domain").attributes,s=t("../../lib/extend").extendFlat,l=t("../../plot_api/plot_template").templatedArray;e.exports={domain:o({name:"parcoords",trace:!0,editType:"plot"}),labelangle:{valType:"angle",dflt:0,editType:"plot"},labelside:{valType:"enumerated",values:["top","bottom"],dflt:"top",editType:"plot"},labelfont:a({editType:"plot"}),tickfont:a({editType:"plot"}),rangefont:a({editType:"plot"}),dimensions:l("dimension",{label:{valType:"string",editType:"plot"},tickvals:s({},i.tickvals,{editType:"plot"}),ticktext:s({},i.ticktext,{editType:"plot"}),tickformat:s({},i.tickformat,{editType:"plot"}),visible:{valType:"boolean",dflt:!0,editType:"plot"},range:{valType:"info_array",items:[{valType:"number",editType:"plot"},{valType:"number",editType:"plot"}],editType:"plot"},constraintrange:{valType:"info_array",freeLength:!0,dimensions:"1-2",items:[{valType:"number",editType:"plot"},{valType:"number",editType:"plot"}],editType:"plot"},multiselect:{valType:"boolean",dflt:!0,editType:"plot"},values:{valType:"data_array",editType:"calc"},editType:"calc"}),line:s({editType:"calc"},n("line",{colorscaleDflt:"Viridis",autoColorDflt:!1,editTypeOverride:"calc"}))}},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plot_api/plot_template":817,"../../plots/cartesian/layout_attributes":842,"../../plots/domain":855,"../../plots/font_attributes":856}],1150:[function(t,e,r){"use strict";var n=t("./constants"),i=t("d3"),a=t("../../lib/gup").keyFun,o=t("../../lib/gup").repeat,s=t("../../lib").sorterAsc,l=t("../../lib").strTranslate,c=n.bar.snapRatio;function u(t,e){return t*(1-c)+e*c}var f=n.bar.snapClose;function h(t,e){return t*(1-f)+e*f}function p(t,e,r,n){if(function(t,e){for(var r=0;r=e[r][0]&&t<=e[r][1])return!0;return!1}(r,n))return r;var i=t?-1:1,a=0,o=e.length-1;if(i<0){var s=a;a=o,o=s}for(var l=e[a],c=l,f=a;i*fe){h=r;break}}if(a=u,isNaN(a)&&(a=isNaN(f)||isNaN(h)?isNaN(f)?h:f:e-c[f][1]t[1]+r||e=.9*t[1]+.1*t[0]?"n":e<=.9*t[0]+.1*t[1]?"s":"ns"}(d,e);g&&(o.interval=l[a],o.intervalPix=d,o.region=g)}}if(t.ordinal&&!o.region){var m=t.unitTickvals,y=t.unitToPaddedPx.invert(e);for(r=0;r=x[0]&&y<=x[1]){o.clickableOrdinalRange=x;break}}}return o}function w(t,e){i.event.sourceEvent.stopPropagation();var r=e.height-i.mouse(t)[1]-2*n.verticalPadding,a=e.brush.svgBrush;a.wasDragged=!0,a._dragging=!0,a.grabbingBar?a.newExtent=[r-a.grabPoint,r+a.barLength-a.grabPoint].map(e.unitToPaddedPx.invert):a.newExtent=[a.startExtent,e.unitToPaddedPx.invert(r)].sort(s),e.brush.filterSpecified=!0,a.extent=a.stayingIntervals.concat([a.newExtent]),a.brushCallback(e),b(t.parentNode)}function T(t,e){var r=_(e,e.height-i.mouse(t)[1]-2*n.verticalPadding),a="crosshair";r.clickableOrdinalRange?a="pointer":r.region&&(a=r.region+"-resize"),i.select(document.body).style("cursor",a)}function k(t){t.on("mousemove",(function(t){i.event.preventDefault(),t.parent.inBrushDrag||T(this,t)})).on("mouseleave",(function(t){t.parent.inBrushDrag||y()})).call(i.behavior.drag().on("dragstart",(function(t){!function(t,e){i.event.sourceEvent.stopPropagation();var r=e.height-i.mouse(t)[1]-2*n.verticalPadding,a=e.unitToPaddedPx.invert(r),o=e.brush,s=_(e,r),l=s.interval,c=o.svgBrush;if(c.wasDragged=!1,c.grabbingBar="ns"===s.region,c.grabbingBar){var u=l.map(e.unitToPaddedPx);c.grabPoint=r-u[0]-n.verticalPadding,c.barLength=u[1]-u[0]}c.clickableOrdinalRange=s.clickableOrdinalRange,c.stayingIntervals=e.multiselect&&o.filterSpecified?o.filter.getConsolidated():[],l&&(c.stayingIntervals=c.stayingIntervals.filter((function(t){return t[0]!==l[0]&&t[1]!==l[1]}))),c.startExtent=s.region?l["s"===s.region?1:0]:a,e.parent.inBrushDrag=!0,c.brushStartCallback()}(this,t)})).on("drag",(function(t){w(this,t)})).on("dragend",(function(t){!function(t,e){var r=e.brush,n=r.filter,a=r.svgBrush;a._dragging||(T(t,e),w(t,e),e.brush.svgBrush.wasDragged=!1),a._dragging=!1,i.event.sourceEvent.stopPropagation();var o=a.grabbingBar;if(a.grabbingBar=!1,a.grabLocation=void 0,e.parent.inBrushDrag=!1,y(),!a.wasDragged)return a.wasDragged=void 0,a.clickableOrdinalRange?r.filterSpecified&&e.multiselect?a.extent.push(a.clickableOrdinalRange):(a.extent=[a.clickableOrdinalRange],r.filterSpecified=!0):o?(a.extent=a.stayingIntervals,0===a.extent.length&&A(r)):A(r),a.brushCallback(e),b(t.parentNode),void a.brushEndCallback(r.filterSpecified?n.getConsolidated():[]);var s=function(){n.set(n.getConsolidated())};if(e.ordinal){var l=e.unitTickvals;l[l.length-1]a.newExtent[0];a.extent=a.stayingIntervals.concat(c?[a.newExtent]:[]),a.extent.length||A(r),a.brushCallback(e),c?b(t.parentNode,s):(s(),b(t.parentNode))}else s();a.brushEndCallback(r.filterSpecified?n.getConsolidated():[])}(this,t)})))}function M(t,e){return t[0]-e[0]}function A(t){t.filterSpecified=!1,t.svgBrush.extent=[[-1/0,1/0]]}function S(t){for(var e,r=t.slice(),n=[],i=r.shift();i;){for(e=i.slice();(i=r.shift())&&i[0]<=e[1];)e[1]=Math.max(e[1],i[1]);n.push(e)}return 1===n.length&&n[0][0]>n[0][1]&&(n=[]),n}e.exports={makeBrush:function(t,e,r,n,i,a){var o,l=function(){var t,e,r=[];return{set:function(n){1===(r=n.map((function(t){return t.slice().sort(s)})).sort(M)).length&&r[0][0]===-1/0&&r[0][1]===1/0&&(r=[[0,-1]]),t=S(r),e=r.reduce((function(t,e){return[Math.min(t[0],e[0]),Math.max(t[1],e[1])]}),[1/0,-1/0])},get:function(){return r.slice()},getConsolidated:function(){return t},getBounds:function(){return e}}}();return l.set(r),{filter:l,filterSpecified:e,svgBrush:{extent:[],brushStartCallback:n,brushCallback:(o=i,function(t){var e=t.brush,r=function(t){return t.svgBrush.extent.map((function(t){return t.slice()}))}(e).slice();e.filter.set(r),o()}),brushEndCallback:a}}},ensureAxisBrush:function(t){var e=t.selectAll("."+n.cn.axisBrush).data(o,a);e.enter().append("g").classed(n.cn.axisBrush,!0),function(t){var e=t.selectAll(".background").data(o);e.enter().append("rect").classed("background",!0).call(d).call(g).style("pointer-events","auto").attr("transform",l(0,n.verticalPadding)),e.call(k).attr("height",(function(t){return t.height-n.verticalPadding}));var r=t.selectAll(".highlight-shadow").data(o);r.enter().append("line").classed("highlight-shadow",!0).attr("x",-n.bar.width/2).attr("stroke-width",n.bar.width+n.bar.strokeWidth).attr("stroke",n.bar.strokeColor).attr("opacity",n.bar.strokeOpacity).attr("stroke-linecap","butt"),r.attr("y1",(function(t){return t.height})).call(x);var i=t.selectAll(".highlight").data(o);i.enter().append("line").classed("highlight",!0).attr("x",-n.bar.width/2).attr("stroke-width",n.bar.width-n.bar.strokeWidth).attr("stroke",n.bar.fillColor).attr("opacity",n.bar.fillOpacity).attr("stroke-linecap","butt"),i.attr("y1",(function(t){return t.height})).call(x)}(e)},cleanRanges:function(t,e){if(Array.isArray(t[0])?(t=t.map((function(t){return t.sort(s)})),t=e.multiselect?S(t.sort(M)):[t[0]]):t=[t.sort(s)],e.tickvals){var r=e.tickvals.slice().sort(s);if(!(t=t.map((function(t){var e=[p(0,r,t[0],[]),p(1,r,t[1],[])];if(e[1]>e[0])return e})).filter((function(t){return t}))).length)return}return t.length>1?t:t[0]}}},{"../../lib":778,"../../lib/gup":775,"./constants":1153,d3:169}],1151:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../plots/get_data").getModuleCalcData,a=t("./plot"),o=t("../../constants/xmlns_namespaces");r.name="parcoords",r.plot=function(t){var e=i(t.calcdata,"parcoords")[0];e.length&&a(t,e)},r.clean=function(t,e,r,n){var i=n._has&&n._has("parcoords"),a=e._has&&e._has("parcoords");i&&!a&&(n._paperdiv.selectAll(".parcoords").remove(),n._glimages.selectAll("*").remove())},r.toSVG=function(t){var e=t._fullLayout._glimages,r=n.select(t).selectAll(".svg-container");r.filter((function(t,e){return e===r.size()-1})).selectAll(".gl-canvas-context, .gl-canvas-focus").each((function(){var t=this.toDataURL("image/png");e.append("svg:image").attr({xmlns:o.svg,"xlink:href":t,preserveAspectRatio:"none",x:0,y:0,width:this.width,height:this.height})})),window.setTimeout((function(){n.selectAll("#filterBarPattern").attr("id","filterBarPattern")}),60)}},{"../../constants/xmlns_namespaces":754,"../../plots/get_data":865,"./plot":1160,d3:169}],1152:[function(t,e,r){"use strict";var n=t("../../lib").isArrayOrTypedArray,i=t("../../components/colorscale"),a=t("../../lib/gup").wrap;e.exports=function(t,e){var r,o;return i.hasColorscale(e,"line")&&n(e.line.color)?(r=e.line.color,o=i.extractOpts(e.line).colorscale,i.calc(t,e,{vals:r,containerStr:"line",cLetter:"c"})):(r=function(t){for(var e=new Array(t),r=0;rf&&(n.log("parcoords traces support up to "+f+" dimensions at the moment"),d.splice(f));var g=s(t,e,{name:"dimensions",layout:l,handleItemDefaults:p}),m=function(t,e,r,o,s){var l=s("line.color",r);if(i(t,"line")&&n.isArrayOrTypedArray(l)){if(l.length)return s("line.colorscale"),a(t,e,o,s,{prefix:"line.",cLetter:"c"}),l.length;e.line.color=r}return 1/0}(t,e,r,l,u);o(e,l,u),Array.isArray(g)&&g.length||(e.visible=!1),h(e,g,"values",m);var v={family:l.font.family,size:Math.round(l.font.size/1.2),color:l.font.color};n.coerceFont(u,"labelfont",v),n.coerceFont(u,"tickfont",v),n.coerceFont(u,"rangefont",v),u("labelangle"),u("labelside")}},{"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654,"../../lib":778,"../../plots/array_container_defaults":823,"../../plots/cartesian/axes":828,"../../plots/domain":855,"./attributes":1149,"./axisbrush":1150,"./constants":1153,"./merge_length":1158}],1155:[function(t,e,r){"use strict";var n=t("../../lib").isTypedArray;r.convertTypedArray=function(t){return n(t)?Array.prototype.slice.call(t):t},r.isOrdinal=function(t){return!!t.tickvals},r.isVisible=function(t){return t.visible||!("visible"in t)}},{"../../lib":778}],1156:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc"),plot:t("./plot"),colorbar:{container:"line",min:"cmin",max:"cmax"},moduleType:"trace",name:"parcoords",basePlotModule:t("./base_plot"),categories:["gl","regl","noOpacity","noHover"],meta:{}}},{"./attributes":1149,"./base_plot":1151,"./calc":1152,"./defaults":1154,"./plot":1160}],1157:[function(t,e,r){"use strict";var n=t("glslify"),i=n(["precision highp float;\n#define GLSLIFY 1\n\nvarying vec4 fragColor;\n\nattribute vec4 p01_04, p05_08, p09_12, p13_16,\n p17_20, p21_24, p25_28, p29_32,\n p33_36, p37_40, p41_44, p45_48,\n p49_52, p53_56, p57_60, colors;\n\nuniform mat4 dim0A, dim1A, dim0B, dim1B, dim0C, dim1C, dim0D, dim1D,\n loA, hiA, loB, hiB, loC, hiC, loD, hiD;\n\nuniform vec2 resolution, viewBoxPos, viewBoxSize;\nuniform sampler2D mask, palette;\nuniform float maskHeight;\nuniform float drwLayer; // 0: context, 1: focus, 2: pick\nuniform vec4 contextColor;\n\nbool isPick = (drwLayer > 1.5);\nbool isContext = (drwLayer < 0.5);\n\nconst vec4 ZEROS = vec4(0.0, 0.0, 0.0, 0.0);\nconst vec4 UNITS = vec4(1.0, 1.0, 1.0, 1.0);\n\nfloat val(mat4 p, mat4 v) {\n return dot(matrixCompMult(p, v) * UNITS, UNITS);\n}\n\nfloat axisY(float ratio, mat4 A, mat4 B, mat4 C, mat4 D) {\n float y1 = val(A, dim0A) + val(B, dim0B) + val(C, dim0C) + val(D, dim0D);\n float y2 = val(A, dim1A) + val(B, dim1B) + val(C, dim1C) + val(D, dim1D);\n return y1 * (1.0 - ratio) + y2 * ratio;\n}\n\nint iMod(int a, int b) {\n return a - b * (a / b);\n}\n\nbool fOutside(float p, float lo, float hi) {\n return (lo < hi) && (lo > p || p > hi);\n}\n\nbool vOutside(vec4 p, vec4 lo, vec4 hi) {\n return (\n fOutside(p[0], lo[0], hi[0]) ||\n fOutside(p[1], lo[1], hi[1]) ||\n fOutside(p[2], lo[2], hi[2]) ||\n fOutside(p[3], lo[3], hi[3])\n );\n}\n\nbool mOutside(mat4 p, mat4 lo, mat4 hi) {\n return (\n vOutside(p[0], lo[0], hi[0]) ||\n vOutside(p[1], lo[1], hi[1]) ||\n vOutside(p[2], lo[2], hi[2]) ||\n vOutside(p[3], lo[3], hi[3])\n );\n}\n\nbool outsideBoundingBox(mat4 A, mat4 B, mat4 C, mat4 D) {\n return mOutside(A, loA, hiA) ||\n mOutside(B, loB, hiB) ||\n mOutside(C, loC, hiC) ||\n mOutside(D, loD, hiD);\n}\n\nbool outsideRasterMask(mat4 A, mat4 B, mat4 C, mat4 D) {\n mat4 pnts[4];\n pnts[0] = A;\n pnts[1] = B;\n pnts[2] = C;\n pnts[3] = D;\n\n for(int i = 0; i < 4; ++i) {\n for(int j = 0; j < 4; ++j) {\n for(int k = 0; k < 4; ++k) {\n if(0 == iMod(\n int(255.0 * texture2D(mask,\n vec2(\n (float(i * 2 + j / 2) + 0.5) / 8.0,\n (pnts[i][j][k] * (maskHeight - 1.0) + 1.0) / maskHeight\n ))[3]\n ) / int(pow(2.0, float(iMod(j * 4 + k, 8)))),\n 2\n )) return true;\n }\n }\n }\n return false;\n}\n\nvec4 position(bool isContext, float v, mat4 A, mat4 B, mat4 C, mat4 D) {\n float x = 0.5 * sign(v) + 0.5;\n float y = axisY(x, A, B, C, D);\n float z = 1.0 - abs(v);\n\n z += isContext ? 0.0 : 2.0 * float(\n outsideBoundingBox(A, B, C, D) ||\n outsideRasterMask(A, B, C, D)\n );\n\n return vec4(\n 2.0 * (vec2(x, y) * viewBoxSize + viewBoxPos) / resolution - 1.0,\n z,\n 1.0\n );\n}\n\nvoid main() {\n mat4 A = mat4(p01_04, p05_08, p09_12, p13_16);\n mat4 B = mat4(p17_20, p21_24, p25_28, p29_32);\n mat4 C = mat4(p33_36, p37_40, p41_44, p45_48);\n mat4 D = mat4(p49_52, p53_56, p57_60, ZEROS);\n\n float v = colors[3];\n\n gl_Position = position(isContext, v, A, B, C, D);\n\n fragColor =\n isContext ? vec4(contextColor) :\n isPick ? vec4(colors.rgb, 1.0) : texture2D(palette, vec2(abs(v), 0.5));\n}\n"]),a=n(["precision highp float;\n#define GLSLIFY 1\n\nvarying vec4 fragColor;\n\nvoid main() {\n gl_FragColor = fragColor;\n}\n"]),o=t("./constants").maxDimensionCount,s=t("../../lib"),l=new Uint8Array(4),c=new Uint8Array(4),u={shape:[256,1],format:"rgba",type:"uint8",mag:"nearest",min:"nearest"};function f(t,e,r,n,i){var a=t._gl;a.enable(a.SCISSOR_TEST),a.scissor(e,r,n,i),t.clear({color:[0,0,0,0],depth:1})}function h(t,e,r,n,i,a){var o=a.key;r.drawCompleted||(!function(t){t.read({x:0,y:0,width:1,height:1,data:l})}(t),r.drawCompleted=!0),function s(l){var c=Math.min(n,i-l*n);0===l&&(window.cancelAnimationFrame(r.currentRafs[o]),delete r.currentRafs[o],f(t,a.scissorX,a.scissorY,a.scissorWidth,a.viewBoxSize[1])),r.clearOnly||(a.count=2*c,a.offset=2*l*n,e(a),l*n+c>>8*e)%256/255}function g(t,e,r){for(var n=new Array(8*e),i=0,a=0;au&&(u=t[i].dim1.canvasX,o=i);0===s&&f(T,0,0,r.canvasWidth,r.canvasHeight);var p=function(t){var e,r,n,i=[[],[]];for(n=0;n<64;n++){var a=!t&&ni._length&&(A=A.slice(0,i._length));var E,C=i.tickvals;function L(t,e){return{val:t,text:E[e]}}function I(t,e){return t.val-e.val}if(Array.isArray(C)&&C.length){E=i.ticktext,Array.isArray(E)&&E.length?E.length>C.length?E=E.slice(0,C.length):C.length>E.length&&(C=C.slice(0,E.length)):E=C.map(n.format(i.tickformat));for(var P=1;P=r||l>=a)return;var c=t.lineLayer.readPixel(s,a-1-l),u=0!==c[3],f=u?c[2]+256*(c[1]+256*c[0]):null,h={x:s,y:l,clientX:e.clientX,clientY:e.clientY,dataIndex:t.model.key,curveNumber:f};f!==R&&(u?i.hover(h):i.unhover&&i.unhover(h),R=f)}})),D.style("opacity",(function(t){return t.pick?0:1})),h.style("background","rgba(255, 255, 255, 0)");var F=h.selectAll("."+v.cn.parcoords).data(A,p);F.exit().remove(),F.enter().append("g").classed(v.cn.parcoords,!0).style("shape-rendering","crispEdges").style("pointer-events","none"),F.attr("transform",(function(t){return l(t.model.translateX,t.model.translateY)}));var B=F.selectAll("."+v.cn.parcoordsControlView).data(d,p);B.enter().append("g").classed(v.cn.parcoordsControlView,!0),B.attr("transform",(function(t){return l(t.model.pad.l,t.model.pad.t)}));var N=B.selectAll("."+v.cn.yAxis).data((function(t){return t.dimensions}),p);N.enter().append("g").classed(v.cn.yAxis,!0),B.each((function(t){P(N,t)})),D.each((function(t){if(t.viewModel){!t.lineLayer||i?t.lineLayer=x(this,t):t.lineLayer.update(t),(t.key||0===t.key)&&(t.viewModel[t.key]=t.lineLayer);var e=!t.context||i;t.lineLayer.render(t.viewModel.panels,e)}})),N.attr("transform",(function(t){return l(t.xScale(t.xIndex),0)})),N.call(n.behavior.drag().origin((function(t){return t})).on("drag",(function(t){var e=t.parent;M.linePickActive(!1),t.x=Math.max(-v.overdrag,Math.min(t.model.width+v.overdrag,n.event.x)),t.canvasX=t.x*t.model.canvasPixelRatio,N.sort((function(t,e){return t.x-e.x})).each((function(e,r){e.xIndex=r,e.x=t===e?e.x:e.xScale(e.xIndex),e.canvasX=e.x*e.model.canvasPixelRatio})),P(N,e),N.filter((function(e){return 0!==Math.abs(t.xIndex-e.xIndex)})).attr("transform",(function(t){return l(t.xScale(t.xIndex),0)})),n.select(this).attr("transform",l(t.x,0)),N.each((function(r,n,i){i===t.parent.key&&(e.dimensions[n]=r)})),e.contextLayer&&e.contextLayer.render(e.panels,!1,!S(e)),e.focusLayer.render&&e.focusLayer.render(e.panels)})).on("dragend",(function(t){var e=t.parent;t.x=t.xScale(t.xIndex),t.canvasX=t.x*t.model.canvasPixelRatio,P(N,e),n.select(this).attr("transform",(function(t){return l(t.x,0)})),e.contextLayer&&e.contextLayer.render(e.panels,!1,!S(e)),e.focusLayer&&e.focusLayer.render(e.panels),e.pickLayer&&e.pickLayer.render(e.panels,!0),M.linePickActive(!0),i&&i.axesMoved&&i.axesMoved(e.key,e.dimensions.map((function(t){return t.crossfilterDimensionIndex})))}))),N.exit().remove();var j=N.selectAll("."+v.cn.axisOverlays).data(d,p);j.enter().append("g").classed(v.cn.axisOverlays,!0),j.selectAll("."+v.cn.axis).remove();var U=j.selectAll("."+v.cn.axis).data(d,p);U.enter().append("g").classed(v.cn.axis,!0),U.each((function(t){var e=t.model.height/t.model.tickDistance,r=t.domainScale,i=r.domain();n.select(this).call(n.svg.axis().orient("left").tickSize(4).outerTickSize(2).ticks(e,t.tickFormat).tickValues(t.ordinal?i:null).tickFormat((function(e){return m.isOrdinal(t)?e:z(t.model.dimensions[t.visibleIndex],e)})).scale(r)),u.font(U.selectAll("text"),t.model.tickFont)})),U.selectAll(".domain, .tick>line").attr("fill","none").attr("stroke","black").attr("stroke-opacity",.25).attr("stroke-width","1px"),U.selectAll("text").style("text-shadow","1px 1px 1px #fff, -1px -1px 1px #fff, 1px -1px 1px #fff, -1px 1px 1px #fff").style("cursor","default");var V=j.selectAll("."+v.cn.axisHeading).data(d,p);V.enter().append("g").classed(v.cn.axisHeading,!0);var q=V.selectAll("."+v.cn.axisTitle).data(d,p);q.enter().append("text").classed(v.cn.axisTitle,!0).attr("text-anchor","middle").style("cursor","ew-resize").style("pointer-events","auto"),q.text((function(t){return t.label})).each((function(e){var r=n.select(this);u.font(r,e.model.labelFont),c.convertToTspans(r,t)})).attr("transform",(function(t){var e=I(t.model.labelAngle,t.model.labelSide),r=v.axisTitleOffset;return(e.dir>0?"":l(0,2*r+t.model.height))+s(e.degrees)+l(-r*e.dx,-r*e.dy)})).attr("text-anchor",(function(t){var e=I(t.model.labelAngle,t.model.labelSide);return 2*Math.abs(e.dx)>Math.abs(e.dy)?e.dir*e.dx<0?"start":"end":"middle"}));var H=j.selectAll("."+v.cn.axisExtent).data(d,p);H.enter().append("g").classed(v.cn.axisExtent,!0);var G=H.selectAll("."+v.cn.axisExtentTop).data(d,p);G.enter().append("g").classed(v.cn.axisExtentTop,!0),G.attr("transform",l(0,-v.axisExtentOffset));var Y=G.selectAll("."+v.cn.axisExtentTopText).data(d,p);Y.enter().append("text").classed(v.cn.axisExtentTopText,!0).call(L),Y.text((function(t){return O(t,!0)})).each((function(t){u.font(n.select(this),t.model.rangeFont)}));var W=H.selectAll("."+v.cn.axisExtentBottom).data(d,p);W.enter().append("g").classed(v.cn.axisExtentBottom,!0),W.attr("transform",(function(t){return l(0,t.model.height+v.axisExtentOffset)}));var X=W.selectAll("."+v.cn.axisExtentBottomText).data(d,p);X.enter().append("text").classed(v.cn.axisExtentBottomText,!0).attr("dy","0.75em").call(L),X.text((function(t){return O(t,!1)})).each((function(t){u.font(n.select(this),t.model.rangeFont)})),y.ensureAxisBrush(j)}},{"../../components/colorscale":655,"../../components/drawing":665,"../../lib":778,"../../lib/gup":775,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"./axisbrush":1150,"./constants":1153,"./helpers":1155,"./lines":1157,"color-rgba":127,d3:169}],1160:[function(t,e,r){"use strict";var n=t("./parcoords"),i=t("../../lib/prepare_regl"),a=t("./helpers").isVisible;function o(t,e,r){var n=e.indexOf(r),i=t.indexOf(n);return-1===i&&(i+=e.length),i}e.exports=function(t,e){var r=t._fullLayout;if(i(t)){var s={},l={},c={},u={},f=r._size;e.forEach((function(e,r){var n=e[0].trace;c[r]=n.index;var i=u[r]=n._fullInput.index;s[r]=t.data[i].dimensions,l[r]=t.data[i].dimensions.slice()}));n(t,e,{width:f.w,height:f.h,margin:{t:f.t,r:f.r,b:f.b,l:f.l}},{filterChanged:function(e,n,i){var a=l[e][n],o=i.map((function(t){return t.slice()})),s="dimensions["+n+"].constraintrange",f=r._tracePreGUI[t._fullData[c[e]]._fullInput.uid];if(void 0===f[s]){var h=a.constraintrange;f[s]=h||null}var p=t._fullData[c[e]].dimensions[n];o.length?(1===o.length&&(o=o[0]),a.constraintrange=o,p.constraintrange=o.slice(),o=[o]):(delete a.constraintrange,delete p.constraintrange,o=null);var d={};d[s]=o,t.emit("plotly_restyle",[d,[u[e]]])},hover:function(e){t.emit("plotly_hover",e)},unhover:function(e){t.emit("plotly_unhover",e)},axesMoved:function(e,r){var n=function(t,e){return function(r,n){return o(t,e,r)-o(t,e,n)}}(r,l[e].filter(a));s[e].sort(n),l[e].filter((function(t){return!a(t)})).sort((function(t){return l[e].indexOf(t)})).forEach((function(t){s[e].splice(s[e].indexOf(t),1),s[e].splice(l[e].indexOf(t),0,t)})),t.emit("plotly_restyle",[{dimensions:[s[e]]},[u[e]]])}})}}},{"../../lib/prepare_regl":791,"./helpers":1155,"./parcoords":1159}],1161:[function(t,e,r){"use strict";var n=t("../../plots/attributes"),i=t("../../plots/domain").attributes,a=t("../../plots/font_attributes"),o=t("../../components/color/attributes"),s=t("../../plots/template_attributes").hovertemplateAttrs,l=t("../../plots/template_attributes").texttemplateAttrs,c=t("../../lib/extend").extendFlat,u=a({editType:"plot",arrayOk:!0,colorEditType:"plot"});e.exports={labels:{valType:"data_array",editType:"calc"},label0:{valType:"number",dflt:0,editType:"calc"},dlabel:{valType:"number",dflt:1,editType:"calc"},values:{valType:"data_array",editType:"calc"},marker:{colors:{valType:"data_array",editType:"calc"},line:{color:{valType:"color",dflt:o.defaultLine,arrayOk:!0,editType:"style"},width:{valType:"number",min:0,dflt:0,arrayOk:!0,editType:"style"},editType:"calc"},editType:"calc"},text:{valType:"data_array",editType:"plot"},hovertext:{valType:"string",dflt:"",arrayOk:!0,editType:"style"},scalegroup:{valType:"string",dflt:"",editType:"calc"},textinfo:{valType:"flaglist",flags:["label","text","value","percent"],extras:["none"],editType:"calc"},hoverinfo:c({},n.hoverinfo,{flags:["label","text","value","percent","name"]}),hovertemplate:s({},{keys:["label","color","value","percent","text"]}),texttemplate:l({editType:"plot"},{keys:["label","color","value","percent","text"]}),textposition:{valType:"enumerated",values:["inside","outside","auto","none"],dflt:"auto",arrayOk:!0,editType:"plot"},textfont:c({},u,{}),insidetextorientation:{valType:"enumerated",values:["horizontal","radial","tangential","auto"],dflt:"auto",editType:"plot"},insidetextfont:c({},u,{}),outsidetextfont:c({},u,{}),automargin:{valType:"boolean",dflt:!1,editType:"plot"},title:{text:{valType:"string",dflt:"",editType:"plot"},font:c({},u,{}),position:{valType:"enumerated",values:["top left","top center","top right","middle center","bottom left","bottom center","bottom right"],editType:"plot"},editType:"plot"},domain:i({name:"pie",trace:!0,editType:"calc"}),hole:{valType:"number",min:0,max:1,dflt:0,editType:"calc"},sort:{valType:"boolean",dflt:!0,editType:"calc"},direction:{valType:"enumerated",values:["clockwise","counterclockwise"],dflt:"counterclockwise",editType:"calc"},rotation:{valType:"number",min:-360,max:360,dflt:0,editType:"calc"},pull:{valType:"number",min:0,max:1,dflt:0,arrayOk:!0,editType:"calc"},_deprecated:{title:{valType:"string",dflt:"",editType:"calc"},titlefont:c({},u,{}),titleposition:{valType:"enumerated",values:["top left","top center","top right","middle center","bottom left","bottom center","bottom right"],editType:"calc"}}}},{"../../components/color/attributes":642,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/domain":855,"../../plots/font_attributes":856,"../../plots/template_attributes":906}],1162:[function(t,e,r){"use strict";var n=t("../../plots/plots");r.name="pie",r.plot=function(t,e,i,a){n.plotBasePlot(r.name,t,e,i,a)},r.clean=function(t,e,i,a){n.cleanBasePlot(r.name,t,e,i,a)}},{"../../plots/plots":891}],1163:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("tinycolor2"),a=t("../../components/color"),o={};function s(t){return function(e,r){return!!e&&(!!(e=i(e)).isValid()&&(e=a.addOpacity(e,e.getAlpha()),t[r]||(t[r]=e),e))}}function l(t,e){var r,n=JSON.stringify(t),a=e[n];if(!a){for(a=t.slice(),r=0;r0){s=!0;break}}s||(o=0)}return{hasLabels:r,hasValues:a,len:o}}e.exports={handleLabelsAndValues:l,supplyDefaults:function(t,e,r,n){function c(r,n){return i.coerce(t,e,a,r,n)}var u=l(c("labels"),c("values")),f=u.len;if(e._hasLabels=u.hasLabels,e._hasValues=u.hasValues,!e._hasLabels&&e._hasValues&&(c("label0"),c("dlabel")),f){e._length=f,c("marker.line.width")&&c("marker.line.color"),c("marker.colors"),c("scalegroup");var h,p=c("text"),d=c("texttemplate");if(d||(h=c("textinfo",Array.isArray(p)?"text+percent":"percent")),c("hovertext"),c("hovertemplate"),d||h&&"none"!==h){var g=c("textposition");s(t,e,n,c,g,{moduleHasSelected:!1,moduleHasUnselected:!1,moduleHasConstrain:!1,moduleHasCliponaxis:!1,moduleHasTextangle:!1,moduleHasInsideanchor:!1}),(Array.isArray(g)||"auto"===g||"outside"===g)&&c("automargin"),("inside"===g||"auto"===g||Array.isArray(g))&&c("insidetextorientation")}o(e,n,c);var m=c("hole");if(c("title.text")){var v=c("title.position",m?"middle center":"top center");m||"middle center"!==v||(e.title.position="top center"),i.coerceFont(c,"title.font",n.font)}c("sort"),c("direction"),c("rotation"),c("pull")}else e.visible=!1}}},{"../../lib":778,"../../plots/domain":855,"../bar/defaults":925,"./attributes":1161,"fast-isnumeric":241}],1165:[function(t,e,r){"use strict";var n=t("../../components/fx/helpers").appendArrayMultiPointValues;e.exports=function(t,e){var r={curveNumber:e.index,pointNumbers:t.pts,data:e._input,fullData:e,label:t.label,color:t.color,value:t.v,percent:t.percent,text:t.text,v:t.v};return 1===t.pts.length&&(r.pointNumber=r.i=t.pts[0]),n(r,e,t.pts),"funnelarea"===e.type&&(delete r.v,delete r.i),r}},{"../../components/fx/helpers":679}],1166:[function(t,e,r){"use strict";var n=t("../../lib");function i(t){return-1!==t.indexOf("e")?t.replace(/[.]?0+e/,"e"):-1!==t.indexOf(".")?t.replace(/[.]?0+$/,""):t}r.formatPiePercent=function(t,e){var r=i((100*t).toPrecision(3));return n.numSeparate(r,e)+"%"},r.formatPieValue=function(t,e){var r=i(t.toPrecision(10));return n.numSeparate(r,e)},r.getFirstFilled=function(t,e){if(Array.isArray(t))for(var r=0;r"),name:u.hovertemplate||-1!==f.indexOf("name")?u.name:void 0,idealAlign:t.pxmid[0]<0?"left":"right",color:m.castOption(b.bgcolor,t.pts)||t.color,borderColor:m.castOption(b.bordercolor,t.pts),fontFamily:m.castOption(_.family,t.pts),fontSize:m.castOption(_.size,t.pts),fontColor:m.castOption(_.color,t.pts),nameLength:m.castOption(b.namelength,t.pts),textAlign:m.castOption(b.align,t.pts),hovertemplate:m.castOption(u.hovertemplate,t.pts),hovertemplateLabels:t,eventData:[v(t,u)]},{container:r._hoverlayer.node(),outerContainer:r._paper.node(),gd:e}),o._hasHoverLabel=!0}o._hasHoverEvent=!0,e.emit("plotly_hover",{points:[v(t,u)],event:n.event})}})),t.on("mouseout",(function(t){var r=e._fullLayout,i=e._fullData[o.index],s=n.select(this).datum();o._hasHoverEvent&&(t.originalEvent=n.event,e.emit("plotly_unhover",{points:[v(s,i)],event:n.event}),o._hasHoverEvent=!1),o._hasHoverLabel&&(a.loneUnhover(r._hoverlayer.node()),o._hasHoverLabel=!1)})),t.on("click",(function(t){var r=e._fullLayout,i=e._fullData[o.index];e._dragging||!1===r.hovermode||(e._hoverdata=[v(t,i)],a.click(e,n.event))}))}function b(t,e,r){var n=m.castOption(t.insidetextfont.color,e.pts);!n&&t._input.textfont&&(n=m.castOption(t._input.textfont.color,e.pts));var i=m.castOption(t.insidetextfont.family,e.pts)||m.castOption(t.textfont.family,e.pts)||r.family,a=m.castOption(t.insidetextfont.size,e.pts)||m.castOption(t.textfont.size,e.pts)||r.size;return{color:n||o.contrast(e.color),family:i,size:a}}function _(t,e){for(var r,n,i=0;ie&&e>n||r=-4;m-=2)v(Math.PI*m,"tan");for(m=4;m>=-4;m-=2)v(Math.PI*(m+1),"tan")}if(f||p){for(m=4;m>=-4;m-=2)v(Math.PI*(m+1.5),"rad");for(m=4;m>=-4;m-=2)v(Math.PI*(m+.5),"rad")}}if(s||d||f){var y=Math.sqrt(t.width*t.width+t.height*t.height);if((a={scale:i*n*2/y,rCenter:1-i,rotate:0}).textPosAngle=(e.startangle+e.stopangle)/2,a.scale>=1)return a;g.push(a)}(d||p)&&((a=T(t,n,o,l,c)).textPosAngle=(e.startangle+e.stopangle)/2,g.push(a)),(d||h)&&((a=k(t,n,o,l,c)).textPosAngle=(e.startangle+e.stopangle)/2,g.push(a));for(var x=0,b=0,_=0;_=1)break}return g[x]}function T(t,e,r,n,i){e=Math.max(0,e-2*g);var a=t.width/t.height,o=S(a,n,e,r);return{scale:2*o/t.height,rCenter:M(a,o/e),rotate:A(i)}}function k(t,e,r,n,i){e=Math.max(0,e-2*g);var a=t.height/t.width,o=S(a,n,e,r);return{scale:2*o/t.width,rCenter:M(a,o/e),rotate:A(i+Math.PI/2)}}function M(t,e){return Math.cos(e)-t*e}function A(t){return(180/Math.PI*t+720)%180-90}function S(t,e,r,n){var i=t+1/(2*Math.tan(e));return r*Math.min(1/(Math.sqrt(i*i+.5)+i),n/(Math.sqrt(t*t+n/2)+t))}function E(t,e){return t.v!==e.vTotal||e.trace.hole?Math.min(1/(1+1/Math.sin(t.halfangle)),t.ring/2):1}function C(t,e){var r=e.pxmid[0],n=e.pxmid[1],i=t.width/2,a=t.height/2;return r<0&&(i*=-1),n<0&&(a*=-1),{scale:1,rCenter:1,rotate:0,x:i+Math.abs(a)*(i>0?1:-1)/2,y:a/(1+r*r/(n*n)),outside:!0}}function L(t,e){var r,n,i,a=t.trace,o={x:t.cx,y:t.cy},s={tx:0,ty:0};s.ty+=a.title.font.size,i=P(a),-1!==a.title.position.indexOf("top")?(o.y-=(1+i)*t.r,s.ty-=t.titleBox.height):-1!==a.title.position.indexOf("bottom")&&(o.y+=(1+i)*t.r);var l,c,u=(l=t.r,c=t.trace.aspectratio,l/(void 0===c?1:c)),f=e.w*(a.domain.x[1]-a.domain.x[0])/2;return-1!==a.title.position.indexOf("left")?(f+=u,o.x-=(1+i)*u,s.tx+=t.titleBox.width/2):-1!==a.title.position.indexOf("center")?f*=2:-1!==a.title.position.indexOf("right")&&(f+=u,o.x+=(1+i)*u,s.tx-=t.titleBox.width/2),r=f/t.titleBox.width,n=I(t,e)/t.titleBox.height,{x:o.x,y:o.y,scale:Math.min(r,n),tx:s.tx,ty:s.ty}}function I(t,e){var r=t.trace,n=e.h*(r.domain.y[1]-r.domain.y[0]);return Math.min(t.titleBox.height,n/2)}function P(t){var e,r=t.pull;if(!r)return 0;if(Array.isArray(r))for(r=0,e=0;er&&(r=t.pull[e]);return r}function z(t,e){for(var r=[],n=0;n1?(c=r.r,u=c/i.aspectratio):(u=r.r,c=u*i.aspectratio),c*=(1+i.baseratio)/2,l=c*u}o=Math.min(o,l/r.vTotal)}for(n=0;n")}if(a){var x=l.castOption(i,e.i,"texttemplate");if(x){var b=function(t){return{label:t.label,value:t.v,valueLabel:m.formatPieValue(t.v,n.separators),percent:t.v/r.vTotal,percentLabel:m.formatPiePercent(t.v/r.vTotal,n.separators),color:t.color,text:t.text,customdata:l.castOption(i,t.i,"customdata")}}(e),_=m.getFirstFilled(i.text,e.pts);(y(_)||""===_)&&(b.text=_),e.text=l.texttemplateString(x,b,t._fullLayout._d3locale,b,i._meta||{})}else e.text=""}}function R(t,e){var r=t.rotate*Math.PI/180,n=Math.cos(r),i=Math.sin(r),a=(e.left+e.right)/2,o=(e.top+e.bottom)/2;t.textX=a*n-o*i,t.textY=a*i+o*n,t.noCenter=!0}e.exports={plot:function(t,e){var r=t._fullLayout,a=r._size;d("pie",r),_(e,t),z(e,a);var h=l.makeTraceGroups(r._pielayer,e,"trace").each((function(e){var h=n.select(this),d=e[0],g=d.trace;!function(t){var e,r,n,i=t[0],a=i.r,o=i.trace,s=m.getRotationAngle(o.rotation),l=2*Math.PI/i.vTotal,c="px0",u="px1";if("counterclockwise"===o.direction){for(e=0;ei.vTotal/2?1:0,r.halfangle=Math.PI*Math.min(r.v/i.vTotal,.5),r.ring=1-o.hole,r.rInscribed=E(r,i))}(e),h.attr("stroke-linejoin","round"),h.each((function(){var v=n.select(this).selectAll("g.slice").data(e);v.enter().append("g").classed("slice",!0),v.exit().remove();var y=[[[],[]],[[],[]]],_=!1;v.each((function(i,a){if(i.hidden)n.select(this).selectAll("path,g").remove();else{i.pointNumber=i.i,i.curveNumber=g.index,y[i.pxmid[1]<0?0:1][i.pxmid[0]<0?0:1].push(i);var o=d.cx,c=d.cy,u=n.select(this),h=u.selectAll("path.surface").data([i]);if(h.enter().append("path").classed("surface",!0).style({"pointer-events":"all"}),u.call(x,t,e),g.pull){var v=+m.castOption(g.pull,i.pts)||0;v>0&&(o+=v*i.pxmid[0],c+=v*i.pxmid[1])}i.cxFinal=o,i.cyFinal=c;var T=g.hole;if(i.v===d.vTotal){var k="M"+(o+i.px0[0])+","+(c+i.px0[1])+L(i.px0,i.pxmid,!0,1)+L(i.pxmid,i.px0,!0,1)+"Z";T?h.attr("d","M"+(o+T*i.px0[0])+","+(c+T*i.px0[1])+L(i.px0,i.pxmid,!1,T)+L(i.pxmid,i.px0,!1,T)+"Z"+k):h.attr("d",k)}else{var M=L(i.px0,i.px1,!0,1);if(T){var A=1-T;h.attr("d","M"+(o+T*i.px1[0])+","+(c+T*i.px1[1])+L(i.px1,i.px0,!1,T)+"l"+A*i.px0[0]+","+A*i.px0[1]+M+"Z")}else h.attr("d","M"+o+","+c+"l"+i.px0[0]+","+i.px0[1]+M+"Z")}D(t,i,d);var S=m.castOption(g.textposition,i.pts),E=u.selectAll("g.slicetext").data(i.text&&"none"!==S?[0]:[]);E.enter().append("g").classed("slicetext",!0),E.exit().remove(),E.each((function(){var u=l.ensureSingle(n.select(this),"text","",(function(t){t.attr("data-notex",1)})),h=l.ensureUniformFontSize(t,"outside"===S?function(t,e,r){var n=m.castOption(t.outsidetextfont.color,e.pts)||m.castOption(t.textfont.color,e.pts)||r.color,i=m.castOption(t.outsidetextfont.family,e.pts)||m.castOption(t.textfont.family,e.pts)||r.family,a=m.castOption(t.outsidetextfont.size,e.pts)||m.castOption(t.textfont.size,e.pts)||r.size;return{color:n,family:i,size:a}}(g,i,r.font):b(g,i,r.font));u.text(i.text).attr({class:"slicetext",transform:"","text-anchor":"middle"}).call(s.font,h).call(f.convertToTspans,t);var v,y=s.bBox(u.node());if("outside"===S)v=C(y,i);else if(v=w(y,i,d),"auto"===S&&v.scale<1){var x=l.ensureUniformFontSize(t,g.outsidetextfont);u.call(s.font,x),v=C(y=s.bBox(u.node()),i)}var T=v.textPosAngle,k=void 0===T?i.pxmid:O(d.r,T);if(v.targetX=o+k[0]*v.rCenter+(v.x||0),v.targetY=c+k[1]*v.rCenter+(v.y||0),R(v,y),v.outside){var M=v.targetY;i.yLabelMin=M-y.height/2,i.yLabelMid=M,i.yLabelMax=M+y.height/2,i.labelExtraX=0,i.labelExtraY=0,_=!0}v.fontSize=h.size,p(g.type,v,r),e[a].transform=v,u.attr("transform",l.getTextTransform(v))}))}function L(t,e,r,n){var a=n*(e[0]-t[0]),o=n*(e[1]-t[1]);return"a"+n*d.r+","+n*d.r+" 0 "+i.largeArc+(r?" 1 ":" 0 ")+a+","+o}}));var T=n.select(this).selectAll("g.titletext").data(g.title.text?[0]:[]);if(T.enter().append("g").classed("titletext",!0),T.exit().remove(),T.each((function(){var e,r=l.ensureSingle(n.select(this),"text","",(function(t){t.attr("data-notex",1)})),i=g.title.text;g._meta&&(i=l.templateString(i,g._meta)),r.text(i).attr({class:"titletext",transform:"","text-anchor":"middle"}).call(s.font,g.title.font).call(f.convertToTspans,t),e="middle center"===g.title.position?function(t){var e=Math.sqrt(t.titleBox.width*t.titleBox.width+t.titleBox.height*t.titleBox.height);return{x:t.cx,y:t.cy,scale:t.trace.hole*t.r*2/e,tx:0,ty:-t.titleBox.height/2+t.trace.title.font.size}}(d):L(d,a),r.attr("transform",u(e.x,e.y)+c(Math.min(1,e.scale))+u(e.tx,e.ty))})),_&&function(t,e){var r,n,i,a,o,s,l,c,u,f,h,p,d;function g(t,e){return t.pxmid[1]-e.pxmid[1]}function v(t,e){return e.pxmid[1]-t.pxmid[1]}function y(t,r){r||(r={});var i,c,u,h,p=r.labelExtraY+(n?r.yLabelMax:r.yLabelMin),d=n?t.yLabelMin:t.yLabelMax,g=n?t.yLabelMax:t.yLabelMin,v=t.cyFinal+o(t.px0[1],t.px1[1]),y=p-d;if(y*l>0&&(t.labelExtraY=y),Array.isArray(e.pull))for(c=0;c=(m.castOption(e.pull,u.pts)||0)||((t.pxmid[1]-u.pxmid[1])*l>0?(y=u.cyFinal+o(u.px0[1],u.px1[1])-d-t.labelExtraY)*l>0&&(t.labelExtraY+=y):(g+t.labelExtraY-v)*l>0&&(i=3*s*Math.abs(c-f.indexOf(t)),(h=u.cxFinal+a(u.px0[0],u.px1[0])+i-(t.cxFinal+t.pxmid[0])-t.labelExtraX)*s>0&&(t.labelExtraX+=h)))}for(n=0;n<2;n++)for(i=n?g:v,o=n?Math.max:Math.min,l=n?1:-1,r=0;r<2;r++){for(a=r?Math.max:Math.min,s=r?1:-1,(c=t[n][r]).sort(i),u=t[1-n][r],f=u.concat(c),p=[],h=0;hMath.abs(f)?s+="l"+f*t.pxmid[0]/t.pxmid[1]+","+f+"H"+(a+t.labelExtraX+c):s+="l"+t.labelExtraX+","+u+"v"+(f-u)+"h"+c}else s+="V"+(t.yLabelMid+t.labelExtraY)+"h"+c;l.ensureSingle(r,"path","textline").call(o.stroke,e.outsidetextfont.color).attr({"stroke-width":Math.min(2,e.outsidetextfont.size/8),d:s,fill:"none"})}else r.select("path.textline").remove()}))}(v,g),_&&g.automargin){var k=s.bBox(h.node()),M=g.domain,A=a.w*(M.x[1]-M.x[0]),S=a.h*(M.y[1]-M.y[0]),E=(.5*A-d.r)/a.w,I=(.5*S-d.r)/a.h;i.autoMargin(t,"pie."+g.uid+".automargin",{xl:M.x[0]-E,xr:M.x[1]+E,yb:M.y[0]-I,yt:M.y[1]+I,l:Math.max(d.cx-d.r-k.left,0),r:Math.max(k.right-(d.cx+d.r),0),b:Math.max(k.bottom-(d.cy+d.r),0),t:Math.max(d.cy-d.r-k.top,0),pad:5})}}))}));setTimeout((function(){h.selectAll("tspan").each((function(){var t=n.select(this);t.attr("dy")&&t.attr("dy",t.attr("dy"))}))}),0)},formatSliceLabel:D,transformInsideText:w,determineInsideTextFont:b,positionTitleOutside:L,prerenderTitles:_,layoutAreas:z,attachFxHandlers:x,computeTransform:R}},{"../../components/color":643,"../../components/drawing":665,"../../components/fx":683,"../../lib":778,"../../lib/svg_text_utils":803,"../../plots/plots":891,"../bar/constants":923,"../bar/uniform_text":937,"./event_data":1165,"./helpers":1166,d3:169}],1171:[function(t,e,r){"use strict";var n=t("d3"),i=t("./style_one"),a=t("../bar/uniform_text").resizeText;e.exports=function(t){var e=t._fullLayout._pielayer.selectAll(".trace");a(t,e,"pie"),e.each((function(t){var e=t[0].trace,r=n.select(this);r.style({opacity:e.opacity}),r.selectAll("path.surface").each((function(t){n.select(this).call(i,t,e)}))}))}},{"../bar/uniform_text":937,"./style_one":1172,d3:169}],1172:[function(t,e,r){"use strict";var n=t("../../components/color"),i=t("./helpers").castOption;e.exports=function(t,e,r){var a=r.marker.line,o=i(a.color,e.pts)||n.defaultLine,s=i(a.width,e.pts)||0;t.style("stroke-width",s).call(n.fill,e.color).call(n.stroke,o)}},{"../../components/color":643,"./helpers":1166}],1173:[function(t,e,r){"use strict";var n=t("../scatter/attributes");e.exports={x:n.x,y:n.y,xy:{valType:"data_array",editType:"calc"},indices:{valType:"data_array",editType:"calc"},xbounds:{valType:"data_array",editType:"calc"},ybounds:{valType:"data_array",editType:"calc"},text:n.text,marker:{color:{valType:"color",arrayOk:!1,editType:"calc"},opacity:{valType:"number",min:0,max:1,dflt:1,arrayOk:!1,editType:"calc"},blend:{valType:"boolean",dflt:null,editType:"calc"},sizemin:{valType:"number",min:.1,max:2,dflt:.5,editType:"calc"},sizemax:{valType:"number",min:.1,dflt:20,editType:"calc"},border:{color:{valType:"color",arrayOk:!1,editType:"calc"},arearatio:{valType:"number",min:0,max:1,dflt:0,editType:"calc"},editType:"calc"},editType:"calc"},transforms:void 0}},{"../scatter/attributes":1187}],1174:[function(t,e,r){"use strict";var n=t("gl-pointcloud2d"),i=t("../../lib/str2rgbarray"),a=t("../../plots/cartesian/autorange").findExtremes,o=t("../scatter/get_trace_color");function s(t,e){this.scene=t,this.uid=e,this.type="pointcloud",this.pickXData=[],this.pickYData=[],this.xData=[],this.yData=[],this.textLabels=[],this.color="rgb(0, 0, 0)",this.name="",this.hoverinfo="all",this.idToIndex=new Int32Array(0),this.bounds=[0,0,0,0],this.pointcloudOptions={positions:new Float32Array(0),idToIndex:this.idToIndex,sizemin:.5,sizemax:12,color:[0,0,0,1],areaRatio:1,borderColor:[0,0,0,1]},this.pointcloud=n(t.glplot,this.pointcloudOptions),this.pointcloud._trace=this}var l=s.prototype;l.handlePick=function(t){var e=this.idToIndex[t.pointId];return{trace:this,dataCoord:t.dataCoord,traceCoord:this.pickXYData?[this.pickXYData[2*e],this.pickXYData[2*e+1]]:[this.pickXData[e],this.pickYData[e]],textLabel:Array.isArray(this.textLabels)?this.textLabels[e]:this.textLabels,color:this.color,name:this.name,pointIndex:e,hoverinfo:this.hoverinfo}},l.update=function(t){this.index=t.index,this.textLabels=t.text,this.name=t.name,this.hoverinfo=t.hoverinfo,this.bounds=[1/0,1/0,-1/0,-1/0],this.updateFast(t),this.color=o(t,{})},l.updateFast=function(t){var e,r,n,o,s,l,c=this.xData=this.pickXData=t.x,u=this.yData=this.pickYData=t.y,f=this.pickXYData=t.xy,h=t.xbounds&&t.ybounds,p=t.indices,d=this.bounds;if(f){if(n=f,e=f.length>>>1,h)d[0]=t.xbounds[0],d[2]=t.xbounds[1],d[1]=t.ybounds[0],d[3]=t.ybounds[1];else for(l=0;ld[2]&&(d[2]=o),sd[3]&&(d[3]=s);if(p)r=p;else for(r=new Int32Array(e),l=0;ld[2]&&(d[2]=o),sd[3]&&(d[3]=s);this.idToIndex=r,this.pointcloudOptions.idToIndex=r,this.pointcloudOptions.positions=n;var g=i(t.marker.color),m=i(t.marker.border.color),v=t.opacity*t.marker.opacity;g[3]*=v,this.pointcloudOptions.color=g;var y=t.marker.blend;if(null===y){y=c.length<100||u.length<100}this.pointcloudOptions.blend=y,m[3]*=v,this.pointcloudOptions.borderColor=m;var x=t.marker.sizemin,b=Math.max(t.marker.sizemax,t.marker.sizemin);this.pointcloudOptions.sizeMin=x,this.pointcloudOptions.sizeMax=b,this.pointcloudOptions.areaRatio=t.marker.border.arearatio,this.pointcloud.update(this.pointcloudOptions);var _=this.scene.xaxis,w=this.scene.yaxis,T=b/2||.5;t._extremes[_._id]=a(_,[d[0],d[2]],{ppad:T}),t._extremes[w._id]=a(w,[d[1],d[3]],{ppad:T})},l.dispose=function(){this.pointcloud.dispose()},e.exports=function(t,e){var r=new s(t,e.uid);return r.update(e),r}},{"../../lib/str2rgbarray":802,"../../plots/cartesian/autorange":827,"../scatter/get_trace_color":1197,"gl-pointcloud2d":324}],1175:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes");e.exports=function(t,e,r){function a(r,a){return n.coerce(t,e,i,r,a)}a("x"),a("y"),a("xbounds"),a("ybounds"),t.xy&&t.xy instanceof Float32Array&&(e.xy=t.xy),t.indices&&t.indices instanceof Int32Array&&(e.indices=t.indices),a("text"),a("marker.color",r),a("marker.opacity"),a("marker.blend"),a("marker.sizemin"),a("marker.sizemax"),a("marker.border.color",r),a("marker.border.arearatio"),e._length=null}},{"../../lib":778,"./attributes":1173}],1176:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("../scatter3d/calc"),plot:t("./convert"),moduleType:"trace",name:"pointcloud",basePlotModule:t("../../plots/gl2d"),categories:["gl","gl2d","showLegend"],meta:{}}},{"../../plots/gl2d":868,"../scatter3d/calc":1216,"./attributes":1173,"./convert":1174,"./defaults":1175}],1177:[function(t,e,r){"use strict";var n=t("../../plots/font_attributes"),i=t("../../plots/attributes"),a=t("../../components/color/attributes"),o=t("../../components/fx/attributes"),s=t("../../plots/domain").attributes,l=t("../../plots/template_attributes").hovertemplateAttrs,c=t("../../components/colorscale/attributes"),u=t("../../plot_api/plot_template").templatedArray,f=t("../../lib/extend").extendFlat,h=t("../../plot_api/edit_types").overrideAll;t("../../constants/docs").FORMAT_LINK;(e.exports=h({hoverinfo:f({},i.hoverinfo,{flags:[],arrayOk:!1}),hoverlabel:o.hoverlabel,domain:s({name:"sankey",trace:!0}),orientation:{valType:"enumerated",values:["v","h"],dflt:"h"},valueformat:{valType:"string",dflt:".3s"},valuesuffix:{valType:"string",dflt:""},arrangement:{valType:"enumerated",values:["snap","perpendicular","freeform","fixed"],dflt:"snap"},textfont:n({}),customdata:void 0,node:{label:{valType:"data_array",dflt:[]},groups:{valType:"info_array",impliedEdits:{x:[],y:[]},dimensions:2,freeLength:!0,dflt:[],items:{valType:"number",editType:"calc"}},x:{valType:"data_array",dflt:[]},y:{valType:"data_array",dflt:[]},color:{valType:"color",arrayOk:!0},customdata:{valType:"data_array",editType:"calc"},line:{color:{valType:"color",dflt:a.defaultLine,arrayOk:!0},width:{valType:"number",min:0,dflt:.5,arrayOk:!0}},pad:{valType:"number",arrayOk:!1,min:0,dflt:20},thickness:{valType:"number",arrayOk:!1,min:1,dflt:20},hoverinfo:{valType:"enumerated",values:["all","none","skip"],dflt:"all"},hoverlabel:o.hoverlabel,hovertemplate:l({},{keys:["value","label"]})},link:{label:{valType:"data_array",dflt:[]},color:{valType:"color",arrayOk:!0},customdata:{valType:"data_array",editType:"calc"},line:{color:{valType:"color",dflt:a.defaultLine,arrayOk:!0},width:{valType:"number",min:0,dflt:0,arrayOk:!0}},source:{valType:"data_array",dflt:[]},target:{valType:"data_array",dflt:[]},value:{valType:"data_array",dflt:[]},hoverinfo:{valType:"enumerated",values:["all","none","skip"],dflt:"all"},hoverlabel:o.hoverlabel,hovertemplate:l({},{keys:["value","label"]}),colorscales:u("concentrationscales",{editType:"calc",label:{valType:"string",editType:"calc",dflt:""},cmax:{valType:"number",editType:"calc",dflt:1},cmin:{valType:"number",editType:"calc",dflt:0},colorscale:f(c().colorscale,{dflt:[[0,"white"],[1,"black"]]})})}},"calc","nested")).transforms=void 0},{"../../components/color/attributes":642,"../../components/colorscale/attributes":650,"../../components/fx/attributes":674,"../../constants/docs":748,"../../lib/extend":768,"../../plot_api/edit_types":810,"../../plot_api/plot_template":817,"../../plots/attributes":824,"../../plots/domain":855,"../../plots/font_attributes":856,"../../plots/template_attributes":906}],1178:[function(t,e,r){"use strict";var n=t("../../plot_api/edit_types").overrideAll,i=t("../../plots/get_data").getModuleCalcData,a=t("./plot"),o=t("../../components/fx/layout_attributes"),s=t("../../lib/setcursor"),l=t("../../components/dragelement"),c=t("../../plots/cartesian/select").prepSelect,u=t("../../lib"),f=t("../../registry");function h(t,e){var r=t._fullData[e],n=t._fullLayout,i=n.dragmode,a="pan"===n.dragmode?"move":"crosshair",o=r._bgRect;if("pan"!==i&&"zoom"!==i){s(o,a);var h={_id:"x",c2p:u.identity,_offset:r._sankey.translateX,_length:r._sankey.width},p={_id:"y",c2p:u.identity,_offset:r._sankey.translateY,_length:r._sankey.height},d={gd:t,element:o.node(),plotinfo:{id:e,xaxis:h,yaxis:p,fillRangeItems:u.noop},subplot:e,xaxes:[h],yaxes:[p],doneFnCompleted:function(r){var n,i=t._fullData[e],a=i.node.groups.slice(),o=[];function s(t){for(var e=i._sankey.graph.nodes,r=0;ry&&(y=a.source[e]),a.target[e]>y&&(y=a.target[e]);var x,b=y+1;t.node._count=b;var _=t.node.groups,w={};for(e=0;e<_.length;e++){var T=_[e];for(x=0;x0&&s(E,b)&&s(C,b)&&(!w.hasOwnProperty(E)||!w.hasOwnProperty(C)||w[E]!==w[C])){w.hasOwnProperty(C)&&(C=w[C]),w.hasOwnProperty(E)&&(E=w[E]),C=+C,h[E=+E]=h[C]=!0;var L="";a.label&&a.label[e]&&(L=a.label[e]);var I=null;L&&p.hasOwnProperty(L)&&(I=p[L]),c.push({pointNumber:e,label:L,color:u?a.color[e]:a.color,customdata:f?a.customdata[e]:a.customdata,concentrationscale:I,source:E,target:C,value:+S}),A.source.push(E),A.target.push(C)}}var P=b+_.length,z=o(r.color),O=o(r.customdata),D=[];for(e=0;eb-1,childrenNodes:[],pointNumber:e,label:R,color:z?r.color[e]:r.color,customdata:O?r.customdata[e]:r.customdata})}var F=!1;return function(t,e,r){for(var a=i.init2dArray(t,0),o=0;o1}))}(P,A.source,A.target)&&(F=!0),{circular:F,links:c,nodes:D,groups:_,groupLookup:w}}e.exports=function(t,e){var r=c(e);return a({circular:r.circular,_nodes:r.nodes,_links:r.links,_groups:r.groups,_groupLookup:r.groupLookup})}},{"../../components/colorscale":655,"../../lib":778,"../../lib/gup":775,"strongly-connected-components":569}],1180:[function(t,e,r){"use strict";e.exports={nodeTextOffsetHorizontal:4,nodeTextOffsetVertical:3,nodePadAcross:10,sankeyIterations:50,forceIterations:5,forceTicksPerFrame:10,duration:500,ease:"linear",cn:{sankey:"sankey",sankeyLinks:"sankey-links",sankeyLink:"sankey-link",sankeyNodeSet:"sankey-node-set",sankeyNode:"sankey-node",nodeRect:"node-rect",nodeCapture:"node-capture",nodeCentered:"node-entered",nodeLabelGuide:"node-label-guide",nodeLabel:"node-label",nodeLabelTextPath:"node-label-text-path"}}},{}],1181:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes"),a=t("../../components/color"),o=t("tinycolor2"),s=t("../../plots/domain").defaults,l=t("../../components/fx/hoverlabel_defaults"),c=t("../../plot_api/plot_template"),u=t("../../plots/array_container_defaults");function f(t,e){function r(r,a){return n.coerce(t,e,i.link.colorscales,r,a)}r("label"),r("cmin"),r("cmax"),r("colorscale")}e.exports=function(t,e,r,h){function p(r,a){return n.coerce(t,e,i,r,a)}var d=n.extendDeep(h.hoverlabel,t.hoverlabel),g=t.node,m=c.newContainer(e,"node");function v(t,e){return n.coerce(g,m,i.node,t,e)}v("label"),v("groups"),v("x"),v("y"),v("pad"),v("thickness"),v("line.color"),v("line.width"),v("hoverinfo",t.hoverinfo),l(g,m,v,d),v("hovertemplate");var y=h.colorway;v("color",m.label.map((function(t,e){return a.addOpacity(function(t){return y[t%y.length]}(e),.8)}))),v("customdata");var x=t.link||{},b=c.newContainer(e,"link");function _(t,e){return n.coerce(x,b,i.link,t,e)}_("label"),_("source"),_("target"),_("value"),_("line.color"),_("line.width"),_("hoverinfo",t.hoverinfo),l(x,b,_,d),_("hovertemplate");var w,T=o(h.paper_bgcolor).getLuminance()<.333?"rgba(255, 255, 255, 0.6)":"rgba(0, 0, 0, 0.2)";_("color",n.repeat(T,b.value.length)),_("customdata"),u(x,b,{name:"colorscales",handleItemDefaults:f}),s(e,h,p),p("orientation"),p("valueformat"),p("valuesuffix"),m.x.length&&m.y.length&&(w="freeform"),p("arrangement",w),n.coerceFont(p,"textfont",n.extendFlat({},h.font)),e._length=null}},{"../../components/color":643,"../../components/fx/hoverlabel_defaults":681,"../../lib":778,"../../plot_api/plot_template":817,"../../plots/array_container_defaults":823,"../../plots/domain":855,"./attributes":1177,tinycolor2:576}],1182:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc"),plot:t("./plot"),moduleType:"trace",name:"sankey",basePlotModule:t("./base_plot"),selectPoints:t("./select.js"),categories:["noOpacity"],meta:{}}},{"./attributes":1177,"./base_plot":1178,"./calc":1179,"./defaults":1181,"./plot":1183,"./select.js":1185}],1183:[function(t,e,r){"use strict";var n=t("d3"),i=t("./render"),a=t("../../components/fx"),o=t("../../components/color"),s=t("../../lib"),l=t("./constants").cn,c=s._;function u(t){return""!==t}function f(t,e){return t.filter((function(t){return t.key===e.traceId}))}function h(t,e){n.select(t).select("path").style("fill-opacity",e),n.select(t).select("rect").style("fill-opacity",e)}function p(t){n.select(t).select("text.name").style("fill","black")}function d(t){return function(e){return-1!==t.node.sourceLinks.indexOf(e.link)||-1!==t.node.targetLinks.indexOf(e.link)}}function g(t){return function(e){return-1!==e.node.sourceLinks.indexOf(t.link)||-1!==e.node.targetLinks.indexOf(t.link)}}function m(t,e,r){e&&r&&f(r,e).selectAll("."+l.sankeyLink).filter(d(e)).call(y.bind(0,e,r,!1))}function v(t,e,r){e&&r&&f(r,e).selectAll("."+l.sankeyLink).filter(d(e)).call(x.bind(0,e,r,!1))}function y(t,e,r,n){var i=n.datum().link.label;n.style("fill-opacity",(function(t){if(!t.link.concentrationscale)return.4})),i&&f(e,t).selectAll("."+l.sankeyLink).filter((function(t){return t.link.label===i})).style("fill-opacity",(function(t){if(!t.link.concentrationscale)return.4})),r&&f(e,t).selectAll("."+l.sankeyNode).filter(g(t)).call(m)}function x(t,e,r,n){var i=n.datum().link.label;n.style("fill-opacity",(function(t){return t.tinyColorAlpha})),i&&f(e,t).selectAll("."+l.sankeyLink).filter((function(t){return t.link.label===i})).style("fill-opacity",(function(t){return t.tinyColorAlpha})),r&&f(e,t).selectAll(l.sankeyNode).filter(g(t)).call(v)}function b(t,e){var r=t.hoverlabel||{},n=s.nestedProperty(r,e).get();return!Array.isArray(n)&&n}e.exports=function(t,e){for(var r=t._fullLayout,s=r._paper,f=r._size,d=0;d"),color:b(s,"bgcolor")||o.addOpacity(d.color,1),borderColor:b(s,"bordercolor"),fontFamily:b(s,"font.family"),fontSize:b(s,"font.size"),fontColor:b(s,"font.color"),nameLength:b(s,"namelength"),textAlign:b(s,"align"),idealAlign:n.event.x"),color:b(o,"bgcolor")||i.tinyColorHue,borderColor:b(o,"bordercolor"),fontFamily:b(o,"font.family"),fontSize:b(o,"font.size"),fontColor:b(o,"font.color"),nameLength:b(o,"namelength"),textAlign:b(o,"align"),idealAlign:"left",hovertemplate:o.hovertemplate,hovertemplateLabels:v,eventData:[i.node]},{container:r._hoverlayer.node(),outerContainer:r._paper.node(),gd:t});h(_,.85),p(_)}}},unhover:function(e,i,o){!1!==t._fullLayout.hovermode&&(n.select(e).call(v,i,o),"skip"!==i.node.trace.node.hoverinfo&&(i.node.fullData=i.node.trace,t.emit("plotly_unhover",{event:n.event,points:[i.node]})),a.loneUnhover(r._hoverlayer.node()))},select:function(e,r,i){var o=r.node;o.originalEvent=n.event,t._hoverdata=[o],n.select(e).call(v,r,i),a.click(t,{target:!0})}}})}},{"../../components/color":643,"../../components/fx":683,"../../lib":778,"./constants":1180,"./render":1184,d3:169}],1184:[function(t,e,r){"use strict";var n=t("./constants"),i=t("d3"),a=t("tinycolor2"),o=t("../../components/color"),s=t("../../components/drawing"),l=t("@plotly/d3-sankey"),c=t("@plotly/d3-sankey-circular"),u=t("d3-force"),f=t("../../lib"),h=f.strTranslate,p=t("../../lib/gup"),d=p.keyFun,g=p.repeat,m=p.unwrap,v=t("d3-interpolate").interpolateNumber,y=t("../../registry");function x(t,e,r){var i,o=m(e),s=o.trace,u=s.domain,h="h"===s.orientation,p=s.node.pad,d=s.node.thickness,g=t.width*(u.x[1]-u.x[0]),v=t.height*(u.y[1]-u.y[0]),y=o._nodes,x=o._links,b=o.circular;(i=b?c.sankeyCircular().circularLinkGap(0):l.sankey()).iterations(n.sankeyIterations).size(h?[g,v]:[v,g]).nodeWidth(d).nodePadding(p).nodeId((function(t){return t.pointNumber})).nodes(y).links(x);var _,w,T,k=i();for(var M in i.nodePadding()=i||(r=i-e.y0)>1e-6&&(e.y0+=r,e.y1+=r),i=e.y1+p}))}(function(t){var e,r,n=t.map((function(t,e){return{x0:t.x0,index:e}})).sort((function(t,e){return t.x0-e.x0})),i=[],a=-1,o=-1/0;for(_=0;_o+d&&(a+=1,e=s.x0),o=s.x0,i[a]||(i[a]=[]),i[a].push(s),r=e-s.x0,s.x0+=r,s.x1+=r}return i}(y=k.nodes));i.update(k)}return{circular:b,key:r,trace:s,guid:f.randstr(),horizontal:h,width:g,height:v,nodePad:s.node.pad,nodeLineColor:s.node.line.color,nodeLineWidth:s.node.line.width,linkLineColor:s.link.line.color,linkLineWidth:s.link.line.width,valueFormat:s.valueformat,valueSuffix:s.valuesuffix,textFont:s.textfont,translateX:u.x[0]*t.width+t.margin.l,translateY:t.height-u.y[1]*t.height+t.margin.t,dragParallel:h?v:g,dragPerpendicular:h?g:v,arrangement:s.arrangement,sankey:i,graph:k,forceLayouts:{},interactionState:{dragInProgress:!1,hovered:!1}}}function b(t,e,r){var n=a(e.color),i=e.source.label+"|"+e.target.label+"__"+r;return e.trace=t.trace,e.curveNumber=t.trace.index,{circular:t.circular,key:i,traceId:t.key,pointNumber:e.pointNumber,link:e,tinyColorHue:o.tinyRGB(n),tinyColorAlpha:n.getAlpha(),linkPath:_,linkLineColor:t.linkLineColor,linkLineWidth:t.linkLineWidth,valueFormat:t.valueFormat,valueSuffix:t.valueSuffix,sankey:t.sankey,parent:t,interactionState:t.interactionState,flow:e.flow}}function _(){return function(t){if(t.link.circular)return e=t.link,r=e.width/2,n=e.circularPathData,"top"===e.circularLinkType?"M "+n.targetX+" "+(n.targetY+r)+" L"+n.rightInnerExtent+" "+(n.targetY+r)+"A"+(n.rightLargeArcRadius+r)+" "+(n.rightSmallArcRadius+r)+" 0 0 1 "+(n.rightFullExtent-r)+" "+(n.targetY-n.rightSmallArcRadius)+"L"+(n.rightFullExtent-r)+" "+n.verticalRightInnerExtent+"A"+(n.rightLargeArcRadius+r)+" "+(n.rightLargeArcRadius+r)+" 0 0 1 "+n.rightInnerExtent+" "+(n.verticalFullExtent-r)+"L"+n.leftInnerExtent+" "+(n.verticalFullExtent-r)+"A"+(n.leftLargeArcRadius+r)+" "+(n.leftLargeArcRadius+r)+" 0 0 1 "+(n.leftFullExtent+r)+" "+n.verticalLeftInnerExtent+"L"+(n.leftFullExtent+r)+" "+(n.sourceY-n.leftSmallArcRadius)+"A"+(n.leftLargeArcRadius+r)+" "+(n.leftSmallArcRadius+r)+" 0 0 1 "+n.leftInnerExtent+" "+(n.sourceY+r)+"L"+n.sourceX+" "+(n.sourceY+r)+"L"+n.sourceX+" "+(n.sourceY-r)+"L"+n.leftInnerExtent+" "+(n.sourceY-r)+"A"+(n.leftLargeArcRadius-r)+" "+(n.leftSmallArcRadius-r)+" 0 0 0 "+(n.leftFullExtent-r)+" "+(n.sourceY-n.leftSmallArcRadius)+"L"+(n.leftFullExtent-r)+" "+n.verticalLeftInnerExtent+"A"+(n.leftLargeArcRadius-r)+" "+(n.leftLargeArcRadius-r)+" 0 0 0 "+n.leftInnerExtent+" "+(n.verticalFullExtent+r)+"L"+n.rightInnerExtent+" "+(n.verticalFullExtent+r)+"A"+(n.rightLargeArcRadius-r)+" "+(n.rightLargeArcRadius-r)+" 0 0 0 "+(n.rightFullExtent+r)+" "+n.verticalRightInnerExtent+"L"+(n.rightFullExtent+r)+" "+(n.targetY-n.rightSmallArcRadius)+"A"+(n.rightLargeArcRadius-r)+" "+(n.rightSmallArcRadius-r)+" 0 0 0 "+n.rightInnerExtent+" "+(n.targetY-r)+"L"+n.targetX+" "+(n.targetY-r)+"Z":"M "+n.targetX+" "+(n.targetY-r)+" L"+n.rightInnerExtent+" "+(n.targetY-r)+"A"+(n.rightLargeArcRadius+r)+" "+(n.rightSmallArcRadius+r)+" 0 0 0 "+(n.rightFullExtent-r)+" "+(n.targetY+n.rightSmallArcRadius)+"L"+(n.rightFullExtent-r)+" "+n.verticalRightInnerExtent+"A"+(n.rightLargeArcRadius+r)+" "+(n.rightLargeArcRadius+r)+" 0 0 0 "+n.rightInnerExtent+" "+(n.verticalFullExtent+r)+"L"+n.leftInnerExtent+" "+(n.verticalFullExtent+r)+"A"+(n.leftLargeArcRadius+r)+" "+(n.leftLargeArcRadius+r)+" 0 0 0 "+(n.leftFullExtent+r)+" "+n.verticalLeftInnerExtent+"L"+(n.leftFullExtent+r)+" "+(n.sourceY+n.leftSmallArcRadius)+"A"+(n.leftLargeArcRadius+r)+" "+(n.leftSmallArcRadius+r)+" 0 0 0 "+n.leftInnerExtent+" "+(n.sourceY-r)+"L"+n.sourceX+" "+(n.sourceY-r)+"L"+n.sourceX+" "+(n.sourceY+r)+"L"+n.leftInnerExtent+" "+(n.sourceY+r)+"A"+(n.leftLargeArcRadius-r)+" "+(n.leftSmallArcRadius-r)+" 0 0 1 "+(n.leftFullExtent-r)+" "+(n.sourceY+n.leftSmallArcRadius)+"L"+(n.leftFullExtent-r)+" "+n.verticalLeftInnerExtent+"A"+(n.leftLargeArcRadius-r)+" "+(n.leftLargeArcRadius-r)+" 0 0 1 "+n.leftInnerExtent+" "+(n.verticalFullExtent-r)+"L"+n.rightInnerExtent+" "+(n.verticalFullExtent-r)+"A"+(n.rightLargeArcRadius-r)+" "+(n.rightLargeArcRadius-r)+" 0 0 1 "+(n.rightFullExtent+r)+" "+n.verticalRightInnerExtent+"L"+(n.rightFullExtent+r)+" "+(n.targetY+n.rightSmallArcRadius)+"A"+(n.rightLargeArcRadius-r)+" "+(n.rightSmallArcRadius-r)+" 0 0 1 "+n.rightInnerExtent+" "+(n.targetY+r)+"L"+n.targetX+" "+(n.targetY+r)+"Z";var e,r,n,i=t.link.source.x1,a=t.link.target.x0,o=v(i,a),s=o(.5),l=o(.5),c=t.link.y0-t.link.width/2,u=t.link.y0+t.link.width/2,f=t.link.y1-t.link.width/2,h=t.link.y1+t.link.width/2;return"M"+i+","+c+"C"+s+","+c+" "+l+","+f+" "+a+","+f+"L"+a+","+h+"C"+l+","+h+" "+s+","+u+" "+i+","+u+"Z"}}function w(t,e){var r=a(e.color),i=n.nodePadAcross,s=t.nodePad/2;e.dx=e.x1-e.x0,e.dy=e.y1-e.y0;var l=e.dx,c=Math.max(.5,e.dy),u="node_"+e.pointNumber;return e.group&&(u=f.randstr()),e.trace=t.trace,e.curveNumber=t.trace.index,{index:e.pointNumber,key:u,partOfGroup:e.partOfGroup||!1,group:e.group,traceId:t.key,trace:t.trace,node:e,nodePad:t.nodePad,nodeLineColor:t.nodeLineColor,nodeLineWidth:t.nodeLineWidth,textFont:t.textFont,size:t.horizontal?t.height:t.width,visibleWidth:Math.ceil(l),visibleHeight:c,zoneX:-i,zoneY:-s,zoneWidth:l+2*i,zoneHeight:c+2*s,labelY:t.horizontal?e.dy/2+1:e.dx/2+1,left:1===e.originalLayer,sizeAcross:t.width,forceLayouts:t.forceLayouts,horizontal:t.horizontal,darkBackground:r.getBrightness()<=128,tinyColorHue:o.tinyRGB(r),tinyColorAlpha:r.getAlpha(),valueFormat:t.valueFormat,valueSuffix:t.valueSuffix,sankey:t.sankey,graph:t.graph,arrangement:t.arrangement,uniqueNodeLabelPathId:[t.guid,t.key,u].join("_"),interactionState:t.interactionState,figure:t}}function T(t){t.attr("transform",(function(t){return h(t.node.x0.toFixed(3),t.node.y0.toFixed(3))}))}function k(t){t.call(T)}function M(t,e){t.call(k),e.attr("d",_())}function A(t){t.attr("width",(function(t){return t.node.x1-t.node.x0})).attr("height",(function(t){return t.visibleHeight}))}function S(t){return t.link.width>1||t.linkLineWidth>0}function E(t){return h(t.translateX,t.translateY)+(t.horizontal?"matrix(1 0 0 1 0 0)":"matrix(0 1 1 0 0 0)")}function C(t){return h(t.horizontal?0:t.labelY,t.horizontal?t.labelY:0)}function L(t){return i.svg.line()([[t.horizontal?t.left?-t.sizeAcross:t.visibleWidth+n.nodeTextOffsetHorizontal:n.nodeTextOffsetHorizontal,0],[t.horizontal?t.left?-n.nodeTextOffsetHorizontal:t.sizeAcross:t.visibleHeight-n.nodeTextOffsetHorizontal,0]])}function I(t){return t.horizontal?"matrix(1 0 0 1 0 0)":"matrix(0 1 1 0 0 0)"}function P(t){return t.horizontal?"scale(1 1)":"scale(-1 1)"}function z(t){return t.darkBackground&&!t.horizontal?"rgb(255,255,255)":"rgb(0,0,0)"}function O(t){return t.horizontal&&t.left?"100%":"0%"}function D(t,e,r){t.on(".basic",null).on("mouseover.basic",(function(t){t.interactionState.dragInProgress||t.partOfGroup||(r.hover(this,t,e),t.interactionState.hovered=[this,t])})).on("mousemove.basic",(function(t){t.interactionState.dragInProgress||t.partOfGroup||(r.follow(this,t),t.interactionState.hovered=[this,t])})).on("mouseout.basic",(function(t){t.interactionState.dragInProgress||t.partOfGroup||(r.unhover(this,t,e),t.interactionState.hovered=!1)})).on("click.basic",(function(t){t.interactionState.hovered&&(r.unhover(this,t,e),t.interactionState.hovered=!1),t.interactionState.dragInProgress||t.partOfGroup||r.select(this,t,e)}))}function R(t,e,r,a){var o=i.behavior.drag().origin((function(t){return{x:t.node.x0+t.visibleWidth/2,y:t.node.y0+t.visibleHeight/2}})).on("dragstart",(function(i){if("fixed"!==i.arrangement&&(f.ensureSingle(a._fullLayout._infolayer,"g","dragcover",(function(t){a._fullLayout._dragCover=t})),f.raiseToTop(this),i.interactionState.dragInProgress=i.node,B(i.node),i.interactionState.hovered&&(r.nodeEvents.unhover.apply(0,i.interactionState.hovered),i.interactionState.hovered=!1),"snap"===i.arrangement)){var o=i.traceId+"|"+i.key;i.forceLayouts[o]?i.forceLayouts[o].alpha(1):function(t,e,r,i){!function(t){for(var e=0;e0&&i.forceLayouts[e].alpha(0)}}(0,e,a,r)).stop()}(0,o,i),function(t,e,r,i,a){window.requestAnimationFrame((function o(){var s;for(s=0;s0)window.requestAnimationFrame(o);else{var l=r.node.originalX;r.node.x0=l-r.visibleWidth/2,r.node.x1=l+r.visibleWidth/2,F(r,a)}}))}(t,e,i,o,a)}})).on("drag",(function(r){if("fixed"!==r.arrangement){var n=i.event.x,a=i.event.y;"snap"===r.arrangement?(r.node.x0=n-r.visibleWidth/2,r.node.x1=n+r.visibleWidth/2,r.node.y0=a-r.visibleHeight/2,r.node.y1=a+r.visibleHeight/2):("freeform"===r.arrangement&&(r.node.x0=n-r.visibleWidth/2,r.node.x1=n+r.visibleWidth/2),a=Math.max(0,Math.min(r.size-r.visibleHeight/2,a)),r.node.y0=a-r.visibleHeight/2,r.node.y1=a+r.visibleHeight/2),B(r.node),"snap"!==r.arrangement&&(r.sankey.update(r.graph),M(t.filter(N(r)),e))}})).on("dragend",(function(t){if("fixed"!==t.arrangement){t.interactionState.dragInProgress=!1;for(var e=0;e5?t.node.label:""})).attr("text-anchor",(function(t){return t.horizontal&&t.left?"end":"start"})),q.transition().ease(n.ease).duration(n.duration).attr("startOffset",O).style("fill",z)}},{"../../components/color":643,"../../components/drawing":665,"../../lib":778,"../../lib/gup":775,"../../registry":911,"./constants":1180,"@plotly/d3-sankey":56,"@plotly/d3-sankey-circular":55,d3:169,"d3-force":160,"d3-interpolate":162,tinycolor2:576}],1185:[function(t,e,r){"use strict";e.exports=function(t,e){for(var r=[],n=t.cd[0].trace,i=n._sankey.graph.nodes,a=0;al&&E[v].gap;)v--;for(x=E[v].s,g=E.length-1;g>v;g--)E[g].s=x;for(;lA[u]&&u=0;i--){var a=t[i];if("scatter"===a.type&&a.xaxis===r.xaxis&&a.yaxis===r.yaxis){a.opacity=void 0;break}}}}}},{}],1194:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry"),a=t("./attributes"),o=t("./constants"),s=t("./subtypes"),l=t("./xy_defaults"),c=t("./period_defaults"),u=t("./stack_defaults"),f=t("./marker_defaults"),h=t("./line_defaults"),p=t("./line_shape_defaults"),d=t("./text_defaults"),g=t("./fillcolor_defaults");e.exports=function(t,e,r,m){function v(r,i){return n.coerce(t,e,a,r,i)}var y=l(t,e,m,v);if(y||(e.visible=!1),e.visible){c(t,e,m,v);var x=u(t,e,m,v),b=!x&&yG!=(F=P[L][1])>=G&&(O=P[L-1][0],D=P[L][0],F-R&&(z=O+(D-O)*(G-R)/(F-R),U=Math.min(U,z),V=Math.max(V,z)));U=Math.max(U,0),V=Math.min(V,h._length);var Y=s.defaultLine;return s.opacity(f.fillcolor)?Y=f.fillcolor:s.opacity((f.line||{}).color)&&(Y=f.line.color),n.extendFlat(t,{distance:t.maxHoverDistance,x0:U,x1:V,y0:G,y1:G,color:Y,hovertemplate:!1}),delete t.index,f.text&&!Array.isArray(f.text)?t.text=String(f.text):t.text=f.name,[t]}}}},{"../../components/color":643,"../../components/fx":683,"../../lib":778,"../../registry":911,"./get_trace_color":1197}],1199:[function(t,e,r){"use strict";var n=t("./subtypes");e.exports={hasLines:n.hasLines,hasMarkers:n.hasMarkers,hasText:n.hasText,isBubble:n.isBubble,attributes:t("./attributes"),supplyDefaults:t("./defaults"),crossTraceDefaults:t("./cross_trace_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./cross_trace_calc"),arraysToCalcdata:t("./arrays_to_calcdata"),plot:t("./plot"),colorbar:t("./marker_colorbar"),formatLabels:t("./format_labels"),style:t("./style").style,styleOnSelect:t("./style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("./select"),animatable:!0,moduleType:"trace",name:"scatter",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","symbols","errorBarsOK","showLegend","scatter-like","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"./arrays_to_calcdata":1186,"./attributes":1187,"./calc":1188,"./cross_trace_calc":1192,"./cross_trace_defaults":1193,"./defaults":1194,"./format_labels":1196,"./hover":1198,"./marker_colorbar":1205,"./plot":1208,"./select":1209,"./style":1211,"./subtypes":1212}],1200:[function(t,e,r){"use strict";var n=t("../../lib").isArrayOrTypedArray,i=t("../../components/colorscale/helpers").hasColorscale,a=t("../../components/colorscale/defaults");e.exports=function(t,e,r,o,s,l){var c=(t.marker||{}).color;(s("line.color",r),i(t,"line"))?a(t,e,o,s,{prefix:"line.",cLetter:"c"}):s("line.color",!n(c)&&c||r);s("line.width"),(l||{}).noDash||s("line.dash")}},{"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654,"../../lib":778}],1201:[function(t,e,r){"use strict";var n=t("../../constants/numerical"),i=n.BADNUM,a=n.LOG_CLIP,o=a+.5,s=a-.5,l=t("../../lib"),c=l.segmentsIntersect,u=l.constrain,f=t("./constants");e.exports=function(t,e){var r,n,a,h,p,d,g,m,v,y,x,b,_,w,T,k,M,A,S=e.xaxis,E=e.yaxis,C="log"===S.type,L="log"===E.type,I=S._length,P=E._length,z=e.connectGaps,O=e.baseTolerance,D=e.shape,R="linear"===D,F=e.fill&&"none"!==e.fill,B=[],N=f.minTolerance,j=t.length,U=new Array(j),V=0;function q(r){var n=t[r];if(!n)return!1;var a=e.linearized?S.l2p(n.x):S.c2p(n.x),l=e.linearized?E.l2p(n.y):E.c2p(n.y);if(a===i){if(C&&(a=S.c2p(n.x,!0)),a===i)return!1;L&&l===i&&(a*=Math.abs(S._m*P*(S._m>0?o:s)/(E._m*I*(E._m>0?o:s)))),a*=1e3}if(l===i){if(L&&(l=E.c2p(n.y,!0)),l===i)return!1;l*=1e3}return[a,l]}function H(t,e,r,n){var i=r-t,a=n-e,o=.5-t,s=.5-e,l=i*i+a*a,c=i*o+a*s;if(c>0&&crt||t[1]it)return[u(t[0],et,rt),u(t[1],nt,it)]}function st(t,e){return t[0]===e[0]&&(t[0]===et||t[0]===rt)||(t[1]===e[1]&&(t[1]===nt||t[1]===it)||void 0)}function lt(t,e,r){return function(n,i){var a=ot(n),o=ot(i),s=[];if(a&&o&&st(a,o))return s;a&&s.push(a),o&&s.push(o);var c=2*l.constrain((n[t]+i[t])/2,e,r)-((a||n)[t]+(o||i)[t]);c&&((a&&o?c>0==a[t]>o[t]?a:o:a||o)[t]+=c);return s}}function ct(t){var e=t[0],r=t[1],n=e===U[V-1][0],i=r===U[V-1][1];if(!n||!i)if(V>1){var a=e===U[V-2][0],o=r===U[V-2][1];n&&(e===et||e===rt)&&a?o?V--:U[V-1]=t:i&&(r===nt||r===it)&&o?a?V--:U[V-1]=t:U[V++]=t}else U[V++]=t}function ut(t){U[V-1][0]!==t[0]&&U[V-1][1]!==t[1]&&ct([Z,J]),ct(t),K=null,Z=J=0}function ft(t){if(M=t[0]/I,A=t[1]/P,W=t[0]rt?rt:0,X=t[1]it?it:0,W||X){if(V)if(K){var e=$(K,t);e.length>1&&(ut(e[0]),U[V++]=e[1])}else Q=$(U[V-1],t)[0],U[V++]=Q;else U[V++]=[W||t[0],X||t[1]];var r=U[V-1];W&&X&&(r[0]!==W||r[1]!==X)?(K&&(Z!==W&&J!==X?ct(Z&&J?(n=K,a=(i=t)[0]-n[0],o=(i[1]-n[1])/a,(n[1]*i[0]-i[1]*n[0])/a>0?[o>0?et:rt,it]:[o>0?rt:et,nt]):[Z||W,J||X]):Z&&J&&ct([Z,J])),ct([W,X])):Z-W&&J-X&&ct([W||Z,X||J]),K=t,Z=W,J=X}else K&&ut($(K,t)[0]),U[V++]=t;var n,i,a,o}for("linear"===D||"spline"===D?$=function(t,e){for(var r=[],n=0,i=0;i<4;i++){var a=at[i],o=c(t[0],t[1],e[0],e[1],a[0],a[1],a[2],a[3]);o&&(!n||Math.abs(o.x-r[0][0])>1||Math.abs(o.y-r[0][1])>1)&&(o=[o.x,o.y],n&&Y(o,t)G(d,ht))break;a=d,(_=v[0]*m[0]+v[1]*m[1])>x?(x=_,h=d,g=!1):_=t.length||!d)break;ft(d),n=d}}else ft(h)}K&&ct([Z||K[0],J||K[1]]),B.push(U.slice(0,V))}return B}},{"../../constants/numerical":753,"../../lib":778,"./constants":1191}],1202:[function(t,e,r){"use strict";e.exports=function(t,e,r){"spline"===r("line.shape")&&r("line.smoothing")}},{}],1203:[function(t,e,r){"use strict";var n={tonextx:1,tonexty:1,tonext:1};e.exports=function(t,e,r){var i,a,o,s,l,c={},u=!1,f=-1,h=0,p=-1;for(a=0;a=0?l=p:(l=p=h,h++),l0?Math.max(e,i):0}}},{"fast-isnumeric":241}],1205:[function(t,e,r){"use strict";e.exports={container:"marker",min:"cmin",max:"cmax"}},{}],1206:[function(t,e,r){"use strict";var n=t("../../components/color"),i=t("../../components/colorscale/helpers").hasColorscale,a=t("../../components/colorscale/defaults"),o=t("./subtypes");e.exports=function(t,e,r,s,l,c){var u=o.isBubble(t),f=(t.line||{}).color;(c=c||{},f&&(r=f),l("marker.symbol"),l("marker.opacity",u?.7:1),l("marker.size"),l("marker.color",r),i(t,"marker")&&a(t,e,s,l,{prefix:"marker.",cLetter:"c"}),c.noSelect||(l("selected.marker.color"),l("unselected.marker.color"),l("selected.marker.size"),l("unselected.marker.size")),c.noLine||(l("marker.line.color",f&&!Array.isArray(f)&&e.marker.color!==f?f:u?n.background:n.defaultLine),i(t,"marker.line")&&a(t,e,s,l,{prefix:"marker.line.",cLetter:"c"}),l("marker.line.width",u?1:0)),u&&(l("marker.sizeref"),l("marker.sizemin"),l("marker.sizemode")),c.gradient)&&("none"!==l("marker.gradient.type")&&l("marker.gradient.color"))}},{"../../components/color":643,"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654,"./subtypes":1212}],1207:[function(t,e,r){"use strict";var n=t("../../lib").dateTick0,i=t("../../constants/numerical").ONEWEEK;function a(t,e){return n(e,t%i==0?1:0)}e.exports=function(t,e,r,n,i){if(i||(i={x:!0,y:!0}),i.x){var o=n("xperiod");o&&(n("xperiod0",a(o,e.xcalendar)),n("xperiodalignment"))}if(i.y){var s=n("yperiod");s&&(n("yperiod0",a(s,e.ycalendar)),n("yperiodalignment"))}}},{"../../constants/numerical":753,"../../lib":778}],1208:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../registry"),a=t("../../lib"),o=a.ensureSingle,s=a.identity,l=t("../../components/drawing"),c=t("./subtypes"),u=t("./line_points"),f=t("./link_traces"),h=t("../../lib/polygon").tester;function p(t,e,r,f,p,d,g){var m;!function(t,e,r,i,o){var s=r.xaxis,l=r.yaxis,u=n.extent(a.simpleMap(s.range,s.r2c)),f=n.extent(a.simpleMap(l.range,l.r2c)),h=i[0].trace;if(!c.hasMarkers(h))return;var p=h.marker.maxdisplayed;if(0===p)return;var d=i.filter((function(t){return t.x>=u[0]&&t.x<=u[1]&&t.y>=f[0]&&t.y<=f[1]})),g=Math.ceil(d.length/p),m=0;o.forEach((function(t,r){var n=t[0].trace;c.hasMarkers(n)&&n.marker.maxdisplayed>0&&r0;function y(t){return v?t.transition():t}var x=r.xaxis,b=r.yaxis,_=f[0].trace,w=_.line,T=n.select(d),k=o(T,"g","errorbars"),M=o(T,"g","lines"),A=o(T,"g","points"),S=o(T,"g","text");if(i.getComponentMethod("errorbars","plot")(t,k,r,g),!0===_.visible){var E,C;y(T).style("opacity",_.opacity);var L=_.fill.charAt(_.fill.length-1);"x"!==L&&"y"!==L&&(L=""),f[0][r.isRangePlot?"nodeRangePlot3":"node3"]=T;var I,P,z="",O=[],D=_._prevtrace;D&&(z=D._prevRevpath||"",C=D._nextFill,O=D._polygons);var R,F,B,N,j,U,V,q="",H="",G=[],Y=a.noop;if(E=_._ownFill,c.hasLines(_)||"none"!==_.fill){for(C&&C.datum(f),-1!==["hv","vh","hvh","vhv"].indexOf(w.shape)?(R=l.steps(w.shape),F=l.steps(w.shape.split("").reverse().join(""))):R=F="spline"===w.shape?function(t){var e=t[t.length-1];return t.length>1&&t[0][0]===e[0]&&t[0][1]===e[1]?l.smoothclosed(t.slice(1),w.smoothing):l.smoothopen(t,w.smoothing)}:function(t){return"M"+t.join("L")},B=function(t){return F(t.reverse())},G=u(f,{xaxis:x,yaxis:b,connectGaps:_.connectgaps,baseTolerance:Math.max(w.width||1,3)/4,shape:w.shape,simplify:w.simplify,fill:_.fill}),V=_._polygons=new Array(G.length),m=0;m1){var r=n.select(this);if(r.datum(f),t)y(r.style("opacity",0).attr("d",I).call(l.lineGroupStyle)).style("opacity",1);else{var i=y(r);i.attr("d",I),l.singleLineStyle(f,i)}}}}}var W=M.selectAll(".js-line").data(G);y(W.exit()).style("opacity",0).remove(),W.each(Y(!1)),W.enter().append("path").classed("js-line",!0).style("vector-effect","non-scaling-stroke").call(l.lineGroupStyle).each(Y(!0)),l.setClipUrl(W,r.layerClipId,t),G.length?(E?(E.datum(f),N&&U&&(L?("y"===L?N[1]=U[1]=b.c2p(0,!0):"x"===L&&(N[0]=U[0]=x.c2p(0,!0)),y(E).attr("d","M"+U+"L"+N+"L"+q.substr(1)).call(l.singleFillStyle)):y(E).attr("d",q+"Z").call(l.singleFillStyle))):C&&("tonext"===_.fill.substr(0,6)&&q&&z?("tonext"===_.fill?y(C).attr("d",q+"Z"+z+"Z").call(l.singleFillStyle):y(C).attr("d",q+"L"+z.substr(1)+"Z").call(l.singleFillStyle),_._polygons=_._polygons.concat(O)):(Z(C),_._polygons=null)),_._prevRevpath=H,_._prevPolygons=V):(E?Z(E):C&&Z(C),_._polygons=_._prevRevpath=_._prevPolygons=null),A.datum(f),S.datum(f),function(e,i,a){var o,u=a[0].trace,f=c.hasMarkers(u),h=c.hasText(u),p=tt(u),d=et,g=et;if(f||h){var m=s,_=u.stackgroup,w=_&&"infer zero"===t._fullLayout._scatterStackOpts[x._id+b._id][_].stackgaps;u.marker.maxdisplayed||u._needsCull?m=w?K:J:_&&!w&&(m=Q),f&&(d=m),h&&(g=m)}var T,k=(o=e.selectAll("path.point").data(d,p)).enter().append("path").classed("point",!0);v&&k.call(l.pointStyle,u,t).call(l.translatePoints,x,b).style("opacity",0).transition().style("opacity",1),o.order(),f&&(T=l.makePointStyleFns(u)),o.each((function(e){var i=n.select(this),a=y(i);l.translatePoint(e,a,x,b)?(l.singlePointStyle(e,a,u,T,t),r.layerClipId&&l.hideOutsideRangePoint(e,a,x,b,u.xcalendar,u.ycalendar),u.customdata&&i.classed("plotly-customdata",null!==e.data&&void 0!==e.data)):a.remove()})),v?o.exit().transition().style("opacity",0).remove():o.exit().remove(),(o=i.selectAll("g").data(g,p)).enter().append("g").classed("textpoint",!0).append("text"),o.order(),o.each((function(t){var e=n.select(this),i=y(e.select("text"));l.translatePoint(t,i,x,b)?r.layerClipId&&l.hideOutsideRangePoint(t,e,x,b,u.xcalendar,u.ycalendar):e.remove()})),o.selectAll("text").call(l.textPointStyle,u,t).each((function(t){var e=x.c2p(t.x),r=b.c2p(t.y);n.select(this).selectAll("tspan.line").each((function(){y(n.select(this)).attr({x:e,y:r})}))})),o.exit().remove()}(A,S,f);var X=!1===_.cliponaxis?null:r.layerClipId;l.setClipUrl(A,X,t),l.setClipUrl(S,X,t)}function Z(t){y(t).attr("d","M0,0Z")}function J(t){return t.filter((function(t){return!t.gap&&t.vis}))}function K(t){return t.filter((function(t){return t.vis}))}function Q(t){return t.filter((function(t){return!t.gap}))}function $(t){return t.id}function tt(t){if(t.ids)return $}function et(){return!1}}e.exports=function(t,e,r,i,a,c){var u,h,d=!a,g=!!a&&a.duration>0,m=f(t,e,r);((u=i.selectAll("g.trace").data(m,(function(t){return t[0].trace.uid}))).enter().append("g").attr("class",(function(t){return"trace scatter trace"+t[0].trace.uid})).style("stroke-miterlimit",2),u.order(),function(t,e,r){e.each((function(e){var i=o(n.select(this),"g","fills");l.setClipUrl(i,r.layerClipId,t);var a=e[0].trace,c=[];a._ownfill&&c.push("_ownFill"),a._nexttrace&&c.push("_nextFill");var u=i.selectAll("g").data(c,s);u.enter().append("g"),u.exit().each((function(t){a[t]=null})).remove(),u.order().each((function(t){a[t]=o(n.select(this),"path","js-fill")}))}))}(t,u,e),g)?(c&&(h=c()),n.transition().duration(a.duration).ease(a.easing).each("end",(function(){h&&h()})).each("interrupt",(function(){h&&h()})).each((function(){i.selectAll("g.trace").each((function(r,n){p(t,n,e,r,m,this,a)}))}))):u.each((function(r,n){p(t,n,e,r,m,this,a)}));d&&u.exit().remove(),i.selectAll("path:not([d])").remove()}},{"../../components/drawing":665,"../../lib":778,"../../lib/polygon":790,"../../registry":911,"./line_points":1201,"./link_traces":1203,"./subtypes":1212,d3:169}],1209:[function(t,e,r){"use strict";var n=t("./subtypes");e.exports=function(t,e){var r,i,a,o,s=t.cd,l=t.xaxis,c=t.yaxis,u=[],f=s[0].trace;if(!n.hasMarkers(f)&&!n.hasText(f))return[];if(!1===e)for(r=0;r0){var h=i.c2l(u);i._lowerLogErrorBound||(i._lowerLogErrorBound=h),i._lowerErrorBound=Math.min(i._lowerLogErrorBound,h)}}else o[s]=[-l[0]*r,l[1]*r]}return o}e.exports=function(t,e,r){var n=[i(t.x,t.error_x,e[0],r.xaxis),i(t.y,t.error_y,e[1],r.yaxis),i(t.z,t.error_z,e[2],r.zaxis)],a=function(t){for(var e=0;e-1?-1:t.indexOf("right")>-1?1:0}function b(t){return null==t?0:t.indexOf("top")>-1?-1:t.indexOf("bottom")>-1?1:0}function _(t,e){return e(4*t)}function w(t){return p[t]}function T(t,e,r,n,i){var a=null;if(l.isArrayOrTypedArray(t)){a=[];for(var o=0;o=0){var g=function(t,e,r){var n,i=(r+1)%3,a=(r+2)%3,o=[],l=[];for(n=0;n=0&&f("surfacecolor",h||p);for(var d=["x","y","z"],g=0;g<3;++g){var m="projection."+d[g];f(m+".show")&&(f(m+".opacity"),f(m+".scale"))}var v=n.getComponentMethod("errorbars","supplyDefaults");v(t,e,h||p||r,{axis:"z"}),v(t,e,h||p||r,{axis:"y",inherit:"z"}),v(t,e,h||p||r,{axis:"x",inherit:"z"})}else e.visible=!1}},{"../../lib":778,"../../registry":911,"../scatter/line_defaults":1200,"../scatter/marker_defaults":1206,"../scatter/subtypes":1212,"../scatter/text_defaults":1213,"./attributes":1215}],1220:[function(t,e,r){"use strict";e.exports={plot:t("./convert"),attributes:t("./attributes"),markerSymbols:t("../../constants/gl3d_markers"),supplyDefaults:t("./defaults"),colorbar:[{container:"marker",min:"cmin",max:"cmax"},{container:"line",min:"cmin",max:"cmax"}],calc:t("./calc"),moduleType:"trace",name:"scatter3d",basePlotModule:t("../../plots/gl3d"),categories:["gl3d","symbols","showLegend","scatter-like"],meta:{}}},{"../../constants/gl3d_markers":751,"../../plots/gl3d":870,"./attributes":1215,"./calc":1216,"./convert":1218,"./defaults":1219}],1221:[function(t,e,r){"use strict";var n=t("../scatter/attributes"),i=t("../../plots/attributes"),a=t("../../plots/template_attributes").hovertemplateAttrs,o=t("../../plots/template_attributes").texttemplateAttrs,s=t("../../components/colorscale/attributes"),l=t("../../lib/extend").extendFlat,c=n.marker,u=n.line,f=c.line;e.exports={carpet:{valType:"string",editType:"calc"},a:{valType:"data_array",editType:"calc"},b:{valType:"data_array",editType:"calc"},mode:l({},n.mode,{dflt:"markers"}),text:l({},n.text,{}),texttemplate:o({editType:"plot"},{keys:["a","b","text"]}),hovertext:l({},n.hovertext,{}),line:{color:u.color,width:u.width,dash:u.dash,shape:l({},u.shape,{values:["linear","spline"]}),smoothing:u.smoothing,editType:"calc"},connectgaps:n.connectgaps,fill:l({},n.fill,{values:["none","toself","tonext"],dflt:"none"}),fillcolor:n.fillcolor,marker:l({symbol:c.symbol,opacity:c.opacity,maxdisplayed:c.maxdisplayed,size:c.size,sizeref:c.sizeref,sizemin:c.sizemin,sizemode:c.sizemode,line:l({width:f.width,editType:"calc"},s("marker.line")),gradient:c.gradient,editType:"calc"},s("marker")),textfont:n.textfont,textposition:n.textposition,selected:n.selected,unselected:n.unselected,hoverinfo:l({},i.hoverinfo,{flags:["a","b","text","name"]}),hoveron:n.hoveron,hovertemplate:a()}},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../scatter/attributes":1187}],1222:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../scatter/colorscale_calc"),a=t("../scatter/arrays_to_calcdata"),o=t("../scatter/calc_selection"),s=t("../scatter/calc").calcMarkerSize,l=t("../carpet/lookup_carpetid");e.exports=function(t,e){var r=e._carpetTrace=l(t,e);if(r&&r.visible&&"legendonly"!==r.visible){var c;e.xaxis=r.xaxis,e.yaxis=r.yaxis;var u,f,h=e._length,p=new Array(h),d=!1;for(c=0;c")}return o}function y(t,e){var r;r=t.labelprefix&&t.labelprefix.length>0?t.labelprefix.replace(/ = $/,""):t._hovertitle,m.push(r+": "+e.toFixed(3)+t.labelsuffix)}}},{"../../lib":778,"../scatter/hover":1198}],1227:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("./calc"),plot:t("./plot"),style:t("../scatter/style").style,styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("../scatter/select"),eventData:t("./event_data"),moduleType:"trace",name:"scattercarpet",basePlotModule:t("../../plots/cartesian"),categories:["svg","carpet","symbols","showLegend","carpetDependent","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"../scatter/marker_colorbar":1205,"../scatter/select":1209,"../scatter/style":1211,"./attributes":1221,"./calc":1222,"./defaults":1223,"./event_data":1224,"./format_labels":1225,"./hover":1226,"./plot":1228}],1228:[function(t,e,r){"use strict";var n=t("../scatter/plot"),i=t("../../plots/cartesian/axes"),a=t("../../components/drawing");e.exports=function(t,e,r,o){var s,l,c,u=r[0][0].carpet,f={xaxis:i.getFromId(t,u.xaxis||"x"),yaxis:i.getFromId(t,u.yaxis||"y"),plot:e.plot};for(n(t,f,r,o),s=0;s")}(c,g,t,l[0].t.labels),t.hovertemplate=c.hovertemplate,[t]}}},{"../../components/fx":683,"../../constants/numerical":753,"../../lib":778,"../scatter/get_trace_color":1197,"./attributes":1229}],1235:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("./calc"),calcGeoJSON:t("./plot").calcGeoJSON,plot:t("./plot").plot,style:t("./style"),styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("./select"),moduleType:"trace",name:"scattergeo",basePlotModule:t("../../plots/geo"),categories:["geo","symbols","showLegend","scatter-like"],meta:{}}},{"../../plots/geo":860,"../scatter/marker_colorbar":1205,"../scatter/style":1211,"./attributes":1229,"./calc":1230,"./defaults":1231,"./event_data":1232,"./format_labels":1233,"./hover":1234,"./plot":1236,"./select":1237,"./style":1238}],1236:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../lib/topojson_utils").getTopojsonFeatures,o=t("../../lib/geojson_utils"),s=t("../../lib/geo_location_utils"),l=t("../../plots/cartesian/autorange").findExtremes,c=t("../../constants/numerical").BADNUM,u=t("../scatter/calc").calcMarkerSize,f=t("../scatter/subtypes"),h=t("./style");e.exports={calcGeoJSON:function(t,e){var r,n,i=t[0].trace,o=e[i.geo],f=o._subplot,h=i._length;if(Array.isArray(i.locations)){var p=i.locationmode,d="geojson-id"===p?s.extractTraceFeature(t):a(i,f.topojson);for(r=0;r=m,k=2*w,M={},A=x.makeCalcdata(e,"x"),S=b.makeCalcdata(e,"y"),E=s(e,x,"x",A),C=s(e,b,"y",S);e._x=E,e._y=C,e.xperiodalignment&&(e._origX=A),e.yperiodalignment&&(e._origY=S);var L=new Array(k);for(r=0;r1&&i.extendFlat(s.line,p.linePositions(t,r,n));if(s.errorX||s.errorY){var l=p.errorBarPositions(t,r,n,a,o);s.errorX&&i.extendFlat(s.errorX,l.x),s.errorY&&i.extendFlat(s.errorY,l.y)}s.text&&(i.extendFlat(s.text,{positions:n},p.textPosition(t,r,s.text,s.marker)),i.extendFlat(s.textSel,{positions:n},p.textPosition(t,r,s.text,s.markerSel)),i.extendFlat(s.textUnsel,{positions:n},p.textPosition(t,r,s.text,s.markerUnsel)));return s}(t,0,e,L,E,C),O=d(t,_);return f(y,e),T?z.marker&&(P=2*(z.marker.sizeAvg||Math.max(z.marker.size,3))):P=c(e,w),u(t,e,x,b,E,C,P),z.errorX&&v(e,x,z.errorX),z.errorY&&v(e,b,z.errorY),z.fill&&!O.fill2d&&(O.fill2d=!0),z.marker&&!O.scatter2d&&(O.scatter2d=!0),z.line&&!O.line2d&&(O.line2d=!0),!z.errorX&&!z.errorY||O.error2d||(O.error2d=!0),z.text&&!O.glText&&(O.glText=!0),z.marker&&(z.marker.snap=w),O.lineOptions.push(z.line),O.errorXOptions.push(z.errorX),O.errorYOptions.push(z.errorY),O.fillOptions.push(z.fill),O.markerOptions.push(z.marker),O.markerSelectedOptions.push(z.markerSel),O.markerUnselectedOptions.push(z.markerUnsel),O.textOptions.push(z.text),O.textSelectedOptions.push(z.textSel),O.textUnselectedOptions.push(z.textUnsel),O.selectBatch.push([]),O.unselectBatch.push([]),M._scene=O,M.index=O.count,M.x=E,M.y=C,M.positions=L,O.count++,[{x:!1,y:!1,t:M,trace:e}]}},{"../../constants/numerical":753,"../../lib":778,"../../plots/cartesian/align_period":825,"../../plots/cartesian/autorange":827,"../../plots/cartesian/axis_ids":831,"../scatter/calc":1188,"../scatter/colorscale_calc":1190,"./constants":1241,"./convert":1242,"./scene_update":1250,"@plotly/point-cluster":57}],1241:[function(t,e,r){"use strict";e.exports={TOO_MANY_POINTS:1e5,SYMBOL_SDF_SIZE:200,SYMBOL_SIZE:20,SYMBOL_STROKE:1,DOT_RE:/-dot/,OPEN_RE:/-open/,DASHES:{solid:[1],dot:[1,1],dash:[4,1],longdash:[8,1],dashdot:[4,1,1,1],longdashdot:[8,1,1,1]}}},{}],1242:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("svg-path-sdf"),a=t("color-normalize"),o=t("../../registry"),s=t("../../lib"),l=t("../../components/drawing"),c=t("../../plots/cartesian/axis_ids"),u=t("../../lib/gl_format_color").formatColor,f=t("../scatter/subtypes"),h=t("../scatter/make_bubble_size_func"),p=t("./helpers"),d=t("./constants"),g=t("../../constants/interactions").DESELECTDIM,m={start:1,left:1,end:-1,right:-1,middle:0,center:0,bottom:1,top:-1},v=t("../../components/fx/helpers").appendArrayPointValue;function y(t,e){var r,i=t._fullLayout,a=e._length,o=e.textfont,l=e.textposition,c=Array.isArray(l)?l:[l],u=o.color,f=o.size,h=o.family,p={},d=e.texttemplate;if(d){p.text=[];var g=i._d3locale,m=Array.isArray(d),y=m?Math.min(d.length,a):a,x=m?function(t){return d[t]}:function(){return d};for(r=0;rd.TOO_MANY_POINTS||f.hasMarkers(e)?"rect":"round";if(c&&e.connectgaps){var h=n[0],p=n[1];for(i=0;i1?l[i]:l[0]:l,d=Array.isArray(c)?c.length>1?c[i]:c[0]:c,g=m[p],v=m[d],y=u?u/.8+1:0,x=-v*y-.5*v;o.offset[i]=[g*y/h,x/h]}}return o}}},{"../../components/drawing":665,"../../components/fx/helpers":679,"../../constants/interactions":752,"../../lib":778,"../../lib/gl_format_color":774,"../../plots/cartesian/axis_ids":831,"../../registry":911,"../scatter/make_bubble_size_func":1204,"../scatter/subtypes":1212,"./constants":1241,"./helpers":1246,"color-normalize":125,"fast-isnumeric":241,"svg-path-sdf":574}],1243:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry"),a=t("./helpers"),o=t("./attributes"),s=t("../scatter/constants"),l=t("../scatter/subtypes"),c=t("../scatter/xy_defaults"),u=t("../scatter/period_defaults"),f=t("../scatter/marker_defaults"),h=t("../scatter/line_defaults"),p=t("../scatter/fillcolor_defaults"),d=t("../scatter/text_defaults");e.exports=function(t,e,r,g){function m(r,i){return n.coerce(t,e,o,r,i)}var v=!!t.marker&&a.isOpenSymbol(t.marker.symbol),y=l.isBubble(t),x=c(t,e,g,m);if(x){u(t,e,g,m);var b=x100},r.isDotSymbol=function(t){return"string"==typeof t?n.DOT_RE.test(t):t>200}},{"./constants":1241}],1247:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib"),a=t("../scatter/get_trace_color");function o(t,e,r,o){var s=t.xa,l=t.ya,c=t.distance,u=t.dxy,f=t.index,h={pointNumber:f,x:e[f],y:r[f]};h.tx=Array.isArray(o.text)?o.text[f]:o.text,h.htx=Array.isArray(o.hovertext)?o.hovertext[f]:o.hovertext,h.data=Array.isArray(o.customdata)?o.customdata[f]:o.customdata,h.tp=Array.isArray(o.textposition)?o.textposition[f]:o.textposition;var p=o.textfont;p&&(h.ts=i.isArrayOrTypedArray(p.size)?p.size[f]:p.size,h.tc=Array.isArray(p.color)?p.color[f]:p.color,h.tf=Array.isArray(p.family)?p.family[f]:p.family);var d=o.marker;d&&(h.ms=i.isArrayOrTypedArray(d.size)?d.size[f]:d.size,h.mo=i.isArrayOrTypedArray(d.opacity)?d.opacity[f]:d.opacity,h.mx=i.isArrayOrTypedArray(d.symbol)?d.symbol[f]:d.symbol,h.mc=i.isArrayOrTypedArray(d.color)?d.color[f]:d.color);var g=d&&d.line;g&&(h.mlc=Array.isArray(g.color)?g.color[f]:g.color,h.mlw=i.isArrayOrTypedArray(g.width)?g.width[f]:g.width);var m=d&&d.gradient;m&&"none"!==m.type&&(h.mgt=Array.isArray(m.type)?m.type[f]:m.type,h.mgc=Array.isArray(m.color)?m.color[f]:m.color);var v=s.c2p(h.x,!0),y=l.c2p(h.y,!0),x=h.mrc||1,b=o.hoverlabel;b&&(h.hbg=Array.isArray(b.bgcolor)?b.bgcolor[f]:b.bgcolor,h.hbc=Array.isArray(b.bordercolor)?b.bordercolor[f]:b.bordercolor,h.hts=i.isArrayOrTypedArray(b.font.size)?b.font.size[f]:b.font.size,h.htc=Array.isArray(b.font.color)?b.font.color[f]:b.font.color,h.htf=Array.isArray(b.font.family)?b.font.family[f]:b.font.family,h.hnl=i.isArrayOrTypedArray(b.namelength)?b.namelength[f]:b.namelength);var _=o.hoverinfo;_&&(h.hi=Array.isArray(_)?_[f]:_);var w=o.hovertemplate;w&&(h.ht=Array.isArray(w)?w[f]:w);var T={};T[t.index]=h;var k=o._origX,M=o._origY,A=i.extendFlat({},t,{color:a(o,h),x0:v-x,x1:v+x,xLabelVal:k?k[f]:h.x,y0:y-x,y1:y+x,yLabelVal:M?M[f]:h.y,cd:T,distance:c,spikeDistance:u,hovertemplate:h.ht});return h.htx?A.text=h.htx:h.tx?A.text=h.tx:o.text&&(A.text=o.text),i.fillText(h,o,A),n.getComponentMethod("errorbars","hoverInfo")(h,o,A),A}e.exports={hoverPoints:function(t,e,r,n){var i,a,s,l,c,u,f,h,p,d=t.cd,g=d[0].t,m=d[0].trace,v=t.xa,y=t.ya,x=g.x,b=g.y,_=v.c2p(e),w=y.c2p(r),T=t.distance;if(g.tree){var k=v.p2c(_-T),M=v.p2c(_+T),A=y.p2c(w-T),S=y.p2c(w+T);i="x"===n?g.tree.range(Math.min(k,M),Math.min(y._rl[0],y._rl[1]),Math.max(k,M),Math.max(y._rl[0],y._rl[1])):g.tree.range(Math.min(k,M),Math.min(A,S),Math.max(k,M),Math.max(A,S))}else i=g.ids;var E=T;if("x"===n)for(c=0;c-1;c--)s=x[i[c]],l=b[i[c]],u=v.c2p(s)-_,f=y.c2p(l)-w,(h=Math.sqrt(u*u+f*f))v.glText.length){var w=b-v.glText.length;for(d=0;dr&&(isNaN(e[n])||isNaN(e[n+1]));)n-=2;t.positions=e.slice(r,n+2)}return t})),v.line2d.update(v.lineOptions)),v.error2d){var k=(v.errorXOptions||[]).concat(v.errorYOptions||[]);v.error2d.update(k)}v.scatter2d&&v.scatter2d.update(v.markerOptions),v.fillOrder=s.repeat(null,b),v.fill2d&&(v.fillOptions=v.fillOptions.map((function(t,e){var n=r[e];if(t&&n&&n[0]&&n[0].trace){var i,a,o=n[0],s=o.trace,l=o.t,c=v.lineOptions[e],u=[];s._ownfill&&u.push(e),s._nexttrace&&u.push(e+1),u.length&&(v.fillOrder[e]=u);var f,h,p=[],d=c&&c.positions||l.positions;if("tozeroy"===s.fill){for(f=0;ff&&isNaN(d[h+1]);)h-=2;0!==d[f+1]&&(p=[d[f],0]),p=p.concat(d.slice(f,h+2)),0!==d[h+1]&&(p=p.concat([d[h],0]))}else if("tozerox"===s.fill){for(f=0;ff&&isNaN(d[h]);)h-=2;0!==d[f]&&(p=[0,d[f+1]]),p=p.concat(d.slice(f,h+2)),0!==d[h]&&(p=p.concat([0,d[h+1]]))}else if("toself"===s.fill||"tonext"===s.fill){for(p=[],i=0,a=0;a-1;for(d=0;d=0?Math.floor((e+180)/360):Math.ceil((e-180)/360)),d=e-p;if(n.getClosest(l,(function(t){var e=t.lonlat;if(e[0]===s)return 1/0;var n=i.modHalf(e[0],360),a=e[1],o=h.project([n,a]),l=o.x-u.c2p([d,a]),c=o.y-f.c2p([n,r]),p=Math.max(3,t.mrc||0);return Math.max(Math.sqrt(l*l+c*c)-p,1-3/p)}),t),!1!==t.index){var g=l[t.index],m=g.lonlat,v=[i.modHalf(m[0],360)+p,m[1]],y=u.c2p(v),x=f.c2p(v),b=g.mrc||1;t.x0=y-b,t.x1=y+b,t.y0=x-b,t.y1=x+b;var _={};_[c.subplot]={_subplot:h};var w=c._module.formatLabels(g,c,_);return t.lonLabel=w.lonLabel,t.latLabel=w.latLabel,t.color=a(c,g),t.extraText=function(t,e,r){if(t.hovertemplate)return;var n=(e.hi||t.hoverinfo).split("+"),i=-1!==n.indexOf("all"),a=-1!==n.indexOf("lon"),s=-1!==n.indexOf("lat"),l=e.lonlat,c=[];function u(t){return t+"\xb0"}i||a&&s?c.push("("+u(l[0])+", "+u(l[1])+")"):a?c.push(r.lon+u(l[0])):s&&c.push(r.lat+u(l[1]));(i||-1!==n.indexOf("text"))&&o(e,t,c);return c.join("
")}(c,g,l[0].t.labels),t.hovertemplate=c.hovertemplate,[t]}}},{"../../components/fx":683,"../../constants/numerical":753,"../../lib":778,"../scatter/get_trace_color":1197}],1258:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("../scattergeo/calc"),plot:t("./plot"),hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("./select"),styleOnSelect:function(t,e){e&&e[0].trace._glTrace.update(e)},moduleType:"trace",name:"scattermapbox",basePlotModule:t("../../plots/mapbox"),categories:["mapbox","gl","symbols","showLegend","scatter-like"],meta:{}}},{"../../plots/mapbox":885,"../scatter/marker_colorbar":1205,"../scattergeo/calc":1230,"./attributes":1252,"./defaults":1254,"./event_data":1255,"./format_labels":1256,"./hover":1257,"./plot":1259,"./select":1260}],1259:[function(t,e,r){"use strict";var n=t("./convert"),i=t("../../plots/mapbox/constants").traceLayerPrefix,a=["fill","line","circle","symbol"];function o(t,e){this.type="scattermapbox",this.subplot=t,this.uid=e,this.sourceIds={fill:"source-"+e+"-fill",line:"source-"+e+"-line",circle:"source-"+e+"-circle",symbol:"source-"+e+"-symbol"},this.layerIds={fill:i+e+"-fill",line:i+e+"-line",circle:i+e+"-circle",symbol:i+e+"-symbol"},this.below=null}var s=o.prototype;s.addSource=function(t,e){this.subplot.map.addSource(this.sourceIds[t],{type:"geojson",data:e.geojson})},s.setSourceData=function(t,e){this.subplot.map.getSource(this.sourceIds[t]).setData(e.geojson)},s.addLayer=function(t,e,r){this.subplot.addLayer({type:t,id:this.layerIds[t],source:this.sourceIds[t],layout:e.layout,paint:e.paint},r)},s.update=function(t){var e,r,i,o=this.subplot,s=o.map,l=n(o.gd,t),c=o.belowLookup["trace-"+this.uid];if(c!==this.below){for(e=a.length-1;e>=0;e--)r=a[e],s.removeLayer(this.layerIds[r]);for(e=0;e=0;e--){var r=a[e];t.removeLayer(this.layerIds[r]),t.removeSource(this.sourceIds[r])}},e.exports=function(t,e){for(var r=e[0].trace,i=new o(t,r.uid),s=n(t.gd,e),l=i.below=t.belowLookup["trace-"+r.uid],c=0;c")}}e.exports={hoverPoints:function(t,e,r,a){var o=n(t,e,r,a);if(o&&!1!==o[0].index){var s=o[0];if(void 0===s.index)return o;var l=t.subplot,c=s.cd[s.index],u=s.trace;if(l.isPtInside(c))return s.xLabelVal=void 0,s.yLabelVal=void 0,i(c,u,l,s),s.hovertemplate=u.hovertemplate,o}},makeHoverPointText:i}},{"../scatter/hover":1198}],1266:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"scatterpolar",basePlotModule:t("../../plots/polar"),categories:["polar","symbols","showLegend","scatter-like"],attributes:t("./attributes"),supplyDefaults:t("./defaults").supplyDefaults,colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("./calc"),plot:t("./plot"),style:t("../scatter/style").style,styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover").hoverPoints,selectPoints:t("../scatter/select"),meta:{}}},{"../../plots/polar":894,"../scatter/marker_colorbar":1205,"../scatter/select":1209,"../scatter/style":1211,"./attributes":1261,"./calc":1262,"./defaults":1263,"./format_labels":1264,"./hover":1265,"./plot":1267}],1267:[function(t,e,r){"use strict";var n=t("../scatter/plot"),i=t("../../constants/numerical").BADNUM;e.exports=function(t,e,r){for(var a=e.layers.frontplot.select("g.scatterlayer"),o={xaxis:e.xaxis,yaxis:e.yaxis,plot:e.framework,layerClipId:e._hasClipOnAxisFalse?e.clipIds.forTraces:null},s=e.radialAxis,l=e.angularAxis,c=0;c=c&&(y.marker.cluster=d.tree),y.marker&&(y.markerSel.positions=y.markerUnsel.positions=y.marker.positions=_),y.line&&_.length>1&&l.extendFlat(y.line,s.linePositions(t,p,_)),y.text&&(l.extendFlat(y.text,{positions:_},s.textPosition(t,p,y.text,y.marker)),l.extendFlat(y.textSel,{positions:_},s.textPosition(t,p,y.text,y.markerSel)),l.extendFlat(y.textUnsel,{positions:_},s.textPosition(t,p,y.text,y.markerUnsel))),y.fill&&!h.fill2d&&(h.fill2d=!0),y.marker&&!h.scatter2d&&(h.scatter2d=!0),y.line&&!h.line2d&&(h.line2d=!0),y.text&&!h.glText&&(h.glText=!0),h.lineOptions.push(y.line),h.fillOptions.push(y.fill),h.markerOptions.push(y.marker),h.markerSelectedOptions.push(y.markerSel),h.markerUnselectedOptions.push(y.markerUnsel),h.textOptions.push(y.text),h.textSelectedOptions.push(y.textSel),h.textUnselectedOptions.push(y.textUnsel),h.selectBatch.push([]),h.unselectBatch.push([]),d.x=w,d.y=T,d.rawx=w,d.rawy=T,d.r=m,d.theta=v,d.positions=_,d._scene=h,d.index=h.count,h.count++}})),a(t,e,r)}}},{"../../lib":778,"../scattergl/constants":1241,"../scattergl/convert":1242,"../scattergl/plot":1249,"../scattergl/scene_update":1250,"@plotly/point-cluster":57,"fast-isnumeric":241}],1275:[function(t,e,r){"use strict";var n=t("../../plots/template_attributes").hovertemplateAttrs,i=t("../../plots/template_attributes").texttemplateAttrs,a=t("../scatter/attributes"),o=t("../../plots/attributes"),s=t("../../components/colorscale/attributes"),l=t("../../components/drawing/attributes").dash,c=t("../../lib/extend").extendFlat,u=a.marker,f=a.line,h=u.line;e.exports={a:{valType:"data_array",editType:"calc"},b:{valType:"data_array",editType:"calc"},c:{valType:"data_array",editType:"calc"},sum:{valType:"number",dflt:0,min:0,editType:"calc"},mode:c({},a.mode,{dflt:"markers"}),text:c({},a.text,{}),texttemplate:i({editType:"plot"},{keys:["a","b","c","text"]}),hovertext:c({},a.hovertext,{}),line:{color:f.color,width:f.width,dash:l,shape:c({},f.shape,{values:["linear","spline"]}),smoothing:f.smoothing,editType:"calc"},connectgaps:a.connectgaps,cliponaxis:a.cliponaxis,fill:c({},a.fill,{values:["none","toself","tonext"],dflt:"none"}),fillcolor:a.fillcolor,marker:c({symbol:u.symbol,opacity:u.opacity,maxdisplayed:u.maxdisplayed,size:u.size,sizeref:u.sizeref,sizemin:u.sizemin,sizemode:u.sizemode,line:c({width:h.width,editType:"calc"},s("marker.line")),gradient:u.gradient,editType:"calc"},s("marker")),textfont:a.textfont,textposition:a.textposition,selected:a.selected,unselected:a.unselected,hoverinfo:c({},o.hoverinfo,{flags:["a","b","c","text","name"]}),hoveron:a.hoveron,hovertemplate:n()}},{"../../components/colorscale/attributes":650,"../../components/drawing/attributes":664,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../scatter/attributes":1187}],1276:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../scatter/colorscale_calc"),a=t("../scatter/arrays_to_calcdata"),o=t("../scatter/calc_selection"),s=t("../scatter/calc").calcMarkerSize,l=["a","b","c"],c={a:["b","c"],b:["a","c"],c:["a","b"]};e.exports=function(t,e){var r,u,f,h,p,d,g=t._fullLayout[e.subplot].sum,m=e.sum||g,v={a:e.a,b:e.b,c:e.c};for(r=0;r"),o.hovertemplate=h.hovertemplate,a}function x(t,e){v.push(t._hovertitle+": "+e)}}},{"../scatter/hover":1198}],1281:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("./calc"),plot:t("./plot"),style:t("../scatter/style").style,styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("../scatter/select"),eventData:t("./event_data"),moduleType:"trace",name:"scatterternary",basePlotModule:t("../../plots/ternary"),categories:["ternary","symbols","showLegend","scatter-like"],meta:{}}},{"../../plots/ternary":907,"../scatter/marker_colorbar":1205,"../scatter/select":1209,"../scatter/style":1211,"./attributes":1275,"./calc":1276,"./defaults":1277,"./event_data":1278,"./format_labels":1279,"./hover":1280,"./plot":1282}],1282:[function(t,e,r){"use strict";var n=t("../scatter/plot");e.exports=function(t,e,r){var i=e.plotContainer;i.select(".scatterlayer").selectAll("*").remove();var a={xaxis:e.xaxis,yaxis:e.yaxis,plot:i,layerClipId:e._hasClipOnAxisFalse?e.clipIdRelative:null},o=e.layers.frontplot.select("g.scatterlayer");n(t,a,r,o)}},{"../scatter/plot":1208}],1283:[function(t,e,r){"use strict";var n=t("../scatter/attributes"),i=t("../../components/colorscale/attributes"),a=t("../../plots/template_attributes").hovertemplateAttrs,o=t("../scattergl/attributes"),s=t("../../plots/cartesian/constants").idRegex,l=t("../../plot_api/plot_template").templatedArray,c=t("../../lib/extend").extendFlat,u=n.marker,f=u.line,h=c(i("marker.line",{editTypeOverride:"calc"}),{width:c({},f.width,{editType:"calc"}),editType:"calc"}),p=c(i("marker"),{symbol:u.symbol,size:c({},u.size,{editType:"markerSize"}),sizeref:u.sizeref,sizemin:u.sizemin,sizemode:u.sizemode,opacity:u.opacity,colorbar:u.colorbar,line:h,editType:"calc"});function d(t){return{valType:"info_array",freeLength:!0,editType:"calc",items:{valType:"subplotid",regex:s[t],editType:"plot"}}}p.color.editType=p.cmin.editType=p.cmax.editType="style",e.exports={dimensions:l("dimension",{visible:{valType:"boolean",dflt:!0,editType:"calc"},label:{valType:"string",editType:"calc"},values:{valType:"data_array",editType:"calc+clearAxisTypes"},axis:{type:{valType:"enumerated",values:["linear","log","date","category"],editType:"calc+clearAxisTypes"},matches:{valType:"boolean",dflt:!1,editType:"calc"},editType:"calc+clearAxisTypes"},editType:"calc+clearAxisTypes"}),text:c({},o.text,{}),hovertext:c({},o.hovertext,{}),hovertemplate:a(),marker:p,xaxes:d("x"),yaxes:d("y"),diagonal:{visible:{valType:"boolean",dflt:!0,editType:"calc"},editType:"calc"},showupperhalf:{valType:"boolean",dflt:!0,editType:"calc"},showlowerhalf:{valType:"boolean",dflt:!0,editType:"calc"},selected:{marker:o.selected.marker,editType:"calc"},unselected:{marker:o.unselected.marker,editType:"calc"},opacity:o.opacity}},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plot_api/plot_template":817,"../../plots/cartesian/constants":834,"../../plots/template_attributes":906,"../scatter/attributes":1187,"../scattergl/attributes":1239}],1284:[function(t,e,r){"use strict";var n=t("regl-line2d"),i=t("../../registry"),a=t("../../lib/prepare_regl"),o=t("../../plots/get_data").getModuleCalcData,s=t("../../plots/cartesian"),l=t("../../plots/cartesian/axis_ids").getFromId,c=t("../../plots/cartesian/axes").shouldShowZeroLine;function u(t,e,r){for(var n=r.matrixOptions.data.length,i=e._visibleDims,a=r.viewOpts.ranges=new Array(n),o=0;oh?2*(b.sizeAvg||Math.max(b.size,3)):a(e,x),p=0;pa&&l||i-1,A=!0;if(o(x)||!!p.selectedpoints||M){var S=p._length;if(p.selectedpoints){g.selectBatch=p.selectedpoints;var E=p.selectedpoints,C={};for(l=0;l1&&(u=g[y-1],h=m[y-1],d=v[y-1]),e=0;eu?"-":"+")+"x")).replace("y",(f>h?"-":"+")+"y")).replace("z",(p>d?"-":"+")+"z");var C=function(){y=0,A=[],S=[],E=[]};(!y||y2?t.slice(1,e-1):2===e?[(t[0]+t[1])/2]:t}function p(t){var e=t.length;return 1===e?[.5,.5]:[t[1]-t[0],t[e-1]-t[e-2]]}function d(t,e){var r=t.fullSceneLayout,i=t.dataScale,u=e._len,f={};function d(t,e){var n=r[e],o=i[c[e]];return a.simpleMap(t,(function(t){return n.d2l(t)*o}))}if(f.vectors=l(d(e._u,"xaxis"),d(e._v,"yaxis"),d(e._w,"zaxis"),u),!u)return{positions:[],cells:[]};var g=d(e._Xs,"xaxis"),m=d(e._Ys,"yaxis"),v=d(e._Zs,"zaxis");if(f.meshgrid=[g,m,v],f.gridFill=e._gridFill,e._slen)f.startingPositions=l(d(e._startsX,"xaxis"),d(e._startsY,"yaxis"),d(e._startsZ,"zaxis"));else{for(var y=m[0],x=h(g),b=h(v),_=new Array(x.length*b.length),w=0,T=0;T=0};v?(r=Math.min(m.length,x.length),l=function(t){return M(m[t])&&A(t)},f=function(t){return String(m[t])}):(r=Math.min(y.length,x.length),l=function(t){return M(y[t])&&A(t)},f=function(t){return String(y[t])}),_&&(r=Math.min(r,b.length));for(var S=0;S1){for(var I=a.randstr(),P=0;P"),name:k||z("name")?l.name:void 0,color:T("hoverlabel.bgcolor")||y.color,borderColor:T("hoverlabel.bordercolor"),fontFamily:T("hoverlabel.font.family"),fontSize:T("hoverlabel.font.size"),fontColor:T("hoverlabel.font.color"),nameLength:T("hoverlabel.namelength"),textAlign:T("hoverlabel.align"),hovertemplate:k,hovertemplateLabels:L,eventData:[f(i,l,h.eventDataKeys)]};m&&(R.x0=S-i.rInscribed*i.rpx1,R.x1=S+i.rInscribed*i.rpx1,R.idealAlign=i.pxmid[0]<0?"left":"right"),v&&(R.x=S,R.idealAlign=S<0?"left":"right"),o.loneHover(R,{container:a._hoverlayer.node(),outerContainer:a._paper.node(),gd:r}),d._hasHoverLabel=!0}if(v){var F=t.select("path.surface");h.styleOne(F,i,l,{hovered:!0})}d._hasHoverEvent=!0,r.emit("plotly_hover",{points:[f(i,l,h.eventDataKeys)],event:n.event})}})),t.on("mouseout",(function(e){var i=r._fullLayout,a=r._fullData[d.index],s=n.select(this).datum();if(d._hasHoverEvent&&(e.originalEvent=n.event,r.emit("plotly_unhover",{points:[f(s,a,h.eventDataKeys)],event:n.event}),d._hasHoverEvent=!1),d._hasHoverLabel&&(o.loneUnhover(i._hoverlayer.node()),d._hasHoverLabel=!1),v){var l=t.select("path.surface");h.styleOne(l,s,a,{hovered:!1})}})),t.on("click",(function(t){var e=r._fullLayout,a=r._fullData[d.index],s=m&&(c.isHierarchyRoot(t)||c.isLeaf(t)),u=c.getPtId(t),p=c.isEntry(t)?c.findEntryWithChild(g,u):c.findEntryWithLevel(g,u),v=c.getPtId(p),y={points:[f(t,a,h.eventDataKeys)],event:n.event};s||(y.nextLevel=v);var x=l.triggerHandler(r,"plotly_"+d.type+"click",y);if(!1!==x&&e.hovermode&&(r._hoverdata=[f(t,a,h.eventDataKeys)],o.click(r,n.event)),!s&&!1!==x&&!r._dragging&&!r._transitioning){i.call("_storeDirectGUIEdit",a,e._tracePreGUI[a.uid],{level:a.level});var b={data:[{level:v}],traces:[d.index]},_={frame:{redraw:!1,duration:h.transitionTime},transition:{duration:h.transitionTime,easing:h.transitionEasing},mode:"immediate",fromcurrent:!0};o.loneUnhover(e._hoverlayer.node()),i.call("animate",r,b,_)}}))}},{"../../components/fx":683,"../../components/fx/helpers":679,"../../lib":778,"../../lib/events":767,"../../registry":911,"../pie/helpers":1166,"./helpers":1305,d3:169}],1305:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../components/color"),a=t("../../lib/setcursor"),o=t("../pie/helpers");function s(t){return t.data.data.pid}r.findEntryWithLevel=function(t,e){var n;return e&&t.eachAfter((function(t){if(r.getPtId(t)===e)return n=t.copy()})),n||t},r.findEntryWithChild=function(t,e){var n;return t.eachAfter((function(t){for(var i=t.children||[],a=0;a0)},r.getMaxDepth=function(t){return t.maxdepth>=0?t.maxdepth:1/0},r.isHeader=function(t,e){return!(r.isLeaf(t)||t.depth===e._maxDepth-1)},r.getParent=function(t,e){return r.findEntryWithLevel(t,s(e))},r.listPath=function(t,e){var n=t.parent;if(!n)return[];var i=e?[n.data[e]]:[n];return r.listPath(n,e).concat(i)},r.getPath=function(t){return r.listPath(t,"label").join("/")+"/"},r.formatValue=o.formatPieValue,r.formatPercent=function(t,e){var r=n.formatPercent(t,0);return"0%"===r&&(r=o.formatPiePercent(t,e)),r}},{"../../components/color":643,"../../lib":778,"../../lib/setcursor":799,"../pie/helpers":1166}],1306:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"sunburst",basePlotModule:t("./base_plot"),categories:[],animatable:!0,attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./calc").crossTraceCalc,plot:t("./plot").plot,style:t("./style").style,colorbar:t("../scatter/marker_colorbar"),meta:{}}},{"../scatter/marker_colorbar":1205,"./attributes":1299,"./base_plot":1300,"./calc":1301,"./defaults":1303,"./layout_attributes":1307,"./layout_defaults":1308,"./plot":1309,"./style":1310}],1307:[function(t,e,r){"use strict";e.exports={sunburstcolorway:{valType:"colorlist",editType:"calc"},extendsunburstcolors:{valType:"boolean",dflt:!0,editType:"calc"}}},{}],1308:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e){function r(r,a){return n.coerce(t,e,i,r,a)}r("sunburstcolorway",e.colorway),r("extendsunburstcolors")}},{"../../lib":778,"./layout_attributes":1307}],1309:[function(t,e,r){"use strict";var n=t("d3"),i=t("d3-hierarchy"),a=t("../../components/drawing"),o=t("../../lib"),s=t("../../lib/svg_text_utils"),l=t("../bar/uniform_text"),c=l.recordMinTextSize,u=l.clearMinTextSize,f=t("../pie/plot"),h=t("../pie/helpers").getRotationAngle,p=f.computeTransform,d=f.transformInsideText,g=t("./style").styleOne,m=t("../bar/style").resizeText,v=t("./fx"),y=t("./constants"),x=t("./helpers");function b(t,e,l,u){var f=t._fullLayout,m=!f.uniformtext.mode&&x.hasTransition(u),b=n.select(l).selectAll("g.slice"),w=e[0],T=w.trace,k=w.hierarchy,M=x.findEntryWithLevel(k,T.level),A=x.getMaxDepth(T),S=f._size,E=T.domain,C=S.w*(E.x[1]-E.x[0]),L=S.h*(E.y[1]-E.y[0]),I=.5*Math.min(C,L),P=w.cx=S.l+S.w*(E.x[1]+E.x[0])/2,z=w.cy=S.t+S.h*(1-E.y[0])-L/2;if(!M)return b.remove();var O=null,D={};m&&b.each((function(t){D[x.getPtId(t)]={rpx0:t.rpx0,rpx1:t.rpx1,x0:t.x0,x1:t.x1,transform:t.transform},!O&&x.isEntry(t)&&(O=t)}));var R=function(t){return i.partition().size([2*Math.PI,t.height+1])(t)}(M).descendants(),F=M.height+1,B=0,N=A;w.hasMultipleRoots&&x.isHierarchyRoot(M)&&(R=R.slice(1),F-=1,B=1,N+=1),R=R.filter((function(t){return t.y1<=N}));var j=h(T.rotation);j&&R.forEach((function(t){t.x0+=j,t.x1+=j}));var U=Math.min(F,A),V=function(t){return(t-B)/U*I},q=function(t,e){return[t*Math.cos(e),-t*Math.sin(e)]},H=function(t){return o.pathAnnulus(t.rpx0,t.rpx1,t.x0,t.x1,P,z)},G=function(t){return P+_(t)[0]*(t.transform.rCenter||0)+(t.transform.x||0)},Y=function(t){return z+_(t)[1]*(t.transform.rCenter||0)+(t.transform.y||0)};(b=b.data(R,x.getPtId)).enter().append("g").classed("slice",!0),m?b.exit().transition().each((function(){var t=n.select(this);t.select("path.surface").transition().attrTween("d",(function(t){var e=function(t){var e,r=x.getPtId(t),i=D[r],a=D[x.getPtId(M)];if(a){var o=(t.x1>a.x1?2*Math.PI:0)+j;e=t.rpx1W?2*Math.PI:0)+j;e={x0:a,x1:a}}else e={rpx0:I,rpx1:I},o.extendFlat(e,J(t));else e={rpx0:0,rpx1:0};else e={x0:j,x1:j};return n.interpolate(e,i)}(t);return function(t){return H(e(t))}})):u.attr("d",H),l.call(v,M,t,e,{eventDataKeys:y.eventDataKeys,transitionTime:y.CLICK_TRANSITION_TIME,transitionEasing:y.CLICK_TRANSITION_EASING}).call(x.setSliceCursor,t,{hideOnRoot:!0,hideOnLeaves:!0,isTransitioning:t._transitioning}),u.call(g,i,T);var h=o.ensureSingle(l,"g","slicetext"),b=o.ensureSingle(h,"text","",(function(t){t.attr("data-notex",1)})),_=o.ensureUniformFontSize(t,x.determineTextFont(T,i,f.font));b.text(r.formatSliceLabel(i,M,T,e,f)).classed("slicetext",!0).attr("text-anchor","middle").call(a.font,_).call(s.convertToTspans,t);var k=a.bBox(b.node());i.transform=d(k,i,w),i.transform.targetX=G(i),i.transform.targetY=Y(i);var A=function(t,e){var r=t.transform;return p(r,e),r.fontSize=_.size,c(T.type,r,f),o.getTextTransform(r)};m?b.transition().attrTween("transform",(function(t){var e=function(t){var e,r=D[x.getPtId(t)],i=t.transform;if(r)e=r;else if(e={rpx1:t.rpx1,transform:{textPosAngle:i.textPosAngle,scale:0,rotate:i.rotate,rCenter:i.rCenter,x:i.x,y:i.y}},O)if(t.parent)if(W){var a=t.x1>W?2*Math.PI:0;e.x0=e.x1=a}else o.extendFlat(e,J(t));else e.x0=e.x1=j;else e.x0=e.x1=j;var s=n.interpolate(e.transform.textPosAngle,t.transform.textPosAngle),l=n.interpolate(e.rpx1,t.rpx1),u=n.interpolate(e.x0,t.x0),h=n.interpolate(e.x1,t.x1),p=n.interpolate(e.transform.scale,i.scale),d=n.interpolate(e.transform.rotate,i.rotate),g=0===i.rCenter?3:0===e.transform.rCenter?1/3:1,m=n.interpolate(e.transform.rCenter,i.rCenter);return function(t){var e=l(t),r=u(t),n=h(t),a=function(t){return m(Math.pow(t,g))}(t),o={pxmid:q(e,(r+n)/2),rpx1:e,transform:{textPosAngle:s(t),rCenter:a,x:i.x,y:i.y}};return c(T.type,i,f),{transform:{targetX:G(o),targetY:Y(o),scale:p(t),rotate:d(t),rCenter:a}}}}(t);return function(t){return A(e(t),k)}})):b.attr("transform",A(i,k))}))}function _(t){return e=t.rpx1,r=t.transform.textPosAngle,[e*Math.sin(r),-e*Math.cos(r)];var e,r}r.plot=function(t,e,r,i){var a,o,s=t._fullLayout,l=s._sunburstlayer,c=!r,f=!s.uniformtext.mode&&x.hasTransition(r);(u("sunburst",s),(a=l.selectAll("g.trace.sunburst").data(e,(function(t){return t[0].trace.uid}))).enter().append("g").classed("trace",!0).classed("sunburst",!0).attr("stroke-linejoin","round"),a.order(),f)?(i&&(o=i()),n.transition().duration(r.duration).ease(r.easing).each("end",(function(){o&&o()})).each("interrupt",(function(){o&&o()})).each((function(){l.selectAll("g.trace").each((function(e){b(t,e,this,r)}))}))):(a.each((function(e){b(t,e,this,r)})),s.uniformtext.mode&&m(t,s._sunburstlayer.selectAll(".trace"),"sunburst"));c&&a.exit().remove()},r.formatSliceLabel=function(t,e,r,n,i){var a=r.texttemplate,s=r.textinfo;if(!(a||s&&"none"!==s))return"";var l=i.separators,c=n[0],u=t.data.data,f=c.hierarchy,h=x.isHierarchyRoot(t),p=x.getParent(f,t),d=x.getValue(t);if(!a){var g,m=s.split("+"),v=function(t){return-1!==m.indexOf(t)},y=[];if(v("label")&&u.label&&y.push(u.label),u.hasOwnProperty("v")&&v("value")&&y.push(x.formatValue(u.v,l)),!h){v("current path")&&y.push(x.getPath(t.data));var b=0;v("percent parent")&&b++,v("percent entry")&&b++,v("percent root")&&b++;var _=b>1;if(b){var w,T=function(t){g=x.formatPercent(w,l),_&&(g+=" of "+t),y.push(g)};v("percent parent")&&!h&&(w=d/x.getValue(p),T("parent")),v("percent entry")&&(w=d/x.getValue(e),T("entry")),v("percent root")&&(w=d/x.getValue(f),T("root"))}}return v("text")&&(g=o.castOption(r,u.i,"text"),o.isValidTextValue(g)&&y.push(g)),y.join("
")}var k=o.castOption(r,u.i,"texttemplate");if(!k)return"";var M={};u.label&&(M.label=u.label),u.hasOwnProperty("v")&&(M.value=u.v,M.valueLabel=x.formatValue(u.v,l)),M.currentPath=x.getPath(t.data),h||(M.percentParent=d/x.getValue(p),M.percentParentLabel=x.formatPercent(M.percentParent,l),M.parent=x.getPtLabel(p)),M.percentEntry=d/x.getValue(e),M.percentEntryLabel=x.formatPercent(M.percentEntry,l),M.entry=x.getPtLabel(e),M.percentRoot=d/x.getValue(f),M.percentRootLabel=x.formatPercent(M.percentRoot,l),M.root=x.getPtLabel(f),u.hasOwnProperty("color")&&(M.color=u.color);var A=o.castOption(r,u.i,"text");return(o.isValidTextValue(A)||""===A)&&(M.text=A),M.customdata=o.castOption(r,u.i,"customdata"),o.texttemplateString(k,M,i._d3locale,M,r._meta||{})}},{"../../components/drawing":665,"../../lib":778,"../../lib/svg_text_utils":803,"../bar/style":935,"../bar/uniform_text":937,"../pie/helpers":1166,"../pie/plot":1170,"./constants":1302,"./fx":1304,"./helpers":1305,"./style":1310,d3:169,"d3-hierarchy":161}],1310:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/color"),a=t("../../lib"),o=t("../bar/uniform_text").resizeText;function s(t,e,r){var n=e.data.data,o=!e.children,s=n.i,l=a.castOption(r,s,"marker.line.color")||i.defaultLine,c=a.castOption(r,s,"marker.line.width")||0;t.style("stroke-width",c).call(i.fill,n.color).call(i.stroke,l).style("opacity",o?r.leaf.opacity:null)}e.exports={style:function(t){var e=t._fullLayout._sunburstlayer.selectAll(".trace");o(t,e,"sunburst"),e.each((function(t){var e=n.select(this),r=t[0].trace;e.style("opacity",r.opacity),e.selectAll("path.surface").each((function(t){n.select(this).call(s,t,r)}))}))},styleOne:s}},{"../../components/color":643,"../../lib":778,"../bar/uniform_text":937,d3:169}],1311:[function(t,e,r){"use strict";var n=t("../../components/color"),i=t("../../components/colorscale/attributes"),a=t("../../plots/template_attributes").hovertemplateAttrs,o=t("../../plots/attributes"),s=t("../../lib/extend").extendFlat,l=t("../../plot_api/edit_types").overrideAll;function c(t){return{show:{valType:"boolean",dflt:!1},start:{valType:"number",dflt:null,editType:"plot"},end:{valType:"number",dflt:null,editType:"plot"},size:{valType:"number",dflt:null,min:0,editType:"plot"},project:{x:{valType:"boolean",dflt:!1},y:{valType:"boolean",dflt:!1},z:{valType:"boolean",dflt:!1}},color:{valType:"color",dflt:n.defaultLine},usecolormap:{valType:"boolean",dflt:!1},width:{valType:"number",min:1,max:16,dflt:2},highlight:{valType:"boolean",dflt:!0},highlightcolor:{valType:"color",dflt:n.defaultLine},highlightwidth:{valType:"number",min:1,max:16,dflt:2}}}var u=e.exports=l(s({z:{valType:"data_array"},x:{valType:"data_array"},y:{valType:"data_array"},text:{valType:"string",dflt:"",arrayOk:!0},hovertext:{valType:"string",dflt:"",arrayOk:!0},hovertemplate:a(),connectgaps:{valType:"boolean",dflt:!1,editType:"calc"},surfacecolor:{valType:"data_array"}},i("",{colorAttr:"z or surfacecolor",showScaleDflt:!0,autoColorDflt:!1,editTypeOverride:"calc"}),{contours:{x:c(),y:c(),z:c()},hidesurface:{valType:"boolean",dflt:!1},lightposition:{x:{valType:"number",min:-1e5,max:1e5,dflt:10},y:{valType:"number",min:-1e5,max:1e5,dflt:1e4},z:{valType:"number",min:-1e5,max:1e5,dflt:0}},lighting:{ambient:{valType:"number",min:0,max:1,dflt:.8},diffuse:{valType:"number",min:0,max:1,dflt:.8},specular:{valType:"number",min:0,max:2,dflt:.05},roughness:{valType:"number",min:0,max:1,dflt:.5},fresnel:{valType:"number",min:0,max:5,dflt:.2}},opacity:{valType:"number",min:0,max:1,dflt:1},opacityscale:{valType:"any",editType:"calc"},_deprecated:{zauto:s({},i.zauto,{}),zmin:s({},i.zmin,{}),zmax:s({},i.zmax,{})},hoverinfo:s({},o.hoverinfo),showlegend:s({},o.showlegend,{dflt:!1})}),"calc","nested");u.x.editType=u.y.editType=u.z.editType="calc+clearAxisTypes",u.transforms=void 0},{"../../components/color":643,"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plot_api/edit_types":810,"../../plots/attributes":824,"../../plots/template_attributes":906}],1312:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc");e.exports=function(t,e){e.surfacecolor?n(t,e,{vals:e.surfacecolor,containerStr:"",cLetter:"c"}):n(t,e,{vals:e.z,containerStr:"",cLetter:"c"})}},{"../../components/colorscale/calc":651}],1313:[function(t,e,r){"use strict";var n=t("gl-surface3d"),i=t("ndarray"),a=t("ndarray-linear-interpolate").d2,o=t("../heatmap/interp2d"),s=t("../heatmap/find_empties"),l=t("../../lib").isArrayOrTypedArray,c=t("../../lib/gl_format_color").parseColorScale,u=t("../../lib/str2rgbarray"),f=t("../../components/colorscale").extractOpts;function h(t,e,r){this.scene=t,this.uid=r,this.surface=e,this.data=null,this.showContour=[!1,!1,!1],this.contourStart=[null,null,null],this.contourEnd=[null,null,null],this.contourSize=[0,0,0],this.minValues=[1/0,1/0,1/0],this.maxValues=[-1/0,-1/0,-1/0],this.dataScaleX=1,this.dataScaleY=1,this.refineData=!0,this.objectOffset=[0,0,0]}var p=h.prototype;p.getXat=function(t,e,r,n){var i=l(this.data.x)?l(this.data.x[0])?this.data.x[e][t]:this.data.x[t]:t;return void 0===r?i:n.d2l(i,0,r)},p.getYat=function(t,e,r,n){var i=l(this.data.y)?l(this.data.y[0])?this.data.y[e][t]:this.data.y[e]:e;return void 0===r?i:n.d2l(i,0,r)},p.getZat=function(t,e,r,n){var i=this.data.z[e][t];return null===i&&this.data.connectgaps&&this.data._interpolatedZ&&(i=this.data._interpolatedZ[e][t]),void 0===r?i:n.d2l(i,0,r)},p.handlePick=function(t){if(t.object===this.surface){var e=(t.data.index[0]-1)/this.dataScaleX-1,r=(t.data.index[1]-1)/this.dataScaleY-1,n=Math.max(Math.min(Math.round(e),this.data.z[0].length-1),0),i=Math.max(Math.min(Math.round(r),this.data._ylength-1),0);t.index=[n,i],t.traceCoordinate=[this.getXat(n,i),this.getYat(n,i),this.getZat(n,i)],t.dataCoordinate=[this.getXat(n,i,this.data.xcalendar,this.scene.fullSceneLayout.xaxis),this.getYat(n,i,this.data.ycalendar,this.scene.fullSceneLayout.yaxis),this.getZat(n,i,this.data.zcalendar,this.scene.fullSceneLayout.zaxis)];for(var a=0;a<3;a++){var o=t.dataCoordinate[a];null!=o&&(t.dataCoordinate[a]*=this.scene.dataScale[a])}var s=this.data.hovertext||this.data.text;return Array.isArray(s)&&s[i]&&void 0!==s[i][n]?t.textLabel=s[i][n]:t.textLabel=s||"",t.data.dataCoordinate=t.dataCoordinate.slice(),this.surface.highlight(t.data),this.scene.glplot.spikes.position=t.dataCoordinate,!0}};var d=[2,3,5,7,11,13,17,19,23,29,31,37,41,43,47,53,59,61,67,71,73,79,83,89,97,101,103,107,109,113,127,131,137,139,149,151,157,163,167,173,179,181,191,193,197,199,211,223,227,229,233,239,241,251,257,263,269,271,277,281,283,293,307,311,313,317,331,337,347,349,353,359,367,373,379,383,389,397,401,409,419,421,431,433,439,443,449,457,461,463,467,479,487,491,499,503,509,521,523,541,547,557,563,569,571,577,587,593,599,601,607,613,617,619,631,641,643,647,653,659,661,673,677,683,691,701,709,719,727,733,739,743,751,757,761,769,773,787,797,809,811,821,823,827,829,839,853,857,859,863,877,881,883,887,907,911,919,929,937,941,947,953,967,971,977,983,991,997,1009,1013,1019,1021,1031,1033,1039,1049,1051,1061,1063,1069,1087,1091,1093,1097,1103,1109,1117,1123,1129,1151,1153,1163,1171,1181,1187,1193,1201,1213,1217,1223,1229,1231,1237,1249,1259,1277,1279,1283,1289,1291,1297,1301,1303,1307,1319,1321,1327,1361,1367,1373,1381,1399,1409,1423,1427,1429,1433,1439,1447,1451,1453,1459,1471,1481,1483,1487,1489,1493,1499,1511,1523,1531,1543,1549,1553,1559,1567,1571,1579,1583,1597,1601,1607,1609,1613,1619,1621,1627,1637,1657,1663,1667,1669,1693,1697,1699,1709,1721,1723,1733,1741,1747,1753,1759,1777,1783,1787,1789,1801,1811,1823,1831,1847,1861,1867,1871,1873,1877,1879,1889,1901,1907,1913,1931,1933,1949,1951,1973,1979,1987,1993,1997,1999,2003,2011,2017,2027,2029,2039,2053,2063,2069,2081,2083,2087,2089,2099,2111,2113,2129,2131,2137,2141,2143,2153,2161,2179,2203,2207,2213,2221,2237,2239,2243,2251,2267,2269,2273,2281,2287,2293,2297,2309,2311,2333,2339,2341,2347,2351,2357,2371,2377,2381,2383,2389,2393,2399,2411,2417,2423,2437,2441,2447,2459,2467,2473,2477,2503,2521,2531,2539,2543,2549,2551,2557,2579,2591,2593,2609,2617,2621,2633,2647,2657,2659,2663,2671,2677,2683,2687,2689,2693,2699,2707,2711,2713,2719,2729,2731,2741,2749,2753,2767,2777,2789,2791,2797,2801,2803,2819,2833,2837,2843,2851,2857,2861,2879,2887,2897,2903,2909,2917,2927,2939,2953,2957,2963,2969,2971,2999];function g(t,e){if(t0){r=d[n];break}return r}function y(t,e){if(!(t<1||e<1)){for(var r=m(t),n=m(e),i=1,a=0;a_;)r--,r/=v(r),++r1?n:1},p.refineCoords=function(t){for(var e=this.dataScaleX,r=this.dataScaleY,n=t[0].shape[0],a=t[0].shape[1],o=0|Math.floor(t[0].shape[0]*e+1),s=0|Math.floor(t[0].shape[1]*r+1),l=1+n+1,c=1+a+1,u=i(new Float32Array(l*c),[l,c]),f=[1/e,0,0,0,1/r,0,0,0,1],h=0;h0&&null!==this.contourStart[t]&&null!==this.contourEnd[t]&&this.contourEnd[t]>this.contourStart[t]))for(i[t]=!0,e=this.contourStart[t];ea&&(this.minValues[e]=a),this.maxValues[e]",maxDimensionCount:60,overdrag:45,releaseTransitionDuration:120,releaseTransitionEase:"cubic-out",scrollbarCaptureWidth:18,scrollbarHideDelay:1e3,scrollbarHideDuration:1e3,scrollbarOffset:5,scrollbarWidth:8,transitionDuration:100,transitionEase:"cubic-out",uplift:5,wrapSpacer:" ",wrapSplitCharacter:" ",cn:{table:"table",tableControlView:"table-control-view",scrollBackground:"scroll-background",yColumn:"y-column",columnBlock:"column-block",scrollAreaClip:"scroll-area-clip",scrollAreaClipRect:"scroll-area-clip-rect",columnBoundary:"column-boundary",columnBoundaryClippath:"column-boundary-clippath",columnBoundaryRect:"column-boundary-rect",columnCells:"column-cells",columnCell:"column-cell",cellRect:"cell-rect",cellText:"cell-text",cellTextHolder:"cell-text-holder",scrollbarKit:"scrollbar-kit",scrollbar:"scrollbar",scrollbarSlider:"scrollbar-slider",scrollbarGlyph:"scrollbar-glyph",scrollbarCaptureZone:"scrollbar-capture-zone"}}},{}],1320:[function(t,e,r){"use strict";var n=t("./constants"),i=t("../../lib/extend").extendFlat,a=t("fast-isnumeric");function o(t){if(Array.isArray(t)){for(var e=0,r=0;r=e||c===t.length-1)&&(n[i]=o,o.key=l++,o.firstRowIndex=s,o.lastRowIndex=c,o={firstRowIndex:null,lastRowIndex:null,rows:[]},i+=a,s=c+1,a=0);return n}e.exports=function(t,e){var r=l(e.cells.values),p=function(t){return t.slice(e.header.values.length,t.length)},d=l(e.header.values);d.length&&!d[0].length&&(d[0]=[""],d=l(d));var g=d.concat(p(r).map((function(){return c((d[0]||[""]).length)}))),m=e.domain,v=Math.floor(t._fullLayout._size.w*(m.x[1]-m.x[0])),y=Math.floor(t._fullLayout._size.h*(m.y[1]-m.y[0])),x=e.header.values.length?g[0].map((function(){return e.header.height})):[n.emptyHeaderHeight],b=r.length?r[0].map((function(){return e.cells.height})):[],_=x.reduce(s,0),w=h(b,y-_+n.uplift),T=f(h(x,_),[]),k=f(w,T),M={},A=e._fullInput.columnorder.concat(p(r.map((function(t,e){return e})))),S=g.map((function(t,r){var n=Array.isArray(e.columnwidth)?e.columnwidth[Math.min(r,e.columnwidth.length-1)]:e.columnwidth;return a(n)?Number(n):1})),E=S.reduce(s,0);S=S.map((function(t){return t/E*v}));var C=Math.max(o(e.header.line.width),o(e.cells.line.width)),L={key:e.uid+t._context.staticPlot,translateX:m.x[0]*t._fullLayout._size.w,translateY:t._fullLayout._size.h*(1-m.y[1]),size:t._fullLayout._size,width:v,maxLineWidth:C,height:y,columnOrder:A,groupHeight:y,rowBlocks:k,headerRowBlocks:T,scrollY:0,cells:i({},e.cells,{values:r}),headerCells:i({},e.header,{values:g}),gdColumns:g.map((function(t){return t[0]})),gdColumnsOriginalOrder:g.map((function(t){return t[0]})),prevPages:[0,0],scrollbarState:{scrollbarScrollInProgress:!1},columns:g.map((function(t,e){var r=M[t];return M[t]=(r||0)+1,{key:t+"__"+M[t],label:t,specIndex:e,xIndex:A[e],xScale:u,x:void 0,calcdata:void 0,columnWidth:S[e]}}))};return L.columns.forEach((function(t){t.calcdata=L,t.x=u(t)})),L}},{"../../lib/extend":768,"./constants":1319,"fast-isnumeric":241}],1321:[function(t,e,r){"use strict";var n=t("../../lib/extend").extendFlat;r.splitToPanels=function(t){var e=[0,0],r=n({},t,{key:"header",type:"header",page:0,prevPages:e,currentRepaint:[null,null],dragHandle:!0,values:t.calcdata.headerCells.values[t.specIndex],rowBlocks:t.calcdata.headerRowBlocks,calcdata:n({},t.calcdata,{cells:t.calcdata.headerCells})});return[n({},t,{key:"cells1",type:"cells",page:0,prevPages:e,currentRepaint:[null,null],dragHandle:!1,values:t.calcdata.cells.values[t.specIndex],rowBlocks:t.calcdata.rowBlocks}),n({},t,{key:"cells2",type:"cells",page:1,prevPages:e,currentRepaint:[null,null],dragHandle:!1,values:t.calcdata.cells.values[t.specIndex],rowBlocks:t.calcdata.rowBlocks}),r]},r.splitToCells=function(t){var e=function(t){var e=t.rowBlocks[t.page],r=e?e.rows[0].rowIndex:0,n=e?r+e.rows.length:0;return[r,n]}(t);return(t.values||[]).slice(e[0],e[1]).map((function(r,n){return{keyWithinBlock:n+("string"==typeof r&&r.match(/[<$&> ]/)?"_keybuster_"+Math.random():""),key:e[0]+n,column:t,calcdata:t.calcdata,page:t.page,rowBlocks:t.rowBlocks,value:r}}))}},{"../../lib/extend":768}],1322:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes"),a=t("../../plots/domain").defaults;e.exports=function(t,e,r,o){function s(r,a){return n.coerce(t,e,i,r,a)}a(e,o,s),s("columnwidth"),s("header.values"),s("header.format"),s("header.align"),s("header.prefix"),s("header.suffix"),s("header.height"),s("header.line.width"),s("header.line.color"),s("header.fill.color"),n.coerceFont(s,"header.font",n.extendFlat({},o.font)),function(t,e){for(var r=t.columnorder||[],n=t.header.values.length,i=r.slice(0,n),a=i.slice().sort((function(t,e){return t-e})),o=i.map((function(t){return a.indexOf(t)})),s=o.length;s/i),l=!o||s;t.mayHaveMarkup=o&&a.match(/[<&>]/);var c,u="string"==typeof(c=a)&&c.match(n.latexCheck);t.latex=u;var f,h,p=u?"":w(t.calcdata.cells.prefix,e,r)||"",d=u?"":w(t.calcdata.cells.suffix,e,r)||"",g=u?null:w(t.calcdata.cells.format,e,r)||null,m=p+(g?i.format(g)(t.value):t.value)+d;if(t.wrappingNeeded=!t.wrapped&&!l&&!u&&(f=_(m)),t.cellHeightMayIncrease=s||u||t.mayHaveMarkup||(void 0===f?_(m):f),t.needsConvertToTspans=t.mayHaveMarkup||t.wrappingNeeded||t.latex,t.wrappingNeeded){var v=(" "===n.wrapSplitCharacter?m.replace(/i&&n.push(a),i+=l}return n}(i,l,s);1===u.length&&(u[0]===i.length-1?u.unshift(u[0]-1):u.push(u[0]+1)),u[0]%2&&u.reverse(),e.each((function(t,e){t.page=u[e],t.scrollY=l})),e.attr("transform",(function(t){var e=O(t.rowBlocks,t.page)-t.scrollY;return c(0,e)})),t&&(C(t,r,e,u,n.prevPages,n,0),C(t,r,e,u,n.prevPages,n,1),y(r,t))}}function E(t,e,r,a){return function(o){var s=o.calcdata?o.calcdata:o,l=e.filter((function(t){return s.key===t.key})),c=r||s.scrollbarState.dragMultiplier,u=s.scrollY;s.scrollY=void 0===a?s.scrollY+c*i.event.dy:a;var f=l.selectAll("."+n.cn.yColumn).selectAll("."+n.cn.columnBlock).filter(k);return S(t,f,l),s.scrollY===u}}function C(t,e,r,n,i,a,o){n[o]!==i[o]&&(clearTimeout(a.currentRepaint[o]),a.currentRepaint[o]=setTimeout((function(){var a=r.filter((function(t,e){return e===o&&n[e]!==i[e]}));x(t,e,a,r),i[o]=n[o]})))}function L(t,e,r,a){return function(){var o=i.select(e.parentNode);o.each((function(t){var e=t.fragments;o.selectAll("tspan.line").each((function(t,r){e[r].width=this.getComputedTextLength()}));var r,i,a=e[e.length-1].width,s=e.slice(0,-1),l=[],c=0,u=t.column.columnWidth-2*n.cellPad;for(t.value="";s.length;)c+(i=(r=s.shift()).width+a)>u&&(t.value+=l.join(n.wrapSpacer)+n.lineBreaker,l=[],c=0),l.push(r.text),c+=i;c&&(t.value+=l.join(n.wrapSpacer)),t.wrapped=!0})),o.selectAll("tspan.line").remove(),b(o.select("."+n.cn.cellText),r,t,a),i.select(e.parentNode.parentNode).call(z)}}function I(t,e,r,a,o){return function(){if(!o.settledY){var s=i.select(e.parentNode),l=F(o),u=o.key-l.firstRowIndex,f=l.rows[u].rowHeight,h=o.cellHeightMayIncrease?e.parentNode.getBoundingClientRect().height+2*n.cellPad:f,p=Math.max(h,f);p-l.rows[u].rowHeight&&(l.rows[u].rowHeight=p,t.selectAll("."+n.cn.columnCell).call(z),S(null,t.filter(k),0),y(r,a,!0)),s.attr("transform",(function(){var t=this.parentNode.getBoundingClientRect(),e=i.select(this.parentNode).select("."+n.cn.cellRect).node().getBoundingClientRect(),r=this.transform.baseVal.consolidate(),a=e.top-t.top+(r?r.matrix.f:n.cellPad);return c(P(o,i.select(this.parentNode).select("."+n.cn.cellTextHolder).node().getBoundingClientRect().width),a)})),o.settledY=!0}}}function P(t,e){switch(t.align){case"left":return n.cellPad;case"right":return t.column.columnWidth-(e||0)-n.cellPad;case"center":return(t.column.columnWidth-(e||0))/2;default:return n.cellPad}}function z(t){t.attr("transform",(function(t){var e=t.rowBlocks[0].auxiliaryBlocks.reduce((function(t,e){return t+D(e,1/0)}),0),r=D(F(t),t.key);return c(0,r+e)})).selectAll("."+n.cn.cellRect).attr("height",(function(t){return(e=F(t),r=t.key,e.rows[r-e.firstRowIndex]).rowHeight;var e,r}))}function O(t,e){for(var r=0,n=e-1;n>=0;n--)r+=R(t[n]);return r}function D(t,e){for(var r=0,n=0;n","<","|","/","\\"],dflt:">",editType:"plot"},thickness:{valType:"number",min:12,editType:"plot"},textfont:u({},s.textfont,{}),editType:"calc"},text:s.text,textinfo:l.textinfo,texttemplate:i({editType:"plot"},{keys:c.eventDataKeys.concat(["label","value"])}),hovertext:s.hovertext,hoverinfo:l.hoverinfo,hovertemplate:n({},{keys:c.eventDataKeys}),textfont:s.textfont,insidetextfont:s.insidetextfont,outsidetextfont:u({},s.outsidetextfont,{}),textposition:{valType:"enumerated",values:["top left","top center","top right","middle left","middle center","middle right","bottom left","bottom center","bottom right"],dflt:"top left",editType:"plot"},sort:s.sort,root:l.root,domain:o({name:"treemap",trace:!0,editType:"calc"})}},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/domain":855,"../../plots/template_attributes":906,"../pie/attributes":1161,"../sunburst/attributes":1299,"./constants":1328}],1326:[function(t,e,r){"use strict";var n=t("../../plots/plots");r.name="treemap",r.plot=function(t,e,i,a){n.plotBasePlot(r.name,t,e,i,a)},r.clean=function(t,e,i,a){n.cleanBasePlot(r.name,t,e,i,a)}},{"../../plots/plots":891}],1327:[function(t,e,r){"use strict";var n=t("../sunburst/calc");r.calc=function(t,e){return n.calc(t,e)},r.crossTraceCalc=function(t){return n._runCrossTraceCalc("treemap",t)}},{"../sunburst/calc":1301}],1328:[function(t,e,r){"use strict";e.exports={CLICK_TRANSITION_TIME:750,CLICK_TRANSITION_EASING:"poly",eventDataKeys:["currentPath","root","entry","percentRoot","percentEntry","percentParent"],gapWithPathbar:1}},{}],1329:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes"),a=t("../../components/color"),o=t("../../plots/domain").defaults,s=t("../bar/defaults").handleText,l=t("../bar/constants").TEXTPAD,c=t("../../components/colorscale"),u=c.hasColorscale,f=c.handleDefaults;e.exports=function(t,e,r,c){function h(r,a){return n.coerce(t,e,i,r,a)}var p=h("labels"),d=h("parents");if(p&&p.length&&d&&d.length){var g=h("values");g&&g.length?h("branchvalues"):h("count"),h("level"),h("maxdepth"),"squarify"===h("tiling.packing")&&h("tiling.squarifyratio"),h("tiling.flip"),h("tiling.pad");var m=h("text");h("texttemplate"),e.texttemplate||h("textinfo",Array.isArray(m)?"text+label":"label"),h("hovertext"),h("hovertemplate");var v=h("pathbar.visible");s(t,e,c,h,"auto",{hasPathbar:v,moduleHasSelected:!1,moduleHasUnselected:!1,moduleHasConstrain:!1,moduleHasCliponaxis:!1,moduleHasTextangle:!1,moduleHasInsideanchor:!1}),h("textposition");var y=-1!==e.textposition.indexOf("bottom");h("marker.line.width")&&h("marker.line.color",c.paper_bgcolor);var x=h("marker.colors"),b=e._hasColorscale=u(t,"marker","colors")||(t.marker||{}).coloraxis;b?f(t,e,c,h,{prefix:"marker.",cLetter:"c"}):h("marker.depthfade",!(x||[]).length);var _=2*e.textfont.size;h("marker.pad.t",y?_/4:_),h("marker.pad.l",_/4),h("marker.pad.r",_/4),h("marker.pad.b",y?_:_/4),b&&f(t,e,c,h,{prefix:"marker.",cLetter:"c"}),e._hovered={marker:{line:{width:2,color:a.contrast(c.paper_bgcolor)}}},v&&(h("pathbar.thickness",e.pathbar.textfont.size+2*l),h("pathbar.side"),h("pathbar.edgeshape")),h("sort"),h("root.color"),o(e,c,h),e._length=null}else e.visible=!1}},{"../../components/color":643,"../../components/colorscale":655,"../../lib":778,"../../plots/domain":855,"../bar/constants":923,"../bar/defaults":925,"./attributes":1325}],1330:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../components/drawing"),o=t("../../lib/svg_text_utils"),s=t("./partition"),l=t("./style").styleOne,c=t("./constants"),u=t("../sunburst/helpers"),f=t("../sunburst/fx");e.exports=function(t,e,r,h,p){var d=p.barDifY,g=p.width,m=p.height,v=p.viewX,y=p.viewY,x=p.pathSlice,b=p.toMoveInsideSlice,_=p.strTransform,w=p.hasTransition,T=p.handleSlicesExit,k=p.makeUpdateSliceInterpolator,M=p.makeUpdateTextInterpolator,A={},S=t._fullLayout,E=e[0],C=E.trace,L=E.hierarchy,I=g/C._entryDepth,P=u.listPath(r.data,"id"),z=s(L.copy(),[g,m],{packing:"dice",pad:{inner:0,top:0,left:0,right:0,bottom:0}}).descendants();(z=z.filter((function(t){var e=P.indexOf(t.data.id);return-1!==e&&(t.x0=I*e,t.x1=I*(e+1),t.y0=d,t.y1=d+m,t.onPathbar=!0,!0)}))).reverse(),(h=h.data(z,u.getPtId)).enter().append("g").classed("pathbar",!0),T(h,!0,A,[g,m],x),h.order();var O=h;w&&(O=O.transition().each("end",(function(){var e=n.select(this);u.setSliceCursor(e,t,{hideOnRoot:!1,hideOnLeaves:!1,isTransitioning:!1})}))),O.each((function(s){s._hoverX=v(s.x1-Math.min(g,m)/2),s._hoverY=y(s.y1-m/2);var h=n.select(this),p=i.ensureSingle(h,"path","surface",(function(t){t.style("pointer-events","all")}));w?p.transition().attrTween("d",(function(t){var e=k(t,!0,A,[g,m]);return function(t){return x(e(t))}})):p.attr("d",x),h.call(f,r,t,e,{styleOne:l,eventDataKeys:c.eventDataKeys,transitionTime:c.CLICK_TRANSITION_TIME,transitionEasing:c.CLICK_TRANSITION_EASING}).call(u.setSliceCursor,t,{hideOnRoot:!1,hideOnLeaves:!1,isTransitioning:t._transitioning}),p.call(l,s,C,{hovered:!1}),s._text=(u.getPtLabel(s)||"").split("
").join(" ")||"";var d=i.ensureSingle(h,"g","slicetext"),T=i.ensureSingle(d,"text","",(function(t){t.attr("data-notex",1)})),E=i.ensureUniformFontSize(t,u.determineTextFont(C,s,S.font,{onPathbar:!0}));T.text(s._text||" ").classed("slicetext",!0).attr("text-anchor","start").call(a.font,E).call(o.convertToTspans,t),s.textBB=a.bBox(T.node()),s.transform=b(s,{fontSize:E.size,onPathbar:!0}),s.transform.fontSize=E.size,w?T.transition().attrTween("transform",(function(t){var e=M(t,!0,A,[g,m]);return function(t){return _(e(t))}})):T.attr("transform",_(s))}))}},{"../../components/drawing":665,"../../lib":778,"../../lib/svg_text_utils":803,"../sunburst/fx":1304,"../sunburst/helpers":1305,"./constants":1328,"./partition":1335,"./style":1337,d3:169}],1331:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../components/drawing"),o=t("../../lib/svg_text_utils"),s=t("./partition"),l=t("./style").styleOne,c=t("./constants"),u=t("../sunburst/helpers"),f=t("../sunburst/fx"),h=t("../sunburst/plot").formatSliceLabel;e.exports=function(t,e,r,p,d){var g=d.width,m=d.height,v=d.viewX,y=d.viewY,x=d.pathSlice,b=d.toMoveInsideSlice,_=d.strTransform,w=d.hasTransition,T=d.handleSlicesExit,k=d.makeUpdateSliceInterpolator,M=d.makeUpdateTextInterpolator,A=d.prevEntry,S=t._fullLayout,E=e[0].trace,C=-1!==E.textposition.indexOf("left"),L=-1!==E.textposition.indexOf("right"),I=-1!==E.textposition.indexOf("bottom"),P=!I&&!E.marker.pad.t||I&&!E.marker.pad.b,z=s(r,[g,m],{packing:E.tiling.packing,squarifyratio:E.tiling.squarifyratio,flipX:E.tiling.flip.indexOf("x")>-1,flipY:E.tiling.flip.indexOf("y")>-1,pad:{inner:E.tiling.pad,top:E.marker.pad.t,left:E.marker.pad.l,right:E.marker.pad.r,bottom:E.marker.pad.b}}).descendants(),O=1/0,D=-1/0;z.forEach((function(t){var e=t.depth;e>=E._maxDepth?(t.x0=t.x1=(t.x0+t.x1)/2,t.y0=t.y1=(t.y0+t.y1)/2):(O=Math.min(O,e),D=Math.max(D,e))})),p=p.data(z,u.getPtId),E._maxVisibleLayers=isFinite(D)?D-O+1:0,p.enter().append("g").classed("slice",!0),T(p,!1,{},[g,m],x),p.order();var R=null;if(w&&A){var F=u.getPtId(A);p.each((function(t){null===R&&u.getPtId(t)===F&&(R={x0:t.x0,x1:t.x1,y0:t.y0,y1:t.y1})}))}var B=function(){return R||{x0:0,x1:g,y0:0,y1:m}},N=p;return w&&(N=N.transition().each("end",(function(){var e=n.select(this);u.setSliceCursor(e,t,{hideOnRoot:!0,hideOnLeaves:!1,isTransitioning:!1})}))),N.each((function(s){var p=u.isHeader(s,E);s._hoverX=v(s.x1-E.marker.pad.r),s._hoverY=y(I?s.y1-E.marker.pad.b/2:s.y0+E.marker.pad.t/2);var d=n.select(this),T=i.ensureSingle(d,"path","surface",(function(t){t.style("pointer-events","all")}));w?T.transition().attrTween("d",(function(t){var e=k(t,!1,B(),[g,m]);return function(t){return x(e(t))}})):T.attr("d",x),d.call(f,r,t,e,{styleOne:l,eventDataKeys:c.eventDataKeys,transitionTime:c.CLICK_TRANSITION_TIME,transitionEasing:c.CLICK_TRANSITION_EASING}).call(u.setSliceCursor,t,{isTransitioning:t._transitioning}),T.call(l,s,E,{hovered:!1}),s.x0===s.x1||s.y0===s.y1?s._text="":s._text=p?P?"":u.getPtLabel(s)||"":h(s,r,E,e,S)||"";var A=i.ensureSingle(d,"g","slicetext"),z=i.ensureSingle(A,"text","",(function(t){t.attr("data-notex",1)})),O=i.ensureUniformFontSize(t,u.determineTextFont(E,s,S.font));z.text(s._text||" ").classed("slicetext",!0).attr("text-anchor",L?"end":C||p?"start":"middle").call(a.font,O).call(o.convertToTspans,t),s.textBB=a.bBox(z.node()),s.transform=b(s,{fontSize:O.size,isHeader:p}),s.transform.fontSize=O.size,w?z.transition().attrTween("transform",(function(t){var e=M(t,!1,B(),[g,m]);return function(t){return _(e(t))}})):z.attr("transform",_(s))})),R}},{"../../components/drawing":665,"../../lib":778,"../../lib/svg_text_utils":803,"../sunburst/fx":1304,"../sunburst/helpers":1305,"../sunburst/plot":1309,"./constants":1328,"./partition":1335,"./style":1337,d3:169}],1332:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"treemap",basePlotModule:t("./base_plot"),categories:[],animatable:!0,attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./calc").crossTraceCalc,plot:t("./plot"),style:t("./style").style,colorbar:t("../scatter/marker_colorbar"),meta:{}}},{"../scatter/marker_colorbar":1205,"./attributes":1325,"./base_plot":1326,"./calc":1327,"./defaults":1329,"./layout_attributes":1333,"./layout_defaults":1334,"./plot":1336,"./style":1337}],1333:[function(t,e,r){"use strict";e.exports={treemapcolorway:{valType:"colorlist",editType:"calc"},extendtreemapcolors:{valType:"boolean",dflt:!0,editType:"calc"}}},{}],1334:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e){function r(r,a){return n.coerce(t,e,i,r,a)}r("treemapcolorway",e.colorway),r("extendtreemapcolors")}},{"../../lib":778,"./layout_attributes":1333}],1335:[function(t,e,r){"use strict";var n=t("d3-hierarchy");e.exports=function(t,e,r){var i,a=r.flipX,o=r.flipY,s="dice-slice"===r.packing,l=r.pad[o?"bottom":"top"],c=r.pad[a?"right":"left"],u=r.pad[a?"left":"right"],f=r.pad[o?"top":"bottom"];s&&(i=c,c=l,l=i,i=u,u=f,f=i);var h=n.treemap().tile(function(t,e){switch(t){case"squarify":return n.treemapSquarify.ratio(e);case"binary":return n.treemapBinary;case"dice":return n.treemapDice;case"slice":return n.treemapSlice;default:return n.treemapSliceDice}}(r.packing,r.squarifyratio)).paddingInner(r.pad.inner).paddingLeft(c).paddingRight(u).paddingTop(l).paddingBottom(f).size(s?[e[1],e[0]]:e)(t);return(s||a||o)&&function t(e,r,n){var i;n.swapXY&&(i=e.x0,e.x0=e.y0,e.y0=i,i=e.x1,e.x1=e.y1,e.y1=i);n.flipX&&(i=e.x0,e.x0=r[0]-e.x1,e.x1=r[0]-i);n.flipY&&(i=e.y0,e.y0=r[1]-e.y1,e.y1=r[1]-i);var a=e.children;if(a)for(var o=0;o-1?E+I:-(L+I):0,z={x0:C,x1:C,y0:P,y1:P+L},O=function(t,e,r){var n=m.tiling.pad,i=function(t){return t-n<=e.x0},a=function(t){return t+n>=e.x1},o=function(t){return t-n<=e.y0},s=function(t){return t+n>=e.y1};return{x0:i(t.x0-n)?0:a(t.x0-n)?r[0]:t.x0,x1:i(t.x1+n)?0:a(t.x1+n)?r[0]:t.x1,y0:o(t.y0-n)?0:s(t.y0-n)?r[1]:t.y0,y1:o(t.y1+n)?0:s(t.y1+n)?r[1]:t.y1}},D=null,R={},F={},B=null,N=function(t,e){return e?R[g(t)]:F[g(t)]},j=function(t,e,r,n){if(e)return R[g(v)]||z;var i=F[m.level]||r;return function(t){return t.data.depth-y.data.depth=(n-=v.r-o)){var y=(r+n)/2;r=y,n=y}var x;h?i<(x=a-v.b)&&x"===Q?(l.x-=a,c.x-=a,u.x-=a,f.x-=a):"/"===Q?(u.x-=a,f.x-=a,o.x-=a/2,s.x-=a/2):"\\"===Q?(l.x-=a,c.x-=a,o.x-=a/2,s.x-=a/2):"<"===Q&&(o.x-=a,s.x-=a),K(l),K(f),K(o),K(c),K(u),K(s),"M"+Z(l.x,l.y)+"L"+Z(c.x,c.y)+"L"+Z(s.x,s.y)+"L"+Z(u.x,u.y)+"L"+Z(f.x,f.y)+"L"+Z(o.x,o.y)+"Z"},toMoveInsideSlice:$,makeUpdateSliceInterpolator:et,makeUpdateTextInterpolator:rt,handleSlicesExit:nt,hasTransition:T,strTransform:it}):b.remove()}e.exports=function(t,e,r,a){var o,s,l=t._fullLayout,c=l._treemaplayer,h=!r;(u("treemap",l),(o=c.selectAll("g.trace.treemap").data(e,(function(t){return t[0].trace.uid}))).enter().append("g").classed("trace",!0).classed("treemap",!0),o.order(),!l.uniformtext.mode&&i.hasTransition(r))?(a&&(s=a()),n.transition().duration(r.duration).ease(r.easing).each("end",(function(){s&&s()})).each("interrupt",(function(){s&&s()})).each((function(){c.selectAll("g.trace").each((function(e){m(t,e,this,r)}))}))):(o.each((function(e){m(t,e,this,r)})),l.uniformtext.mode&&f(t,l._treemaplayer.selectAll(".trace"),"treemap"));h&&o.exit().remove()}},{"../../lib":778,"../bar/constants":923,"../bar/plot":932,"../bar/style":935,"../bar/uniform_text":937,"../sunburst/helpers":1305,"./constants":1328,"./draw_ancestors":1330,"./draw_descendants":1331,d3:169}],1337:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/color"),a=t("../../lib"),o=t("../sunburst/helpers"),s=t("../bar/uniform_text").resizeText;function l(t,e,r,n){var s,l,c=(n||{}).hovered,u=e.data.data,f=u.i,h=u.color,p=o.isHierarchyRoot(e),d=1;if(c)s=r._hovered.marker.line.color,l=r._hovered.marker.line.width;else if(p&&h===r.root.color)d=100,s="rgba(0,0,0,0)",l=0;else if(s=a.castOption(r,f,"marker.line.color")||i.defaultLine,l=a.castOption(r,f,"marker.line.width")||0,!r._hasColorscale&&!e.onPathbar){var g=r.marker.depthfade;if(g){var m,v=i.combine(i.addOpacity(r._backgroundColor,.75),h);if(!0===g){var y=o.getMaxDepth(r);m=isFinite(y)?o.isLeaf(e)?0:r._maxVisibleLayers-(e.data.depth-r._entryDepth):e.data.height+1}else m=e.data.depth-r._entryDepth,r._atRootLevel||m++;if(m>0)for(var x=0;x0){var y,x,b,_,w,T=t.xa,k=t.ya;"h"===h.orientation?(w=e,y="y",b=k,x="x",_=T):(w=r,y="x",b=T,x="y",_=k);var M=f[t.index];if(w>=M.span[0]&&w<=M.span[1]){var A=n.extendFlat({},t),S=_.c2p(w,!0),E=o.getKdeValue(M,h,w),C=o.getPositionOnKdePath(M,h,S),L=b._offset,I=b._length;A[y+"0"]=C[0],A[y+"1"]=C[1],A[x+"0"]=A[x+"1"]=S,A[x+"Label"]=x+": "+i.hoverLabelText(_,w)+", "+f[0].t.labels.kde+" "+E.toFixed(3),A.spikeDistance=v[0].spikeDistance;var P=y+"Spike";A[P]=v[0][P],v[0].spikeDistance=void 0,v[0][P]=void 0,A.hovertemplate=!1,m.push(A),(u={stroke:t.color})[y+"1"]=n.constrain(L+C[0],L,L+I),u[y+"2"]=n.constrain(L+C[1],L,L+I),u[x+"1"]=u[x+"2"]=_._offset+S}}d&&(m=m.concat(v))}-1!==p.indexOf("points")&&(c=a.hoverOnPoints(t,e,r));var z=l.selectAll(".violinline-"+h.uid).data(u?[0]:[]);return z.enter().append("line").classed("violinline-"+h.uid,!0).attr("stroke-width",1.5),z.exit().remove(),z.attr(u),"closest"===s?c?[c]:m:c?(m.push(c),m):m}},{"../../lib":778,"../../plots/cartesian/axes":828,"../box/hover":951,"./helpers":1342}],1344:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),crossTraceDefaults:t("../box/defaults").crossTraceDefaults,supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc"),crossTraceCalc:t("./cross_trace_calc"),plot:t("./plot"),style:t("./style"),styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("../box/select"),moduleType:"trace",name:"violin",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","symbols","oriented","box-violin","showLegend","violinLayout","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"../box/defaults":949,"../box/select":956,"../scatter/style":1211,"./attributes":1338,"./calc":1339,"./cross_trace_calc":1340,"./defaults":1341,"./hover":1343,"./layout_attributes":1345,"./layout_defaults":1346,"./plot":1347,"./style":1348}],1345:[function(t,e,r){"use strict";var n=t("../box/layout_attributes"),i=t("../../lib").extendFlat;e.exports={violinmode:i({},n.boxmode,{}),violingap:i({},n.boxgap,{}),violingroupgap:i({},n.boxgroupgap,{})}},{"../../lib":778,"../box/layout_attributes":953}],1346:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes"),a=t("../box/layout_defaults");e.exports=function(t,e,r){a._supply(t,e,r,(function(r,a){return n.coerce(t,e,i,r,a)}),"violin")}},{"../../lib":778,"../box/layout_defaults":954,"./layout_attributes":1345}],1347:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../components/drawing"),o=t("../box/plot"),s=t("../scatter/line_points"),l=t("./helpers");e.exports=function(t,e,r,c){var u=t._fullLayout,f=e.xaxis,h=e.yaxis;function p(t){var e=s(t,{xaxis:f,yaxis:h,connectGaps:!0,baseTolerance:.75,shape:"spline",simplify:!0,linearized:!0});return a.smoothopen(e[0],1)}i.makeTraceGroups(c,r,"trace violins").each((function(t){var r=n.select(this),a=t[0],s=a.t,c=a.trace;if(!0!==c.visible||s.empty)r.remove();else{var d=s.bPos,g=s.bdPos,m=e[s.valLetter+"axis"],v=e[s.posLetter+"axis"],y="both"===c.side,x=y||"positive"===c.side,b=y||"negative"===c.side,_=r.selectAll("path.violin").data(i.identity);_.enter().append("path").style("vector-effect","non-scaling-stroke").attr("class","violin"),_.exit().remove(),_.each((function(t){var e,r,i,a,o,l,f,h,_=n.select(this),w=t.density,T=w.length,k=v.c2l(t.pos+d,!0),M=v.l2p(k);if(c.width)e=s.maxKDE/g;else{var A=u._violinScaleGroupStats[c.scalegroup];e="count"===c.scalemode?A.maxKDE/g*(A.maxCount/t.pts.length):A.maxKDE/g}if(x){for(f=new Array(T),o=0;o")),c.color=function(t,e){var r=t[e.dir].marker,n=r.color,a=r.line.color,o=r.line.width;if(i(n))return n;if(i(a)&&o)return a}(f,d),[c]}function w(t){return n(p,t)}}},{"../../components/color":643,"../../constants/delta.js":747,"../../plots/cartesian/axes":828,"../bar/hover":928}],1360:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults").supplyDefaults,crossTraceDefaults:t("./defaults").crossTraceDefaults,supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc"),crossTraceCalc:t("./cross_trace_calc"),plot:t("./plot"),style:t("./style").style,hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("../bar/select"),moduleType:"trace",name:"waterfall",basePlotModule:t("../../plots/cartesian"),categories:["bar-like","cartesian","svg","oriented","showLegend","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"../bar/select":933,"./attributes":1353,"./calc":1354,"./cross_trace_calc":1356,"./defaults":1357,"./event_data":1358,"./hover":1359,"./layout_attributes":1361,"./layout_defaults":1362,"./plot":1363,"./style":1364}],1361:[function(t,e,r){"use strict";e.exports={waterfallmode:{valType:"enumerated",values:["group","overlay"],dflt:"group",editType:"calc"},waterfallgap:{valType:"number",min:0,max:1,editType:"calc"},waterfallgroupgap:{valType:"number",min:0,max:1,dflt:0,editType:"calc"}}},{}],1362:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e,r){var a=!1;function o(r,a){return n.coerce(t,e,i,r,a)}for(var s=0;s0&&(m+=h?"M"+f[0]+","+d[1]+"V"+d[0]:"M"+f[1]+","+d[0]+"H"+f[0]),"between"!==p&&(r.isSum||s path").each((function(t){if(!t.isBlank){var e=s[t.dir].marker;n.select(this).call(a.fill,e.color).call(a.stroke,e.line.color).call(i.dashLine,e.line.dash,e.line.width).style("opacity",s.selectedpoints&&!t.selected?o:1)}})),c(r,s,t),r.selectAll(".lines").each((function(){var t=s.connector.line;i.lineGroupStyle(n.select(this).selectAll("path"),t.width,t.color,t.dash)}))}))}}},{"../../components/color":643,"../../components/drawing":665,"../../constants/interactions":752,"../bar/style":935,"../bar/uniform_text":937,d3:169}],1365:[function(t,e,r){"use strict";var n=t("../plots/cartesian/axes"),i=t("../lib"),a=t("../plot_api/plot_schema"),o=t("./helpers").pointsAccessorFunction,s=t("../constants/numerical").BADNUM;r.moduleType="transform",r.name="aggregate";var l=r.attributes={enabled:{valType:"boolean",dflt:!0,editType:"calc"},groups:{valType:"string",strict:!0,noBlank:!0,arrayOk:!0,dflt:"x",editType:"calc"},aggregations:{_isLinkedToArray:"aggregation",target:{valType:"string",editType:"calc"},func:{valType:"enumerated",values:["count","sum","avg","median","mode","rms","stddev","min","max","first","last","change","range"],dflt:"first",editType:"calc"},funcmode:{valType:"enumerated",values:["sample","population"],dflt:"sample",editType:"calc"},enabled:{valType:"boolean",dflt:!0,editType:"calc"},editType:"calc"},editType:"calc"},c=l.aggregations;function u(t,e,r,a){if(a.enabled){for(var o=a.target,l=i.nestedProperty(e,o),c=l.get(),u=function(t,e){var r=t.func,n=e.d2c,a=e.c2d;switch(r){case"count":return f;case"first":return h;case"last":return p;case"sum":return function(t,e){for(var r=0,i=0;ii&&(i=u,o=c)}}return i?a(o):s};case"rms":return function(t,e){for(var r=0,i=0,o=0;o":return function(t){return h(t)>s};case">=":return function(t){return h(t)>=s};case"[]":return function(t){var e=h(t);return e>=s[0]&&e<=s[1]};case"()":return function(t){var e=h(t);return e>s[0]&&e=s[0]&&es[0]&&e<=s[1]};case"][":return function(t){var e=h(t);return e<=s[0]||e>=s[1]};case")(":return function(t){var e=h(t);return es[1]};case"](":return function(t){var e=h(t);return e<=s[0]||e>s[1]};case")[":return function(t){var e=h(t);return e=s[1]};case"{}":return function(t){return-1!==s.indexOf(h(t))};case"}{":return function(t){return-1===s.indexOf(h(t))}}}(r,a.getDataToCoordFunc(t,e,s,i),h),x={},b={},_=0;d?(m=function(t){x[t.astr]=n.extendDeep([],t.get()),t.set(new Array(f))},v=function(t,e){var r=x[t.astr][e];t.get()[e]=r}):(m=function(t){x[t.astr]=n.extendDeep([],t.get()),t.set([])},v=function(t,e){var r=x[t.astr][e];t.get().push(r)}),k(m);for(var w=o(e.transforms,r),T=0;T1?"%{group} (%{trace})":"%{group}");var l=t.styles,c=o.styles=[];if(l)for(a=0;a
\ No newline at end of file diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/ml_vis02.html --- a/test-data/ml_vis02.html Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/ml_vis02.html Wed Aug 09 12:54:40 2023 +0000 @@ -1,31 +1,67 @@ -
- - +
-
- -
+!function(t){if("object"==typeof exports&&"undefined"!=typeof module)module.exports=t();else if("function"==typeof define&&define.amd)define([],t);else{("undefined"!=typeof window?window:"undefined"!=typeof global?global:"undefined"!=typeof self?self:this).Plotly=t()}}((function(){return function t(e,r,n){function i(o,s){if(!r[o]){if(!e[o]){var l="function"==typeof require&&require;if(!s&&l)return l(o,!0);if(a)return a(o,!0);var c=new Error("Cannot find module '"+o+"'");throw c.code="MODULE_NOT_FOUND",c}var u=r[o]={exports:{}};e[o][0].call(u.exports,(function(t){return i(e[o][1][t]||t)}),u,u.exports,t,e,r,n)}return r[o].exports}for(var a="function"==typeof require&&require,o=0;o:not(.watermark)":"opacity:0;-webkit-transition:opacity 0.3s ease 0s;-moz-transition:opacity 0.3s ease 0s;-ms-transition:opacity 0.3s ease 0s;-o-transition:opacity 0.3s ease 0s;transition:opacity 0.3s ease 0s;","X:hover .modebar--hover .modebar-group":"opacity:1;","X .modebar-group":"float:left;display:inline-block;box-sizing:border-box;padding-left:8px;position:relative;vertical-align:middle;white-space:nowrap;","X .modebar-btn":"position:relative;font-size:16px;padding:3px 4px;height:22px;cursor:pointer;line-height:normal;box-sizing:border-box;","X .modebar-btn svg":"position:relative;top:2px;","X .modebar.vertical":"display:flex;flex-direction:column;flex-wrap:wrap;align-content:flex-end;max-height:100%;","X .modebar.vertical svg":"top:-1px;","X .modebar.vertical .modebar-group":"display:block;float:none;padding-left:0px;padding-bottom:8px;","X .modebar.vertical .modebar-group .modebar-btn":"display:block;text-align:center;","X [data-title]:before,X [data-title]:after":"position:absolute;-webkit-transform:translate3d(0, 0, 0);-moz-transform:translate3d(0, 0, 0);-ms-transform:translate3d(0, 0, 0);-o-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);display:none;opacity:0;z-index:1001;pointer-events:none;top:110%;right:50%;","X [data-title]:hover:before,X [data-title]:hover:after":"display:block;opacity:1;","X [data-title]:before":"content:'';position:absolute;background:transparent;border:6px solid transparent;z-index:1002;margin-top:-12px;border-bottom-color:#69738a;margin-right:-6px;","X [data-title]:after":"content:attr(data-title);background:#69738a;color:white;padding:8px 10px;font-size:12px;line-height:12px;white-space:nowrap;margin-right:-18px;border-radius:2px;","X .vertical [data-title]:before,X .vertical [data-title]:after":"top:0%;right:200%;","X .vertical [data-title]:before":"border:6px solid transparent;border-left-color:#69738a;margin-top:8px;margin-right:-30px;","X .select-outline":"fill:none;stroke-width:1;shape-rendering:crispEdges;","X .select-outline-1":"stroke:white;","X .select-outline-2":"stroke:black;stroke-dasharray:2px 2px;",Y:"font-family:'Open Sans', verdana, arial, sans-serif;position:fixed;top:50px;right:20px;z-index:10000;font-size:10pt;max-width:180px;","Y p":"margin:0;","Y .notifier-note":"min-width:180px;max-width:250px;border:1px solid #fff;z-index:3000;margin:0;background-color:#8c97af;background-color:rgba(140,151,175,0.9);color:#fff;padding:10px;overflow-wrap:break-word;word-wrap:break-word;-ms-hyphens:auto;-webkit-hyphens:auto;hyphens:auto;","Y .notifier-close":"color:#fff;opacity:0.8;float:right;padding:0 5px;background:none;border:none;font-size:20px;font-weight:bold;line-height:20px;","Y .notifier-close:hover":"color:#444;text-decoration:none;cursor:pointer;"};for(var a in i){var o=a.replace(/^,/," ,").replace(/X/g,".js-plotly-plot .plotly").replace(/Y/g,".plotly-notifier");n.addStyleRule(o,i[a])}},{"../src/lib":778}],2:[function(t,e,r){"use strict";e.exports=t("../src/transforms/aggregate")},{"../src/transforms/aggregate":1365}],3:[function(t,e,r){"use strict";e.exports=t("../src/traces/bar")},{"../src/traces/bar":929}],4:[function(t,e,r){"use strict";e.exports=t("../src/traces/barpolar")},{"../src/traces/barpolar":942}],5:[function(t,e,r){"use strict";e.exports=t("../src/traces/box")},{"../src/traces/box":952}],6:[function(t,e,r){"use strict";e.exports=t("../src/components/calendars")},{"../src/components/calendars":641}],7:[function(t,e,r){"use strict";e.exports=t("../src/traces/candlestick")},{"../src/traces/candlestick":961}],8:[function(t,e,r){"use strict";e.exports=t("../src/traces/carpet")},{"../src/traces/carpet":980}],9:[function(t,e,r){"use strict";e.exports=t("../src/traces/choropleth")},{"../src/traces/choropleth":994}],10:[function(t,e,r){"use strict";e.exports=t("../src/traces/choroplethmapbox")},{"../src/traces/choroplethmapbox":1001}],11:[function(t,e,r){"use strict";e.exports=t("../src/traces/cone")},{"../src/traces/cone":1007}],12:[function(t,e,r){"use strict";e.exports=t("../src/traces/contour")},{"../src/traces/contour":1022}],13:[function(t,e,r){"use strict";e.exports=t("../src/traces/contourcarpet")},{"../src/traces/contourcarpet":1033}],14:[function(t,e,r){"use strict";e.exports=t("../src/core")},{"../src/core":755}],15:[function(t,e,r){"use strict";e.exports=t("../src/traces/densitymapbox")},{"../src/traces/densitymapbox":1041}],16:[function(t,e,r){"use strict";e.exports=t("../src/transforms/filter")},{"../src/transforms/filter":1366}],17:[function(t,e,r){"use strict";e.exports=t("../src/traces/funnel")},{"../src/traces/funnel":1051}],18:[function(t,e,r){"use strict";e.exports=t("../src/traces/funnelarea")},{"../src/traces/funnelarea":1060}],19:[function(t,e,r){"use strict";e.exports=t("../src/transforms/groupby")},{"../src/transforms/groupby":1367}],20:[function(t,e,r){"use strict";e.exports=t("../src/traces/heatmap")},{"../src/traces/heatmap":1073}],21:[function(t,e,r){"use strict";e.exports=t("../src/traces/heatmapgl")},{"../src/traces/heatmapgl":1083}],22:[function(t,e,r){"use strict";e.exports=t("../src/traces/histogram")},{"../src/traces/histogram":1095}],23:[function(t,e,r){"use strict";e.exports=t("../src/traces/histogram2d")},{"../src/traces/histogram2d":1101}],24:[function(t,e,r){"use strict";e.exports=t("../src/traces/histogram2dcontour")},{"../src/traces/histogram2dcontour":1105}],25:[function(t,e,r){"use strict";e.exports=t("../src/traces/image")},{"../src/traces/image":1113}],26:[function(t,e,r){"use strict";var n=t("./core");n.register([t("./bar"),t("./box"),t("./heatmap"),t("./histogram"),t("./histogram2d"),t("./histogram2dcontour"),t("./contour"),t("./scatterternary"),t("./violin"),t("./funnel"),t("./waterfall"),t("./image"),t("./pie"),t("./sunburst"),t("./treemap"),t("./funnelarea"),t("./scatter3d"),t("./surface"),t("./isosurface"),t("./volume"),t("./mesh3d"),t("./cone"),t("./streamtube"),t("./scattergeo"),t("./choropleth"),t("./scattergl"),t("./splom"),t("./pointcloud"),t("./heatmapgl"),t("./parcoords"),t("./parcats"),t("./scattermapbox"),t("./choroplethmapbox"),t("./densitymapbox"),t("./sankey"),t("./indicator"),t("./table"),t("./carpet"),t("./scattercarpet"),t("./contourcarpet"),t("./ohlc"),t("./candlestick"),t("./scatterpolar"),t("./scatterpolargl"),t("./barpolar")]),n.register([t("./aggregate"),t("./filter"),t("./groupby"),t("./sort")]),n.register([t("./calendars")]),e.exports=n},{"./aggregate":2,"./bar":3,"./barpolar":4,"./box":5,"./calendars":6,"./candlestick":7,"./carpet":8,"./choropleth":9,"./choroplethmapbox":10,"./cone":11,"./contour":12,"./contourcarpet":13,"./core":14,"./densitymapbox":15,"./filter":16,"./funnel":17,"./funnelarea":18,"./groupby":19,"./heatmap":20,"./heatmapgl":21,"./histogram":22,"./histogram2d":23,"./histogram2dcontour":24,"./image":25,"./indicator":27,"./isosurface":28,"./mesh3d":29,"./ohlc":30,"./parcats":31,"./parcoords":32,"./pie":33,"./pointcloud":34,"./sankey":35,"./scatter3d":36,"./scattercarpet":37,"./scattergeo":38,"./scattergl":39,"./scattermapbox":40,"./scatterpolar":41,"./scatterpolargl":42,"./scatterternary":43,"./sort":44,"./splom":45,"./streamtube":46,"./sunburst":47,"./surface":48,"./table":49,"./treemap":50,"./violin":51,"./volume":52,"./waterfall":53}],27:[function(t,e,r){"use strict";e.exports=t("../src/traces/indicator")},{"../src/traces/indicator":1121}],28:[function(t,e,r){"use strict";e.exports=t("../src/traces/isosurface")},{"../src/traces/isosurface":1127}],29:[function(t,e,r){"use strict";e.exports=t("../src/traces/mesh3d")},{"../src/traces/mesh3d":1132}],30:[function(t,e,r){"use strict";e.exports=t("../src/traces/ohlc")},{"../src/traces/ohlc":1137}],31:[function(t,e,r){"use strict";e.exports=t("../src/traces/parcats")},{"../src/traces/parcats":1146}],32:[function(t,e,r){"use strict";e.exports=t("../src/traces/parcoords")},{"../src/traces/parcoords":1156}],33:[function(t,e,r){"use strict";e.exports=t("../src/traces/pie")},{"../src/traces/pie":1167}],34:[function(t,e,r){"use strict";e.exports=t("../src/traces/pointcloud")},{"../src/traces/pointcloud":1176}],35:[function(t,e,r){"use strict";e.exports=t("../src/traces/sankey")},{"../src/traces/sankey":1182}],36:[function(t,e,r){"use strict";e.exports=t("../src/traces/scatter3d")},{"../src/traces/scatter3d":1220}],37:[function(t,e,r){"use strict";e.exports=t("../src/traces/scattercarpet")},{"../src/traces/scattercarpet":1227}],38:[function(t,e,r){"use strict";e.exports=t("../src/traces/scattergeo")},{"../src/traces/scattergeo":1235}],39:[function(t,e,r){"use strict";e.exports=t("../src/traces/scattergl")},{"../src/traces/scattergl":1248}],40:[function(t,e,r){"use strict";e.exports=t("../src/traces/scattermapbox")},{"../src/traces/scattermapbox":1258}],41:[function(t,e,r){"use strict";e.exports=t("../src/traces/scatterpolar")},{"../src/traces/scatterpolar":1266}],42:[function(t,e,r){"use strict";e.exports=t("../src/traces/scatterpolargl")},{"../src/traces/scatterpolargl":1273}],43:[function(t,e,r){"use strict";e.exports=t("../src/traces/scatterternary")},{"../src/traces/scatterternary":1281}],44:[function(t,e,r){"use strict";e.exports=t("../src/transforms/sort")},{"../src/transforms/sort":1369}],45:[function(t,e,r){"use strict";e.exports=t("../src/traces/splom")},{"../src/traces/splom":1290}],46:[function(t,e,r){"use strict";e.exports=t("../src/traces/streamtube")},{"../src/traces/streamtube":1298}],47:[function(t,e,r){"use strict";e.exports=t("../src/traces/sunburst")},{"../src/traces/sunburst":1306}],48:[function(t,e,r){"use strict";e.exports=t("../src/traces/surface")},{"../src/traces/surface":1315}],49:[function(t,e,r){"use strict";e.exports=t("../src/traces/table")},{"../src/traces/table":1323}],50:[function(t,e,r){"use strict";e.exports=t("../src/traces/treemap")},{"../src/traces/treemap":1332}],51:[function(t,e,r){"use strict";e.exports=t("../src/traces/violin")},{"../src/traces/violin":1344}],52:[function(t,e,r){"use strict";e.exports=t("../src/traces/volume")},{"../src/traces/volume":1352}],53:[function(t,e,r){"use strict";e.exports=t("../src/traces/waterfall")},{"../src/traces/waterfall":1360}],54:[function(t,e,r){"use strict";e.exports=function(t){var e=(t=t||{}).eye||[0,0,1],r=t.center||[0,0,0],s=t.up||[0,1,0],l=t.distanceLimits||[0,1/0],c=t.mode||"turntable",u=n(),f=i(),h=a();return u.setDistanceLimits(l[0],l[1]),u.lookAt(0,e,r,s),f.setDistanceLimits(l[0],l[1]),f.lookAt(0,e,r,s),h.setDistanceLimits(l[0],l[1]),h.lookAt(0,e,r,s),new o({turntable:u,orbit:f,matrix:h},c)};var n=t("turntable-camera-controller"),i=t("orbit-camera-controller"),a=t("matrix-camera-controller");function o(t,e){this._controllerNames=Object.keys(t),this._controllerList=this._controllerNames.map((function(e){return t[e]})),this._mode=e,this._active=t[e],this._active||(this._mode="turntable",this._active=t.turntable),this.modes=this._controllerNames,this.computedMatrix=this._active.computedMatrix,this.computedEye=this._active.computedEye,this.computedUp=this._active.computedUp,this.computedCenter=this._active.computedCenter,this.computedRadius=this._active.computedRadius}var s=o.prototype;[["flush",1],["idle",1],["lookAt",4],["rotate",4],["pan",4],["translate",4],["setMatrix",2],["setDistanceLimits",2],["setDistance",2]].forEach((function(t){for(var e=t[0],r=[],n=0;n1||i>1)}function A(t,e,r){return t.sort(E),t.forEach((function(n,i){var a,o,s=0;if(H(n,r)&&M(n))n.circularPathData.verticalBuffer=s+n.width/2;else{for(var l=0;lo.source.column)){var c=t[l].circularPathData.verticalBuffer+t[l].width/2+e;s=c>s?c:s}n.circularPathData.verticalBuffer=s+n.width/2}})),t}function S(t,r,i,a){var o=e.min(t.links,(function(t){return t.source.y0}));t.links.forEach((function(t){t.circular&&(t.circularPathData={})})),A(t.links.filter((function(t){return"top"==t.circularLinkType})),r,a),A(t.links.filter((function(t){return"bottom"==t.circularLinkType})),r,a),t.links.forEach((function(e){if(e.circular){if(e.circularPathData.arcRadius=e.width+10,e.circularPathData.leftNodeBuffer=5,e.circularPathData.rightNodeBuffer=5,e.circularPathData.sourceWidth=e.source.x1-e.source.x0,e.circularPathData.sourceX=e.source.x0+e.circularPathData.sourceWidth,e.circularPathData.targetX=e.target.x0,e.circularPathData.sourceY=e.y0,e.circularPathData.targetY=e.y1,H(e,a)&&M(e))e.circularPathData.leftSmallArcRadius=10+e.width/2,e.circularPathData.leftLargeArcRadius=10+e.width/2,e.circularPathData.rightSmallArcRadius=10+e.width/2,e.circularPathData.rightLargeArcRadius=10+e.width/2,"bottom"==e.circularLinkType?(e.circularPathData.verticalFullExtent=e.source.y1+25+e.circularPathData.verticalBuffer,e.circularPathData.verticalLeftInnerExtent=e.circularPathData.verticalFullExtent-e.circularPathData.leftLargeArcRadius,e.circularPathData.verticalRightInnerExtent=e.circularPathData.verticalFullExtent-e.circularPathData.rightLargeArcRadius):(e.circularPathData.verticalFullExtent=e.source.y0-25-e.circularPathData.verticalBuffer,e.circularPathData.verticalLeftInnerExtent=e.circularPathData.verticalFullExtent+e.circularPathData.leftLargeArcRadius,e.circularPathData.verticalRightInnerExtent=e.circularPathData.verticalFullExtent+e.circularPathData.rightLargeArcRadius);else{var s=e.source.column,l=e.circularLinkType,c=t.links.filter((function(t){return t.source.column==s&&t.circularLinkType==l}));"bottom"==e.circularLinkType?c.sort(L):c.sort(C);var u=0;c.forEach((function(t,n){t.circularLinkID==e.circularLinkID&&(e.circularPathData.leftSmallArcRadius=10+e.width/2+u,e.circularPathData.leftLargeArcRadius=10+e.width/2+n*r+u),u+=t.width})),s=e.target.column,c=t.links.filter((function(t){return t.target.column==s&&t.circularLinkType==l})),"bottom"==e.circularLinkType?c.sort(P):c.sort(I),u=0,c.forEach((function(t,n){t.circularLinkID==e.circularLinkID&&(e.circularPathData.rightSmallArcRadius=10+e.width/2+u,e.circularPathData.rightLargeArcRadius=10+e.width/2+n*r+u),u+=t.width})),"bottom"==e.circularLinkType?(e.circularPathData.verticalFullExtent=Math.max(i,e.source.y1,e.target.y1)+25+e.circularPathData.verticalBuffer,e.circularPathData.verticalLeftInnerExtent=e.circularPathData.verticalFullExtent-e.circularPathData.leftLargeArcRadius,e.circularPathData.verticalRightInnerExtent=e.circularPathData.verticalFullExtent-e.circularPathData.rightLargeArcRadius):(e.circularPathData.verticalFullExtent=o-25-e.circularPathData.verticalBuffer,e.circularPathData.verticalLeftInnerExtent=e.circularPathData.verticalFullExtent+e.circularPathData.leftLargeArcRadius,e.circularPathData.verticalRightInnerExtent=e.circularPathData.verticalFullExtent+e.circularPathData.rightLargeArcRadius)}e.circularPathData.leftInnerExtent=e.circularPathData.sourceX+e.circularPathData.leftNodeBuffer,e.circularPathData.rightInnerExtent=e.circularPathData.targetX-e.circularPathData.rightNodeBuffer,e.circularPathData.leftFullExtent=e.circularPathData.sourceX+e.circularPathData.leftLargeArcRadius+e.circularPathData.leftNodeBuffer,e.circularPathData.rightFullExtent=e.circularPathData.targetX-e.circularPathData.rightLargeArcRadius-e.circularPathData.rightNodeBuffer}if(e.circular)e.path=function(t){var e="";e="top"==t.circularLinkType?"M"+t.circularPathData.sourceX+" "+t.circularPathData.sourceY+" L"+t.circularPathData.leftInnerExtent+" "+t.circularPathData.sourceY+" A"+t.circularPathData.leftLargeArcRadius+" "+t.circularPathData.leftSmallArcRadius+" 0 0 0 "+t.circularPathData.leftFullExtent+" "+(t.circularPathData.sourceY-t.circularPathData.leftSmallArcRadius)+" L"+t.circularPathData.leftFullExtent+" "+t.circularPathData.verticalLeftInnerExtent+" A"+t.circularPathData.leftLargeArcRadius+" "+t.circularPathData.leftLargeArcRadius+" 0 0 0 "+t.circularPathData.leftInnerExtent+" "+t.circularPathData.verticalFullExtent+" L"+t.circularPathData.rightInnerExtent+" "+t.circularPathData.verticalFullExtent+" A"+t.circularPathData.rightLargeArcRadius+" "+t.circularPathData.rightLargeArcRadius+" 0 0 0 "+t.circularPathData.rightFullExtent+" "+t.circularPathData.verticalRightInnerExtent+" L"+t.circularPathData.rightFullExtent+" "+(t.circularPathData.targetY-t.circularPathData.rightSmallArcRadius)+" A"+t.circularPathData.rightLargeArcRadius+" "+t.circularPathData.rightSmallArcRadius+" 0 0 0 "+t.circularPathData.rightInnerExtent+" "+t.circularPathData.targetY+" L"+t.circularPathData.targetX+" "+t.circularPathData.targetY:"M"+t.circularPathData.sourceX+" "+t.circularPathData.sourceY+" L"+t.circularPathData.leftInnerExtent+" "+t.circularPathData.sourceY+" A"+t.circularPathData.leftLargeArcRadius+" "+t.circularPathData.leftSmallArcRadius+" 0 0 1 "+t.circularPathData.leftFullExtent+" "+(t.circularPathData.sourceY+t.circularPathData.leftSmallArcRadius)+" L"+t.circularPathData.leftFullExtent+" "+t.circularPathData.verticalLeftInnerExtent+" A"+t.circularPathData.leftLargeArcRadius+" "+t.circularPathData.leftLargeArcRadius+" 0 0 1 "+t.circularPathData.leftInnerExtent+" "+t.circularPathData.verticalFullExtent+" L"+t.circularPathData.rightInnerExtent+" "+t.circularPathData.verticalFullExtent+" A"+t.circularPathData.rightLargeArcRadius+" "+t.circularPathData.rightLargeArcRadius+" 0 0 1 "+t.circularPathData.rightFullExtent+" "+t.circularPathData.verticalRightInnerExtent+" L"+t.circularPathData.rightFullExtent+" "+(t.circularPathData.targetY+t.circularPathData.rightSmallArcRadius)+" A"+t.circularPathData.rightLargeArcRadius+" "+t.circularPathData.rightSmallArcRadius+" 0 0 1 "+t.circularPathData.rightInnerExtent+" "+t.circularPathData.targetY+" L"+t.circularPathData.targetX+" "+t.circularPathData.targetY;return e}(e);else{var f=n.linkHorizontal().source((function(t){return[t.source.x0+(t.source.x1-t.source.x0),t.y0]})).target((function(t){return[t.target.x0,t.y1]}));e.path=f(e)}}))}function E(t,e){return z(t)==z(e)?"bottom"==t.circularLinkType?L(t,e):C(t,e):z(e)-z(t)}function C(t,e){return t.y0-e.y0}function L(t,e){return e.y0-t.y0}function I(t,e){return t.y1-e.y1}function P(t,e){return e.y1-t.y1}function z(t){return t.target.column-t.source.column}function O(t){return t.target.x0-t.source.x1}function D(t,e){var r=T(t),n=O(e)/Math.tan(r);return"up"==q(t)?t.y1+n:t.y1-n}function R(t,e){var r=T(t),n=O(e)/Math.tan(r);return"up"==q(t)?t.y1-n:t.y1+n}function F(t,e,r,n){t.links.forEach((function(i){if(!i.circular&&i.target.column-i.source.column>1){var a=i.source.column+1,o=i.target.column-1,s=1,l=o-a+1;for(s=1;a<=o;a++,s++)t.nodes.forEach((function(o){if(o.column==a){var c,u=s/(l+1),f=Math.pow(1-u,3),h=3*u*Math.pow(1-u,2),p=3*Math.pow(u,2)*(1-u),d=Math.pow(u,3),g=f*i.y0+h*i.y0+p*i.y1+d*i.y1,m=g-i.width/2,v=g+i.width/2;m>o.y0&&mo.y0&&vo.y1)&&(c=v-o.y0+10,o=N(o,c,e,r),t.nodes.forEach((function(t){b(t,n)!=b(o,n)&&t.column==o.column&&t.y0o.y1&&N(t,c,e,r)})))}}))}}))}function B(t,e){return t.y0>e.y0&&t.y0e.y0&&t.y1e.y1)}function N(t,e,r,n){return t.y0+e>=r&&t.y1+e<=n&&(t.y0=t.y0+e,t.y1=t.y1+e,t.targetLinks.forEach((function(t){t.y1=t.y1+e})),t.sourceLinks.forEach((function(t){t.y0=t.y0+e}))),t}function j(t,e,r,n){t.nodes.forEach((function(i){n&&i.y+(i.y1-i.y0)>e&&(i.y=i.y-(i.y+(i.y1-i.y0)-e));var a=t.links.filter((function(t){return b(t.source,r)==b(i,r)})),o=a.length;o>1&&a.sort((function(t,e){if(!t.circular&&!e.circular){if(t.target.column==e.target.column)return t.y1-e.y1;if(!V(t,e))return t.y1-e.y1;if(t.target.column>e.target.column){var r=R(e,t);return t.y1-r}if(e.target.column>t.target.column)return R(t,e)-e.y1}return t.circular&&!e.circular?"top"==t.circularLinkType?-1:1:e.circular&&!t.circular?"top"==e.circularLinkType?1:-1:t.circular&&e.circular?t.circularLinkType===e.circularLinkType&&"top"==t.circularLinkType?t.target.column===e.target.column?t.target.y1-e.target.y1:e.target.column-t.target.column:t.circularLinkType===e.circularLinkType&&"bottom"==t.circularLinkType?t.target.column===e.target.column?e.target.y1-t.target.y1:t.target.column-e.target.column:"top"==t.circularLinkType?-1:1:void 0}));var s=i.y0;a.forEach((function(t){t.y0=s+t.width/2,s+=t.width})),a.forEach((function(t,e){if("bottom"==t.circularLinkType){for(var r=e+1,n=0;r1&&n.sort((function(t,e){if(!t.circular&&!e.circular){if(t.source.column==e.source.column)return t.y0-e.y0;if(!V(t,e))return t.y0-e.y0;if(e.source.column0?"up":"down"}function H(t,e){return b(t.source,e)==b(t.target,e)}function G(t,r,n){var i=t.nodes,a=t.links,o=!1,s=!1;if(a.forEach((function(t){"top"==t.circularLinkType?o=!0:"bottom"==t.circularLinkType&&(s=!0)})),0==o||0==s){var l=e.min(i,(function(t){return t.y0})),c=(n-r)/(e.max(i,(function(t){return t.y1}))-l);i.forEach((function(t){var e=(t.y1-t.y0)*c;t.y0=(t.y0-l)*c,t.y1=t.y0+e})),a.forEach((function(t){t.y0=(t.y0-l)*c,t.y1=(t.y1-l)*c,t.width=t.width*c}))}}t.sankeyCircular=function(){var t,n,i=0,a=0,b=1,T=1,M=24,A=m,E=o,C=v,L=y,I=32,P=2,z=null;function O(){var t={nodes:C.apply(null,arguments),links:L.apply(null,arguments)};D(t),_(t,A,z),R(t),B(t),w(t,A),N(t,I,A),V(t);for(var e=4,r=0;r0?r+25+10:r,bottom:n=n>0?n+25+10:n,left:a=a>0?a+25+10:a,right:i=i>0?i+25+10:i}}(o),f=function(t,r){var n=e.max(t.nodes,(function(t){return t.column})),o=b-i,s=T-a,l=o/(o+r.right+r.left),c=s/(s+r.top+r.bottom);return i=i*l+r.left,b=0==r.right?b:b*l,a=a*c+r.top,T*=c,t.nodes.forEach((function(t){t.x0=i+t.column*((b-i-M)/n),t.x1=t.x0+M})),c}(o,u);l*=f,o.links.forEach((function(t){t.width=t.value*l})),c.forEach((function(t){var e=t.length;t.forEach((function(t,n){t.depth==c.length-1&&1==e||0==t.depth&&1==e?(t.y0=T/2-t.value*l,t.y1=t.y0+t.value*l):t.partOfCycle?0==k(t,r)?(t.y0=T/2+n,t.y1=t.y0+t.value*l):"top"==t.circularLinkType?(t.y0=a+n,t.y1=t.y0+t.value*l):(t.y0=T-t.value*l-n,t.y1=t.y0+t.value*l):0==u.top||0==u.bottom?(t.y0=(T-a)/e*n,t.y1=t.y0+t.value*l):(t.y0=(T-a)/2-e/2+n,t.y1=t.y0+t.value*l)}))}))}(l),y();for(var u=1,m=s;m>0;--m)v(u*=.99,l),y();function v(t,r){var n=c.length;c.forEach((function(i){var a=i.length,o=i[0].depth;i.forEach((function(i){var s;if(i.sourceLinks.length||i.targetLinks.length)if(i.partOfCycle&&k(i,r)>0);else if(0==o&&1==a)s=i.y1-i.y0,i.y0=T/2-s/2,i.y1=T/2+s/2;else if(o==n-1&&1==a)s=i.y1-i.y0,i.y0=T/2-s/2,i.y1=T/2+s/2;else{var l=e.mean(i.sourceLinks,g),c=e.mean(i.targetLinks,d),u=((l&&c?(l+c)/2:l||c)-p(i))*t;i.y0+=u,i.y1+=u}}))}))}function y(){c.forEach((function(e){var r,n,i,o=a,s=e.length;for(e.sort(f),i=0;i0&&(r.y0+=n,r.y1+=n),o=r.y1+t;if((n=o-t-T)>0)for(o=r.y0-=n,r.y1-=n,i=s-2;i>=0;--i)(n=(r=e[i]).y1+t-o)>0&&(r.y0-=n,r.y1-=n),o=r.y0}))}}function V(t){t.nodes.forEach((function(t){t.sourceLinks.sort(u),t.targetLinks.sort(c)})),t.nodes.forEach((function(t){var e=t.y0,r=e,n=t.y1,i=n;t.sourceLinks.forEach((function(t){t.circular?(t.y0=n-t.width/2,n-=t.width):(t.y0=e+t.width/2,e+=t.width)})),t.targetLinks.forEach((function(t){t.circular?(t.y1=i-t.width/2,i-=t.width):(t.y1=r+t.width/2,r+=t.width)}))}))}return O.nodeId=function(t){return arguments.length?(A="function"==typeof t?t:s(t),O):A},O.nodeAlign=function(t){return arguments.length?(E="function"==typeof t?t:s(t),O):E},O.nodeWidth=function(t){return arguments.length?(M=+t,O):M},O.nodePadding=function(e){return arguments.length?(t=+e,O):t},O.nodes=function(t){return arguments.length?(C="function"==typeof t?t:s(t),O):C},O.links=function(t){return arguments.length?(L="function"==typeof t?t:s(t),O):L},O.size=function(t){return arguments.length?(i=a=0,b=+t[0],T=+t[1],O):[b-i,T-a]},O.extent=function(t){return arguments.length?(i=+t[0][0],b=+t[1][0],a=+t[0][1],T=+t[1][1],O):[[i,a],[b,T]]},O.iterations=function(t){return arguments.length?(I=+t,O):I},O.circularLinkGap=function(t){return arguments.length?(P=+t,O):P},O.nodePaddingRatio=function(t){return arguments.length?(n=+t,O):n},O.sortNodes=function(t){return arguments.length?(z=t,O):z},O.update=function(t){return w(t,A),V(t),t.links.forEach((function(t){t.circular&&(t.circularLinkType=t.y0+t.y1a&&(b=a);var o=e.min(i,(function(t){return(y-n-(t.length-1)*b)/e.sum(t,u)}));i.forEach((function(t){t.forEach((function(t,e){t.y1=(t.y0=e)+t.value*o}))})),t.links.forEach((function(t){t.width=t.value*o}))}(),d();for(var a=1,o=M;o>0;--o)l(a*=.99),d(),s(a),d();function s(t){i.forEach((function(r){r.forEach((function(r){if(r.targetLinks.length){var n=(e.sum(r.targetLinks,h)/e.sum(r.targetLinks,u)-f(r))*t;r.y0+=n,r.y1+=n}}))}))}function l(t){i.slice().reverse().forEach((function(r){r.forEach((function(r){if(r.sourceLinks.length){var n=(e.sum(r.sourceLinks,p)/e.sum(r.sourceLinks,u)-f(r))*t;r.y0+=n,r.y1+=n}}))}))}function d(){i.forEach((function(t){var e,r,i,a=n,o=t.length;for(t.sort(c),i=0;i0&&(e.y0+=r,e.y1+=r),a=e.y1+b;if((r=a-b-y)>0)for(a=e.y0-=r,e.y1-=r,i=o-2;i>=0;--i)(r=(e=t[i]).y1+b-a)>0&&(e.y0-=r,e.y1-=r),a=e.y0}))}}function I(t){t.nodes.forEach((function(t){t.sourceLinks.sort(l),t.targetLinks.sort(s)})),t.nodes.forEach((function(t){var e=t.y0,r=e;t.sourceLinks.forEach((function(t){t.y0=e+t.width/2,e+=t.width})),t.targetLinks.forEach((function(t){t.y1=r+t.width/2,r+=t.width}))}))}return A.update=function(t){return I(t),t},A.nodeId=function(t){return arguments.length?(_="function"==typeof t?t:o(t),A):_},A.nodeAlign=function(t){return arguments.length?(w="function"==typeof t?t:o(t),A):w},A.nodeWidth=function(t){return arguments.length?(x=+t,A):x},A.nodePadding=function(t){return arguments.length?(b=+t,A):b},A.nodes=function(t){return arguments.length?(T="function"==typeof t?t:o(t),A):T},A.links=function(t){return arguments.length?(k="function"==typeof t?t:o(t),A):k},A.size=function(e){return arguments.length?(t=n=0,i=+e[0],y=+e[1],A):[i-t,y-n]},A.extent=function(e){return arguments.length?(t=+e[0][0],i=+e[1][0],n=+e[0][1],y=+e[1][1],A):[[t,n],[i,y]]},A.iterations=function(t){return arguments.length?(M=+t,A):M},A},t.sankeyCenter=function(t){return t.targetLinks.length?t.depth:t.sourceLinks.length?e.min(t.sourceLinks,i)-1:0},t.sankeyLeft=function(t){return t.depth},t.sankeyRight=function(t,e){return e-1-t.height},t.sankeyJustify=a,t.sankeyLinkHorizontal=function(){return n.linkHorizontal().source(y).target(x)},Object.defineProperty(t,"__esModule",{value:!0})}))},{"d3-array":156,"d3-collection":157,"d3-shape":165}],57:[function(t,e,r){"use strict";e.exports=t("./quad")},{"./quad":58}],58:[function(t,e,r){"use strict";var n=t("binary-search-bounds"),i=t("clamp"),a=t("parse-rect"),o=t("array-bounds"),s=t("pick-by-alias"),l=t("defined"),c=t("flatten-vertex-data"),u=t("is-obj"),f=t("dtype"),h=t("math-log2");function p(t,e){for(var r=e[0],n=e[1],a=1/(e[2]-r),o=1/(e[3]-n),s=new Array(t.length),l=0,c=t.length/2;l>>1;e.dtype||(e.dtype="array"),"string"==typeof e.dtype?d=new(f(e.dtype))(m):e.dtype&&(d=e.dtype,Array.isArray(d)&&(d.length=m));for(var v=0;vr||s>1073741824){for(var h=0;he+n||w>r+n||T=M||a===o)){var s=y[i];void 0===o&&(o=s.length);for(var l=a;l=d&&u<=m&&f>=g&&f<=v&&S.push(c)}var h=x[i],p=h[4*a+0],b=h[4*a+1],A=h[4*a+2],E=h[4*a+3],I=L(h,a+1),P=.5*n,z=i+1;C(e,r,P,z,p,b||A||E||I),C(e,r+P,P,z,b,A||E||I),C(e+P,r,P,z,A,E||I),C(e+P,r+P,P,z,E,I)}}function L(t,e){for(var r=null,n=0;null===r;)if(r=t[4*e+n],++n>t.length)return null;return r}return C(0,0,1,0,0,1),S},d;function E(t,e,r,i,a){for(var o=[],s=0;s0){e+=Math.abs(a(t[0]));for(var r=1;r2){for(s=0;st[0]&&(e[0]=t[0]),e[1]>t[1]&&(e[1]=t[1]),e[2]=0))throw new Error("precision must be a positive number");var r=Math.pow(10,e||0);return Math.round(t*r)/r},r.radiansToLength=f,r.lengthToRadians=h,r.lengthToDegrees=function(t,e){return p(h(t,e))},r.bearingToAzimuth=function(t){var e=t%360;return e<0&&(e+=360),e},r.radiansToDegrees=p,r.degreesToRadians=function(t){return t%360*Math.PI/180},r.convertLength=function(t,e,r){if(void 0===e&&(e="kilometers"),void 0===r&&(r="kilometers"),!(t>=0))throw new Error("length must be a positive number");return f(h(t,e),r)},r.convertArea=function(t,e,n){if(void 0===e&&(e="meters"),void 0===n&&(n="kilometers"),!(t>=0))throw new Error("area must be a positive number");var i=r.areaFactors[e];if(!i)throw new Error("invalid original units");var a=r.areaFactors[n];if(!a)throw new Error("invalid final units");return t/i*a},r.isNumber=d,r.isObject=function(t){return!!t&&t.constructor===Object},r.validateBBox=function(t){if(!t)throw new Error("bbox is required");if(!Array.isArray(t))throw new Error("bbox must be an Array");if(4!==t.length&&6!==t.length)throw new Error("bbox must be an Array of 4 or 6 numbers");t.forEach((function(t){if(!d(t))throw new Error("bbox must only contain numbers")}))},r.validateId=function(t){if(!t)throw new Error("id is required");if(-1===["string","number"].indexOf(typeof t))throw new Error("id must be a number or a string")},r.radians2degrees=function(){throw new Error("method has been renamed to `radiansToDegrees`")},r.degrees2radians=function(){throw new Error("method has been renamed to `degreesToRadians`")},r.distanceToDegrees=function(){throw new Error("method has been renamed to `lengthToDegrees`")},r.distanceToRadians=function(){throw new Error("method has been renamed to `lengthToRadians`")},r.radiansToDistance=function(){throw new Error("method has been renamed to `radiansToLength`")},r.bearingToAngle=function(){throw new Error("method has been renamed to `bearingToAzimuth`")},r.convertDistance=function(){throw new Error("method has been renamed to `convertLength`")}},{}],63:[function(t,e,r){"use strict";Object.defineProperty(r,"__esModule",{value:!0});var n=t("@turf/helpers");function i(t,e,r){if(null!==t)for(var n,a,o,s,l,c,u,f,h=0,p=0,d=t.type,g="FeatureCollection"===d,m="Feature"===d,v=g?t.features.length:1,y=0;yc||p>u||d>f)return l=i,c=r,u=p,f=d,void(o=0);var g=n.lineString([l,i],t.properties);if(!1===e(g,r,a,d,o))return!1;o++,l=i}))&&void 0}}}))}function u(t,e){if(!t)throw new Error("geojson is required");l(t,(function(t,r,i){if(null!==t.geometry){var a=t.geometry.type,o=t.geometry.coordinates;switch(a){case"LineString":if(!1===e(t,r,i,0,0))return!1;break;case"Polygon":for(var s=0;si&&(i=t[o]),t[o] + * @license MIT + */function i(t,e){if(t===e)return 0;for(var r=t.length,n=e.length,i=0,a=Math.min(r,n);i=0;c--)if(u[c]!==f[c])return!1;for(c=u.length-1;c>=0;c--)if(s=u[c],!x(t[s],e[s],r,n))return!1;return!0}(t,e,r,n))}return r?t===e:t==e}function b(t){return"[object Arguments]"==Object.prototype.toString.call(t)}function _(t,e){if(!t||!e)return!1;if("[object RegExp]"==Object.prototype.toString.call(e))return e.test(t);try{if(t instanceof e)return!0}catch(t){}return!Error.isPrototypeOf(e)&&!0===e.call({},t)}function w(t,e,r,n){var i;if("function"!=typeof e)throw new TypeError('"block" argument must be a function');"string"==typeof r&&(n=r,r=null),i=function(t){var e;try{t()}catch(t){e=t}return e}(e),n=(r&&r.name?" ("+r.name+").":".")+(n?" "+n:"."),t&&!i&&v(i,r,"Missing expected exception"+n);var a="string"==typeof n,s=!t&&i&&!r;if((!t&&o.isError(i)&&a&&_(i,r)||s)&&v(i,r,"Got unwanted exception"+n),t&&i&&r&&!_(i,r)||!t&&i)throw i}h.AssertionError=function(t){this.name="AssertionError",this.actual=t.actual,this.expected=t.expected,this.operator=t.operator,t.message?(this.message=t.message,this.generatedMessage=!1):(this.message=function(t){return g(m(t.actual),128)+" "+t.operator+" "+g(m(t.expected),128)}(this),this.generatedMessage=!0);var e=t.stackStartFunction||v;if(Error.captureStackTrace)Error.captureStackTrace(this,e);else{var r=new Error;if(r.stack){var n=r.stack,i=d(e),a=n.indexOf("\n"+i);if(a>=0){var o=n.indexOf("\n",a+1);n=n.substring(o+1)}this.stack=n}}},o.inherits(h.AssertionError,Error),h.fail=v,h.ok=y,h.equal=function(t,e,r){t!=e&&v(t,e,r,"==",h.equal)},h.notEqual=function(t,e,r){t==e&&v(t,e,r,"!=",h.notEqual)},h.deepEqual=function(t,e,r){x(t,e,!1)||v(t,e,r,"deepEqual",h.deepEqual)},h.deepStrictEqual=function(t,e,r){x(t,e,!0)||v(t,e,r,"deepStrictEqual",h.deepStrictEqual)},h.notDeepEqual=function(t,e,r){x(t,e,!1)&&v(t,e,r,"notDeepEqual",h.notDeepEqual)},h.notDeepStrictEqual=function t(e,r,n){x(e,r,!0)&&v(e,r,n,"notDeepStrictEqual",t)},h.strictEqual=function(t,e,r){t!==e&&v(t,e,r,"===",h.strictEqual)},h.notStrictEqual=function(t,e,r){t===e&&v(t,e,r,"!==",h.notStrictEqual)},h.throws=function(t,e,r){w(!0,t,e,r)},h.doesNotThrow=function(t,e,r){w(!1,t,e,r)},h.ifError=function(t){if(t)throw t},h.strict=n((function t(e,r){e||v(e,!0,r,"==",t)}),h,{equal:h.strictEqual,deepEqual:h.deepStrictEqual,notEqual:h.notStrictEqual,notDeepEqual:h.notDeepStrictEqual}),h.strict.strict=h.strict;var T=Object.keys||function(t){var e=[];for(var r in t)s.call(t,r)&&e.push(r);return e}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"object-assign":499,"util/":76}],74:[function(t,e,r){"function"==typeof Object.create?e.exports=function(t,e){t.super_=e,t.prototype=Object.create(e.prototype,{constructor:{value:t,enumerable:!1,writable:!0,configurable:!0}})}:e.exports=function(t,e){t.super_=e;var r=function(){};r.prototype=e.prototype,t.prototype=new r,t.prototype.constructor=t}},{}],75:[function(t,e,r){e.exports=function(t){return t&&"object"==typeof t&&"function"==typeof t.copy&&"function"==typeof t.fill&&"function"==typeof t.readUInt8}},{}],76:[function(t,e,r){(function(e,n){(function(){var i=/%[sdj%]/g;r.format=function(t){if(!v(t)){for(var e=[],r=0;r=a)return t;switch(t){case"%s":return String(n[r++]);case"%d":return Number(n[r++]);case"%j":try{return JSON.stringify(n[r++])}catch(t){return"[Circular]"}default:return t}})),l=n[r];r=3&&(n.depth=arguments[2]),arguments.length>=4&&(n.colors=arguments[3]),d(e)?n.showHidden=e:e&&r._extend(n,e),y(n.showHidden)&&(n.showHidden=!1),y(n.depth)&&(n.depth=2),y(n.colors)&&(n.colors=!1),y(n.customInspect)&&(n.customInspect=!0),n.colors&&(n.stylize=l),u(n,t,n.depth)}function l(t,e){var r=s.styles[e];return r?"\x1b["+s.colors[r][0]+"m"+t+"\x1b["+s.colors[r][1]+"m":t}function c(t,e){return t}function u(t,e,n){if(t.customInspect&&e&&T(e.inspect)&&e.inspect!==r.inspect&&(!e.constructor||e.constructor.prototype!==e)){var i=e.inspect(n,t);return v(i)||(i=u(t,i,n)),i}var a=function(t,e){if(y(e))return t.stylize("undefined","undefined");if(v(e)){var r="'"+JSON.stringify(e).replace(/^"|"$/g,"").replace(/'/g,"\\'").replace(/\\"/g,'"')+"'";return t.stylize(r,"string")}if(m(e))return t.stylize(""+e,"number");if(d(e))return t.stylize(""+e,"boolean");if(g(e))return t.stylize("null","null")}(t,e);if(a)return a;var o=Object.keys(e),s=function(t){var e={};return t.forEach((function(t,r){e[t]=!0})),e}(o);if(t.showHidden&&(o=Object.getOwnPropertyNames(e)),w(e)&&(o.indexOf("message")>=0||o.indexOf("description")>=0))return f(e);if(0===o.length){if(T(e)){var l=e.name?": "+e.name:"";return t.stylize("[Function"+l+"]","special")}if(x(e))return t.stylize(RegExp.prototype.toString.call(e),"regexp");if(_(e))return t.stylize(Date.prototype.toString.call(e),"date");if(w(e))return f(e)}var c,b="",k=!1,M=["{","}"];(p(e)&&(k=!0,M=["[","]"]),T(e))&&(b=" [Function"+(e.name?": "+e.name:"")+"]");return x(e)&&(b=" "+RegExp.prototype.toString.call(e)),_(e)&&(b=" "+Date.prototype.toUTCString.call(e)),w(e)&&(b=" "+f(e)),0!==o.length||k&&0!=e.length?n<0?x(e)?t.stylize(RegExp.prototype.toString.call(e),"regexp"):t.stylize("[Object]","special"):(t.seen.push(e),c=k?function(t,e,r,n,i){for(var a=[],o=0,s=e.length;o=0&&0,t+e.replace(/\u001b\[\d\d?m/g,"").length+1}),0)>60)return r[0]+(""===e?"":e+"\n ")+" "+t.join(",\n ")+" "+r[1];return r[0]+e+" "+t.join(", ")+" "+r[1]}(c,b,M)):M[0]+b+M[1]}function f(t){return"["+Error.prototype.toString.call(t)+"]"}function h(t,e,r,n,i,a){var o,s,l;if((l=Object.getOwnPropertyDescriptor(e,i)||{value:e[i]}).get?s=l.set?t.stylize("[Getter/Setter]","special"):t.stylize("[Getter]","special"):l.set&&(s=t.stylize("[Setter]","special")),E(n,i)||(o="["+i+"]"),s||(t.seen.indexOf(l.value)<0?(s=g(r)?u(t,l.value,null):u(t,l.value,r-1)).indexOf("\n")>-1&&(s=a?s.split("\n").map((function(t){return" "+t})).join("\n").substr(2):"\n"+s.split("\n").map((function(t){return" "+t})).join("\n")):s=t.stylize("[Circular]","special")),y(o)){if(a&&i.match(/^\d+$/))return s;(o=JSON.stringify(""+i)).match(/^"([a-zA-Z_][a-zA-Z_0-9]*)"$/)?(o=o.substr(1,o.length-2),o=t.stylize(o,"name")):(o=o.replace(/'/g,"\\'").replace(/\\"/g,'"').replace(/(^"|"$)/g,"'"),o=t.stylize(o,"string"))}return o+": "+s}function p(t){return Array.isArray(t)}function d(t){return"boolean"==typeof t}function g(t){return null===t}function m(t){return"number"==typeof t}function v(t){return"string"==typeof t}function y(t){return void 0===t}function x(t){return b(t)&&"[object RegExp]"===k(t)}function b(t){return"object"==typeof t&&null!==t}function _(t){return b(t)&&"[object Date]"===k(t)}function w(t){return b(t)&&("[object Error]"===k(t)||t instanceof Error)}function T(t){return"function"==typeof t}function k(t){return Object.prototype.toString.call(t)}function M(t){return t<10?"0"+t.toString(10):t.toString(10)}r.debuglog=function(t){if(y(a)&&(a=e.env.NODE_DEBUG||""),t=t.toUpperCase(),!o[t])if(new RegExp("\\b"+t+"\\b","i").test(a)){var n=e.pid;o[t]=function(){var e=r.format.apply(r,arguments);console.error("%s %d: %s",t,n,e)}}else o[t]=function(){};return o[t]},r.inspect=s,s.colors={bold:[1,22],italic:[3,23],underline:[4,24],inverse:[7,27],white:[37,39],grey:[90,39],black:[30,39],blue:[34,39],cyan:[36,39],green:[32,39],magenta:[35,39],red:[31,39],yellow:[33,39]},s.styles={special:"cyan",number:"yellow",boolean:"yellow",undefined:"grey",null:"bold",string:"green",date:"magenta",regexp:"red"},r.isArray=p,r.isBoolean=d,r.isNull=g,r.isNullOrUndefined=function(t){return null==t},r.isNumber=m,r.isString=v,r.isSymbol=function(t){return"symbol"==typeof t},r.isUndefined=y,r.isRegExp=x,r.isObject=b,r.isDate=_,r.isError=w,r.isFunction=T,r.isPrimitive=function(t){return null===t||"boolean"==typeof t||"number"==typeof t||"string"==typeof t||"symbol"==typeof t||"undefined"==typeof t},r.isBuffer=t("./support/isBuffer");var A=["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"];function S(){var t=new Date,e=[M(t.getHours()),M(t.getMinutes()),M(t.getSeconds())].join(":");return[t.getDate(),A[t.getMonth()],e].join(" ")}function E(t,e){return Object.prototype.hasOwnProperty.call(t,e)}r.log=function(){console.log("%s - %s",S(),r.format.apply(r,arguments))},r.inherits=t("inherits"),r._extend=function(t,e){if(!e||!b(e))return t;for(var r=Object.keys(e),n=r.length;n--;)t[r[n]]=e[r[n]];return t}}).call(this)}).call(this,t("_process"),"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"./support/isBuffer":75,_process:526,inherits:74}],77:[function(t,e,r){e.exports=function(t){return atob(t)}},{}],78:[function(t,e,r){"use strict";e.exports=function(t,e){for(var r=e.length,a=new Array(r+1),o=0;o0?o-4:o;for(r=0;r>16&255,l[u++]=e>>8&255,l[u++]=255&e;2===s&&(e=i[t.charCodeAt(r)]<<2|i[t.charCodeAt(r+1)]>>4,l[u++]=255&e);1===s&&(e=i[t.charCodeAt(r)]<<10|i[t.charCodeAt(r+1)]<<4|i[t.charCodeAt(r+2)]>>2,l[u++]=e>>8&255,l[u++]=255&e);return l},r.fromByteArray=function(t){for(var e,r=t.length,i=r%3,a=[],o=0,s=r-i;os?s:o+16383));1===i?(e=t[r-1],a.push(n[e>>2]+n[e<<4&63]+"==")):2===i&&(e=(t[r-2]<<8)+t[r-1],a.push(n[e>>10]+n[e>>4&63]+n[e<<2&63]+"="));return a.join("")};for(var n=[],i=[],a="undefined"!=typeof Uint8Array?Uint8Array:Array,o="ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/",s=0,l=o.length;s0)throw new Error("Invalid string. Length must be a multiple of 4");var r=t.indexOf("=");return-1===r&&(r=e),[r,r===e?0:4-r%4]}function u(t,e,r){for(var i,a,o=[],s=e;s>18&63]+n[a>>12&63]+n[a>>6&63]+n[63&a]);return o.join("")}i["-".charCodeAt(0)]=62,i["_".charCodeAt(0)]=63},{}],80:[function(t,e,r){"use strict";var n=t("./lib/rationalize");e.exports=function(t,e){return n(t[0].mul(e[1]).add(e[0].mul(t[1])),t[1].mul(e[1]))}},{"./lib/rationalize":90}],81:[function(t,e,r){"use strict";e.exports=function(t,e){return t[0].mul(e[1]).cmp(e[0].mul(t[1]))}},{}],82:[function(t,e,r){"use strict";var n=t("./lib/rationalize");e.exports=function(t,e){return n(t[0].mul(e[1]),t[1].mul(e[0]))}},{"./lib/rationalize":90}],83:[function(t,e,r){"use strict";var n=t("./is-rat"),i=t("./lib/is-bn"),a=t("./lib/num-to-bn"),o=t("./lib/str-to-bn"),s=t("./lib/rationalize"),l=t("./div");e.exports=function t(e,r){if(n(e))return r?l(e,t(r)):[e[0].clone(),e[1].clone()];var c,u,f=0;if(i(e))c=e.clone();else if("string"==typeof e)c=o(e);else{if(0===e)return[a(0),a(1)];if(e===Math.floor(e))c=a(e);else{for(;e!==Math.floor(e);)e*=Math.pow(2,256),f-=256;c=a(e)}}if(n(r))c.mul(r[1]),u=r[0].clone();else if(i(r))u=r.clone();else if("string"==typeof r)u=o(r);else if(r)if(r===Math.floor(r))u=a(r);else{for(;r!==Math.floor(r);)r*=Math.pow(2,256),f+=256;u=a(r)}else u=a(1);f>0?c=c.ushln(f):f<0&&(u=u.ushln(-f));return s(c,u)}},{"./div":82,"./is-rat":84,"./lib/is-bn":88,"./lib/num-to-bn":89,"./lib/rationalize":90,"./lib/str-to-bn":91}],84:[function(t,e,r){"use strict";var n=t("./lib/is-bn");e.exports=function(t){return Array.isArray(t)&&2===t.length&&n(t[0])&&n(t[1])}},{"./lib/is-bn":88}],85:[function(t,e,r){"use strict";var n=t("bn.js");e.exports=function(t){return t.cmp(new n(0))}},{"bn.js":99}],86:[function(t,e,r){"use strict";var n=t("./bn-sign");e.exports=function(t){var e=t.length,r=t.words,i=0;if(1===e)i=r[0];else if(2===e)i=r[0]+67108864*r[1];else for(var a=0;a20)return 52;return r+32}},{"bit-twiddle":97,"double-bits":173}],88:[function(t,e,r){"use strict";t("bn.js");e.exports=function(t){return t&&"object"==typeof t&&Boolean(t.words)}},{"bn.js":99}],89:[function(t,e,r){"use strict";var n=t("bn.js"),i=t("double-bits");e.exports=function(t){var e=i.exponent(t);return e<52?new n(t):new n(t*Math.pow(2,52-e)).ushln(e-52)}},{"bn.js":99,"double-bits":173}],90:[function(t,e,r){"use strict";var n=t("./num-to-bn"),i=t("./bn-sign");e.exports=function(t,e){var r=i(t),a=i(e);if(0===r)return[n(0),n(1)];if(0===a)return[n(0),n(0)];a<0&&(t=t.neg(),e=e.neg());var o=t.gcd(e);if(o.cmpn(1))return[t.div(o),e.div(o)];return[t,e]}},{"./bn-sign":85,"./num-to-bn":89}],91:[function(t,e,r){"use strict";var n=t("bn.js");e.exports=function(t){return new n(t)}},{"bn.js":99}],92:[function(t,e,r){"use strict";var n=t("./lib/rationalize");e.exports=function(t,e){return n(t[0].mul(e[0]),t[1].mul(e[1]))}},{"./lib/rationalize":90}],93:[function(t,e,r){"use strict";var n=t("./lib/bn-sign");e.exports=function(t){return n(t[0])*n(t[1])}},{"./lib/bn-sign":85}],94:[function(t,e,r){"use strict";var n=t("./lib/rationalize");e.exports=function(t,e){return n(t[0].mul(e[1]).sub(t[1].mul(e[0])),t[1].mul(e[1]))}},{"./lib/rationalize":90}],95:[function(t,e,r){"use strict";var n=t("./lib/bn-to-num"),i=t("./lib/ctz");e.exports=function(t){var e=t[0],r=t[1];if(0===e.cmpn(0))return 0;var a=e.abs().divmod(r.abs()),o=a.div,s=n(o),l=a.mod,c=e.negative!==r.negative?-1:1;if(0===l.cmpn(0))return c*s;if(s){var u=i(s)+4,f=n(l.ushln(u).divRound(r));return c*(s+f*Math.pow(2,-u))}var h=r.bitLength()-l.bitLength()+53;f=n(l.ushln(h).divRound(r));return h<1023?c*f*Math.pow(2,-h):(f*=Math.pow(2,-1023),c*f*Math.pow(2,1023-h))}},{"./lib/bn-to-num":86,"./lib/ctz":87}],96:[function(t,e,r){"use strict";function n(t,e,r,n,i){var a=["function ",t,"(a,l,h,",n.join(","),"){",i?"":"var i=",r?"l-1":"h+1",";while(l<=h){var m=(l+h)>>>1,x=a[m]"];return i?e.indexOf("c")<0?a.push(";if(x===y){return m}else if(x<=y){"):a.push(";var p=c(x,y);if(p===0){return m}else if(p<=0){"):a.push(";if(",e,"){i=m;"),r?a.push("l=m+1}else{h=m-1}"):a.push("h=m-1}else{l=m+1}"),a.push("}"),i?a.push("return -1};"):a.push("return i};"),a.join("")}function i(t,e,r,i){return new Function([n("A","x"+t+"y",e,["y"],i),n("P","c(x,y)"+t+"0",e,["y","c"],i),"function dispatchBsearch",r,"(a,y,c,l,h){if(typeof(c)==='function'){return P(a,(l===void 0)?0:l|0,(h===void 0)?a.length-1:h|0,y,c)}else{return A(a,(c===void 0)?0:c|0,(l===void 0)?a.length-1:l|0,y)}}return dispatchBsearch",r].join(""))()}e.exports={ge:i(">=",!1,"GE"),gt:i(">",!1,"GT"),lt:i("<",!0,"LT"),le:i("<=",!0,"LE"),eq:i("-",!0,"EQ",!0)}},{}],97:[function(t,e,r){"use strict";function n(t){var e=32;return(t&=-t)&&e--,65535&t&&(e-=16),16711935&t&&(e-=8),252645135&t&&(e-=4),858993459&t&&(e-=2),1431655765&t&&(e-=1),e}r.INT_BITS=32,r.INT_MAX=2147483647,r.INT_MIN=-1<<31,r.sign=function(t){return(t>0)-(t<0)},r.abs=function(t){var e=t>>31;return(t^e)-e},r.min=function(t,e){return e^(t^e)&-(t65535)<<4,e|=r=((t>>>=e)>255)<<3,e|=r=((t>>>=r)>15)<<2,(e|=r=((t>>>=r)>3)<<1)|(t>>>=r)>>1},r.log10=function(t){return t>=1e9?9:t>=1e8?8:t>=1e7?7:t>=1e6?6:t>=1e5?5:t>=1e4?4:t>=1e3?3:t>=100?2:t>=10?1:0},r.popCount=function(t){return 16843009*((t=(858993459&(t-=t>>>1&1431655765))+(t>>>2&858993459))+(t>>>4)&252645135)>>>24},r.countTrailingZeros=n,r.nextPow2=function(t){return t+=0===t,--t,t|=t>>>1,t|=t>>>2,t|=t>>>4,t|=t>>>8,(t|=t>>>16)+1},r.prevPow2=function(t){return t|=t>>>1,t|=t>>>2,t|=t>>>4,t|=t>>>8,(t|=t>>>16)-(t>>>1)},r.parity=function(t){return t^=t>>>16,t^=t>>>8,t^=t>>>4,27030>>>(t&=15)&1};var i=new Array(256);!function(t){for(var e=0;e<256;++e){var r=e,n=e,i=7;for(r>>>=1;r;r>>>=1)n<<=1,n|=1&r,--i;t[e]=n<>>8&255]<<16|i[t>>>16&255]<<8|i[t>>>24&255]},r.interleave2=function(t,e){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t&=65535)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e&=65535)|e<<8))|e<<4))|e<<2))|e<<1))<<1},r.deinterleave2=function(t,e){return(t=65535&((t=16711935&((t=252645135&((t=858993459&((t=t>>>e&1431655765)|t>>>1))|t>>>2))|t>>>4))|t>>>16))<<16>>16},r.interleave3=function(t,e,r){return t=1227133513&((t=3272356035&((t=251719695&((t=4278190335&((t&=1023)|t<<16))|t<<8))|t<<4))|t<<2),(t|=(e=1227133513&((e=3272356035&((e=251719695&((e=4278190335&((e&=1023)|e<<16))|e<<8))|e<<4))|e<<2))<<1)|(r=1227133513&((r=3272356035&((r=251719695&((r=4278190335&((r&=1023)|r<<16))|r<<8))|r<<4))|r<<2))<<2},r.deinterleave3=function(t,e){return(t=1023&((t=4278190335&((t=251719695&((t=3272356035&((t=t>>>e&1227133513)|t>>>2))|t>>>4))|t>>>8))|t>>>16))<<22>>22},r.nextCombination=function(t){var e=t|t-1;return e+1|(~e&-~e)-1>>>n(t)+1}},{}],98:[function(t,e,r){"use strict";var n=t("clamp");e.exports=function(t,e){e||(e={});var r,o,s,l,c,u,f,h,p,d,g,m=null==e.cutoff?.25:e.cutoff,v=null==e.radius?8:e.radius,y=e.channel||0;if(ArrayBuffer.isView(t)||Array.isArray(t)){if(!e.width||!e.height)throw Error("For raw data width and height should be provided by options");r=e.width,o=e.height,l=t,u=e.stride?e.stride:Math.floor(t.length/r/o)}else window.HTMLCanvasElement&&t instanceof window.HTMLCanvasElement?(f=(h=t).getContext("2d"),r=h.width,o=h.height,p=f.getImageData(0,0,r,o),l=p.data,u=4):window.CanvasRenderingContext2D&&t instanceof window.CanvasRenderingContext2D?(h=t.canvas,f=t,r=h.width,o=h.height,p=f.getImageData(0,0,r,o),l=p.data,u=4):window.ImageData&&t instanceof window.ImageData&&(p=t,r=t.width,o=t.height,l=p.data,u=4);if(s=Math.max(r,o),window.Uint8ClampedArray&&l instanceof window.Uint8ClampedArray||window.Uint8Array&&l instanceof window.Uint8Array)for(c=l,l=Array(r*o),d=0,g=c.length;d=49&&o<=54?o-49+10:o>=17&&o<=22?o-17+10:15&o}return n}function l(t,e,r,n){for(var i=0,a=Math.min(t.length,r),o=e;o=49?s-49+10:s>=17?s-17+10:s}return i}a.isBN=function(t){return t instanceof a||null!==t&&"object"==typeof t&&t.constructor.wordSize===a.wordSize&&Array.isArray(t.words)},a.max=function(t,e){return t.cmp(e)>0?t:e},a.min=function(t,e){return t.cmp(e)<0?t:e},a.prototype._init=function(t,e,r){if("number"==typeof t)return this._initNumber(t,e,r);if("object"==typeof t)return this._initArray(t,e,r);"hex"===e&&(e=16),n(e===(0|e)&&e>=2&&e<=36);var i=0;"-"===(t=t.toString().replace(/\s+/g,""))[0]&&i++,16===e?this._parseHex(t,i):this._parseBase(t,e,i),"-"===t[0]&&(this.negative=1),this.strip(),"le"===r&&this._initArray(this.toArray(),e,r)},a.prototype._initNumber=function(t,e,r){t<0&&(this.negative=1,t=-t),t<67108864?(this.words=[67108863&t],this.length=1):t<4503599627370496?(this.words=[67108863&t,t/67108864&67108863],this.length=2):(n(t<9007199254740992),this.words=[67108863&t,t/67108864&67108863,1],this.length=3),"le"===r&&this._initArray(this.toArray(),e,r)},a.prototype._initArray=function(t,e,r){if(n("number"==typeof t.length),t.length<=0)return this.words=[0],this.length=1,this;this.length=Math.ceil(t.length/3),this.words=new Array(this.length);for(var i=0;i=0;i-=3)o=t[i]|t[i-1]<<8|t[i-2]<<16,this.words[a]|=o<>>26-s&67108863,(s+=24)>=26&&(s-=26,a++);else if("le"===r)for(i=0,a=0;i>>26-s&67108863,(s+=24)>=26&&(s-=26,a++);return this.strip()},a.prototype._parseHex=function(t,e){this.length=Math.ceil((t.length-e)/6),this.words=new Array(this.length);for(var r=0;r=e;r-=6)i=s(t,r,r+6),this.words[n]|=i<>>26-a&4194303,(a+=24)>=26&&(a-=26,n++);r+6!==e&&(i=s(t,e,r+6),this.words[n]|=i<>>26-a&4194303),this.strip()},a.prototype._parseBase=function(t,e,r){this.words=[0],this.length=1;for(var n=0,i=1;i<=67108863;i*=e)n++;n--,i=i/e|0;for(var a=t.length-r,o=a%n,s=Math.min(a,a-o)+r,c=0,u=r;u1&&0===this.words[this.length-1];)this.length--;return this._normSign()},a.prototype._normSign=function(){return 1===this.length&&0===this.words[0]&&(this.negative=0),this},a.prototype.inspect=function(){return(this.red?""};var c=["","0","00","000","0000","00000","000000","0000000","00000000","000000000","0000000000","00000000000","000000000000","0000000000000","00000000000000","000000000000000","0000000000000000","00000000000000000","000000000000000000","0000000000000000000","00000000000000000000","000000000000000000000","0000000000000000000000","00000000000000000000000","000000000000000000000000","0000000000000000000000000"],u=[0,0,25,16,12,11,10,9,8,8,7,7,7,7,6,6,6,6,6,6,6,5,5,5,5,5,5,5,5,5,5,5,5,5,5,5,5],f=[0,0,33554432,43046721,16777216,48828125,60466176,40353607,16777216,43046721,1e7,19487171,35831808,62748517,7529536,11390625,16777216,24137569,34012224,47045881,64e6,4084101,5153632,6436343,7962624,9765625,11881376,14348907,17210368,20511149,243e5,28629151,33554432,39135393,45435424,52521875,60466176];function h(t,e,r){r.negative=e.negative^t.negative;var n=t.length+e.length|0;r.length=n,n=n-1|0;var i=0|t.words[0],a=0|e.words[0],o=i*a,s=67108863&o,l=o/67108864|0;r.words[0]=s;for(var c=1;c>>26,f=67108863&l,h=Math.min(c,e.length-1),p=Math.max(0,c-t.length+1);p<=h;p++){var d=c-p|0;u+=(o=(i=0|t.words[d])*(a=0|e.words[p])+f)/67108864|0,f=67108863&o}r.words[c]=0|f,l=0|u}return 0!==l?r.words[c]=0|l:r.length--,r.strip()}a.prototype.toString=function(t,e){var r;if(e=0|e||1,16===(t=t||10)||"hex"===t){r="";for(var i=0,a=0,o=0;o>>24-i&16777215)||o!==this.length-1?c[6-l.length]+l+r:l+r,(i+=2)>=26&&(i-=26,o--)}for(0!==a&&(r=a.toString(16)+r);r.length%e!=0;)r="0"+r;return 0!==this.negative&&(r="-"+r),r}if(t===(0|t)&&t>=2&&t<=36){var h=u[t],p=f[t];r="";var d=this.clone();for(d.negative=0;!d.isZero();){var g=d.modn(p).toString(t);r=(d=d.idivn(p)).isZero()?g+r:c[h-g.length]+g+r}for(this.isZero()&&(r="0"+r);r.length%e!=0;)r="0"+r;return 0!==this.negative&&(r="-"+r),r}n(!1,"Base should be between 2 and 36")},a.prototype.toNumber=function(){var t=this.words[0];return 2===this.length?t+=67108864*this.words[1]:3===this.length&&1===this.words[2]?t+=4503599627370496+67108864*this.words[1]:this.length>2&&n(!1,"Number can only safely store up to 53 bits"),0!==this.negative?-t:t},a.prototype.toJSON=function(){return this.toString(16)},a.prototype.toBuffer=function(t,e){return n("undefined"!=typeof o),this.toArrayLike(o,t,e)},a.prototype.toArray=function(t,e){return this.toArrayLike(Array,t,e)},a.prototype.toArrayLike=function(t,e,r){var i=this.byteLength(),a=r||Math.max(1,i);n(i<=a,"byte array longer than desired length"),n(a>0,"Requested array length <= 0"),this.strip();var o,s,l="le"===e,c=new t(a),u=this.clone();if(l){for(s=0;!u.isZero();s++)o=u.andln(255),u.iushrn(8),c[s]=o;for(;s=4096&&(r+=13,e>>>=13),e>=64&&(r+=7,e>>>=7),e>=8&&(r+=4,e>>>=4),e>=2&&(r+=2,e>>>=2),r+e},a.prototype._zeroBits=function(t){if(0===t)return 26;var e=t,r=0;return 0==(8191&e)&&(r+=13,e>>>=13),0==(127&e)&&(r+=7,e>>>=7),0==(15&e)&&(r+=4,e>>>=4),0==(3&e)&&(r+=2,e>>>=2),0==(1&e)&&r++,r},a.prototype.bitLength=function(){var t=this.words[this.length-1],e=this._countBits(t);return 26*(this.length-1)+e},a.prototype.zeroBits=function(){if(this.isZero())return 0;for(var t=0,e=0;et.length?this.clone().ior(t):t.clone().ior(this)},a.prototype.uor=function(t){return this.length>t.length?this.clone().iuor(t):t.clone().iuor(this)},a.prototype.iuand=function(t){var e;e=this.length>t.length?t:this;for(var r=0;rt.length?this.clone().iand(t):t.clone().iand(this)},a.prototype.uand=function(t){return this.length>t.length?this.clone().iuand(t):t.clone().iuand(this)},a.prototype.iuxor=function(t){var e,r;this.length>t.length?(e=this,r=t):(e=t,r=this);for(var n=0;nt.length?this.clone().ixor(t):t.clone().ixor(this)},a.prototype.uxor=function(t){return this.length>t.length?this.clone().iuxor(t):t.clone().iuxor(this)},a.prototype.inotn=function(t){n("number"==typeof t&&t>=0);var e=0|Math.ceil(t/26),r=t%26;this._expand(e),r>0&&e--;for(var i=0;i0&&(this.words[i]=~this.words[i]&67108863>>26-r),this.strip()},a.prototype.notn=function(t){return this.clone().inotn(t)},a.prototype.setn=function(t,e){n("number"==typeof t&&t>=0);var r=t/26|0,i=t%26;return this._expand(r+1),this.words[r]=e?this.words[r]|1<t.length?(r=this,n=t):(r=t,n=this);for(var i=0,a=0;a>>26;for(;0!==i&&a>>26;if(this.length=r.length,0!==i)this.words[this.length]=i,this.length++;else if(r!==this)for(;at.length?this.clone().iadd(t):t.clone().iadd(this)},a.prototype.isub=function(t){if(0!==t.negative){t.negative=0;var e=this.iadd(t);return t.negative=1,e._normSign()}if(0!==this.negative)return this.negative=0,this.iadd(t),this.negative=1,this._normSign();var r,n,i=this.cmp(t);if(0===i)return this.negative=0,this.length=1,this.words[0]=0,this;i>0?(r=this,n=t):(r=t,n=this);for(var a=0,o=0;o>26,this.words[o]=67108863&e;for(;0!==a&&o>26,this.words[o]=67108863&e;if(0===a&&o>>13,p=0|o[1],d=8191&p,g=p>>>13,m=0|o[2],v=8191&m,y=m>>>13,x=0|o[3],b=8191&x,_=x>>>13,w=0|o[4],T=8191&w,k=w>>>13,M=0|o[5],A=8191&M,S=M>>>13,E=0|o[6],C=8191&E,L=E>>>13,I=0|o[7],P=8191&I,z=I>>>13,O=0|o[8],D=8191&O,R=O>>>13,F=0|o[9],B=8191&F,N=F>>>13,j=0|s[0],U=8191&j,V=j>>>13,q=0|s[1],H=8191&q,G=q>>>13,Y=0|s[2],W=8191&Y,X=Y>>>13,Z=0|s[3],J=8191&Z,K=Z>>>13,Q=0|s[4],$=8191&Q,tt=Q>>>13,et=0|s[5],rt=8191&et,nt=et>>>13,it=0|s[6],at=8191&it,ot=it>>>13,st=0|s[7],lt=8191&st,ct=st>>>13,ut=0|s[8],ft=8191&ut,ht=ut>>>13,pt=0|s[9],dt=8191&pt,gt=pt>>>13;r.negative=t.negative^e.negative,r.length=19;var mt=(c+(n=Math.imul(f,U))|0)+((8191&(i=(i=Math.imul(f,V))+Math.imul(h,U)|0))<<13)|0;c=((a=Math.imul(h,V))+(i>>>13)|0)+(mt>>>26)|0,mt&=67108863,n=Math.imul(d,U),i=(i=Math.imul(d,V))+Math.imul(g,U)|0,a=Math.imul(g,V);var vt=(c+(n=n+Math.imul(f,H)|0)|0)+((8191&(i=(i=i+Math.imul(f,G)|0)+Math.imul(h,H)|0))<<13)|0;c=((a=a+Math.imul(h,G)|0)+(i>>>13)|0)+(vt>>>26)|0,vt&=67108863,n=Math.imul(v,U),i=(i=Math.imul(v,V))+Math.imul(y,U)|0,a=Math.imul(y,V),n=n+Math.imul(d,H)|0,i=(i=i+Math.imul(d,G)|0)+Math.imul(g,H)|0,a=a+Math.imul(g,G)|0;var yt=(c+(n=n+Math.imul(f,W)|0)|0)+((8191&(i=(i=i+Math.imul(f,X)|0)+Math.imul(h,W)|0))<<13)|0;c=((a=a+Math.imul(h,X)|0)+(i>>>13)|0)+(yt>>>26)|0,yt&=67108863,n=Math.imul(b,U),i=(i=Math.imul(b,V))+Math.imul(_,U)|0,a=Math.imul(_,V),n=n+Math.imul(v,H)|0,i=(i=i+Math.imul(v,G)|0)+Math.imul(y,H)|0,a=a+Math.imul(y,G)|0,n=n+Math.imul(d,W)|0,i=(i=i+Math.imul(d,X)|0)+Math.imul(g,W)|0,a=a+Math.imul(g,X)|0;var xt=(c+(n=n+Math.imul(f,J)|0)|0)+((8191&(i=(i=i+Math.imul(f,K)|0)+Math.imul(h,J)|0))<<13)|0;c=((a=a+Math.imul(h,K)|0)+(i>>>13)|0)+(xt>>>26)|0,xt&=67108863,n=Math.imul(T,U),i=(i=Math.imul(T,V))+Math.imul(k,U)|0,a=Math.imul(k,V),n=n+Math.imul(b,H)|0,i=(i=i+Math.imul(b,G)|0)+Math.imul(_,H)|0,a=a+Math.imul(_,G)|0,n=n+Math.imul(v,W)|0,i=(i=i+Math.imul(v,X)|0)+Math.imul(y,W)|0,a=a+Math.imul(y,X)|0,n=n+Math.imul(d,J)|0,i=(i=i+Math.imul(d,K)|0)+Math.imul(g,J)|0,a=a+Math.imul(g,K)|0;var bt=(c+(n=n+Math.imul(f,$)|0)|0)+((8191&(i=(i=i+Math.imul(f,tt)|0)+Math.imul(h,$)|0))<<13)|0;c=((a=a+Math.imul(h,tt)|0)+(i>>>13)|0)+(bt>>>26)|0,bt&=67108863,n=Math.imul(A,U),i=(i=Math.imul(A,V))+Math.imul(S,U)|0,a=Math.imul(S,V),n=n+Math.imul(T,H)|0,i=(i=i+Math.imul(T,G)|0)+Math.imul(k,H)|0,a=a+Math.imul(k,G)|0,n=n+Math.imul(b,W)|0,i=(i=i+Math.imul(b,X)|0)+Math.imul(_,W)|0,a=a+Math.imul(_,X)|0,n=n+Math.imul(v,J)|0,i=(i=i+Math.imul(v,K)|0)+Math.imul(y,J)|0,a=a+Math.imul(y,K)|0,n=n+Math.imul(d,$)|0,i=(i=i+Math.imul(d,tt)|0)+Math.imul(g,$)|0,a=a+Math.imul(g,tt)|0;var _t=(c+(n=n+Math.imul(f,rt)|0)|0)+((8191&(i=(i=i+Math.imul(f,nt)|0)+Math.imul(h,rt)|0))<<13)|0;c=((a=a+Math.imul(h,nt)|0)+(i>>>13)|0)+(_t>>>26)|0,_t&=67108863,n=Math.imul(C,U),i=(i=Math.imul(C,V))+Math.imul(L,U)|0,a=Math.imul(L,V),n=n+Math.imul(A,H)|0,i=(i=i+Math.imul(A,G)|0)+Math.imul(S,H)|0,a=a+Math.imul(S,G)|0,n=n+Math.imul(T,W)|0,i=(i=i+Math.imul(T,X)|0)+Math.imul(k,W)|0,a=a+Math.imul(k,X)|0,n=n+Math.imul(b,J)|0,i=(i=i+Math.imul(b,K)|0)+Math.imul(_,J)|0,a=a+Math.imul(_,K)|0,n=n+Math.imul(v,$)|0,i=(i=i+Math.imul(v,tt)|0)+Math.imul(y,$)|0,a=a+Math.imul(y,tt)|0,n=n+Math.imul(d,rt)|0,i=(i=i+Math.imul(d,nt)|0)+Math.imul(g,rt)|0,a=a+Math.imul(g,nt)|0;var wt=(c+(n=n+Math.imul(f,at)|0)|0)+((8191&(i=(i=i+Math.imul(f,ot)|0)+Math.imul(h,at)|0))<<13)|0;c=((a=a+Math.imul(h,ot)|0)+(i>>>13)|0)+(wt>>>26)|0,wt&=67108863,n=Math.imul(P,U),i=(i=Math.imul(P,V))+Math.imul(z,U)|0,a=Math.imul(z,V),n=n+Math.imul(C,H)|0,i=(i=i+Math.imul(C,G)|0)+Math.imul(L,H)|0,a=a+Math.imul(L,G)|0,n=n+Math.imul(A,W)|0,i=(i=i+Math.imul(A,X)|0)+Math.imul(S,W)|0,a=a+Math.imul(S,X)|0,n=n+Math.imul(T,J)|0,i=(i=i+Math.imul(T,K)|0)+Math.imul(k,J)|0,a=a+Math.imul(k,K)|0,n=n+Math.imul(b,$)|0,i=(i=i+Math.imul(b,tt)|0)+Math.imul(_,$)|0,a=a+Math.imul(_,tt)|0,n=n+Math.imul(v,rt)|0,i=(i=i+Math.imul(v,nt)|0)+Math.imul(y,rt)|0,a=a+Math.imul(y,nt)|0,n=n+Math.imul(d,at)|0,i=(i=i+Math.imul(d,ot)|0)+Math.imul(g,at)|0,a=a+Math.imul(g,ot)|0;var Tt=(c+(n=n+Math.imul(f,lt)|0)|0)+((8191&(i=(i=i+Math.imul(f,ct)|0)+Math.imul(h,lt)|0))<<13)|0;c=((a=a+Math.imul(h,ct)|0)+(i>>>13)|0)+(Tt>>>26)|0,Tt&=67108863,n=Math.imul(D,U),i=(i=Math.imul(D,V))+Math.imul(R,U)|0,a=Math.imul(R,V),n=n+Math.imul(P,H)|0,i=(i=i+Math.imul(P,G)|0)+Math.imul(z,H)|0,a=a+Math.imul(z,G)|0,n=n+Math.imul(C,W)|0,i=(i=i+Math.imul(C,X)|0)+Math.imul(L,W)|0,a=a+Math.imul(L,X)|0,n=n+Math.imul(A,J)|0,i=(i=i+Math.imul(A,K)|0)+Math.imul(S,J)|0,a=a+Math.imul(S,K)|0,n=n+Math.imul(T,$)|0,i=(i=i+Math.imul(T,tt)|0)+Math.imul(k,$)|0,a=a+Math.imul(k,tt)|0,n=n+Math.imul(b,rt)|0,i=(i=i+Math.imul(b,nt)|0)+Math.imul(_,rt)|0,a=a+Math.imul(_,nt)|0,n=n+Math.imul(v,at)|0,i=(i=i+Math.imul(v,ot)|0)+Math.imul(y,at)|0,a=a+Math.imul(y,ot)|0,n=n+Math.imul(d,lt)|0,i=(i=i+Math.imul(d,ct)|0)+Math.imul(g,lt)|0,a=a+Math.imul(g,ct)|0;var kt=(c+(n=n+Math.imul(f,ft)|0)|0)+((8191&(i=(i=i+Math.imul(f,ht)|0)+Math.imul(h,ft)|0))<<13)|0;c=((a=a+Math.imul(h,ht)|0)+(i>>>13)|0)+(kt>>>26)|0,kt&=67108863,n=Math.imul(B,U),i=(i=Math.imul(B,V))+Math.imul(N,U)|0,a=Math.imul(N,V),n=n+Math.imul(D,H)|0,i=(i=i+Math.imul(D,G)|0)+Math.imul(R,H)|0,a=a+Math.imul(R,G)|0,n=n+Math.imul(P,W)|0,i=(i=i+Math.imul(P,X)|0)+Math.imul(z,W)|0,a=a+Math.imul(z,X)|0,n=n+Math.imul(C,J)|0,i=(i=i+Math.imul(C,K)|0)+Math.imul(L,J)|0,a=a+Math.imul(L,K)|0,n=n+Math.imul(A,$)|0,i=(i=i+Math.imul(A,tt)|0)+Math.imul(S,$)|0,a=a+Math.imul(S,tt)|0,n=n+Math.imul(T,rt)|0,i=(i=i+Math.imul(T,nt)|0)+Math.imul(k,rt)|0,a=a+Math.imul(k,nt)|0,n=n+Math.imul(b,at)|0,i=(i=i+Math.imul(b,ot)|0)+Math.imul(_,at)|0,a=a+Math.imul(_,ot)|0,n=n+Math.imul(v,lt)|0,i=(i=i+Math.imul(v,ct)|0)+Math.imul(y,lt)|0,a=a+Math.imul(y,ct)|0,n=n+Math.imul(d,ft)|0,i=(i=i+Math.imul(d,ht)|0)+Math.imul(g,ft)|0,a=a+Math.imul(g,ht)|0;var Mt=(c+(n=n+Math.imul(f,dt)|0)|0)+((8191&(i=(i=i+Math.imul(f,gt)|0)+Math.imul(h,dt)|0))<<13)|0;c=((a=a+Math.imul(h,gt)|0)+(i>>>13)|0)+(Mt>>>26)|0,Mt&=67108863,n=Math.imul(B,H),i=(i=Math.imul(B,G))+Math.imul(N,H)|0,a=Math.imul(N,G),n=n+Math.imul(D,W)|0,i=(i=i+Math.imul(D,X)|0)+Math.imul(R,W)|0,a=a+Math.imul(R,X)|0,n=n+Math.imul(P,J)|0,i=(i=i+Math.imul(P,K)|0)+Math.imul(z,J)|0,a=a+Math.imul(z,K)|0,n=n+Math.imul(C,$)|0,i=(i=i+Math.imul(C,tt)|0)+Math.imul(L,$)|0,a=a+Math.imul(L,tt)|0,n=n+Math.imul(A,rt)|0,i=(i=i+Math.imul(A,nt)|0)+Math.imul(S,rt)|0,a=a+Math.imul(S,nt)|0,n=n+Math.imul(T,at)|0,i=(i=i+Math.imul(T,ot)|0)+Math.imul(k,at)|0,a=a+Math.imul(k,ot)|0,n=n+Math.imul(b,lt)|0,i=(i=i+Math.imul(b,ct)|0)+Math.imul(_,lt)|0,a=a+Math.imul(_,ct)|0,n=n+Math.imul(v,ft)|0,i=(i=i+Math.imul(v,ht)|0)+Math.imul(y,ft)|0,a=a+Math.imul(y,ht)|0;var At=(c+(n=n+Math.imul(d,dt)|0)|0)+((8191&(i=(i=i+Math.imul(d,gt)|0)+Math.imul(g,dt)|0))<<13)|0;c=((a=a+Math.imul(g,gt)|0)+(i>>>13)|0)+(At>>>26)|0,At&=67108863,n=Math.imul(B,W),i=(i=Math.imul(B,X))+Math.imul(N,W)|0,a=Math.imul(N,X),n=n+Math.imul(D,J)|0,i=(i=i+Math.imul(D,K)|0)+Math.imul(R,J)|0,a=a+Math.imul(R,K)|0,n=n+Math.imul(P,$)|0,i=(i=i+Math.imul(P,tt)|0)+Math.imul(z,$)|0,a=a+Math.imul(z,tt)|0,n=n+Math.imul(C,rt)|0,i=(i=i+Math.imul(C,nt)|0)+Math.imul(L,rt)|0,a=a+Math.imul(L,nt)|0,n=n+Math.imul(A,at)|0,i=(i=i+Math.imul(A,ot)|0)+Math.imul(S,at)|0,a=a+Math.imul(S,ot)|0,n=n+Math.imul(T,lt)|0,i=(i=i+Math.imul(T,ct)|0)+Math.imul(k,lt)|0,a=a+Math.imul(k,ct)|0,n=n+Math.imul(b,ft)|0,i=(i=i+Math.imul(b,ht)|0)+Math.imul(_,ft)|0,a=a+Math.imul(_,ht)|0;var St=(c+(n=n+Math.imul(v,dt)|0)|0)+((8191&(i=(i=i+Math.imul(v,gt)|0)+Math.imul(y,dt)|0))<<13)|0;c=((a=a+Math.imul(y,gt)|0)+(i>>>13)|0)+(St>>>26)|0,St&=67108863,n=Math.imul(B,J),i=(i=Math.imul(B,K))+Math.imul(N,J)|0,a=Math.imul(N,K),n=n+Math.imul(D,$)|0,i=(i=i+Math.imul(D,tt)|0)+Math.imul(R,$)|0,a=a+Math.imul(R,tt)|0,n=n+Math.imul(P,rt)|0,i=(i=i+Math.imul(P,nt)|0)+Math.imul(z,rt)|0,a=a+Math.imul(z,nt)|0,n=n+Math.imul(C,at)|0,i=(i=i+Math.imul(C,ot)|0)+Math.imul(L,at)|0,a=a+Math.imul(L,ot)|0,n=n+Math.imul(A,lt)|0,i=(i=i+Math.imul(A,ct)|0)+Math.imul(S,lt)|0,a=a+Math.imul(S,ct)|0,n=n+Math.imul(T,ft)|0,i=(i=i+Math.imul(T,ht)|0)+Math.imul(k,ft)|0,a=a+Math.imul(k,ht)|0;var Et=(c+(n=n+Math.imul(b,dt)|0)|0)+((8191&(i=(i=i+Math.imul(b,gt)|0)+Math.imul(_,dt)|0))<<13)|0;c=((a=a+Math.imul(_,gt)|0)+(i>>>13)|0)+(Et>>>26)|0,Et&=67108863,n=Math.imul(B,$),i=(i=Math.imul(B,tt))+Math.imul(N,$)|0,a=Math.imul(N,tt),n=n+Math.imul(D,rt)|0,i=(i=i+Math.imul(D,nt)|0)+Math.imul(R,rt)|0,a=a+Math.imul(R,nt)|0,n=n+Math.imul(P,at)|0,i=(i=i+Math.imul(P,ot)|0)+Math.imul(z,at)|0,a=a+Math.imul(z,ot)|0,n=n+Math.imul(C,lt)|0,i=(i=i+Math.imul(C,ct)|0)+Math.imul(L,lt)|0,a=a+Math.imul(L,ct)|0,n=n+Math.imul(A,ft)|0,i=(i=i+Math.imul(A,ht)|0)+Math.imul(S,ft)|0,a=a+Math.imul(S,ht)|0;var Ct=(c+(n=n+Math.imul(T,dt)|0)|0)+((8191&(i=(i=i+Math.imul(T,gt)|0)+Math.imul(k,dt)|0))<<13)|0;c=((a=a+Math.imul(k,gt)|0)+(i>>>13)|0)+(Ct>>>26)|0,Ct&=67108863,n=Math.imul(B,rt),i=(i=Math.imul(B,nt))+Math.imul(N,rt)|0,a=Math.imul(N,nt),n=n+Math.imul(D,at)|0,i=(i=i+Math.imul(D,ot)|0)+Math.imul(R,at)|0,a=a+Math.imul(R,ot)|0,n=n+Math.imul(P,lt)|0,i=(i=i+Math.imul(P,ct)|0)+Math.imul(z,lt)|0,a=a+Math.imul(z,ct)|0,n=n+Math.imul(C,ft)|0,i=(i=i+Math.imul(C,ht)|0)+Math.imul(L,ft)|0,a=a+Math.imul(L,ht)|0;var Lt=(c+(n=n+Math.imul(A,dt)|0)|0)+((8191&(i=(i=i+Math.imul(A,gt)|0)+Math.imul(S,dt)|0))<<13)|0;c=((a=a+Math.imul(S,gt)|0)+(i>>>13)|0)+(Lt>>>26)|0,Lt&=67108863,n=Math.imul(B,at),i=(i=Math.imul(B,ot))+Math.imul(N,at)|0,a=Math.imul(N,ot),n=n+Math.imul(D,lt)|0,i=(i=i+Math.imul(D,ct)|0)+Math.imul(R,lt)|0,a=a+Math.imul(R,ct)|0,n=n+Math.imul(P,ft)|0,i=(i=i+Math.imul(P,ht)|0)+Math.imul(z,ft)|0,a=a+Math.imul(z,ht)|0;var It=(c+(n=n+Math.imul(C,dt)|0)|0)+((8191&(i=(i=i+Math.imul(C,gt)|0)+Math.imul(L,dt)|0))<<13)|0;c=((a=a+Math.imul(L,gt)|0)+(i>>>13)|0)+(It>>>26)|0,It&=67108863,n=Math.imul(B,lt),i=(i=Math.imul(B,ct))+Math.imul(N,lt)|0,a=Math.imul(N,ct),n=n+Math.imul(D,ft)|0,i=(i=i+Math.imul(D,ht)|0)+Math.imul(R,ft)|0,a=a+Math.imul(R,ht)|0;var Pt=(c+(n=n+Math.imul(P,dt)|0)|0)+((8191&(i=(i=i+Math.imul(P,gt)|0)+Math.imul(z,dt)|0))<<13)|0;c=((a=a+Math.imul(z,gt)|0)+(i>>>13)|0)+(Pt>>>26)|0,Pt&=67108863,n=Math.imul(B,ft),i=(i=Math.imul(B,ht))+Math.imul(N,ft)|0,a=Math.imul(N,ht);var zt=(c+(n=n+Math.imul(D,dt)|0)|0)+((8191&(i=(i=i+Math.imul(D,gt)|0)+Math.imul(R,dt)|0))<<13)|0;c=((a=a+Math.imul(R,gt)|0)+(i>>>13)|0)+(zt>>>26)|0,zt&=67108863;var Ot=(c+(n=Math.imul(B,dt))|0)+((8191&(i=(i=Math.imul(B,gt))+Math.imul(N,dt)|0))<<13)|0;return c=((a=Math.imul(N,gt))+(i>>>13)|0)+(Ot>>>26)|0,Ot&=67108863,l[0]=mt,l[1]=vt,l[2]=yt,l[3]=xt,l[4]=bt,l[5]=_t,l[6]=wt,l[7]=Tt,l[8]=kt,l[9]=Mt,l[10]=At,l[11]=St,l[12]=Et,l[13]=Ct,l[14]=Lt,l[15]=It,l[16]=Pt,l[17]=zt,l[18]=Ot,0!==c&&(l[19]=c,r.length++),r};function d(t,e,r){return(new g).mulp(t,e,r)}function g(t,e){this.x=t,this.y=e}Math.imul||(p=h),a.prototype.mulTo=function(t,e){var r=this.length+t.length;return 10===this.length&&10===t.length?p(this,t,e):r<63?h(this,t,e):r<1024?function(t,e,r){r.negative=e.negative^t.negative,r.length=t.length+e.length;for(var n=0,i=0,a=0;a>>26)|0)>>>26,o&=67108863}r.words[a]=s,n=o,o=i}return 0!==n?r.words[a]=n:r.length--,r.strip()}(this,t,e):d(this,t,e)},g.prototype.makeRBT=function(t){for(var e=new Array(t),r=a.prototype._countBits(t)-1,n=0;n>=1;return n},g.prototype.permute=function(t,e,r,n,i,a){for(var o=0;o>>=1)i++;return 1<>>=13,r[2*o+1]=8191&a,a>>>=13;for(o=2*e;o>=26,e+=i/67108864|0,e+=a>>>26,this.words[r]=67108863&a}return 0!==e&&(this.words[r]=e,this.length++),this},a.prototype.muln=function(t){return this.clone().imuln(t)},a.prototype.sqr=function(){return this.mul(this)},a.prototype.isqr=function(){return this.imul(this.clone())},a.prototype.pow=function(t){var e=function(t){for(var e=new Array(t.bitLength()),r=0;r>>i}return e}(t);if(0===e.length)return new a(1);for(var r=this,n=0;n=0);var e,r=t%26,i=(t-r)/26,a=67108863>>>26-r<<26-r;if(0!==r){var o=0;for(e=0;e>>26-r}o&&(this.words[e]=o,this.length++)}if(0!==i){for(e=this.length-1;e>=0;e--)this.words[e+i]=this.words[e];for(e=0;e=0),i=e?(e-e%26)/26:0;var a=t%26,o=Math.min((t-a)/26,this.length),s=67108863^67108863>>>a<o)for(this.length-=o,c=0;c=0&&(0!==u||c>=i);c--){var f=0|this.words[c];this.words[c]=u<<26-a|f>>>a,u=f&s}return l&&0!==u&&(l.words[l.length++]=u),0===this.length&&(this.words[0]=0,this.length=1),this.strip()},a.prototype.ishrn=function(t,e,r){return n(0===this.negative),this.iushrn(t,e,r)},a.prototype.shln=function(t){return this.clone().ishln(t)},a.prototype.ushln=function(t){return this.clone().iushln(t)},a.prototype.shrn=function(t){return this.clone().ishrn(t)},a.prototype.ushrn=function(t){return this.clone().iushrn(t)},a.prototype.testn=function(t){n("number"==typeof t&&t>=0);var e=t%26,r=(t-e)/26,i=1<=0);var e=t%26,r=(t-e)/26;if(n(0===this.negative,"imaskn works only with positive numbers"),this.length<=r)return this;if(0!==e&&r++,this.length=Math.min(r,this.length),0!==e){var i=67108863^67108863>>>e<=67108864;e++)this.words[e]-=67108864,e===this.length-1?this.words[e+1]=1:this.words[e+1]++;return this.length=Math.max(this.length,e+1),this},a.prototype.isubn=function(t){if(n("number"==typeof t),n(t<67108864),t<0)return this.iaddn(-t);if(0!==this.negative)return this.negative=0,this.iaddn(t),this.negative=1,this;if(this.words[0]-=t,1===this.length&&this.words[0]<0)this.words[0]=-this.words[0],this.negative=1;else for(var e=0;e>26)-(l/67108864|0),this.words[i+r]=67108863&a}for(;i>26,this.words[i+r]=67108863&a;if(0===s)return this.strip();for(n(-1===s),s=0,i=0;i>26,this.words[i]=67108863&a;return this.negative=1,this.strip()},a.prototype._wordDiv=function(t,e){var r=(this.length,t.length),n=this.clone(),i=t,o=0|i.words[i.length-1];0!==(r=26-this._countBits(o))&&(i=i.ushln(r),n.iushln(r),o=0|i.words[i.length-1]);var s,l=n.length-i.length;if("mod"!==e){(s=new a(null)).length=l+1,s.words=new Array(s.length);for(var c=0;c=0;f--){var h=67108864*(0|n.words[i.length+f])+(0|n.words[i.length+f-1]);for(h=Math.min(h/o|0,67108863),n._ishlnsubmul(i,h,f);0!==n.negative;)h--,n.negative=0,n._ishlnsubmul(i,1,f),n.isZero()||(n.negative^=1);s&&(s.words[f]=h)}return s&&s.strip(),n.strip(),"div"!==e&&0!==r&&n.iushrn(r),{div:s||null,mod:n}},a.prototype.divmod=function(t,e,r){return n(!t.isZero()),this.isZero()?{div:new a(0),mod:new a(0)}:0!==this.negative&&0===t.negative?(s=this.neg().divmod(t,e),"mod"!==e&&(i=s.div.neg()),"div"!==e&&(o=s.mod.neg(),r&&0!==o.negative&&o.iadd(t)),{div:i,mod:o}):0===this.negative&&0!==t.negative?(s=this.divmod(t.neg(),e),"mod"!==e&&(i=s.div.neg()),{div:i,mod:s.mod}):0!=(this.negative&t.negative)?(s=this.neg().divmod(t.neg(),e),"div"!==e&&(o=s.mod.neg(),r&&0!==o.negative&&o.isub(t)),{div:s.div,mod:o}):t.length>this.length||this.cmp(t)<0?{div:new a(0),mod:this}:1===t.length?"div"===e?{div:this.divn(t.words[0]),mod:null}:"mod"===e?{div:null,mod:new a(this.modn(t.words[0]))}:{div:this.divn(t.words[0]),mod:new a(this.modn(t.words[0]))}:this._wordDiv(t,e);var i,o,s},a.prototype.div=function(t){return this.divmod(t,"div",!1).div},a.prototype.mod=function(t){return this.divmod(t,"mod",!1).mod},a.prototype.umod=function(t){return this.divmod(t,"mod",!0).mod},a.prototype.divRound=function(t){var e=this.divmod(t);if(e.mod.isZero())return e.div;var r=0!==e.div.negative?e.mod.isub(t):e.mod,n=t.ushrn(1),i=t.andln(1),a=r.cmp(n);return a<0||1===i&&0===a?e.div:0!==e.div.negative?e.div.isubn(1):e.div.iaddn(1)},a.prototype.modn=function(t){n(t<=67108863);for(var e=(1<<26)%t,r=0,i=this.length-1;i>=0;i--)r=(e*r+(0|this.words[i]))%t;return r},a.prototype.idivn=function(t){n(t<=67108863);for(var e=0,r=this.length-1;r>=0;r--){var i=(0|this.words[r])+67108864*e;this.words[r]=i/t|0,e=i%t}return this.strip()},a.prototype.divn=function(t){return this.clone().idivn(t)},a.prototype.egcd=function(t){n(0===t.negative),n(!t.isZero());var e=this,r=t.clone();e=0!==e.negative?e.umod(t):e.clone();for(var i=new a(1),o=new a(0),s=new a(0),l=new a(1),c=0;e.isEven()&&r.isEven();)e.iushrn(1),r.iushrn(1),++c;for(var u=r.clone(),f=e.clone();!e.isZero();){for(var h=0,p=1;0==(e.words[0]&p)&&h<26;++h,p<<=1);if(h>0)for(e.iushrn(h);h-- >0;)(i.isOdd()||o.isOdd())&&(i.iadd(u),o.isub(f)),i.iushrn(1),o.iushrn(1);for(var d=0,g=1;0==(r.words[0]&g)&&d<26;++d,g<<=1);if(d>0)for(r.iushrn(d);d-- >0;)(s.isOdd()||l.isOdd())&&(s.iadd(u),l.isub(f)),s.iushrn(1),l.iushrn(1);e.cmp(r)>=0?(e.isub(r),i.isub(s),o.isub(l)):(r.isub(e),s.isub(i),l.isub(o))}return{a:s,b:l,gcd:r.iushln(c)}},a.prototype._invmp=function(t){n(0===t.negative),n(!t.isZero());var e=this,r=t.clone();e=0!==e.negative?e.umod(t):e.clone();for(var i,o=new a(1),s=new a(0),l=r.clone();e.cmpn(1)>0&&r.cmpn(1)>0;){for(var c=0,u=1;0==(e.words[0]&u)&&c<26;++c,u<<=1);if(c>0)for(e.iushrn(c);c-- >0;)o.isOdd()&&o.iadd(l),o.iushrn(1);for(var f=0,h=1;0==(r.words[0]&h)&&f<26;++f,h<<=1);if(f>0)for(r.iushrn(f);f-- >0;)s.isOdd()&&s.iadd(l),s.iushrn(1);e.cmp(r)>=0?(e.isub(r),o.isub(s)):(r.isub(e),s.isub(o))}return(i=0===e.cmpn(1)?o:s).cmpn(0)<0&&i.iadd(t),i},a.prototype.gcd=function(t){if(this.isZero())return t.abs();if(t.isZero())return this.abs();var e=this.clone(),r=t.clone();e.negative=0,r.negative=0;for(var n=0;e.isEven()&&r.isEven();n++)e.iushrn(1),r.iushrn(1);for(;;){for(;e.isEven();)e.iushrn(1);for(;r.isEven();)r.iushrn(1);var i=e.cmp(r);if(i<0){var a=e;e=r,r=a}else if(0===i||0===r.cmpn(1))break;e.isub(r)}return r.iushln(n)},a.prototype.invm=function(t){return this.egcd(t).a.umod(t)},a.prototype.isEven=function(){return 0==(1&this.words[0])},a.prototype.isOdd=function(){return 1==(1&this.words[0])},a.prototype.andln=function(t){return this.words[0]&t},a.prototype.bincn=function(t){n("number"==typeof t);var e=t%26,r=(t-e)/26,i=1<>>26,s&=67108863,this.words[o]=s}return 0!==a&&(this.words[o]=a,this.length++),this},a.prototype.isZero=function(){return 1===this.length&&0===this.words[0]},a.prototype.cmpn=function(t){var e,r=t<0;if(0!==this.negative&&!r)return-1;if(0===this.negative&&r)return 1;if(this.strip(),this.length>1)e=1;else{r&&(t=-t),n(t<=67108863,"Number is too big");var i=0|this.words[0];e=i===t?0:it.length)return 1;if(this.length=0;r--){var n=0|this.words[r],i=0|t.words[r];if(n!==i){ni&&(e=1);break}}return e},a.prototype.gtn=function(t){return 1===this.cmpn(t)},a.prototype.gt=function(t){return 1===this.cmp(t)},a.prototype.gten=function(t){return this.cmpn(t)>=0},a.prototype.gte=function(t){return this.cmp(t)>=0},a.prototype.ltn=function(t){return-1===this.cmpn(t)},a.prototype.lt=function(t){return-1===this.cmp(t)},a.prototype.lten=function(t){return this.cmpn(t)<=0},a.prototype.lte=function(t){return this.cmp(t)<=0},a.prototype.eqn=function(t){return 0===this.cmpn(t)},a.prototype.eq=function(t){return 0===this.cmp(t)},a.red=function(t){return new w(t)},a.prototype.toRed=function(t){return n(!this.red,"Already a number in reduction context"),n(0===this.negative,"red works only with positives"),t.convertTo(this)._forceRed(t)},a.prototype.fromRed=function(){return n(this.red,"fromRed works only with numbers in reduction context"),this.red.convertFrom(this)},a.prototype._forceRed=function(t){return this.red=t,this},a.prototype.forceRed=function(t){return n(!this.red,"Already a number in reduction context"),this._forceRed(t)},a.prototype.redAdd=function(t){return n(this.red,"redAdd works only with red numbers"),this.red.add(this,t)},a.prototype.redIAdd=function(t){return n(this.red,"redIAdd works only with red numbers"),this.red.iadd(this,t)},a.prototype.redSub=function(t){return n(this.red,"redSub works only with red numbers"),this.red.sub(this,t)},a.prototype.redISub=function(t){return n(this.red,"redISub works only with red numbers"),this.red.isub(this,t)},a.prototype.redShl=function(t){return n(this.red,"redShl works only with red numbers"),this.red.shl(this,t)},a.prototype.redMul=function(t){return n(this.red,"redMul works only with red numbers"),this.red._verify2(this,t),this.red.mul(this,t)},a.prototype.redIMul=function(t){return n(this.red,"redMul works only with red numbers"),this.red._verify2(this,t),this.red.imul(this,t)},a.prototype.redSqr=function(){return n(this.red,"redSqr works only with red numbers"),this.red._verify1(this),this.red.sqr(this)},a.prototype.redISqr=function(){return n(this.red,"redISqr works only with red numbers"),this.red._verify1(this),this.red.isqr(this)},a.prototype.redSqrt=function(){return n(this.red,"redSqrt works only with red numbers"),this.red._verify1(this),this.red.sqrt(this)},a.prototype.redInvm=function(){return n(this.red,"redInvm works only with red numbers"),this.red._verify1(this),this.red.invm(this)},a.prototype.redNeg=function(){return n(this.red,"redNeg works only with red numbers"),this.red._verify1(this),this.red.neg(this)},a.prototype.redPow=function(t){return n(this.red&&!t.red,"redPow(normalNum)"),this.red._verify1(this),this.red.pow(this,t)};var m={k256:null,p224:null,p192:null,p25519:null};function v(t,e){this.name=t,this.p=new a(e,16),this.n=this.p.bitLength(),this.k=new a(1).iushln(this.n).isub(this.p),this.tmp=this._tmp()}function y(){v.call(this,"k256","ffffffff ffffffff ffffffff ffffffff ffffffff ffffffff fffffffe fffffc2f")}function x(){v.call(this,"p224","ffffffff ffffffff ffffffff ffffffff 00000000 00000000 00000001")}function b(){v.call(this,"p192","ffffffff ffffffff ffffffff fffffffe ffffffff ffffffff")}function _(){v.call(this,"25519","7fffffffffffffff ffffffffffffffff ffffffffffffffff ffffffffffffffed")}function w(t){if("string"==typeof t){var e=a._prime(t);this.m=e.p,this.prime=e}else n(t.gtn(1),"modulus must be greater than 1"),this.m=t,this.prime=null}function T(t){w.call(this,t),this.shift=this.m.bitLength(),this.shift%26!=0&&(this.shift+=26-this.shift%26),this.r=new a(1).iushln(this.shift),this.r2=this.imod(this.r.sqr()),this.rinv=this.r._invmp(this.m),this.minv=this.rinv.mul(this.r).isubn(1).div(this.m),this.minv=this.minv.umod(this.r),this.minv=this.r.sub(this.minv)}v.prototype._tmp=function(){var t=new a(null);return t.words=new Array(Math.ceil(this.n/13)),t},v.prototype.ireduce=function(t){var e,r=t;do{this.split(r,this.tmp),e=(r=(r=this.imulK(r)).iadd(this.tmp)).bitLength()}while(e>this.n);var n=e0?r.isub(this.p):r.strip(),r},v.prototype.split=function(t,e){t.iushrn(this.n,0,e)},v.prototype.imulK=function(t){return t.imul(this.k)},i(y,v),y.prototype.split=function(t,e){for(var r=Math.min(t.length,9),n=0;n>>22,i=a}i>>>=22,t.words[n-10]=i,0===i&&t.length>10?t.length-=10:t.length-=9},y.prototype.imulK=function(t){t.words[t.length]=0,t.words[t.length+1]=0,t.length+=2;for(var e=0,r=0;r>>=26,t.words[r]=i,e=n}return 0!==e&&(t.words[t.length++]=e),t},a._prime=function(t){if(m[t])return m[t];var e;if("k256"===t)e=new y;else if("p224"===t)e=new x;else if("p192"===t)e=new b;else{if("p25519"!==t)throw new Error("Unknown prime "+t);e=new _}return m[t]=e,e},w.prototype._verify1=function(t){n(0===t.negative,"red works only with positives"),n(t.red,"red works only with red numbers")},w.prototype._verify2=function(t,e){n(0==(t.negative|e.negative),"red works only with positives"),n(t.red&&t.red===e.red,"red works only with red numbers")},w.prototype.imod=function(t){return this.prime?this.prime.ireduce(t)._forceRed(this):t.umod(this.m)._forceRed(this)},w.prototype.neg=function(t){return t.isZero()?t.clone():this.m.sub(t)._forceRed(this)},w.prototype.add=function(t,e){this._verify2(t,e);var r=t.add(e);return r.cmp(this.m)>=0&&r.isub(this.m),r._forceRed(this)},w.prototype.iadd=function(t,e){this._verify2(t,e);var r=t.iadd(e);return r.cmp(this.m)>=0&&r.isub(this.m),r},w.prototype.sub=function(t,e){this._verify2(t,e);var r=t.sub(e);return r.cmpn(0)<0&&r.iadd(this.m),r._forceRed(this)},w.prototype.isub=function(t,e){this._verify2(t,e);var r=t.isub(e);return r.cmpn(0)<0&&r.iadd(this.m),r},w.prototype.shl=function(t,e){return this._verify1(t),this.imod(t.ushln(e))},w.prototype.imul=function(t,e){return this._verify2(t,e),this.imod(t.imul(e))},w.prototype.mul=function(t,e){return this._verify2(t,e),this.imod(t.mul(e))},w.prototype.isqr=function(t){return this.imul(t,t.clone())},w.prototype.sqr=function(t){return this.mul(t,t)},w.prototype.sqrt=function(t){if(t.isZero())return t.clone();var e=this.m.andln(3);if(n(e%2==1),3===e){var r=this.m.add(new a(1)).iushrn(2);return this.pow(t,r)}for(var i=this.m.subn(1),o=0;!i.isZero()&&0===i.andln(1);)o++,i.iushrn(1);n(!i.isZero());var s=new a(1).toRed(this),l=s.redNeg(),c=this.m.subn(1).iushrn(1),u=this.m.bitLength();for(u=new a(2*u*u).toRed(this);0!==this.pow(u,c).cmp(l);)u.redIAdd(l);for(var f=this.pow(u,i),h=this.pow(t,i.addn(1).iushrn(1)),p=this.pow(t,i),d=o;0!==p.cmp(s);){for(var g=p,m=0;0!==g.cmp(s);m++)g=g.redSqr();n(m=0;n--){for(var c=e.words[n],u=l-1;u>=0;u--){var f=c>>u&1;i!==r[0]&&(i=this.sqr(i)),0!==f||0!==o?(o<<=1,o|=f,(4===++s||0===n&&0===u)&&(i=this.mul(i,r[o]),s=0,o=0)):s=0}l=26}return i},w.prototype.convertTo=function(t){var e=t.umod(this.m);return e===t?e.clone():e},w.prototype.convertFrom=function(t){var e=t.clone();return e.red=null,e},a.mont=function(t){return new T(t)},i(T,w),T.prototype.convertTo=function(t){return this.imod(t.ushln(this.shift))},T.prototype.convertFrom=function(t){var e=this.imod(t.mul(this.rinv));return e.red=null,e},T.prototype.imul=function(t,e){if(t.isZero()||e.isZero())return t.words[0]=0,t.length=1,t;var r=t.imul(e),n=r.maskn(this.shift).mul(this.minv).imaskn(this.shift).mul(this.m),i=r.isub(n).iushrn(this.shift),a=i;return i.cmp(this.m)>=0?a=i.isub(this.m):i.cmpn(0)<0&&(a=i.iadd(this.m)),a._forceRed(this)},T.prototype.mul=function(t,e){if(t.isZero()||e.isZero())return new a(0)._forceRed(this);var r=t.mul(e),n=r.maskn(this.shift).mul(this.minv).imaskn(this.shift).mul(this.m),i=r.isub(n).iushrn(this.shift),o=i;return i.cmp(this.m)>=0?o=i.isub(this.m):i.cmpn(0)<0&&(o=i.iadd(this.m)),o._forceRed(this)},T.prototype.invm=function(t){return this.imod(t._invmp(this.m).mul(this.r2))._forceRed(this)}}("undefined"==typeof e||e,this)},{buffer:108}],100:[function(t,e,r){"use strict";e.exports=function(t){var e,r,n,i=t.length,a=0;for(e=0;e>>1;if(!(u<=0)){var f,h=i.mallocDouble(2*u*s),p=i.mallocInt32(s);if((s=l(t,u,h,p))>0){if(1===u&&n)a.init(s),f=a.sweepComplete(u,r,0,s,h,p,0,s,h,p);else{var d=i.mallocDouble(2*u*c),g=i.mallocInt32(c);(c=l(e,u,d,g))>0&&(a.init(s+c),f=1===u?a.sweepBipartite(u,r,0,s,h,p,0,c,d,g):o(u,r,n,s,h,p,c,d,g),i.free(d),i.free(g))}i.free(h),i.free(p)}return f}}}function u(t,e){n.push([t,e])}function f(t){return n=[],c(t,t,u,!0),n}function h(t,e){return n=[],c(t,e,u,!1),n}},{"./lib/intersect":103,"./lib/sweep":107,"typedarray-pool":595}],102:[function(t,e,r){"use strict";var n=["d","ax","vv","rs","re","rb","ri","bs","be","bb","bi"];function i(t){var e="bruteForce"+(t?"Full":"Partial"),r=[],i=n.slice();t||i.splice(3,0,"fp");var a=["function "+e+"("+i.join()+"){"];function o(e,i){var o=function(t,e,r){var i="bruteForce"+(t?"Red":"Blue")+(e?"Flip":"")+(r?"Full":""),a=["function ",i,"(",n.join(),"){","var ","es","=2*","d",";"],o="for(var i=rs,rp=es*rs;ibe-bs){"),t?(o(!0,!1),a.push("}else{"),o(!1,!1)):(a.push("if(fp){"),o(!0,!0),a.push("}else{"),o(!0,!1),a.push("}}else{if(fp){"),o(!1,!0),a.push("}else{"),o(!1,!1),a.push("}")),a.push("}}return "+e);var s=r.join("")+a.join("");return new Function(s)()}r.partial=i(!1),r.full=i(!0)},{}],103:[function(t,e,r){"use strict";e.exports=function(t,e,r,a,u,w,T,k,M){!function(t,e){var r=8*i.log2(e+1)*(t+1)|0,a=i.nextPow2(6*r);v.length0;){var C=6*(S-=1),L=v[C],I=v[C+1],P=v[C+2],z=v[C+3],O=v[C+4],D=v[C+5],R=2*S,F=y[R],B=y[R+1],N=1&D,j=!!(16&D),U=u,V=w,q=k,H=M;if(N&&(U=k,V=M,q=u,H=w),!(2&D&&(P=p(t,L,I,P,U,V,B),I>=P)||4&D&&(I=d(t,L,I,P,U,V,F))>=P)){var G=P-I,Y=O-z;if(j){if(t*G*(G+Y)<1<<22){if(void 0!==(A=l.scanComplete(t,L,e,I,P,U,V,z,O,q,H)))return A;continue}}else{if(t*Math.min(G,Y)<128){if(void 0!==(A=o(t,L,e,N,I,P,U,V,z,O,q,H)))return A;continue}if(t*G*Y<1<<22){if(void 0!==(A=l.scanBipartite(t,L,e,N,I,P,U,V,z,O,q,H)))return A;continue}}var W=f(t,L,I,P,U,V,F,B);if(I=p0)&&!(p1>=hi)",["p0","p1"]),h=u("lo===p0",["p0"]),p=u("lo>>1,f=2*t,h=u,p=o[f*u+e];for(;l=y?(h=v,p=y):m>=b?(h=g,p=m):(h=x,p=b):y>=b?(h=v,p=y):b>=m?(h=g,p=m):(h=x,p=b);for(var _=f*(c-1),w=f*h,T=0;Tr&&i[f+e]>c;--u,f-=o){for(var h=f,p=f+o,d=0;d=0&&n.push("lo=e[k+n]");t.indexOf("hi")>=0&&n.push("hi=e[k+o]");return r.push("for(var j=2*a,k=j*c,l=k,m=c,n=b,o=a+b,p=c;d>p;++p,k+=j){var _;if($)if(m===p)m+=1,l+=j;else{for(var s=0;j>s;++s){var t=e[k+s];e[k+s]=e[l],e[l++]=t}var u=f[p];f[p]=f[m],f[m++]=u}}return m".replace("_",n.join()).replace("$",t)),Function.apply(void 0,r)}},{}],106:[function(t,e,r){"use strict";e.exports=function(t,e){e<=128?n(0,e-1,t):function t(e,r,u){var f=(r-e+1)/6|0,h=e+f,p=r-f,d=e+r>>1,g=d-f,m=d+f,v=h,y=g,x=d,b=m,_=p,w=e+1,T=r-1,k=0;l(v,y,u)&&(k=v,v=y,y=k);l(b,_,u)&&(k=b,b=_,_=k);l(v,x,u)&&(k=v,v=x,x=k);l(y,x,u)&&(k=y,y=x,x=k);l(v,b,u)&&(k=v,v=b,b=k);l(x,b,u)&&(k=x,x=b,b=k);l(y,_,u)&&(k=y,y=_,_=k);l(y,x,u)&&(k=y,y=x,x=k);l(b,_,u)&&(k=b,b=_,_=k);for(var M=u[2*y],A=u[2*y+1],S=u[2*b],E=u[2*b+1],C=2*v,L=2*x,I=2*_,P=2*h,z=2*d,O=2*p,D=0;D<2;++D){var R=u[C+D],F=u[L+D],B=u[I+D];u[P+D]=R,u[z+D]=F,u[O+D]=B}a(g,e,u),a(m,r,u);for(var N=w;N<=T;++N)if(c(N,M,A,u))N!==w&&i(N,w,u),++w;else if(!c(N,S,E,u))for(;;){if(c(T,S,E,u)){c(T,M,A,u)?(o(N,w,T,u),++w,--T):(i(N,T,u),--T);break}if(--Tt;){var c=r[l-2],u=r[l-1];if(cr[e+1])}function c(t,e,r,n){var i=n[t*=2];return i>>1;a(h,A);var S=0,E=0;for(w=0;w=1<<28)p(l,c,E--,C=C-(1<<28)|0);else if(C>=0)p(o,s,S--,C);else if(C<=-(1<<28)){C=-C-(1<<28)|0;for(var L=0;L>>1;a(h,E);var C=0,L=0,I=0;for(k=0;k>1==h[2*k+3]>>1&&(z=2,k+=1),P<0){for(var O=-(P>>1)-1,D=0;D>1)-1;0===z?p(o,s,C--,O):1===z?p(l,c,L--,O):2===z&&p(u,f,I--,O)}}},scanBipartite:function(t,e,r,n,i,l,c,u,f,g,m,v){var y=0,x=2*t,b=e,_=e+t,w=1,T=1;n?T=1<<28:w=1<<28;for(var k=i;k>>1;a(h,E);var C=0;for(k=0;k=1<<28?(I=!n,M-=1<<28):(I=!!n,M-=1),I)d(o,s,C++,M);else{var P=v[M],z=x*M,O=m[z+e+1],D=m[z+e+1+t];t:for(var R=0;R>>1;a(h,w);var T=0;for(y=0;y=1<<28)o[T++]=x-(1<<28);else{var M=p[x-=1],A=g*x,S=f[A+e+1],E=f[A+e+1+t];t:for(var C=0;C=0;--C)if(o[C]===x){for(z=C+1;z0&&o.length>i&&!o.warned){o.warned=!0;var l=new Error("Possible EventEmitter memory leak detected. "+o.length+" "+String(e)+" listeners added. Use emitter.setMaxListeners() to increase limit");l.name="MaxListenersExceededWarning",l.emitter=t,l.type=e,l.count=o.length,s=l,console&&console.warn&&console.warn(s)}return t}function h(){if(!this.fired)return this.target.removeListener(this.type,this.wrapFn),this.fired=!0,0===arguments.length?this.listener.call(this.target):this.listener.apply(this.target,arguments)}function p(t,e,r){var n={fired:!1,wrapFn:void 0,target:t,type:e,listener:r},i=h.bind(n);return i.listener=r,n.wrapFn=i,i}function d(t,e,r){var n=t._events;if(void 0===n)return[];var i=n[e];return void 0===i?[]:"function"==typeof i?r?[i.listener||i]:[i]:r?function(t){for(var e=new Array(t.length),r=0;r0&&(o=e[0]),o instanceof Error)throw o;var s=new Error("Unhandled error."+(o?" ("+o.message+")":""));throw s.context=o,s}var l=i[t];if(void 0===l)return!1;if("function"==typeof l)a(l,this,e);else{var c=l.length,u=m(l,c);for(r=0;r=0;a--)if(r[a]===e||r[a].listener===e){o=r[a].listener,i=a;break}if(i<0)return this;0===i?r.shift():function(t,e){for(;e+1=0;n--)this.removeListener(t,e[n]);return this},s.prototype.listeners=function(t){return d(this,t,!0)},s.prototype.rawListeners=function(t){return d(this,t,!1)},s.listenerCount=function(t,e){return"function"==typeof t.listenerCount?t.listenerCount(e):g.call(t,e)},s.prototype.listenerCount=g,s.prototype.eventNames=function(){return this._eventsCount>0?n(this._events):[]}},{}],111:[function(t,e,r){(function(e){(function(){ +/*! + * The buffer module from node.js, for the browser. + * + * @author Feross Aboukhadijeh + * @license MIT + */ +"use strict";var e=t("base64-js"),n=t("ieee754");r.Buffer=a,r.SlowBuffer=function(t){+t!=t&&(t=0);return a.alloc(+t)},r.INSPECT_MAX_BYTES=50;function i(t){if(t>2147483647)throw new RangeError('The value "'+t+'" is invalid for option "size"');var e=new Uint8Array(t);return e.__proto__=a.prototype,e}function a(t,e,r){if("number"==typeof t){if("string"==typeof e)throw new TypeError('The "string" argument must be of type string. Received type number');return l(t)}return o(t,e,r)}function o(t,e,r){if("string"==typeof t)return function(t,e){"string"==typeof e&&""!==e||(e="utf8");if(!a.isEncoding(e))throw new TypeError("Unknown encoding: "+e);var r=0|f(t,e),n=i(r),o=n.write(t,e);o!==r&&(n=n.slice(0,o));return n}(t,e);if(ArrayBuffer.isView(t))return c(t);if(null==t)throw TypeError("The first argument must be one of type string, Buffer, ArrayBuffer, Array, or Array-like Object. Received type "+typeof t);if(B(t,ArrayBuffer)||t&&B(t.buffer,ArrayBuffer))return function(t,e,r){if(e<0||t.byteLength=2147483647)throw new RangeError("Attempt to allocate Buffer larger than maximum size: 0x"+2147483647..toString(16)+" bytes");return 0|t}function f(t,e){if(a.isBuffer(t))return t.length;if(ArrayBuffer.isView(t)||B(t,ArrayBuffer))return t.byteLength;if("string"!=typeof t)throw new TypeError('The "string" argument must be one of type string, Buffer, or ArrayBuffer. Received type '+typeof t);var r=t.length,n=arguments.length>2&&!0===arguments[2];if(!n&&0===r)return 0;for(var i=!1;;)switch(e){case"ascii":case"latin1":case"binary":return r;case"utf8":case"utf-8":return D(t).length;case"ucs2":case"ucs-2":case"utf16le":case"utf-16le":return 2*r;case"hex":return r>>>1;case"base64":return R(t).length;default:if(i)return n?-1:D(t).length;e=(""+e).toLowerCase(),i=!0}}function h(t,e,r){var n=!1;if((void 0===e||e<0)&&(e=0),e>this.length)return"";if((void 0===r||r>this.length)&&(r=this.length),r<=0)return"";if((r>>>=0)<=(e>>>=0))return"";for(t||(t="utf8");;)switch(t){case"hex":return A(this,e,r);case"utf8":case"utf-8":return T(this,e,r);case"ascii":return k(this,e,r);case"latin1":case"binary":return M(this,e,r);case"base64":return w(this,e,r);case"ucs2":case"ucs-2":case"utf16le":case"utf-16le":return S(this,e,r);default:if(n)throw new TypeError("Unknown encoding: "+t);t=(t+"").toLowerCase(),n=!0}}function p(t,e,r){var n=t[e];t[e]=t[r],t[r]=n}function d(t,e,r,n,i){if(0===t.length)return-1;if("string"==typeof r?(n=r,r=0):r>2147483647?r=2147483647:r<-2147483648&&(r=-2147483648),N(r=+r)&&(r=i?0:t.length-1),r<0&&(r=t.length+r),r>=t.length){if(i)return-1;r=t.length-1}else if(r<0){if(!i)return-1;r=0}if("string"==typeof e&&(e=a.from(e,n)),a.isBuffer(e))return 0===e.length?-1:g(t,e,r,n,i);if("number"==typeof e)return e&=255,"function"==typeof Uint8Array.prototype.indexOf?i?Uint8Array.prototype.indexOf.call(t,e,r):Uint8Array.prototype.lastIndexOf.call(t,e,r):g(t,[e],r,n,i);throw new TypeError("val must be string, number or Buffer")}function g(t,e,r,n,i){var a,o=1,s=t.length,l=e.length;if(void 0!==n&&("ucs2"===(n=String(n).toLowerCase())||"ucs-2"===n||"utf16le"===n||"utf-16le"===n)){if(t.length<2||e.length<2)return-1;o=2,s/=2,l/=2,r/=2}function c(t,e){return 1===o?t[e]:t.readUInt16BE(e*o)}if(i){var u=-1;for(a=r;as&&(r=s-l),a=r;a>=0;a--){for(var f=!0,h=0;hi&&(n=i):n=i;var a=e.length;n>a/2&&(n=a/2);for(var o=0;o>8,i=r%256,a.push(i),a.push(n);return a}(e,t.length-r),t,r,n)}function w(t,r,n){return 0===r&&n===t.length?e.fromByteArray(t):e.fromByteArray(t.slice(r,n))}function T(t,e,r){r=Math.min(t.length,r);for(var n=[],i=e;i239?4:c>223?3:c>191?2:1;if(i+f<=r)switch(f){case 1:c<128&&(u=c);break;case 2:128==(192&(a=t[i+1]))&&(l=(31&c)<<6|63&a)>127&&(u=l);break;case 3:a=t[i+1],o=t[i+2],128==(192&a)&&128==(192&o)&&(l=(15&c)<<12|(63&a)<<6|63&o)>2047&&(l<55296||l>57343)&&(u=l);break;case 4:a=t[i+1],o=t[i+2],s=t[i+3],128==(192&a)&&128==(192&o)&&128==(192&s)&&(l=(15&c)<<18|(63&a)<<12|(63&o)<<6|63&s)>65535&&l<1114112&&(u=l)}null===u?(u=65533,f=1):u>65535&&(u-=65536,n.push(u>>>10&1023|55296),u=56320|1023&u),n.push(u),i+=f}return function(t){var e=t.length;if(e<=4096)return String.fromCharCode.apply(String,t);var r="",n=0;for(;ne&&(t+=" ... "),""},a.prototype.compare=function(t,e,r,n,i){if(B(t,Uint8Array)&&(t=a.from(t,t.offset,t.byteLength)),!a.isBuffer(t))throw new TypeError('The "target" argument must be one of type Buffer or Uint8Array. Received type '+typeof t);if(void 0===e&&(e=0),void 0===r&&(r=t?t.length:0),void 0===n&&(n=0),void 0===i&&(i=this.length),e<0||r>t.length||n<0||i>this.length)throw new RangeError("out of range index");if(n>=i&&e>=r)return 0;if(n>=i)return-1;if(e>=r)return 1;if(this===t)return 0;for(var o=(i>>>=0)-(n>>>=0),s=(r>>>=0)-(e>>>=0),l=Math.min(o,s),c=this.slice(n,i),u=t.slice(e,r),f=0;f>>=0,isFinite(r)?(r>>>=0,void 0===n&&(n="utf8")):(n=r,r=void 0)}var i=this.length-e;if((void 0===r||r>i)&&(r=i),t.length>0&&(r<0||e<0)||e>this.length)throw new RangeError("Attempt to write outside buffer bounds");n||(n="utf8");for(var a=!1;;)switch(n){case"hex":return m(this,t,e,r);case"utf8":case"utf-8":return v(this,t,e,r);case"ascii":return y(this,t,e,r);case"latin1":case"binary":return x(this,t,e,r);case"base64":return b(this,t,e,r);case"ucs2":case"ucs-2":case"utf16le":case"utf-16le":return _(this,t,e,r);default:if(a)throw new TypeError("Unknown encoding: "+n);n=(""+n).toLowerCase(),a=!0}},a.prototype.toJSON=function(){return{type:"Buffer",data:Array.prototype.slice.call(this._arr||this,0)}};function k(t,e,r){var n="";r=Math.min(t.length,r);for(var i=e;in)&&(r=n);for(var i="",a=e;ar)throw new RangeError("Trying to access beyond buffer length")}function C(t,e,r,n,i,o){if(!a.isBuffer(t))throw new TypeError('"buffer" argument must be a Buffer instance');if(e>i||et.length)throw new RangeError("Index out of range")}function L(t,e,r,n,i,a){if(r+n>t.length)throw new RangeError("Index out of range");if(r<0)throw new RangeError("Index out of range")}function I(t,e,r,i,a){return e=+e,r>>>=0,a||L(t,0,r,4),n.write(t,e,r,i,23,4),r+4}function P(t,e,r,i,a){return e=+e,r>>>=0,a||L(t,0,r,8),n.write(t,e,r,i,52,8),r+8}a.prototype.slice=function(t,e){var r=this.length;(t=~~t)<0?(t+=r)<0&&(t=0):t>r&&(t=r),(e=void 0===e?r:~~e)<0?(e+=r)<0&&(e=0):e>r&&(e=r),e>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t],i=1,a=0;++a>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t+--e],i=1;e>0&&(i*=256);)n+=this[t+--e]*i;return n},a.prototype.readUInt8=function(t,e){return t>>>=0,e||E(t,1,this.length),this[t]},a.prototype.readUInt16LE=function(t,e){return t>>>=0,e||E(t,2,this.length),this[t]|this[t+1]<<8},a.prototype.readUInt16BE=function(t,e){return t>>>=0,e||E(t,2,this.length),this[t]<<8|this[t+1]},a.prototype.readUInt32LE=function(t,e){return t>>>=0,e||E(t,4,this.length),(this[t]|this[t+1]<<8|this[t+2]<<16)+16777216*this[t+3]},a.prototype.readUInt32BE=function(t,e){return t>>>=0,e||E(t,4,this.length),16777216*this[t]+(this[t+1]<<16|this[t+2]<<8|this[t+3])},a.prototype.readIntLE=function(t,e,r){t>>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t],i=1,a=0;++a=(i*=128)&&(n-=Math.pow(2,8*e)),n},a.prototype.readIntBE=function(t,e,r){t>>>=0,e>>>=0,r||E(t,e,this.length);for(var n=e,i=1,a=this[t+--n];n>0&&(i*=256);)a+=this[t+--n]*i;return a>=(i*=128)&&(a-=Math.pow(2,8*e)),a},a.prototype.readInt8=function(t,e){return t>>>=0,e||E(t,1,this.length),128&this[t]?-1*(255-this[t]+1):this[t]},a.prototype.readInt16LE=function(t,e){t>>>=0,e||E(t,2,this.length);var r=this[t]|this[t+1]<<8;return 32768&r?4294901760|r:r},a.prototype.readInt16BE=function(t,e){t>>>=0,e||E(t,2,this.length);var r=this[t+1]|this[t]<<8;return 32768&r?4294901760|r:r},a.prototype.readInt32LE=function(t,e){return t>>>=0,e||E(t,4,this.length),this[t]|this[t+1]<<8|this[t+2]<<16|this[t+3]<<24},a.prototype.readInt32BE=function(t,e){return t>>>=0,e||E(t,4,this.length),this[t]<<24|this[t+1]<<16|this[t+2]<<8|this[t+3]},a.prototype.readFloatLE=function(t,e){return t>>>=0,e||E(t,4,this.length),n.read(this,t,!0,23,4)},a.prototype.readFloatBE=function(t,e){return t>>>=0,e||E(t,4,this.length),n.read(this,t,!1,23,4)},a.prototype.readDoubleLE=function(t,e){return t>>>=0,e||E(t,8,this.length),n.read(this,t,!0,52,8)},a.prototype.readDoubleBE=function(t,e){return t>>>=0,e||E(t,8,this.length),n.read(this,t,!1,52,8)},a.prototype.writeUIntLE=function(t,e,r,n){(t=+t,e>>>=0,r>>>=0,n)||C(this,t,e,r,Math.pow(2,8*r)-1,0);var i=1,a=0;for(this[e]=255&t;++a>>=0,r>>>=0,n)||C(this,t,e,r,Math.pow(2,8*r)-1,0);var i=r-1,a=1;for(this[e+i]=255&t;--i>=0&&(a*=256);)this[e+i]=t/a&255;return e+r},a.prototype.writeUInt8=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,1,255,0),this[e]=255&t,e+1},a.prototype.writeUInt16LE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,2,65535,0),this[e]=255&t,this[e+1]=t>>>8,e+2},a.prototype.writeUInt16BE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,2,65535,0),this[e]=t>>>8,this[e+1]=255&t,e+2},a.prototype.writeUInt32LE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,4,4294967295,0),this[e+3]=t>>>24,this[e+2]=t>>>16,this[e+1]=t>>>8,this[e]=255&t,e+4},a.prototype.writeUInt32BE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,4,4294967295,0),this[e]=t>>>24,this[e+1]=t>>>16,this[e+2]=t>>>8,this[e+3]=255&t,e+4},a.prototype.writeIntLE=function(t,e,r,n){if(t=+t,e>>>=0,!n){var i=Math.pow(2,8*r-1);C(this,t,e,r,i-1,-i)}var a=0,o=1,s=0;for(this[e]=255&t;++a>0)-s&255;return e+r},a.prototype.writeIntBE=function(t,e,r,n){if(t=+t,e>>>=0,!n){var i=Math.pow(2,8*r-1);C(this,t,e,r,i-1,-i)}var a=r-1,o=1,s=0;for(this[e+a]=255&t;--a>=0&&(o*=256);)t<0&&0===s&&0!==this[e+a+1]&&(s=1),this[e+a]=(t/o>>0)-s&255;return e+r},a.prototype.writeInt8=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,1,127,-128),t<0&&(t=255+t+1),this[e]=255&t,e+1},a.prototype.writeInt16LE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,2,32767,-32768),this[e]=255&t,this[e+1]=t>>>8,e+2},a.prototype.writeInt16BE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,2,32767,-32768),this[e]=t>>>8,this[e+1]=255&t,e+2},a.prototype.writeInt32LE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,4,2147483647,-2147483648),this[e]=255&t,this[e+1]=t>>>8,this[e+2]=t>>>16,this[e+3]=t>>>24,e+4},a.prototype.writeInt32BE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,4,2147483647,-2147483648),t<0&&(t=4294967295+t+1),this[e]=t>>>24,this[e+1]=t>>>16,this[e+2]=t>>>8,this[e+3]=255&t,e+4},a.prototype.writeFloatLE=function(t,e,r){return I(this,t,e,!0,r)},a.prototype.writeFloatBE=function(t,e,r){return I(this,t,e,!1,r)},a.prototype.writeDoubleLE=function(t,e,r){return P(this,t,e,!0,r)},a.prototype.writeDoubleBE=function(t,e,r){return P(this,t,e,!1,r)},a.prototype.copy=function(t,e,r,n){if(!a.isBuffer(t))throw new TypeError("argument should be a Buffer");if(r||(r=0),n||0===n||(n=this.length),e>=t.length&&(e=t.length),e||(e=0),n>0&&n=this.length)throw new RangeError("Index out of range");if(n<0)throw new RangeError("sourceEnd out of bounds");n>this.length&&(n=this.length),t.length-e=0;--o)t[o+e]=this[o+r];else Uint8Array.prototype.set.call(t,this.subarray(r,n),e);return i},a.prototype.fill=function(t,e,r,n){if("string"==typeof t){if("string"==typeof e?(n=e,e=0,r=this.length):"string"==typeof r&&(n=r,r=this.length),void 0!==n&&"string"!=typeof n)throw new TypeError("encoding must be a string");if("string"==typeof n&&!a.isEncoding(n))throw new TypeError("Unknown encoding: "+n);if(1===t.length){var i=t.charCodeAt(0);("utf8"===n&&i<128||"latin1"===n)&&(t=i)}}else"number"==typeof t&&(t&=255);if(e<0||this.length>>=0,r=void 0===r?this.length:r>>>0,t||(t=0),"number"==typeof t)for(o=e;o55295&&r<57344){if(!i){if(r>56319){(e-=3)>-1&&a.push(239,191,189);continue}if(o+1===n){(e-=3)>-1&&a.push(239,191,189);continue}i=r;continue}if(r<56320){(e-=3)>-1&&a.push(239,191,189),i=r;continue}r=65536+(i-55296<<10|r-56320)}else i&&(e-=3)>-1&&a.push(239,191,189);if(i=null,r<128){if((e-=1)<0)break;a.push(r)}else if(r<2048){if((e-=2)<0)break;a.push(r>>6|192,63&r|128)}else if(r<65536){if((e-=3)<0)break;a.push(r>>12|224,r>>6&63|128,63&r|128)}else{if(!(r<1114112))throw new Error("Invalid code point");if((e-=4)<0)break;a.push(r>>18|240,r>>12&63|128,r>>6&63|128,63&r|128)}}return a}function R(t){return e.toByteArray(function(t){if((t=(t=t.split("=")[0]).trim().replace(z,"")).length<2)return"";for(;t.length%4!=0;)t+="=";return t}(t))}function F(t,e,r,n){for(var i=0;i=e.length||i>=t.length);++i)e[i+r]=t[i];return i}function B(t,e){return t instanceof e||null!=t&&null!=t.constructor&&null!=t.constructor.name&&t.constructor.name===e.name}function N(t){return t!=t}}).call(this)}).call(this,t("buffer").Buffer)},{"base64-js":79,buffer:111,ieee754:442}],112:[function(t,e,r){"use strict";var n=t("./lib/monotone"),i=t("./lib/triangulation"),a=t("./lib/delaunay"),o=t("./lib/filter");function s(t){return[Math.min(t[0],t[1]),Math.max(t[0],t[1])]}function l(t,e){return t[0]-e[0]||t[1]-e[1]}function c(t,e,r){return e in t?t[e]:r}e.exports=function(t,e,r){Array.isArray(e)?(r=r||{},e=e||[]):(r=e||{},e=[]);var u=!!c(r,"delaunay",!0),f=!!c(r,"interior",!0),h=!!c(r,"exterior",!0),p=!!c(r,"infinity",!1);if(!f&&!h||0===t.length)return[];var d=n(t,e);if(u||f!==h||p){for(var g=i(t.length,function(t){return t.map(s).sort(l)}(e)),m=0;m0;){for(var p=r.pop(),d=(s=r.pop(),u=-1,f=-1,l=o[s],1);d=0||(e.flip(s,p),i(t,e,r,u,s,f),i(t,e,r,s,f,u),i(t,e,r,f,p,u),i(t,e,r,p,u,f)))}}},{"binary-search-bounds":96,"robust-in-sphere":546}],114:[function(t,e,r){"use strict";var n,i=t("binary-search-bounds");function a(t,e,r,n,i,a,o){this.cells=t,this.neighbor=e,this.flags=n,this.constraint=r,this.active=i,this.next=a,this.boundary=o}function o(t,e){return t[0]-e[0]||t[1]-e[1]||t[2]-e[2]}e.exports=function(t,e,r){var n=function(t,e){for(var r=t.cells(),n=r.length,i=0;i0||l.length>0;){for(;s.length>0;){var p=s.pop();if(c[p]!==-i){c[p]=i;u[p];for(var d=0;d<3;++d){var g=h[3*p+d];g>=0&&0===c[g]&&(f[3*p+d]?l.push(g):(s.push(g),c[g]=i))}}}var m=l;l=s,s=m,l.length=0,i=-i}var v=function(t,e,r){for(var n=0,i=0;i1&&i(r[h[p-2]],r[h[p-1]],a)>0;)t.push([h[p-1],h[p-2],o]),p-=1;h.length=p,h.push(o);var d=f.upperIds;for(p=d.length;p>1&&i(r[d[p-2]],r[d[p-1]],a)<0;)t.push([d[p-2],d[p-1],o]),p-=1;d.length=p,d.push(o)}}function u(t,e){var r;return(r=t.a[0]d[0]&&i.push(new o(d,p,2,l),new o(p,d,1,l))}i.sort(s);for(var g=i[0].a[0]-(1+Math.abs(i[0].a[0]))*Math.pow(2,-52),m=[new a([g,1],[g,0],-1,[],[],[],[])],v=[],y=(l=0,i.length);l=0}}(),a.removeTriangle=function(t,e,r){var n=this.stars;o(n[t],e,r),o(n[e],r,t),o(n[r],t,e)},a.addTriangle=function(t,e,r){var n=this.stars;n[t].push(e,r),n[e].push(r,t),n[r].push(t,e)},a.opposite=function(t,e){for(var r=this.stars[e],n=1,i=r.length;nr?r:t:te?e:t}},{}],121:[function(t,e,r){"use strict";e.exports=function(t,e,r){var n;if(r){n=e;for(var i=new Array(e.length),a=0;ae[2]?1:0)}function v(t,e,r){if(0!==t.length){if(e)for(var n=0;n=0;--a){var x=e[u=(S=n[a])[0]],b=x[0],_=x[1],w=t[b],T=t[_];if((w[0]-T[0]||w[1]-T[1])<0){var k=b;b=_,_=k}x[0]=b;var M,A=x[1]=S[1];for(i&&(M=x[2]);a>0&&n[a-1][0]===u;){var S,E=(S=n[--a])[1];i?e.push([A,E,M]):e.push([A,E]),A=E}i?e.push([A,_,M]):e.push([A,_])}return h}(t,e,h,m,r));return v(e,y,r),!!y||(h.length>0||m.length>0)}},{"./lib/rat-seg-intersect":122,"big-rat":83,"big-rat/cmp":81,"big-rat/to-float":95,"box-intersect":101,nextafter:496,"rat-vec":530,"robust-segment-intersect":551,"union-find":596}],122:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){var a=s(e,t),f=s(n,r),h=u(a,f);if(0===o(h))return null;var p=s(t,r),d=u(f,p),g=i(d,h),m=c(a,g);return l(t,m)};var n=t("big-rat/mul"),i=t("big-rat/div"),a=t("big-rat/sub"),o=t("big-rat/sign"),s=t("rat-vec/sub"),l=t("rat-vec/add"),c=t("rat-vec/muls");function u(t,e){return a(n(t[0],e[1]),n(t[1],e[0]))}},{"big-rat/div":82,"big-rat/mul":92,"big-rat/sign":93,"big-rat/sub":94,"rat-vec/add":529,"rat-vec/muls":531,"rat-vec/sub":532}],123:[function(t,e,r){"use strict";var n=t("clamp");function i(t,e){null==e&&(e=!0);var r=t[0],i=t[1],a=t[2],o=t[3];return null==o&&(o=e?1:255),e&&(r*=255,i*=255,a*=255,o*=255),16777216*(r=255&n(r,0,255))+((i=255&n(i,0,255))<<16)+((a=255&n(a,0,255))<<8)+(o=255&n(o,0,255))}e.exports=i,e.exports.to=i,e.exports.from=function(t,e){var r=(t=+t)>>>24,n=(16711680&t)>>>16,i=(65280&t)>>>8,a=255&t;return!1===e?[r,n,i,a]:[r/255,n/255,i/255,a/255]}},{clamp:120}],124:[function(t,e,r){"use strict";e.exports={aliceblue:[240,248,255],antiquewhite:[250,235,215],aqua:[0,255,255],aquamarine:[127,255,212],azure:[240,255,255],beige:[245,245,220],bisque:[255,228,196],black:[0,0,0],blanchedalmond:[255,235,205],blue:[0,0,255],blueviolet:[138,43,226],brown:[165,42,42],burlywood:[222,184,135],cadetblue:[95,158,160],chartreuse:[127,255,0],chocolate:[210,105,30],coral:[255,127,80],cornflowerblue:[100,149,237],cornsilk:[255,248,220],crimson:[220,20,60],cyan:[0,255,255],darkblue:[0,0,139],darkcyan:[0,139,139],darkgoldenrod:[184,134,11],darkgray:[169,169,169],darkgreen:[0,100,0],darkgrey:[169,169,169],darkkhaki:[189,183,107],darkmagenta:[139,0,139],darkolivegreen:[85,107,47],darkorange:[255,140,0],darkorchid:[153,50,204],darkred:[139,0,0],darksalmon:[233,150,122],darkseagreen:[143,188,143],darkslateblue:[72,61,139],darkslategray:[47,79,79],darkslategrey:[47,79,79],darkturquoise:[0,206,209],darkviolet:[148,0,211],deeppink:[255,20,147],deepskyblue:[0,191,255],dimgray:[105,105,105],dimgrey:[105,105,105],dodgerblue:[30,144,255],firebrick:[178,34,34],floralwhite:[255,250,240],forestgreen:[34,139,34],fuchsia:[255,0,255],gainsboro:[220,220,220],ghostwhite:[248,248,255],gold:[255,215,0],goldenrod:[218,165,32],gray:[128,128,128],green:[0,128,0],greenyellow:[173,255,47],grey:[128,128,128],honeydew:[240,255,240],hotpink:[255,105,180],indianred:[205,92,92],indigo:[75,0,130],ivory:[255,255,240],khaki:[240,230,140],lavender:[230,230,250],lavenderblush:[255,240,245],lawngreen:[124,252,0],lemonchiffon:[255,250,205],lightblue:[173,216,230],lightcoral:[240,128,128],lightcyan:[224,255,255],lightgoldenrodyellow:[250,250,210],lightgray:[211,211,211],lightgreen:[144,238,144],lightgrey:[211,211,211],lightpink:[255,182,193],lightsalmon:[255,160,122],lightseagreen:[32,178,170],lightskyblue:[135,206,250],lightslategray:[119,136,153],lightslategrey:[119,136,153],lightsteelblue:[176,196,222],lightyellow:[255,255,224],lime:[0,255,0],limegreen:[50,205,50],linen:[250,240,230],magenta:[255,0,255],maroon:[128,0,0],mediumaquamarine:[102,205,170],mediumblue:[0,0,205],mediumorchid:[186,85,211],mediumpurple:[147,112,219],mediumseagreen:[60,179,113],mediumslateblue:[123,104,238],mediumspringgreen:[0,250,154],mediumturquoise:[72,209,204],mediumvioletred:[199,21,133],midnightblue:[25,25,112],mintcream:[245,255,250],mistyrose:[255,228,225],moccasin:[255,228,181],navajowhite:[255,222,173],navy:[0,0,128],oldlace:[253,245,230],olive:[128,128,0],olivedrab:[107,142,35],orange:[255,165,0],orangered:[255,69,0],orchid:[218,112,214],palegoldenrod:[238,232,170],palegreen:[152,251,152],paleturquoise:[175,238,238],palevioletred:[219,112,147],papayawhip:[255,239,213],peachpuff:[255,218,185],peru:[205,133,63],pink:[255,192,203],plum:[221,160,221],powderblue:[176,224,230],purple:[128,0,128],rebeccapurple:[102,51,153],red:[255,0,0],rosybrown:[188,143,143],royalblue:[65,105,225],saddlebrown:[139,69,19],salmon:[250,128,114],sandybrown:[244,164,96],seagreen:[46,139,87],seashell:[255,245,238],sienna:[160,82,45],silver:[192,192,192],skyblue:[135,206,235],slateblue:[106,90,205],slategray:[112,128,144],slategrey:[112,128,144],snow:[255,250,250],springgreen:[0,255,127],steelblue:[70,130,180],tan:[210,180,140],teal:[0,128,128],thistle:[216,191,216],tomato:[255,99,71],turquoise:[64,224,208],violet:[238,130,238],wheat:[245,222,179],white:[255,255,255],whitesmoke:[245,245,245],yellow:[255,255,0],yellowgreen:[154,205,50]}},{}],125:[function(t,e,r){"use strict";var n=t("color-rgba"),i=t("clamp"),a=t("dtype");e.exports=function(t,e){"float"!==e&&e||(e="array"),"uint"===e&&(e="uint8"),"uint_clamped"===e&&(e="uint8_clamped");var r=new(a(e))(4),o="uint8"!==e&&"uint8_clamped"!==e;return t.length&&"string"!=typeof t||((t=n(t))[0]/=255,t[1]/=255,t[2]/=255),function(t){return t instanceof Uint8Array||t instanceof Uint8ClampedArray||!!(Array.isArray(t)&&(t[0]>1||0===t[0])&&(t[1]>1||0===t[1])&&(t[2]>1||0===t[2])&&(!t[3]||t[3]>1))}(t)?(r[0]=t[0],r[1]=t[1],r[2]=t[2],r[3]=null!=t[3]?t[3]:255,o&&(r[0]/=255,r[1]/=255,r[2]/=255,r[3]/=255),r):(o?(r[0]=t[0],r[1]=t[1],r[2]=t[2],r[3]=null!=t[3]?t[3]:1):(r[0]=i(Math.floor(255*t[0]),0,255),r[1]=i(Math.floor(255*t[1]),0,255),r[2]=i(Math.floor(255*t[2]),0,255),r[3]=null==t[3]?255:i(Math.floor(255*t[3]),0,255)),r)}},{clamp:120,"color-rgba":127,dtype:175}],126:[function(t,e,r){(function(r){(function(){"use strict";var n=t("color-name"),i=t("is-plain-obj"),a=t("defined");e.exports=function(t){var e,s,l=[],c=1;if("string"==typeof t)if(n[t])l=n[t].slice(),s="rgb";else if("transparent"===t)c=0,s="rgb",l=[0,0,0];else if(/^#[A-Fa-f0-9]+$/.test(t)){var u=(p=t.slice(1)).length;c=1,u<=4?(l=[parseInt(p[0]+p[0],16),parseInt(p[1]+p[1],16),parseInt(p[2]+p[2],16)],4===u&&(c=parseInt(p[3]+p[3],16)/255)):(l=[parseInt(p[0]+p[1],16),parseInt(p[2]+p[3],16),parseInt(p[4]+p[5],16)],8===u&&(c=parseInt(p[6]+p[7],16)/255)),l[0]||(l[0]=0),l[1]||(l[1]=0),l[2]||(l[2]=0),s="rgb"}else if(e=/^((?:rgb|hs[lvb]|hwb|cmyk?|xy[zy]|gray|lab|lchu?v?|[ly]uv|lms)a?)\s*\(([^\)]*)\)/.exec(t)){var f=e[1],h="rgb"===f,p=f.replace(/a$/,"");s=p;u="cmyk"===p?4:"gray"===p?1:3;l=e[2].trim().split(/\s*,\s*/).map((function(t,e){if(/%$/.test(t))return e===u?parseFloat(t)/100:"rgb"===p?255*parseFloat(t)/100:parseFloat(t);if("h"===p[e]){if(/deg$/.test(t))return parseFloat(t);if(void 0!==o[t])return o[t]}return parseFloat(t)})),f===p&&l.push(1),c=h||void 0===l[u]?1:l[u],l=l.slice(0,u)}else t.length>10&&/[0-9](?:\s|\/)/.test(t)&&(l=t.match(/([0-9]+)/g).map((function(t){return parseFloat(t)})),s=t.match(/([a-z])/gi).join("").toLowerCase());else if(isNaN(t))if(i(t)){var d=a(t.r,t.red,t.R,null);null!==d?(s="rgb",l=[d,a(t.g,t.green,t.G),a(t.b,t.blue,t.B)]):(s="hsl",l=[a(t.h,t.hue,t.H),a(t.s,t.saturation,t.S),a(t.l,t.lightness,t.L,t.b,t.brightness)]),c=a(t.a,t.alpha,t.opacity,1),null!=t.opacity&&(c/=100)}else(Array.isArray(t)||r.ArrayBuffer&&ArrayBuffer.isView&&ArrayBuffer.isView(t))&&(l=[t[0],t[1],t[2]],s="rgb",c=4===t.length?t[3]:1);else s="rgb",l=[t>>>16,(65280&t)>>>8,255&t];return{space:s,values:l,alpha:c}};var o={red:0,orange:60,yellow:120,green:180,blue:240,purple:300}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"color-name":124,defined:170,"is-plain-obj":469}],127:[function(t,e,r){"use strict";var n=t("color-parse"),i=t("color-space/hsl"),a=t("clamp");e.exports=function(t){var e,r=n(t);return r.space?((e=Array(3))[0]=a(r.values[0],0,255),e[1]=a(r.values[1],0,255),e[2]=a(r.values[2],0,255),"h"===r.space[0]&&(e=i.rgb(e)),e.push(a(r.alpha,0,1)),e):[]}},{clamp:120,"color-parse":126,"color-space/hsl":128}],128:[function(t,e,r){"use strict";var n=t("./rgb");e.exports={name:"hsl",min:[0,0,0],max:[360,100,100],channel:["hue","saturation","lightness"],alias:["HSL"],rgb:function(t){var e,r,n,i,a,o=t[0]/360,s=t[1]/100,l=t[2]/100;if(0===s)return[a=255*l,a,a];e=2*l-(r=l<.5?l*(1+s):l+s-l*s),i=[0,0,0];for(var c=0;c<3;c++)(n=o+1/3*-(c-1))<0?n++:n>1&&n--,a=6*n<1?e+6*(r-e)*n:2*n<1?r:3*n<2?e+(r-e)*(2/3-n)*6:e,i[c]=255*a;return i}},n.hsl=function(t){var e,r,n=t[0]/255,i=t[1]/255,a=t[2]/255,o=Math.min(n,i,a),s=Math.max(n,i,a),l=s-o;return s===o?e=0:n===s?e=(i-a)/l:i===s?e=2+(a-n)/l:a===s&&(e=4+(n-i)/l),(e=Math.min(60*e,360))<0&&(e+=360),r=(o+s)/2,[e,100*(s===o?0:r<=.5?l/(s+o):l/(2-s-o)),100*r]}},{"./rgb":129}],129:[function(t,e,r){"use strict";e.exports={name:"rgb",min:[0,0,0],max:[255,255,255],channel:["red","green","blue"],alias:["RGB"]}},{}],130:[function(t,e,r){e.exports={jet:[{index:0,rgb:[0,0,131]},{index:.125,rgb:[0,60,170]},{index:.375,rgb:[5,255,255]},{index:.625,rgb:[255,255,0]},{index:.875,rgb:[250,0,0]},{index:1,rgb:[128,0,0]}],hsv:[{index:0,rgb:[255,0,0]},{index:.169,rgb:[253,255,2]},{index:.173,rgb:[247,255,2]},{index:.337,rgb:[0,252,4]},{index:.341,rgb:[0,252,10]},{index:.506,rgb:[1,249,255]},{index:.671,rgb:[2,0,253]},{index:.675,rgb:[8,0,253]},{index:.839,rgb:[255,0,251]},{index:.843,rgb:[255,0,245]},{index:1,rgb:[255,0,6]}],hot:[{index:0,rgb:[0,0,0]},{index:.3,rgb:[230,0,0]},{index:.6,rgb:[255,210,0]},{index:1,rgb:[255,255,255]}],cool:[{index:0,rgb:[0,255,255]},{index:1,rgb:[255,0,255]}],spring:[{index:0,rgb:[255,0,255]},{index:1,rgb:[255,255,0]}],summer:[{index:0,rgb:[0,128,102]},{index:1,rgb:[255,255,102]}],autumn:[{index:0,rgb:[255,0,0]},{index:1,rgb:[255,255,0]}],winter:[{index:0,rgb:[0,0,255]},{index:1,rgb:[0,255,128]}],bone:[{index:0,rgb:[0,0,0]},{index:.376,rgb:[84,84,116]},{index:.753,rgb:[169,200,200]},{index:1,rgb:[255,255,255]}],copper:[{index:0,rgb:[0,0,0]},{index:.804,rgb:[255,160,102]},{index:1,rgb:[255,199,127]}],greys:[{index:0,rgb:[0,0,0]},{index:1,rgb:[255,255,255]}],yignbu:[{index:0,rgb:[8,29,88]},{index:.125,rgb:[37,52,148]},{index:.25,rgb:[34,94,168]},{index:.375,rgb:[29,145,192]},{index:.5,rgb:[65,182,196]},{index:.625,rgb:[127,205,187]},{index:.75,rgb:[199,233,180]},{index:.875,rgb:[237,248,217]},{index:1,rgb:[255,255,217]}],greens:[{index:0,rgb:[0,68,27]},{index:.125,rgb:[0,109,44]},{index:.25,rgb:[35,139,69]},{index:.375,rgb:[65,171,93]},{index:.5,rgb:[116,196,118]},{index:.625,rgb:[161,217,155]},{index:.75,rgb:[199,233,192]},{index:.875,rgb:[229,245,224]},{index:1,rgb:[247,252,245]}],yiorrd:[{index:0,rgb:[128,0,38]},{index:.125,rgb:[189,0,38]},{index:.25,rgb:[227,26,28]},{index:.375,rgb:[252,78,42]},{index:.5,rgb:[253,141,60]},{index:.625,rgb:[254,178,76]},{index:.75,rgb:[254,217,118]},{index:.875,rgb:[255,237,160]},{index:1,rgb:[255,255,204]}],bluered:[{index:0,rgb:[0,0,255]},{index:1,rgb:[255,0,0]}],rdbu:[{index:0,rgb:[5,10,172]},{index:.35,rgb:[106,137,247]},{index:.5,rgb:[190,190,190]},{index:.6,rgb:[220,170,132]},{index:.7,rgb:[230,145,90]},{index:1,rgb:[178,10,28]}],picnic:[{index:0,rgb:[0,0,255]},{index:.1,rgb:[51,153,255]},{index:.2,rgb:[102,204,255]},{index:.3,rgb:[153,204,255]},{index:.4,rgb:[204,204,255]},{index:.5,rgb:[255,255,255]},{index:.6,rgb:[255,204,255]},{index:.7,rgb:[255,153,255]},{index:.8,rgb:[255,102,204]},{index:.9,rgb:[255,102,102]},{index:1,rgb:[255,0,0]}],rainbow:[{index:0,rgb:[150,0,90]},{index:.125,rgb:[0,0,200]},{index:.25,rgb:[0,25,255]},{index:.375,rgb:[0,152,255]},{index:.5,rgb:[44,255,150]},{index:.625,rgb:[151,255,0]},{index:.75,rgb:[255,234,0]},{index:.875,rgb:[255,111,0]},{index:1,rgb:[255,0,0]}],portland:[{index:0,rgb:[12,51,131]},{index:.25,rgb:[10,136,186]},{index:.5,rgb:[242,211,56]},{index:.75,rgb:[242,143,56]},{index:1,rgb:[217,30,30]}],blackbody:[{index:0,rgb:[0,0,0]},{index:.2,rgb:[230,0,0]},{index:.4,rgb:[230,210,0]},{index:.7,rgb:[255,255,255]},{index:1,rgb:[160,200,255]}],earth:[{index:0,rgb:[0,0,130]},{index:.1,rgb:[0,180,180]},{index:.2,rgb:[40,210,40]},{index:.4,rgb:[230,230,50]},{index:.6,rgb:[120,70,20]},{index:1,rgb:[255,255,255]}],electric:[{index:0,rgb:[0,0,0]},{index:.15,rgb:[30,0,100]},{index:.4,rgb:[120,0,100]},{index:.6,rgb:[160,90,0]},{index:.8,rgb:[230,200,0]},{index:1,rgb:[255,250,220]}],alpha:[{index:0,rgb:[255,255,255,0]},{index:1,rgb:[255,255,255,1]}],viridis:[{index:0,rgb:[68,1,84]},{index:.13,rgb:[71,44,122]},{index:.25,rgb:[59,81,139]},{index:.38,rgb:[44,113,142]},{index:.5,rgb:[33,144,141]},{index:.63,rgb:[39,173,129]},{index:.75,rgb:[92,200,99]},{index:.88,rgb:[170,220,50]},{index:1,rgb:[253,231,37]}],inferno:[{index:0,rgb:[0,0,4]},{index:.13,rgb:[31,12,72]},{index:.25,rgb:[85,15,109]},{index:.38,rgb:[136,34,106]},{index:.5,rgb:[186,54,85]},{index:.63,rgb:[227,89,51]},{index:.75,rgb:[249,140,10]},{index:.88,rgb:[249,201,50]},{index:1,rgb:[252,255,164]}],magma:[{index:0,rgb:[0,0,4]},{index:.13,rgb:[28,16,68]},{index:.25,rgb:[79,18,123]},{index:.38,rgb:[129,37,129]},{index:.5,rgb:[181,54,122]},{index:.63,rgb:[229,80,100]},{index:.75,rgb:[251,135,97]},{index:.88,rgb:[254,194,135]},{index:1,rgb:[252,253,191]}],plasma:[{index:0,rgb:[13,8,135]},{index:.13,rgb:[75,3,161]},{index:.25,rgb:[125,3,168]},{index:.38,rgb:[168,34,150]},{index:.5,rgb:[203,70,121]},{index:.63,rgb:[229,107,93]},{index:.75,rgb:[248,148,65]},{index:.88,rgb:[253,195,40]},{index:1,rgb:[240,249,33]}],warm:[{index:0,rgb:[125,0,179]},{index:.13,rgb:[172,0,187]},{index:.25,rgb:[219,0,170]},{index:.38,rgb:[255,0,130]},{index:.5,rgb:[255,63,74]},{index:.63,rgb:[255,123,0]},{index:.75,rgb:[234,176,0]},{index:.88,rgb:[190,228,0]},{index:1,rgb:[147,255,0]}],cool:[{index:0,rgb:[125,0,179]},{index:.13,rgb:[116,0,218]},{index:.25,rgb:[98,74,237]},{index:.38,rgb:[68,146,231]},{index:.5,rgb:[0,204,197]},{index:.63,rgb:[0,247,146]},{index:.75,rgb:[0,255,88]},{index:.88,rgb:[40,255,8]},{index:1,rgb:[147,255,0]}],"rainbow-soft":[{index:0,rgb:[125,0,179]},{index:.1,rgb:[199,0,180]},{index:.2,rgb:[255,0,121]},{index:.3,rgb:[255,108,0]},{index:.4,rgb:[222,194,0]},{index:.5,rgb:[150,255,0]},{index:.6,rgb:[0,255,55]},{index:.7,rgb:[0,246,150]},{index:.8,rgb:[50,167,222]},{index:.9,rgb:[103,51,235]},{index:1,rgb:[124,0,186]}],bathymetry:[{index:0,rgb:[40,26,44]},{index:.13,rgb:[59,49,90]},{index:.25,rgb:[64,76,139]},{index:.38,rgb:[63,110,151]},{index:.5,rgb:[72,142,158]},{index:.63,rgb:[85,174,163]},{index:.75,rgb:[120,206,163]},{index:.88,rgb:[187,230,172]},{index:1,rgb:[253,254,204]}],cdom:[{index:0,rgb:[47,15,62]},{index:.13,rgb:[87,23,86]},{index:.25,rgb:[130,28,99]},{index:.38,rgb:[171,41,96]},{index:.5,rgb:[206,67,86]},{index:.63,rgb:[230,106,84]},{index:.75,rgb:[242,149,103]},{index:.88,rgb:[249,193,135]},{index:1,rgb:[254,237,176]}],chlorophyll:[{index:0,rgb:[18,36,20]},{index:.13,rgb:[25,63,41]},{index:.25,rgb:[24,91,59]},{index:.38,rgb:[13,119,72]},{index:.5,rgb:[18,148,80]},{index:.63,rgb:[80,173,89]},{index:.75,rgb:[132,196,122]},{index:.88,rgb:[175,221,162]},{index:1,rgb:[215,249,208]}],density:[{index:0,rgb:[54,14,36]},{index:.13,rgb:[89,23,80]},{index:.25,rgb:[110,45,132]},{index:.38,rgb:[120,77,178]},{index:.5,rgb:[120,113,213]},{index:.63,rgb:[115,151,228]},{index:.75,rgb:[134,185,227]},{index:.88,rgb:[177,214,227]},{index:1,rgb:[230,241,241]}],"freesurface-blue":[{index:0,rgb:[30,4,110]},{index:.13,rgb:[47,14,176]},{index:.25,rgb:[41,45,236]},{index:.38,rgb:[25,99,212]},{index:.5,rgb:[68,131,200]},{index:.63,rgb:[114,156,197]},{index:.75,rgb:[157,181,203]},{index:.88,rgb:[200,208,216]},{index:1,rgb:[241,237,236]}],"freesurface-red":[{index:0,rgb:[60,9,18]},{index:.13,rgb:[100,17,27]},{index:.25,rgb:[142,20,29]},{index:.38,rgb:[177,43,27]},{index:.5,rgb:[192,87,63]},{index:.63,rgb:[205,125,105]},{index:.75,rgb:[216,162,148]},{index:.88,rgb:[227,199,193]},{index:1,rgb:[241,237,236]}],oxygen:[{index:0,rgb:[64,5,5]},{index:.13,rgb:[106,6,15]},{index:.25,rgb:[144,26,7]},{index:.38,rgb:[168,64,3]},{index:.5,rgb:[188,100,4]},{index:.63,rgb:[206,136,11]},{index:.75,rgb:[220,174,25]},{index:.88,rgb:[231,215,44]},{index:1,rgb:[248,254,105]}],par:[{index:0,rgb:[51,20,24]},{index:.13,rgb:[90,32,35]},{index:.25,rgb:[129,44,34]},{index:.38,rgb:[159,68,25]},{index:.5,rgb:[182,99,19]},{index:.63,rgb:[199,134,22]},{index:.75,rgb:[212,171,35]},{index:.88,rgb:[221,210,54]},{index:1,rgb:[225,253,75]}],phase:[{index:0,rgb:[145,105,18]},{index:.13,rgb:[184,71,38]},{index:.25,rgb:[186,58,115]},{index:.38,rgb:[160,71,185]},{index:.5,rgb:[110,97,218]},{index:.63,rgb:[50,123,164]},{index:.75,rgb:[31,131,110]},{index:.88,rgb:[77,129,34]},{index:1,rgb:[145,105,18]}],salinity:[{index:0,rgb:[42,24,108]},{index:.13,rgb:[33,50,162]},{index:.25,rgb:[15,90,145]},{index:.38,rgb:[40,118,137]},{index:.5,rgb:[59,146,135]},{index:.63,rgb:[79,175,126]},{index:.75,rgb:[120,203,104]},{index:.88,rgb:[193,221,100]},{index:1,rgb:[253,239,154]}],temperature:[{index:0,rgb:[4,35,51]},{index:.13,rgb:[23,51,122]},{index:.25,rgb:[85,59,157]},{index:.38,rgb:[129,79,143]},{index:.5,rgb:[175,95,130]},{index:.63,rgb:[222,112,101]},{index:.75,rgb:[249,146,66]},{index:.88,rgb:[249,196,65]},{index:1,rgb:[232,250,91]}],turbidity:[{index:0,rgb:[34,31,27]},{index:.13,rgb:[65,50,41]},{index:.25,rgb:[98,69,52]},{index:.38,rgb:[131,89,57]},{index:.5,rgb:[161,112,59]},{index:.63,rgb:[185,140,66]},{index:.75,rgb:[202,174,88]},{index:.88,rgb:[216,209,126]},{index:1,rgb:[233,246,171]}],"velocity-blue":[{index:0,rgb:[17,32,64]},{index:.13,rgb:[35,52,116]},{index:.25,rgb:[29,81,156]},{index:.38,rgb:[31,113,162]},{index:.5,rgb:[50,144,169]},{index:.63,rgb:[87,173,176]},{index:.75,rgb:[149,196,189]},{index:.88,rgb:[203,221,211]},{index:1,rgb:[254,251,230]}],"velocity-green":[{index:0,rgb:[23,35,19]},{index:.13,rgb:[24,64,38]},{index:.25,rgb:[11,95,45]},{index:.38,rgb:[39,123,35]},{index:.5,rgb:[95,146,12]},{index:.63,rgb:[152,165,18]},{index:.75,rgb:[201,186,69]},{index:.88,rgb:[233,216,137]},{index:1,rgb:[255,253,205]}],cubehelix:[{index:0,rgb:[0,0,0]},{index:.07,rgb:[22,5,59]},{index:.13,rgb:[60,4,105]},{index:.2,rgb:[109,1,135]},{index:.27,rgb:[161,0,147]},{index:.33,rgb:[210,2,142]},{index:.4,rgb:[251,11,123]},{index:.47,rgb:[255,29,97]},{index:.53,rgb:[255,54,69]},{index:.6,rgb:[255,85,46]},{index:.67,rgb:[255,120,34]},{index:.73,rgb:[255,157,37]},{index:.8,rgb:[241,191,57]},{index:.87,rgb:[224,220,93]},{index:.93,rgb:[218,241,142]},{index:1,rgb:[227,253,198]}]}},{}],131:[function(t,e,r){"use strict";var n=t("./colorScale"),i=t("lerp");function a(t){return[t[0]/255,t[1]/255,t[2]/255,t[3]]}function o(t){for(var e,r="#",n=0;n<3;++n)r+=("00"+(e=(e=t[n]).toString(16))).substr(e.length);return r}function s(t){return"rgba("+t.join(",")+")"}e.exports=function(t){var e,r,l,c,u,f,h,p,d,g;t||(t={});p=(t.nshades||72)-1,h=t.format||"hex",(f=t.colormap)||(f="jet");if("string"==typeof f){if(f=f.toLowerCase(),!n[f])throw Error(f+" not a supported colorscale");u=n[f]}else{if(!Array.isArray(f))throw Error("unsupported colormap option",f);u=f.slice()}if(u.length>p+1)throw new Error(f+" map requires nshades to be at least size "+u.length);d=Array.isArray(t.alpha)?2!==t.alpha.length?[1,1]:t.alpha.slice():"number"==typeof t.alpha?[t.alpha,t.alpha]:[1,1];e=u.map((function(t){return Math.round(t.index*p)})),d[0]=Math.min(Math.max(d[0],0),1),d[1]=Math.min(Math.max(d[1],0),1);var m=u.map((function(t,e){var r=u[e].index,n=u[e].rgb.slice();return 4===n.length&&n[3]>=0&&n[3]<=1||(n[3]=d[0]+(d[1]-d[0])*r),n})),v=[];for(g=0;g0||l(t,e,a)?-1:1:0===s?c>0||l(t,e,r)?1:-1:i(c-s)}var h=n(t,e,r);return h>0?o>0&&n(t,e,a)>0?1:-1:h<0?o>0||n(t,e,a)>0?1:-1:n(t,e,a)>0||l(t,e,r)?1:-1};var n=t("robust-orientation"),i=t("signum"),a=t("two-sum"),o=t("robust-product"),s=t("robust-sum");function l(t,e,r){var n=a(t[0],-e[0]),i=a(t[1],-e[1]),l=a(r[0],-e[0]),c=a(r[1],-e[1]),u=s(o(n,l),o(i,c));return u[u.length-1]>=0}},{"robust-orientation":548,"robust-product":549,"robust-sum":553,signum:554,"two-sum":583}],133:[function(t,e,r){e.exports=function(t,e){var r=t.length,a=t.length-e.length;if(a)return a;switch(r){case 0:return 0;case 1:return t[0]-e[0];case 2:return t[0]+t[1]-e[0]-e[1]||n(t[0],t[1])-n(e[0],e[1]);case 3:var o=t[0]+t[1],s=e[0]+e[1];if(a=o+t[2]-(s+e[2]))return a;var l=n(t[0],t[1]),c=n(e[0],e[1]);return n(l,t[2])-n(c,e[2])||n(l+t[2],o)-n(c+e[2],s);case 4:var u=t[0],f=t[1],h=t[2],p=t[3],d=e[0],g=e[1],m=e[2],v=e[3];return u+f+h+p-(d+g+m+v)||n(u,f,h,p)-n(d,g,m,v,d)||n(u+f,u+h,u+p,f+h,f+p,h+p)-n(d+g,d+m,d+v,g+m,g+v,m+v)||n(u+f+h,u+f+p,u+h+p,f+h+p)-n(d+g+m,d+g+v,d+m+v,g+m+v);default:for(var y=t.slice().sort(i),x=e.slice().sort(i),b=0;bt[r][0]&&(r=n);return er?[[r],[e]]:[[e]]}},{}],137:[function(t,e,r){"use strict";e.exports=function(t){var e=n(t),r=e.length;if(r<=2)return[];for(var i=new Array(r),a=e[r-1],o=0;o=e[l]&&(s+=1);a[o]=s}}return t}(n(a,!0),r)}};var n=t("incremental-convex-hull"),i=t("affine-hull")},{"affine-hull":67,"incremental-convex-hull":459}],139:[function(t,e,r){e.exports={AFG:"afghan",ALA:"\\b\\wland",ALB:"albania",DZA:"algeria",ASM:"^(?=.*americ).*samoa",AND:"andorra",AGO:"angola",AIA:"anguill?a",ATA:"antarctica",ATG:"antigua",ARG:"argentin",ARM:"armenia",ABW:"^(?!.*bonaire).*\\baruba",AUS:"australia",AUT:"^(?!.*hungary).*austria|\\baustri.*\\bemp",AZE:"azerbaijan",BHS:"bahamas",BHR:"bahrain",BGD:"bangladesh|^(?=.*east).*paki?stan",BRB:"barbados",BLR:"belarus|byelo",BEL:"^(?!.*luxem).*belgium",BLZ:"belize|^(?=.*british).*honduras",BEN:"benin|dahome",BMU:"bermuda",BTN:"bhutan",BOL:"bolivia",BES:"^(?=.*bonaire).*eustatius|^(?=.*carib).*netherlands|\\bbes.?islands",BIH:"herzegovina|bosnia",BWA:"botswana|bechuana",BVT:"bouvet",BRA:"brazil",IOT:"british.?indian.?ocean",BRN:"brunei",BGR:"bulgaria",BFA:"burkina|\\bfaso|upper.?volta",BDI:"burundi",CPV:"verde",KHM:"cambodia|kampuchea|khmer",CMR:"cameroon",CAN:"canada",CYM:"cayman",CAF:"\\bcentral.african.republic",TCD:"\\bchad",CHL:"\\bchile",CHN:"^(?!.*\\bmac)(?!.*\\bhong)(?!.*\\btai)(?!.*\\brep).*china|^(?=.*peo)(?=.*rep).*china",CXR:"christmas",CCK:"\\bcocos|keeling",COL:"colombia",COM:"comoro",COG:"^(?!.*\\bdem)(?!.*\\bd[\\.]?r)(?!.*kinshasa)(?!.*zaire)(?!.*belg)(?!.*l.opoldville)(?!.*free).*\\bcongo",COK:"\\bcook",CRI:"costa.?rica",CIV:"ivoire|ivory",HRV:"croatia",CUB:"\\bcuba",CUW:"^(?!.*bonaire).*\\bcura(c|\xe7)ao",CYP:"cyprus",CSK:"czechoslovakia",CZE:"^(?=.*rep).*czech|czechia|bohemia",COD:"\\bdem.*congo|congo.*\\bdem|congo.*\\bd[\\.]?r|\\bd[\\.]?r.*congo|belgian.?congo|congo.?free.?state|kinshasa|zaire|l.opoldville|drc|droc|rdc",DNK:"denmark",DJI:"djibouti",DMA:"dominica(?!n)",DOM:"dominican.rep",ECU:"ecuador",EGY:"egypt",SLV:"el.?salvador",GNQ:"guine.*eq|eq.*guine|^(?=.*span).*guinea",ERI:"eritrea",EST:"estonia",ETH:"ethiopia|abyssinia",FLK:"falkland|malvinas",FRO:"faroe|faeroe",FJI:"fiji",FIN:"finland",FRA:"^(?!.*\\bdep)(?!.*martinique).*france|french.?republic|\\bgaul",GUF:"^(?=.*french).*guiana",PYF:"french.?polynesia|tahiti",ATF:"french.?southern",GAB:"gabon",GMB:"gambia",GEO:"^(?!.*south).*georgia",DDR:"german.?democratic.?republic|democratic.?republic.*germany|east.germany",DEU:"^(?!.*east).*germany|^(?=.*\\bfed.*\\brep).*german",GHA:"ghana|gold.?coast",GIB:"gibraltar",GRC:"greece|hellenic|hellas",GRL:"greenland",GRD:"grenada",GLP:"guadeloupe",GUM:"\\bguam",GTM:"guatemala",GGY:"guernsey",GIN:"^(?!.*eq)(?!.*span)(?!.*bissau)(?!.*portu)(?!.*new).*guinea",GNB:"bissau|^(?=.*portu).*guinea",GUY:"guyana|british.?guiana",HTI:"haiti",HMD:"heard.*mcdonald",VAT:"holy.?see|vatican|papal.?st",HND:"^(?!.*brit).*honduras",HKG:"hong.?kong",HUN:"^(?!.*austr).*hungary",ISL:"iceland",IND:"india(?!.*ocea)",IDN:"indonesia",IRN:"\\biran|persia",IRQ:"\\biraq|mesopotamia",IRL:"(^ireland)|(^republic.*ireland)",IMN:"^(?=.*isle).*\\bman",ISR:"israel",ITA:"italy",JAM:"jamaica",JPN:"japan",JEY:"jersey",JOR:"jordan",KAZ:"kazak",KEN:"kenya|british.?east.?africa|east.?africa.?prot",KIR:"kiribati",PRK:"^(?=.*democrat|people|north|d.*p.*.r).*\\bkorea|dprk|korea.*(d.*p.*r)",KWT:"kuwait",KGZ:"kyrgyz|kirghiz",LAO:"\\blaos?\\b",LVA:"latvia",LBN:"lebanon",LSO:"lesotho|basuto",LBR:"liberia",LBY:"libya",LIE:"liechtenstein",LTU:"lithuania",LUX:"^(?!.*belg).*luxem",MAC:"maca(o|u)",MDG:"madagascar|malagasy",MWI:"malawi|nyasa",MYS:"malaysia",MDV:"maldive",MLI:"\\bmali\\b",MLT:"\\bmalta",MHL:"marshall",MTQ:"martinique",MRT:"mauritania",MUS:"mauritius",MYT:"\\bmayotte",MEX:"\\bmexic",FSM:"fed.*micronesia|micronesia.*fed",MCO:"monaco",MNG:"mongolia",MNE:"^(?!.*serbia).*montenegro",MSR:"montserrat",MAR:"morocco|\\bmaroc",MOZ:"mozambique",MMR:"myanmar|burma",NAM:"namibia",NRU:"nauru",NPL:"nepal",NLD:"^(?!.*\\bant)(?!.*\\bcarib).*netherlands",ANT:"^(?=.*\\bant).*(nether|dutch)",NCL:"new.?caledonia",NZL:"new.?zealand",NIC:"nicaragua",NER:"\\bniger(?!ia)",NGA:"nigeria",NIU:"niue",NFK:"norfolk",MNP:"mariana",NOR:"norway",OMN:"\\boman|trucial",PAK:"^(?!.*east).*paki?stan",PLW:"palau",PSE:"palestin|\\bgaza|west.?bank",PAN:"panama",PNG:"papua|new.?guinea",PRY:"paraguay",PER:"peru",PHL:"philippines",PCN:"pitcairn",POL:"poland",PRT:"portugal",PRI:"puerto.?rico",QAT:"qatar",KOR:"^(?!.*d.*p.*r)(?!.*democrat)(?!.*people)(?!.*north).*\\bkorea(?!.*d.*p.*r)",MDA:"moldov|b(a|e)ssarabia",REU:"r(e|\xe9)union",ROU:"r(o|u|ou)mania",RUS:"\\brussia|soviet.?union|u\\.?s\\.?s\\.?r|socialist.?republics",RWA:"rwanda",BLM:"barth(e|\xe9)lemy",SHN:"helena",KNA:"kitts|\\bnevis",LCA:"\\blucia",MAF:"^(?=.*collectivity).*martin|^(?=.*france).*martin(?!ique)|^(?=.*french).*martin(?!ique)",SPM:"miquelon",VCT:"vincent",WSM:"^(?!.*amer).*samoa",SMR:"san.?marino",STP:"\\bs(a|\xe3)o.?tom(e|\xe9)",SAU:"\\bsa\\w*.?arabia",SEN:"senegal",SRB:"^(?!.*monte).*serbia",SYC:"seychell",SLE:"sierra",SGP:"singapore",SXM:"^(?!.*martin)(?!.*saba).*maarten",SVK:"^(?!.*cze).*slovak",SVN:"slovenia",SLB:"solomon",SOM:"somali",ZAF:"south.africa|s\\\\..?africa",SGS:"south.?georgia|sandwich",SSD:"\\bs\\w*.?sudan",ESP:"spain",LKA:"sri.?lanka|ceylon",SDN:"^(?!.*\\bs(?!u)).*sudan",SUR:"surinam|dutch.?guiana",SJM:"svalbard",SWZ:"swaziland",SWE:"sweden",CHE:"switz|swiss",SYR:"syria",TWN:"taiwan|taipei|formosa|^(?!.*peo)(?=.*rep).*china",TJK:"tajik",THA:"thailand|\\bsiam",MKD:"macedonia|fyrom",TLS:"^(?=.*leste).*timor|^(?=.*east).*timor",TGO:"togo",TKL:"tokelau",TON:"tonga",TTO:"trinidad|tobago",TUN:"tunisia",TUR:"turkey",TKM:"turkmen",TCA:"turks",TUV:"tuvalu",UGA:"uganda",UKR:"ukrain",ARE:"emirates|^u\\.?a\\.?e\\.?$|united.?arab.?em",GBR:"united.?kingdom|britain|^u\\.?k\\.?$",TZA:"tanzania",USA:"united.?states\\b(?!.*islands)|\\bu\\.?s\\.?a\\.?\\b|^\\s*u\\.?s\\.?\\b(?!.*islands)",UMI:"minor.?outlying.?is",URY:"uruguay",UZB:"uzbek",VUT:"vanuatu|new.?hebrides",VEN:"venezuela",VNM:"^(?!.*republic).*viet.?nam|^(?=.*socialist).*viet.?nam",VGB:"^(?=.*\\bu\\.?\\s?k).*virgin|^(?=.*brit).*virgin|^(?=.*kingdom).*virgin",VIR:"^(?=.*\\bu\\.?\\s?s).*virgin|^(?=.*states).*virgin",WLF:"futuna|wallis",ESH:"western.sahara",YEM:"^(?!.*arab)(?!.*north)(?!.*sana)(?!.*peo)(?!.*dem)(?!.*south)(?!.*aden)(?!.*\\bp\\.?d\\.?r).*yemen",YMD:"^(?=.*peo).*yemen|^(?!.*rep)(?=.*dem).*yemen|^(?=.*south).*yemen|^(?=.*aden).*yemen|^(?=.*\\bp\\.?d\\.?r).*yemen",YUG:"yugoslavia",ZMB:"zambia|northern.?rhodesia",EAZ:"zanzibar",ZWE:"zimbabwe|^(?!.*northern).*rhodesia"}},{}],140:[function(t,e,r){e.exports=["xx-small","x-small","small","medium","large","x-large","xx-large","larger","smaller"]},{}],141:[function(t,e,r){e.exports=["normal","condensed","semi-condensed","extra-condensed","ultra-condensed","expanded","semi-expanded","extra-expanded","ultra-expanded"]},{}],142:[function(t,e,r){e.exports=["normal","italic","oblique"]},{}],143:[function(t,e,r){e.exports=["normal","bold","bolder","lighter","100","200","300","400","500","600","700","800","900"]},{}],144:[function(t,e,r){"use strict";e.exports={parse:t("./parse"),stringify:t("./stringify")}},{"./parse":146,"./stringify":147}],145:[function(t,e,r){"use strict";var n=t("css-font-size-keywords");e.exports={isSize:function(t){return/^[\d\.]/.test(t)||-1!==t.indexOf("/")||-1!==n.indexOf(t)}}},{"css-font-size-keywords":140}],146:[function(t,e,r){"use strict";var n=t("unquote"),i=t("css-global-keywords"),a=t("css-system-font-keywords"),o=t("css-font-weight-keywords"),s=t("css-font-style-keywords"),l=t("css-font-stretch-keywords"),c=t("string-split-by"),u=t("./lib/util").isSize;e.exports=h;var f=h.cache={};function h(t){if("string"!=typeof t)throw new Error("Font argument must be a string.");if(f[t])return f[t];if(""===t)throw new Error("Cannot parse an empty string.");if(-1!==a.indexOf(t))return f[t]={system:t};for(var e,r={style:"normal",variant:"normal",weight:"normal",stretch:"normal",lineHeight:"normal",size:"1rem",family:["serif"]},h=c(t,/\s+/);e=h.shift();){if(-1!==i.indexOf(e))return["style","variant","weight","stretch"].forEach((function(t){r[t]=e})),f[t]=r;if(-1===s.indexOf(e))if("normal"!==e&&"small-caps"!==e)if(-1===l.indexOf(e)){if(-1===o.indexOf(e)){if(u(e)){var d=c(e,"/");if(r.size=d[0],null!=d[1]?r.lineHeight=p(d[1]):"/"===h[0]&&(h.shift(),r.lineHeight=p(h.shift())),!h.length)throw new Error("Missing required font-family.");return r.family=c(h.join(" "),/\s*,\s*/).map(n),f[t]=r}throw new Error("Unknown or unsupported font token: "+e)}r.weight=e}else r.stretch=e;else r.variant=e;else r.style=e}throw new Error("Missing required font-size.")}function p(t){var e=parseFloat(t);return e.toString()===t?e:t}},{"./lib/util":145,"css-font-stretch-keywords":141,"css-font-style-keywords":142,"css-font-weight-keywords":143,"css-global-keywords":148,"css-system-font-keywords":149,"string-split-by":568,unquote:598}],147:[function(t,e,r){"use strict";var n=t("pick-by-alias"),i=t("./lib/util").isSize,a=g(t("css-global-keywords")),o=g(t("css-system-font-keywords")),s=g(t("css-font-weight-keywords")),l=g(t("css-font-style-keywords")),c=g(t("css-font-stretch-keywords")),u={normal:1,"small-caps":1},f={serif:1,"sans-serif":1,monospace:1,cursive:1,fantasy:1,"system-ui":1},h="1rem",p="serif";function d(t,e){if(t&&!e[t]&&!a[t])throw Error("Unknown keyword `"+t+"`");return t}function g(t){for(var e={},r=0;r=0;--p)a[p]=c*t[p]+u*e[p]+f*r[p]+h*n[p];return a}return c*t+u*e+f*r+h*n},e.exports.derivative=function(t,e,r,n,i,a){var o=6*i*i-6*i,s=3*i*i-4*i+1,l=-6*i*i+6*i,c=3*i*i-2*i;if(t.length){a||(a=new Array(t.length));for(var u=t.length-1;u>=0;--u)a[u]=o*t[u]+s*e[u]+l*r[u]+c*n[u];return a}return o*t+s*e+l*r[u]+c*n}},{}],151:[function(t,e,r){"use strict";var n=t("./lib/thunk.js");function i(){this.argTypes=[],this.shimArgs=[],this.arrayArgs=[],this.arrayBlockIndices=[],this.scalarArgs=[],this.offsetArgs=[],this.offsetArgIndex=[],this.indexArgs=[],this.shapeArgs=[],this.funcName="",this.pre=null,this.body=null,this.post=null,this.debug=!1}e.exports=function(t){var e=new i;e.pre=t.pre,e.body=t.body,e.post=t.post;var r=t.args.slice(0);e.argTypes=r;for(var a=0;a0)throw new Error("cwise: pre() block may not reference array args");if(a0)throw new Error("cwise: post() block may not reference array args")}else if("scalar"===o)e.scalarArgs.push(a),e.shimArgs.push("scalar"+a);else if("index"===o){if(e.indexArgs.push(a),a0)throw new Error("cwise: pre() block may not reference array index");if(a0)throw new Error("cwise: post() block may not reference array index")}else if("shape"===o){if(e.shapeArgs.push(a),ar.length)throw new Error("cwise: Too many arguments in pre() block");if(e.body.args.length>r.length)throw new Error("cwise: Too many arguments in body() block");if(e.post.args.length>r.length)throw new Error("cwise: Too many arguments in post() block");return e.debug=!!t.printCode||!!t.debug,e.funcName=t.funcName||"cwise",e.blockSize=t.blockSize||64,n(e)}},{"./lib/thunk.js":153}],152:[function(t,e,r){"use strict";var n=t("uniq");function i(t,e,r){var n,i,a=t.length,o=e.arrayArgs.length,s=e.indexArgs.length>0,l=[],c=[],u=0,f=0;for(n=0;n0&&l.push("var "+c.join(",")),n=a-1;n>=0;--n)u=t[n],l.push(["for(i",n,"=0;i",n,"0&&l.push(["index[",f,"]-=s",f].join("")),l.push(["++index[",u,"]"].join(""))),l.push("}")}return l.join("\n")}function a(t,e,r){for(var n=t.body,i=[],a=[],o=0;o0&&(r=r&&e[n]===e[n-1])}return r?e[0]:e.join("")}e.exports=function(t,e){for(var r=e[1].length-Math.abs(t.arrayBlockIndices[0])|0,s=new Array(t.arrayArgs.length),l=new Array(t.arrayArgs.length),c=0;c0&&x.push("shape=SS.slice(0)"),t.indexArgs.length>0){var b=new Array(r);for(c=0;c0&&y.push("var "+x.join(",")),c=0;c3&&y.push(a(t.pre,t,l));var k=a(t.body,t,l),M=function(t){for(var e=0,r=t[0].length;e0,c=[],u=0;u0;){"].join("")),c.push(["if(j",u,"<",s,"){"].join("")),c.push(["s",e[u],"=j",u].join("")),c.push(["j",u,"=0"].join("")),c.push(["}else{s",e[u],"=",s].join("")),c.push(["j",u,"-=",s,"}"].join("")),l&&c.push(["index[",e[u],"]=j",u].join(""));for(u=0;u3&&y.push(a(t.post,t,l)),t.debug&&console.log("-----Generated cwise routine for ",e,":\n"+y.join("\n")+"\n----------");var A=[t.funcName||"unnamed","_cwise_loop_",s[0].join("s"),"m",M,o(l)].join("");return new Function(["function ",A,"(",v.join(","),"){",y.join("\n"),"} return ",A].join(""))()}},{uniq:597}],153:[function(t,e,r){"use strict";var n=t("./compile.js");e.exports=function(t){var e=["'use strict'","var CACHED={}"],r=[],i=t.funcName+"_cwise_thunk";e.push(["return function ",i,"(",t.shimArgs.join(","),"){"].join(""));for(var a=[],o=[],s=[["array",t.arrayArgs[0],".shape.slice(",Math.max(0,t.arrayBlockIndices[0]),t.arrayBlockIndices[0]<0?","+t.arrayBlockIndices[0]+")":")"].join("")],l=[],c=[],u=0;u0&&(l.push("array"+t.arrayArgs[0]+".shape.length===array"+f+".shape.length+"+(Math.abs(t.arrayBlockIndices[0])-Math.abs(t.arrayBlockIndices[u]))),c.push("array"+t.arrayArgs[0]+".shape[shapeIndex+"+Math.max(0,t.arrayBlockIndices[0])+"]===array"+f+".shape[shapeIndex+"+Math.max(0,t.arrayBlockIndices[u])+"]"))}for(t.arrayArgs.length>1&&(e.push("if (!("+l.join(" && ")+")) throw new Error('cwise: Arrays do not all have the same dimensionality!')"),e.push("for(var shapeIndex=array"+t.arrayArgs[0]+".shape.length-"+Math.abs(t.arrayBlockIndices[0])+"; shapeIndex--\x3e0;) {"),e.push("if (!("+c.join(" && ")+")) throw new Error('cwise: Arrays do not all have the same shape!')"),e.push("}")),u=0;ue?1:t>=e?0:NaN}function r(t){var r;return 1===t.length&&(r=t,t=function(t,n){return e(r(t),n)}),{left:function(e,r,n,i){for(null==n&&(n=0),null==i&&(i=e.length);n>>1;t(e[a],r)<0?n=a+1:i=a}return n},right:function(e,r,n,i){for(null==n&&(n=0),null==i&&(i=e.length);n>>1;t(e[a],r)>0?i=a:n=a+1}return n}}}var n=r(e),i=n.right,a=n.left;function o(t,e){return[t,e]}function s(t){return null===t?NaN:+t}function l(t,e){var r,n,i=t.length,a=0,o=-1,l=0,c=0;if(null==e)for(;++o1)return c/(a-1)}function c(t,e){var r=l(t,e);return r?Math.sqrt(r):r}function u(t,e){var r,n,i,a=t.length,o=-1;if(null==e){for(;++o=r)for(n=i=r;++or&&(n=r),i=r)for(n=i=r;++or&&(n=r),i=0?(a>=v?10:a>=y?5:a>=x?2:1)*Math.pow(10,i):-Math.pow(10,-i)/(a>=v?10:a>=y?5:a>=x?2:1)}function _(t,e,r){var n=Math.abs(e-t)/Math.max(0,r),i=Math.pow(10,Math.floor(Math.log(n)/Math.LN10)),a=n/i;return a>=v?i*=10:a>=y?i*=5:a>=x&&(i*=2),e=1)return+r(t[n-1],n-1,t);var n,i=(n-1)*e,a=Math.floor(i),o=+r(t[a],a,t);return o+(+r(t[a+1],a+1,t)-o)*(i-a)}}function k(t,e){var r,n,i=t.length,a=-1;if(null==e){for(;++a=r)for(n=r;++ar&&(n=r)}else for(;++a=r)for(n=r;++ar&&(n=r);return n}function M(t){if(!(i=t.length))return[];for(var e=-1,r=k(t,A),n=new Array(r);++et?1:e>=t?0:NaN},t.deviation=c,t.extent=u,t.histogram=function(){var t=g,e=u,r=w;function n(n){var a,o,s=n.length,l=new Array(s);for(a=0;af;)h.pop(),--p;var d,g=new Array(p+1);for(a=0;a<=p;++a)(d=g[a]=[]).x0=a>0?h[a-1]:u,d.x1=a=r)for(n=r;++an&&(n=r)}else for(;++a=r)for(n=r;++an&&(n=r);return n},t.mean=function(t,e){var r,n=t.length,i=n,a=-1,o=0;if(null==e)for(;++a=0;)for(e=(n=t[i]).length;--e>=0;)r[--o]=n[e];return r},t.min=k,t.pairs=function(t,e){null==e&&(e=o);for(var r=0,n=t.length-1,i=t[0],a=new Array(n<0?0:n);r0)return[t];if((n=e0)for(t=Math.ceil(t/o),e=Math.floor(e/o),a=new Array(i=Math.ceil(e-t+1));++s=l.length)return null!=t&&n.sort(t),null!=e?e(n):n;for(var s,c,f,h=-1,p=n.length,d=l[i++],g=r(),m=a();++hl.length)return r;var i,a=c[n-1];return null!=e&&n>=l.length?i=r.entries():(i=[],r.each((function(e,r){i.push({key:r,values:t(e,n)})}))),null!=a?i.sort((function(t,e){return a(t.key,e.key)})):i}(u(t,0,a,o),0)},key:function(t){return l.push(t),s},sortKeys:function(t){return c[l.length-1]=t,s},sortValues:function(e){return t=e,s},rollup:function(t){return e=t,s}}},t.set=c,t.map=r,t.keys=function(t){var e=[];for(var r in t)e.push(r);return e},t.values=function(t){var e=[];for(var r in t)e.push(t[r]);return e},t.entries=function(t){var e=[];for(var r in t)e.push({key:r,value:t[r]});return e},Object.defineProperty(t,"__esModule",{value:!0})}))},{}],158:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?n(r):n((t=t||self).d3=t.d3||{})}(this,(function(t){"use strict";function e(t,e,r){t.prototype=e.prototype=r,r.constructor=t}function r(t,e){var r=Object.create(t.prototype);for(var n in e)r[n]=e[n];return r}function n(){}var i="\\s*([+-]?\\d+)\\s*",a="\\s*([+-]?\\d*\\.?\\d+(?:[eE][+-]?\\d+)?)\\s*",o="\\s*([+-]?\\d*\\.?\\d+(?:[eE][+-]?\\d+)?)%\\s*",s=/^#([0-9a-f]{3,8})$/,l=new RegExp("^rgb\\("+[i,i,i]+"\\)$"),c=new RegExp("^rgb\\("+[o,o,o]+"\\)$"),u=new RegExp("^rgba\\("+[i,i,i,a]+"\\)$"),f=new RegExp("^rgba\\("+[o,o,o,a]+"\\)$"),h=new RegExp("^hsl\\("+[a,o,o]+"\\)$"),p=new RegExp("^hsla\\("+[a,o,o,a]+"\\)$"),d={aliceblue:15792383,antiquewhite:16444375,aqua:65535,aquamarine:8388564,azure:15794175,beige:16119260,bisque:16770244,black:0,blanchedalmond:16772045,blue:255,blueviolet:9055202,brown:10824234,burlywood:14596231,cadetblue:6266528,chartreuse:8388352,chocolate:13789470,coral:16744272,cornflowerblue:6591981,cornsilk:16775388,crimson:14423100,cyan:65535,darkblue:139,darkcyan:35723,darkgoldenrod:12092939,darkgray:11119017,darkgreen:25600,darkgrey:11119017,darkkhaki:12433259,darkmagenta:9109643,darkolivegreen:5597999,darkorange:16747520,darkorchid:10040012,darkred:9109504,darksalmon:15308410,darkseagreen:9419919,darkslateblue:4734347,darkslategray:3100495,darkslategrey:3100495,darkturquoise:52945,darkviolet:9699539,deeppink:16716947,deepskyblue:49151,dimgray:6908265,dimgrey:6908265,dodgerblue:2003199,firebrick:11674146,floralwhite:16775920,forestgreen:2263842,fuchsia:16711935,gainsboro:14474460,ghostwhite:16316671,gold:16766720,goldenrod:14329120,gray:8421504,green:32768,greenyellow:11403055,grey:8421504,honeydew:15794160,hotpink:16738740,indianred:13458524,indigo:4915330,ivory:16777200,khaki:15787660,lavender:15132410,lavenderblush:16773365,lawngreen:8190976,lemonchiffon:16775885,lightblue:11393254,lightcoral:15761536,lightcyan:14745599,lightgoldenrodyellow:16448210,lightgray:13882323,lightgreen:9498256,lightgrey:13882323,lightpink:16758465,lightsalmon:16752762,lightseagreen:2142890,lightskyblue:8900346,lightslategray:7833753,lightslategrey:7833753,lightsteelblue:11584734,lightyellow:16777184,lime:65280,limegreen:3329330,linen:16445670,magenta:16711935,maroon:8388608,mediumaquamarine:6737322,mediumblue:205,mediumorchid:12211667,mediumpurple:9662683,mediumseagreen:3978097,mediumslateblue:8087790,mediumspringgreen:64154,mediumturquoise:4772300,mediumvioletred:13047173,midnightblue:1644912,mintcream:16121850,mistyrose:16770273,moccasin:16770229,navajowhite:16768685,navy:128,oldlace:16643558,olive:8421376,olivedrab:7048739,orange:16753920,orangered:16729344,orchid:14315734,palegoldenrod:15657130,palegreen:10025880,paleturquoise:11529966,palevioletred:14381203,papayawhip:16773077,peachpuff:16767673,peru:13468991,pink:16761035,plum:14524637,powderblue:11591910,purple:8388736,rebeccapurple:6697881,red:16711680,rosybrown:12357519,royalblue:4286945,saddlebrown:9127187,salmon:16416882,sandybrown:16032864,seagreen:3050327,seashell:16774638,sienna:10506797,silver:12632256,skyblue:8900331,slateblue:6970061,slategray:7372944,slategrey:7372944,snow:16775930,springgreen:65407,steelblue:4620980,tan:13808780,teal:32896,thistle:14204888,tomato:16737095,turquoise:4251856,violet:15631086,wheat:16113331,white:16777215,whitesmoke:16119285,yellow:16776960,yellowgreen:10145074};function g(){return this.rgb().formatHex()}function m(){return this.rgb().formatRgb()}function v(t){var e,r;return t=(t+"").trim().toLowerCase(),(e=s.exec(t))?(r=e[1].length,e=parseInt(e[1],16),6===r?y(e):3===r?new w(e>>8&15|e>>4&240,e>>4&15|240&e,(15&e)<<4|15&e,1):8===r?x(e>>24&255,e>>16&255,e>>8&255,(255&e)/255):4===r?x(e>>12&15|e>>8&240,e>>8&15|e>>4&240,e>>4&15|240&e,((15&e)<<4|15&e)/255):null):(e=l.exec(t))?new w(e[1],e[2],e[3],1):(e=c.exec(t))?new w(255*e[1]/100,255*e[2]/100,255*e[3]/100,1):(e=u.exec(t))?x(e[1],e[2],e[3],e[4]):(e=f.exec(t))?x(255*e[1]/100,255*e[2]/100,255*e[3]/100,e[4]):(e=h.exec(t))?A(e[1],e[2]/100,e[3]/100,1):(e=p.exec(t))?A(e[1],e[2]/100,e[3]/100,e[4]):d.hasOwnProperty(t)?y(d[t]):"transparent"===t?new w(NaN,NaN,NaN,0):null}function y(t){return new w(t>>16&255,t>>8&255,255&t,1)}function x(t,e,r,n){return n<=0&&(t=e=r=NaN),new w(t,e,r,n)}function b(t){return t instanceof n||(t=v(t)),t?new w((t=t.rgb()).r,t.g,t.b,t.opacity):new w}function _(t,e,r,n){return 1===arguments.length?b(t):new w(t,e,r,null==n?1:n)}function w(t,e,r,n){this.r=+t,this.g=+e,this.b=+r,this.opacity=+n}function T(){return"#"+M(this.r)+M(this.g)+M(this.b)}function k(){var t=this.opacity;return(1===(t=isNaN(t)?1:Math.max(0,Math.min(1,t)))?"rgb(":"rgba(")+Math.max(0,Math.min(255,Math.round(this.r)||0))+", "+Math.max(0,Math.min(255,Math.round(this.g)||0))+", "+Math.max(0,Math.min(255,Math.round(this.b)||0))+(1===t?")":", "+t+")")}function M(t){return((t=Math.max(0,Math.min(255,Math.round(t)||0)))<16?"0":"")+t.toString(16)}function A(t,e,r,n){return n<=0?t=e=r=NaN:r<=0||r>=1?t=e=NaN:e<=0&&(t=NaN),new C(t,e,r,n)}function S(t){if(t instanceof C)return new C(t.h,t.s,t.l,t.opacity);if(t instanceof n||(t=v(t)),!t)return new C;if(t instanceof C)return t;var e=(t=t.rgb()).r/255,r=t.g/255,i=t.b/255,a=Math.min(e,r,i),o=Math.max(e,r,i),s=NaN,l=o-a,c=(o+a)/2;return l?(s=e===o?(r-i)/l+6*(r0&&c<1?0:s,new C(s,l,c,t.opacity)}function E(t,e,r,n){return 1===arguments.length?S(t):new C(t,e,r,null==n?1:n)}function C(t,e,r,n){this.h=+t,this.s=+e,this.l=+r,this.opacity=+n}function L(t,e,r){return 255*(t<60?e+(r-e)*t/60:t<180?r:t<240?e+(r-e)*(240-t)/60:e)}e(n,v,{copy:function(t){return Object.assign(new this.constructor,this,t)},displayable:function(){return this.rgb().displayable()},hex:g,formatHex:g,formatHsl:function(){return S(this).formatHsl()},formatRgb:m,toString:m}),e(w,_,r(n,{brighter:function(t){return t=null==t?1/.7:Math.pow(1/.7,t),new w(this.r*t,this.g*t,this.b*t,this.opacity)},darker:function(t){return t=null==t?.7:Math.pow(.7,t),new w(this.r*t,this.g*t,this.b*t,this.opacity)},rgb:function(){return this},displayable:function(){return-.5<=this.r&&this.r<255.5&&-.5<=this.g&&this.g<255.5&&-.5<=this.b&&this.b<255.5&&0<=this.opacity&&this.opacity<=1},hex:T,formatHex:T,formatRgb:k,toString:k})),e(C,E,r(n,{brighter:function(t){return t=null==t?1/.7:Math.pow(1/.7,t),new C(this.h,this.s,this.l*t,this.opacity)},darker:function(t){return t=null==t?.7:Math.pow(.7,t),new C(this.h,this.s,this.l*t,this.opacity)},rgb:function(){var t=this.h%360+360*(this.h<0),e=isNaN(t)||isNaN(this.s)?0:this.s,r=this.l,n=r+(r<.5?r:1-r)*e,i=2*r-n;return new w(L(t>=240?t-240:t+120,i,n),L(t,i,n),L(t<120?t+240:t-120,i,n),this.opacity)},displayable:function(){return(0<=this.s&&this.s<=1||isNaN(this.s))&&0<=this.l&&this.l<=1&&0<=this.opacity&&this.opacity<=1},formatHsl:function(){var t=this.opacity;return(1===(t=isNaN(t)?1:Math.max(0,Math.min(1,t)))?"hsl(":"hsla(")+(this.h||0)+", "+100*(this.s||0)+"%, "+100*(this.l||0)+"%"+(1===t?")":", "+t+")")}}));var I=Math.PI/180,P=180/Math.PI,z=6/29,O=3*z*z;function D(t){if(t instanceof F)return new F(t.l,t.a,t.b,t.opacity);if(t instanceof H)return G(t);t instanceof w||(t=b(t));var e,r,n=U(t.r),i=U(t.g),a=U(t.b),o=B((.2225045*n+.7168786*i+.0606169*a)/1);return n===i&&i===a?e=r=o:(e=B((.4360747*n+.3850649*i+.1430804*a)/.96422),r=B((.0139322*n+.0971045*i+.7141733*a)/.82521)),new F(116*o-16,500*(e-o),200*(o-r),t.opacity)}function R(t,e,r,n){return 1===arguments.length?D(t):new F(t,e,r,null==n?1:n)}function F(t,e,r,n){this.l=+t,this.a=+e,this.b=+r,this.opacity=+n}function B(t){return t>.008856451679035631?Math.pow(t,1/3):t/O+4/29}function N(t){return t>z?t*t*t:O*(t-4/29)}function j(t){return 255*(t<=.0031308?12.92*t:1.055*Math.pow(t,1/2.4)-.055)}function U(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function V(t){if(t instanceof H)return new H(t.h,t.c,t.l,t.opacity);if(t instanceof F||(t=D(t)),0===t.a&&0===t.b)return new H(NaN,0=0&&(r=t.slice(n+1),t=t.slice(0,n)),t&&!e.hasOwnProperty(t))throw new Error("unknown type: "+t);return{type:t,name:r}}))}function a(t,e){for(var r,n=0,i=t.length;n0)for(var r,n,i=new Array(r),a=0;ah+c||np+c||au.index){var f=h-s.x-s.vx,m=p-s.y-s.vy,v=f*f+m*m;vt.r&&(t.r=t[e].r)}function h(){if(r){var e,i,a=r.length;for(n=new Array(a),e=0;e=c)){(t.data!==r||t.next)&&(0===f&&(d+=(f=o())*f),0===h&&(d+=(h=o())*h),d1?(null==r?u.remove(t):u.set(t,v(r)),e):u.get(t)},find:function(e,r,n){var i,a,o,s,l,c=0,u=t.length;for(null==n?n=1/0:n*=n,c=0;c1?(h.on(t,r),e):h.on(t)}}},t.forceX=function(t){var e,r,n,i=a(.1);function o(t){for(var i,a=0,o=e.length;a=0;)e+=r[n].value;else e=1;t.value=e}function a(t,e){var r,n,i,a,s,u=new c(t),f=+t.value&&(u.value=t.value),h=[u];for(null==e&&(e=o);r=h.pop();)if(f&&(r.value=+r.data.value),(i=e(r.data))&&(s=i.length))for(r.children=new Array(s),a=s-1;a>=0;--a)h.push(n=r.children[a]=new c(i[a])),n.parent=r,n.depth=r.depth+1;return u.eachBefore(l)}function o(t){return t.children}function s(t){t.data=t.data.data}function l(t){var e=0;do{t.height=e}while((t=t.parent)&&t.height<++e)}function c(t){this.data=t,this.depth=this.height=0,this.parent=null}c.prototype=a.prototype={constructor:c,count:function(){return this.eachAfter(i)},each:function(t){var e,r,n,i,a=this,o=[a];do{for(e=o.reverse(),o=[];a=e.pop();)if(t(a),r=a.children)for(n=0,i=r.length;n=0;--r)i.push(e[r]);return this},sum:function(t){return this.eachAfter((function(e){for(var r=+t(e.data)||0,n=e.children,i=n&&n.length;--i>=0;)r+=n[i].value;e.value=r}))},sort:function(t){return this.eachBefore((function(e){e.children&&e.children.sort(t)}))},path:function(t){for(var e=this,r=function(t,e){if(t===e)return t;var r=t.ancestors(),n=e.ancestors(),i=null;t=r.pop(),e=n.pop();for(;t===e;)i=t,t=r.pop(),e=n.pop();return i}(e,t),n=[e];e!==r;)e=e.parent,n.push(e);for(var i=n.length;t!==r;)n.splice(i,0,t),t=t.parent;return n},ancestors:function(){for(var t=this,e=[t];t=t.parent;)e.push(t);return e},descendants:function(){var t=[];return this.each((function(e){t.push(e)})),t},leaves:function(){var t=[];return this.eachBefore((function(e){e.children||t.push(e)})),t},links:function(){var t=this,e=[];return t.each((function(r){r!==t&&e.push({source:r.parent,target:r})})),e},copy:function(){return a(this).eachBefore(s)}};var u=Array.prototype.slice;function f(t){for(var e,r,n=0,i=(t=function(t){for(var e,r,n=t.length;n;)r=Math.random()*n--|0,e=t[n],t[n]=t[r],t[r]=e;return t}(u.call(t))).length,a=[];n0&&r*r>n*n+i*i}function g(t,e){for(var r=0;r(o*=o)?(n=(c+o-i)/(2*c),a=Math.sqrt(Math.max(0,o/c-n*n)),r.x=t.x-n*s-a*l,r.y=t.y-n*l+a*s):(n=(c+i-o)/(2*c),a=Math.sqrt(Math.max(0,i/c-n*n)),r.x=e.x+n*s-a*l,r.y=e.y+n*l+a*s)):(r.x=e.x+r.r,r.y=e.y)}function b(t,e){var r=t.r+e.r-1e-6,n=e.x-t.x,i=e.y-t.y;return r>0&&r*r>n*n+i*i}function _(t){var e=t._,r=t.next._,n=e.r+r.r,i=(e.x*r.r+r.x*e.r)/n,a=(e.y*r.r+r.y*e.r)/n;return i*i+a*a}function w(t){this._=t,this.next=null,this.previous=null}function T(t){if(!(i=t.length))return 0;var e,r,n,i,a,o,s,l,c,u,h;if((e=t[0]).x=0,e.y=0,!(i>1))return e.r;if(r=t[1],e.x=-r.r,r.x=e.r,r.y=0,!(i>2))return e.r+r.r;x(r,e,n=t[2]),e=new w(e),r=new w(r),n=new w(n),e.next=n.previous=r,r.next=e.previous=n,n.next=r.previous=e;t:for(s=3;sh&&(h=s),m=u*u*g,(p=Math.max(h/m,m/f))>d){u-=s;break}d=p}v.push(o={value:u,dice:l1?e:1)},r}(G);var X=function t(e){function r(t,r,n,i,a){if((o=t._squarify)&&o.ratio===e)for(var o,s,l,c,u,f=-1,h=o.length,p=t.value;++f1?e:1)},r}(G);t.cluster=function(){var t=e,i=1,a=1,o=!1;function s(e){var s,l=0;e.eachAfter((function(e){var i=e.children;i?(e.x=function(t){return t.reduce(r,0)/t.length}(i),e.y=function(t){return 1+t.reduce(n,0)}(i)):(e.x=s?l+=t(e,s):0,e.y=0,s=e)}));var c=function(t){for(var e;e=t.children;)t=e[0];return t}(e),u=function(t){for(var e;e=t.children;)t=e[e.length-1];return t}(e),f=c.x-t(c,u)/2,h=u.x+t(u,c)/2;return e.eachAfter(o?function(t){t.x=(t.x-e.x)*i,t.y=(e.y-t.y)*a}:function(t){t.x=(t.x-f)/(h-f)*i,t.y=(1-(e.y?t.y/e.y:1))*a})}return s.separation=function(e){return arguments.length?(t=e,s):t},s.size=function(t){return arguments.length?(o=!1,i=+t[0],a=+t[1],s):o?null:[i,a]},s.nodeSize=function(t){return arguments.length?(o=!0,i=+t[0],a=+t[1],s):o?[i,a]:null},s},t.hierarchy=a,t.pack=function(){var t=null,e=1,r=1,n=A;function i(i){return i.x=e/2,i.y=r/2,t?i.eachBefore(C(t)).eachAfter(L(n,.5)).eachBefore(I(1)):i.eachBefore(C(E)).eachAfter(L(A,1)).eachAfter(L(n,i.r/Math.min(e,r))).eachBefore(I(Math.min(e,r)/(2*i.r))),i}return i.radius=function(e){return arguments.length?(t=k(e),i):t},i.size=function(t){return arguments.length?(e=+t[0],r=+t[1],i):[e,r]},i.padding=function(t){return arguments.length?(n="function"==typeof t?t:S(+t),i):n},i},t.packEnclose=f,t.packSiblings=function(t){return T(t),t},t.partition=function(){var t=1,e=1,r=0,n=!1;function i(i){var a=i.height+1;return i.x0=i.y0=r,i.x1=t,i.y1=e/a,i.eachBefore(function(t,e){return function(n){n.children&&z(n,n.x0,t*(n.depth+1)/e,n.x1,t*(n.depth+2)/e);var i=n.x0,a=n.y0,o=n.x1-r,s=n.y1-r;o0)throw new Error("cycle");return a}return r.id=function(e){return arguments.length?(t=M(e),r):t},r.parentId=function(t){return arguments.length?(e=M(t),r):e},r},t.tree=function(){var t=B,e=1,r=1,n=null;function i(i){var l=function(t){for(var e,r,n,i,a,o=new q(t,0),s=[o];e=s.pop();)if(n=e._.children)for(e.children=new Array(a=n.length),i=a-1;i>=0;--i)s.push(r=e.children[i]=new q(n[i],i)),r.parent=e;return(o.parent=new q(null,0)).children=[o],o}(i);if(l.eachAfter(a),l.parent.m=-l.z,l.eachBefore(o),n)i.eachBefore(s);else{var c=i,u=i,f=i;i.eachBefore((function(t){t.xu.x&&(u=t),t.depth>f.depth&&(f=t)}));var h=c===u?1:t(c,u)/2,p=h-c.x,d=e/(u.x+h+p),g=r/(f.depth||1);i.eachBefore((function(t){t.x=(t.x+p)*d,t.y=t.depth*g}))}return i}function a(e){var r=e.children,n=e.parent.children,i=e.i?n[e.i-1]:null;if(r){!function(t){for(var e,r=0,n=0,i=t.children,a=i.length;--a>=0;)(e=i[a]).z+=r,e.m+=r,r+=e.s+(n+=e.c)}(e);var a=(r[0].z+r[r.length-1].z)/2;i?(e.z=i.z+t(e._,i._),e.m=e.z-a):e.z=a}else i&&(e.z=i.z+t(e._,i._));e.parent.A=function(e,r,n){if(r){for(var i,a=e,o=e,s=r,l=a.parent.children[0],c=a.m,u=o.m,f=s.m,h=l.m;s=j(s),a=N(a),s&&a;)l=N(l),(o=j(o)).a=e,(i=s.z+f-a.z-c+t(s._,a._))>0&&(U(V(s,e,n),e,i),c+=i,u+=i),f+=s.m,c+=a.m,h+=l.m,u+=o.m;s&&!j(o)&&(o.t=s,o.m+=f-u),a&&!N(l)&&(l.t=a,l.m+=c-h,n=e)}return n}(e,i,e.parent.A||n[0])}function o(t){t._.x=t.z+t.parent.m,t.m+=t.parent.m}function s(t){t.x*=e,t.y=t.depth*r}return i.separation=function(e){return arguments.length?(t=e,i):t},i.size=function(t){return arguments.length?(n=!1,e=+t[0],r=+t[1],i):n?null:[e,r]},i.nodeSize=function(t){return arguments.length?(n=!0,e=+t[0],r=+t[1],i):n?[e,r]:null},i},t.treemap=function(){var t=W,e=!1,r=1,n=1,i=[0],a=A,o=A,s=A,l=A,c=A;function u(t){return t.x0=t.y0=0,t.x1=r,t.y1=n,t.eachBefore(f),i=[0],e&&t.eachBefore(P),t}function f(e){var r=i[e.depth],n=e.x0+r,u=e.y0+r,f=e.x1-r,h=e.y1-r;f=r-1){var u=s[e];return u.x0=i,u.y0=a,u.x1=o,void(u.y1=l)}var f=c[e],h=n/2+f,p=e+1,d=r-1;for(;p>>1;c[g]l-a){var y=(i*v+o*m)/n;t(e,p,m,i,a,y,l),t(p,r,v,y,a,o,l)}else{var x=(a*v+l*m)/n;t(e,p,m,i,a,o,x),t(p,r,v,i,x,o,l)}}(0,l,t.value,e,r,n,i)},t.treemapDice=z,t.treemapResquarify=X,t.treemapSlice=H,t.treemapSliceDice=function(t,e,r,n,i){(1&t.depth?H:z)(t,e,r,n,i)},t.treemapSquarify=W,Object.defineProperty(t,"__esModule",{value:!0})}))},{}],162:[function(t,e,r){!function(n,i){"object"==typeof r&&"undefined"!=typeof e?i(r,t("d3-color")):i((n=n||self).d3=n.d3||{},n.d3)}(this,(function(t,e){"use strict";function r(t,e,r,n,i){var a=t*t,o=a*t;return((1-3*t+3*a-o)*e+(4-6*a+3*o)*r+(1+3*t+3*a-3*o)*n+o*i)/6}function n(t){var e=t.length-1;return function(n){var i=n<=0?n=0:n>=1?(n=1,e-1):Math.floor(n*e),a=t[i],o=t[i+1],s=i>0?t[i-1]:2*a-o,l=i180||r<-180?r-360*Math.round(r/360):r):a(isNaN(t)?e:t)}function l(t){return 1==(t=+t)?c:function(e,r){return r-e?function(t,e,r){return t=Math.pow(t,r),e=Math.pow(e,r)-t,r=1/r,function(n){return Math.pow(t+n*e,r)}}(e,r,t):a(isNaN(e)?r:e)}}function c(t,e){var r=e-t;return r?o(t,r):a(isNaN(t)?e:t)}var u=function t(r){var n=l(r);function i(t,r){var i=n((t=e.rgb(t)).r,(r=e.rgb(r)).r),a=n(t.g,r.g),o=n(t.b,r.b),s=c(t.opacity,r.opacity);return function(e){return t.r=i(e),t.g=a(e),t.b=o(e),t.opacity=s(e),t+""}}return i.gamma=t,i}(1);function f(t){return function(r){var n,i,a=r.length,o=new Array(a),s=new Array(a),l=new Array(a);for(n=0;na&&(i=e.slice(a,i),s[o]?s[o]+=i:s[++o]=i),(r=r[0])===(n=n[0])?s[o]?s[o]+=n:s[++o]=n:(s[++o]=null,l.push({i:o,x:y(r,n)})),a=_.lastIndex;return a180?e+=360:e-t>180&&(t+=360),a.push({i:r.push(i(r)+"rotate(",null,n)-2,x:y(t,e)})):e&&r.push(i(r)+"rotate("+e+n)}(a.rotate,o.rotate,s,l),function(t,e,r,a){t!==e?a.push({i:r.push(i(r)+"skewX(",null,n)-2,x:y(t,e)}):e&&r.push(i(r)+"skewX("+e+n)}(a.skewX,o.skewX,s,l),function(t,e,r,n,a,o){if(t!==r||e!==n){var s=a.push(i(a)+"scale(",null,",",null,")");o.push({i:s-4,x:y(t,r)},{i:s-2,x:y(e,n)})}else 1===r&&1===n||a.push(i(a)+"scale("+r+","+n+")")}(a.scaleX,a.scaleY,o.scaleX,o.scaleY,s,l),a=o=null,function(t){for(var e,r=-1,n=l.length;++r1e-6)if(Math.abs(f*l-c*u)>1e-6&&a){var p=n-o,d=i-s,g=l*l+c*c,m=p*p+d*d,v=Math.sqrt(g),y=Math.sqrt(h),x=a*Math.tan((e-Math.acos((g+h-m)/(2*v*y)))/2),b=x/y,_=x/v;Math.abs(b-1)>1e-6&&(this._+="L"+(t+b*u)+","+(r+b*f)),this._+="A"+a+","+a+",0,0,"+ +(f*p>u*d)+","+(this._x1=t+_*l)+","+(this._y1=r+_*c)}else this._+="L"+(this._x1=t)+","+(this._y1=r);else;},arc:function(t,i,a,o,s,l){t=+t,i=+i,l=!!l;var c=(a=+a)*Math.cos(o),u=a*Math.sin(o),f=t+c,h=i+u,p=1^l,d=l?o-s:s-o;if(a<0)throw new Error("negative radius: "+a);null===this._x1?this._+="M"+f+","+h:(Math.abs(this._x1-f)>1e-6||Math.abs(this._y1-h)>1e-6)&&(this._+="L"+f+","+h),a&&(d<0&&(d=d%r+r),d>n?this._+="A"+a+","+a+",0,1,"+p+","+(t-c)+","+(i-u)+"A"+a+","+a+",0,1,"+p+","+(this._x1=f)+","+(this._y1=h):d>1e-6&&(this._+="A"+a+","+a+",0,"+ +(d>=e)+","+p+","+(this._x1=t+a*Math.cos(s))+","+(this._y1=i+a*Math.sin(s))))},rect:function(t,e,r,n){this._+="M"+(this._x0=this._x1=+t)+","+(this._y0=this._y1=+e)+"h"+ +r+"v"+ +n+"h"+-r+"Z"},toString:function(){return this._}},t.path=a,Object.defineProperty(t,"__esModule",{value:!0})}))},{}],164:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?n(r):n((t=t||self).d3=t.d3||{})}(this,(function(t){"use strict";function e(t,e,r,n){if(isNaN(e)||isNaN(r))return t;var i,a,o,s,l,c,u,f,h,p=t._root,d={data:n},g=t._x0,m=t._y0,v=t._x1,y=t._y1;if(!p)return t._root=d,t;for(;p.length;)if((c=e>=(a=(g+v)/2))?g=a:v=a,(u=r>=(o=(m+y)/2))?m=o:y=o,i=p,!(p=p[f=u<<1|c]))return i[f]=d,t;if(s=+t._x.call(null,p.data),l=+t._y.call(null,p.data),e===s&&r===l)return d.next=p,i?i[f]=d:t._root=d,t;do{i=i?i[f]=new Array(4):t._root=new Array(4),(c=e>=(a=(g+v)/2))?g=a:v=a,(u=r>=(o=(m+y)/2))?m=o:y=o}while((f=u<<1|c)==(h=(l>=o)<<1|s>=a));return i[h]=p,i[f]=d,t}function r(t,e,r,n,i){this.node=t,this.x0=e,this.y0=r,this.x1=n,this.y1=i}function n(t){return t[0]}function i(t){return t[1]}function a(t,e,r){var a=new o(null==e?n:e,null==r?i:r,NaN,NaN,NaN,NaN);return null==t?a:a.addAll(t)}function o(t,e,r,n,i,a){this._x=t,this._y=e,this._x0=r,this._y0=n,this._x1=i,this._y1=a,this._root=void 0}function s(t){for(var e={data:t.data},r=e;t=t.next;)r=r.next={data:t.data};return e}var l=a.prototype=o.prototype;l.copy=function(){var t,e,r=new o(this._x,this._y,this._x0,this._y0,this._x1,this._y1),n=this._root;if(!n)return r;if(!n.length)return r._root=s(n),r;for(t=[{source:n,target:r._root=new Array(4)}];n=t.pop();)for(var i=0;i<4;++i)(e=n.source[i])&&(e.length?t.push({source:e,target:n.target[i]=new Array(4)}):n.target[i]=s(e));return r},l.add=function(t){var r=+this._x.call(null,t),n=+this._y.call(null,t);return e(this.cover(r,n),r,n,t)},l.addAll=function(t){var r,n,i,a,o=t.length,s=new Array(o),l=new Array(o),c=1/0,u=1/0,f=-1/0,h=-1/0;for(n=0;nf&&(f=i),ah&&(h=a));if(c>f||u>h)return this;for(this.cover(c,u).cover(f,h),n=0;nt||t>=i||n>e||e>=a;)switch(s=(ep||(o=c.y0)>d||(s=c.x1)=y)<<1|t>=v)&&(c=g[g.length-1],g[g.length-1]=g[g.length-1-u],g[g.length-1-u]=c)}else{var x=t-+this._x.call(null,m.data),b=e-+this._y.call(null,m.data),_=x*x+b*b;if(_=(s=(d+m)/2))?d=s:m=s,(u=o>=(l=(g+v)/2))?g=l:v=l,e=p,!(p=p[f=u<<1|c]))return this;if(!p.length)break;(e[f+1&3]||e[f+2&3]||e[f+3&3])&&(r=e,h=f)}for(;p.data!==t;)if(n=p,!(p=p.next))return this;return(i=p.next)&&delete p.next,n?(i?n.next=i:delete n.next,this):e?(i?e[f]=i:delete e[f],(p=e[0]||e[1]||e[2]||e[3])&&p===(e[3]||e[2]||e[1]||e[0])&&!p.length&&(r?r[h]=p:this._root=p),this):(this._root=i,this)},l.removeAll=function(t){for(var e=0,r=t.length;e1?0:t<-1?u:Math.acos(t)}function d(t){return t>=1?f:t<=-1?-f:Math.asin(t)}function g(t){return t.innerRadius}function m(t){return t.outerRadius}function v(t){return t.startAngle}function y(t){return t.endAngle}function x(t){return t&&t.padAngle}function b(t,e,r,n,i,a,o,s){var l=r-t,c=n-e,u=o-i,f=s-a,h=f*l-u*c;if(!(h*h<1e-12))return[t+(h=(u*(e-a)-f*(t-i))/h)*l,e+h*c]}function _(t,e,r,n,i,a,s){var l=t-r,u=e-n,f=(s?a:-a)/c(l*l+u*u),h=f*u,p=-f*l,d=t+h,g=e+p,m=r+h,v=n+p,y=(d+m)/2,x=(g+v)/2,b=m-d,_=v-g,w=b*b+_*_,T=i-a,k=d*v-m*g,M=(_<0?-1:1)*c(o(0,T*T*w-k*k)),A=(k*_-b*M)/w,S=(-k*b-_*M)/w,E=(k*_+b*M)/w,C=(-k*b+_*M)/w,L=A-y,I=S-x,P=E-y,z=C-x;return L*L+I*I>P*P+z*z&&(A=E,S=C),{cx:A,cy:S,x01:-h,y01:-p,x11:A*(i/T-1),y11:S*(i/T-1)}}function w(t){this._context=t}function T(t){return new w(t)}function k(t){return t[0]}function M(t){return t[1]}function A(){var t=k,n=M,i=r(!0),a=null,o=T,s=null;function l(r){var l,c,u,f=r.length,h=!1;for(null==a&&(s=o(u=e.path())),l=0;l<=f;++l)!(l=f;--h)c.point(v[h],y[h]);c.lineEnd(),c.areaEnd()}m&&(v[u]=+t(p,u,r),y[u]=+i(p,u,r),c.point(n?+n(p,u,r):v[u],a?+a(p,u,r):y[u]))}if(d)return c=null,d+""||null}function f(){return A().defined(o).curve(l).context(s)}return u.x=function(e){return arguments.length?(t="function"==typeof e?e:r(+e),n=null,u):t},u.x0=function(e){return arguments.length?(t="function"==typeof e?e:r(+e),u):t},u.x1=function(t){return arguments.length?(n=null==t?null:"function"==typeof t?t:r(+t),u):n},u.y=function(t){return arguments.length?(i="function"==typeof t?t:r(+t),a=null,u):i},u.y0=function(t){return arguments.length?(i="function"==typeof t?t:r(+t),u):i},u.y1=function(t){return arguments.length?(a=null==t?null:"function"==typeof t?t:r(+t),u):a},u.lineX0=u.lineY0=function(){return f().x(t).y(i)},u.lineY1=function(){return f().x(t).y(a)},u.lineX1=function(){return f().x(n).y(i)},u.defined=function(t){return arguments.length?(o="function"==typeof t?t:r(!!t),u):o},u.curve=function(t){return arguments.length?(l=t,null!=s&&(c=l(s)),u):l},u.context=function(t){return arguments.length?(null==t?s=c=null:c=l(s=t),u):s},u}function E(t,e){return et?1:e>=t?0:NaN}function C(t){return t}w.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._point=0},lineEnd:function(){(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;default:this._context.lineTo(t,e)}}};var L=P(T);function I(t){this._curve=t}function P(t){function e(e){return new I(t(e))}return e._curve=t,e}function z(t){var e=t.curve;return t.angle=t.x,delete t.x,t.radius=t.y,delete t.y,t.curve=function(t){return arguments.length?e(P(t)):e()._curve},t}function O(){return z(A().curve(L))}function D(){var t=S().curve(L),e=t.curve,r=t.lineX0,n=t.lineX1,i=t.lineY0,a=t.lineY1;return t.angle=t.x,delete t.x,t.startAngle=t.x0,delete t.x0,t.endAngle=t.x1,delete t.x1,t.radius=t.y,delete t.y,t.innerRadius=t.y0,delete t.y0,t.outerRadius=t.y1,delete t.y1,t.lineStartAngle=function(){return z(r())},delete t.lineX0,t.lineEndAngle=function(){return z(n())},delete t.lineX1,t.lineInnerRadius=function(){return z(i())},delete t.lineY0,t.lineOuterRadius=function(){return z(a())},delete t.lineY1,t.curve=function(t){return arguments.length?e(P(t)):e()._curve},t}function R(t,e){return[(e=+e)*Math.cos(t-=Math.PI/2),e*Math.sin(t)]}I.prototype={areaStart:function(){this._curve.areaStart()},areaEnd:function(){this._curve.areaEnd()},lineStart:function(){this._curve.lineStart()},lineEnd:function(){this._curve.lineEnd()},point:function(t,e){this._curve.point(e*Math.sin(t),e*-Math.cos(t))}};var F=Array.prototype.slice;function B(t){return t.source}function N(t){return t.target}function j(t){var n=B,i=N,a=k,o=M,s=null;function l(){var r,l=F.call(arguments),c=n.apply(this,l),u=i.apply(this,l);if(s||(s=r=e.path()),t(s,+a.apply(this,(l[0]=c,l)),+o.apply(this,l),+a.apply(this,(l[0]=u,l)),+o.apply(this,l)),r)return s=null,r+""||null}return l.source=function(t){return arguments.length?(n=t,l):n},l.target=function(t){return arguments.length?(i=t,l):i},l.x=function(t){return arguments.length?(a="function"==typeof t?t:r(+t),l):a},l.y=function(t){return arguments.length?(o="function"==typeof t?t:r(+t),l):o},l.context=function(t){return arguments.length?(s=null==t?null:t,l):s},l}function U(t,e,r,n,i){t.moveTo(e,r),t.bezierCurveTo(e=(e+n)/2,r,e,i,n,i)}function V(t,e,r,n,i){t.moveTo(e,r),t.bezierCurveTo(e,r=(r+i)/2,n,r,n,i)}function q(t,e,r,n,i){var a=R(e,r),o=R(e,r=(r+i)/2),s=R(n,r),l=R(n,i);t.moveTo(a[0],a[1]),t.bezierCurveTo(o[0],o[1],s[0],s[1],l[0],l[1])}var H={draw:function(t,e){var r=Math.sqrt(e/u);t.moveTo(r,0),t.arc(0,0,r,0,h)}},G={draw:function(t,e){var r=Math.sqrt(e/5)/2;t.moveTo(-3*r,-r),t.lineTo(-r,-r),t.lineTo(-r,-3*r),t.lineTo(r,-3*r),t.lineTo(r,-r),t.lineTo(3*r,-r),t.lineTo(3*r,r),t.lineTo(r,r),t.lineTo(r,3*r),t.lineTo(-r,3*r),t.lineTo(-r,r),t.lineTo(-3*r,r),t.closePath()}},Y=Math.sqrt(1/3),W=2*Y,X={draw:function(t,e){var r=Math.sqrt(e/W),n=r*Y;t.moveTo(0,-r),t.lineTo(n,0),t.lineTo(0,r),t.lineTo(-n,0),t.closePath()}},Z=Math.sin(u/10)/Math.sin(7*u/10),J=Math.sin(h/10)*Z,K=-Math.cos(h/10)*Z,Q={draw:function(t,e){var r=Math.sqrt(.8908130915292852*e),n=J*r,i=K*r;t.moveTo(0,-r),t.lineTo(n,i);for(var a=1;a<5;++a){var o=h*a/5,s=Math.cos(o),l=Math.sin(o);t.lineTo(l*r,-s*r),t.lineTo(s*n-l*i,l*n+s*i)}t.closePath()}},$={draw:function(t,e){var r=Math.sqrt(e),n=-r/2;t.rect(n,n,r,r)}},tt=Math.sqrt(3),et={draw:function(t,e){var r=-Math.sqrt(e/(3*tt));t.moveTo(0,2*r),t.lineTo(-tt*r,-r),t.lineTo(tt*r,-r),t.closePath()}},rt=-.5,nt=Math.sqrt(3)/2,it=1/Math.sqrt(12),at=3*(it/2+1),ot={draw:function(t,e){var r=Math.sqrt(e/at),n=r/2,i=r*it,a=n,o=r*it+r,s=-a,l=o;t.moveTo(n,i),t.lineTo(a,o),t.lineTo(s,l),t.lineTo(rt*n-nt*i,nt*n+rt*i),t.lineTo(rt*a-nt*o,nt*a+rt*o),t.lineTo(rt*s-nt*l,nt*s+rt*l),t.lineTo(rt*n+nt*i,rt*i-nt*n),t.lineTo(rt*a+nt*o,rt*o-nt*a),t.lineTo(rt*s+nt*l,rt*l-nt*s),t.closePath()}},st=[H,G,X,$,Q,et,ot];function lt(){}function ct(t,e,r){t._context.bezierCurveTo((2*t._x0+t._x1)/3,(2*t._y0+t._y1)/3,(t._x0+2*t._x1)/3,(t._y0+2*t._y1)/3,(t._x0+4*t._x1+e)/6,(t._y0+4*t._y1+r)/6)}function ut(t){this._context=t}function ft(t){this._context=t}function ht(t){this._context=t}function pt(t,e){this._basis=new ut(t),this._beta=e}ut.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._y0=this._y1=NaN,this._point=0},lineEnd:function(){switch(this._point){case 3:ct(this,this._x1,this._y1);case 2:this._context.lineTo(this._x1,this._y1)}(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;break;case 2:this._point=3,this._context.lineTo((5*this._x0+this._x1)/6,(5*this._y0+this._y1)/6);default:ct(this,t,e)}this._x0=this._x1,this._x1=t,this._y0=this._y1,this._y1=e}},ft.prototype={areaStart:lt,areaEnd:lt,lineStart:function(){this._x0=this._x1=this._x2=this._x3=this._x4=this._y0=this._y1=this._y2=this._y3=this._y4=NaN,this._point=0},lineEnd:function(){switch(this._point){case 1:this._context.moveTo(this._x2,this._y2),this._context.closePath();break;case 2:this._context.moveTo((this._x2+2*this._x3)/3,(this._y2+2*this._y3)/3),this._context.lineTo((this._x3+2*this._x2)/3,(this._y3+2*this._y2)/3),this._context.closePath();break;case 3:this.point(this._x2,this._y2),this.point(this._x3,this._y3),this.point(this._x4,this._y4)}},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._x2=t,this._y2=e;break;case 1:this._point=2,this._x3=t,this._y3=e;break;case 2:this._point=3,this._x4=t,this._y4=e,this._context.moveTo((this._x0+4*this._x1+t)/6,(this._y0+4*this._y1+e)/6);break;default:ct(this,t,e)}this._x0=this._x1,this._x1=t,this._y0=this._y1,this._y1=e}},ht.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._y0=this._y1=NaN,this._point=0},lineEnd:function(){(this._line||0!==this._line&&3===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1;break;case 1:this._point=2;break;case 2:this._point=3;var r=(this._x0+4*this._x1+t)/6,n=(this._y0+4*this._y1+e)/6;this._line?this._context.lineTo(r,n):this._context.moveTo(r,n);break;case 3:this._point=4;default:ct(this,t,e)}this._x0=this._x1,this._x1=t,this._y0=this._y1,this._y1=e}},pt.prototype={lineStart:function(){this._x=[],this._y=[],this._basis.lineStart()},lineEnd:function(){var t=this._x,e=this._y,r=t.length-1;if(r>0)for(var n,i=t[0],a=e[0],o=t[r]-i,s=e[r]-a,l=-1;++l<=r;)n=l/r,this._basis.point(this._beta*t[l]+(1-this._beta)*(i+n*o),this._beta*e[l]+(1-this._beta)*(a+n*s));this._x=this._y=null,this._basis.lineEnd()},point:function(t,e){this._x.push(+t),this._y.push(+e)}};var dt=function t(e){function r(t){return 1===e?new ut(t):new pt(t,e)}return r.beta=function(e){return t(+e)},r}(.85);function gt(t,e,r){t._context.bezierCurveTo(t._x1+t._k*(t._x2-t._x0),t._y1+t._k*(t._y2-t._y0),t._x2+t._k*(t._x1-e),t._y2+t._k*(t._y1-r),t._x2,t._y2)}function mt(t,e){this._context=t,this._k=(1-e)/6}mt.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._point=0},lineEnd:function(){switch(this._point){case 2:this._context.lineTo(this._x2,this._y2);break;case 3:gt(this,this._x1,this._y1)}(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2,this._x1=t,this._y1=e;break;case 2:this._point=3;default:gt(this,t,e)}this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var vt=function t(e){function r(t){return new mt(t,e)}return r.tension=function(e){return t(+e)},r}(0);function yt(t,e){this._context=t,this._k=(1-e)/6}yt.prototype={areaStart:lt,areaEnd:lt,lineStart:function(){this._x0=this._x1=this._x2=this._x3=this._x4=this._x5=this._y0=this._y1=this._y2=this._y3=this._y4=this._y5=NaN,this._point=0},lineEnd:function(){switch(this._point){case 1:this._context.moveTo(this._x3,this._y3),this._context.closePath();break;case 2:this._context.lineTo(this._x3,this._y3),this._context.closePath();break;case 3:this.point(this._x3,this._y3),this.point(this._x4,this._y4),this.point(this._x5,this._y5)}},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._x3=t,this._y3=e;break;case 1:this._point=2,this._context.moveTo(this._x4=t,this._y4=e);break;case 2:this._point=3,this._x5=t,this._y5=e;break;default:gt(this,t,e)}this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var xt=function t(e){function r(t){return new yt(t,e)}return r.tension=function(e){return t(+e)},r}(0);function bt(t,e){this._context=t,this._k=(1-e)/6}bt.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._point=0},lineEnd:function(){(this._line||0!==this._line&&3===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1;break;case 1:this._point=2;break;case 2:this._point=3,this._line?this._context.lineTo(this._x2,this._y2):this._context.moveTo(this._x2,this._y2);break;case 3:this._point=4;default:gt(this,t,e)}this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var _t=function t(e){function r(t){return new bt(t,e)}return r.tension=function(e){return t(+e)},r}(0);function wt(t,e,r){var n=t._x1,i=t._y1,a=t._x2,o=t._y2;if(t._l01_a>1e-12){var s=2*t._l01_2a+3*t._l01_a*t._l12_a+t._l12_2a,l=3*t._l01_a*(t._l01_a+t._l12_a);n=(n*s-t._x0*t._l12_2a+t._x2*t._l01_2a)/l,i=(i*s-t._y0*t._l12_2a+t._y2*t._l01_2a)/l}if(t._l23_a>1e-12){var c=2*t._l23_2a+3*t._l23_a*t._l12_a+t._l12_2a,u=3*t._l23_a*(t._l23_a+t._l12_a);a=(a*c+t._x1*t._l23_2a-e*t._l12_2a)/u,o=(o*c+t._y1*t._l23_2a-r*t._l12_2a)/u}t._context.bezierCurveTo(n,i,a,o,t._x2,t._y2)}function Tt(t,e){this._context=t,this._alpha=e}Tt.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._l01_a=this._l12_a=this._l23_a=this._l01_2a=this._l12_2a=this._l23_2a=this._point=0},lineEnd:function(){switch(this._point){case 2:this._context.lineTo(this._x2,this._y2);break;case 3:this.point(this._x2,this._y2)}(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){if(t=+t,e=+e,this._point){var r=this._x2-t,n=this._y2-e;this._l23_a=Math.sqrt(this._l23_2a=Math.pow(r*r+n*n,this._alpha))}switch(this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;break;case 2:this._point=3;default:wt(this,t,e)}this._l01_a=this._l12_a,this._l12_a=this._l23_a,this._l01_2a=this._l12_2a,this._l12_2a=this._l23_2a,this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var kt=function t(e){function r(t){return e?new Tt(t,e):new mt(t,0)}return r.alpha=function(e){return t(+e)},r}(.5);function Mt(t,e){this._context=t,this._alpha=e}Mt.prototype={areaStart:lt,areaEnd:lt,lineStart:function(){this._x0=this._x1=this._x2=this._x3=this._x4=this._x5=this._y0=this._y1=this._y2=this._y3=this._y4=this._y5=NaN,this._l01_a=this._l12_a=this._l23_a=this._l01_2a=this._l12_2a=this._l23_2a=this._point=0},lineEnd:function(){switch(this._point){case 1:this._context.moveTo(this._x3,this._y3),this._context.closePath();break;case 2:this._context.lineTo(this._x3,this._y3),this._context.closePath();break;case 3:this.point(this._x3,this._y3),this.point(this._x4,this._y4),this.point(this._x5,this._y5)}},point:function(t,e){if(t=+t,e=+e,this._point){var r=this._x2-t,n=this._y2-e;this._l23_a=Math.sqrt(this._l23_2a=Math.pow(r*r+n*n,this._alpha))}switch(this._point){case 0:this._point=1,this._x3=t,this._y3=e;break;case 1:this._point=2,this._context.moveTo(this._x4=t,this._y4=e);break;case 2:this._point=3,this._x5=t,this._y5=e;break;default:wt(this,t,e)}this._l01_a=this._l12_a,this._l12_a=this._l23_a,this._l01_2a=this._l12_2a,this._l12_2a=this._l23_2a,this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var At=function t(e){function r(t){return e?new Mt(t,e):new yt(t,0)}return r.alpha=function(e){return t(+e)},r}(.5);function St(t,e){this._context=t,this._alpha=e}St.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._l01_a=this._l12_a=this._l23_a=this._l01_2a=this._l12_2a=this._l23_2a=this._point=0},lineEnd:function(){(this._line||0!==this._line&&3===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){if(t=+t,e=+e,this._point){var r=this._x2-t,n=this._y2-e;this._l23_a=Math.sqrt(this._l23_2a=Math.pow(r*r+n*n,this._alpha))}switch(this._point){case 0:this._point=1;break;case 1:this._point=2;break;case 2:this._point=3,this._line?this._context.lineTo(this._x2,this._y2):this._context.moveTo(this._x2,this._y2);break;case 3:this._point=4;default:wt(this,t,e)}this._l01_a=this._l12_a,this._l12_a=this._l23_a,this._l01_2a=this._l12_2a,this._l12_2a=this._l23_2a,this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var Et=function t(e){function r(t){return e?new St(t,e):new bt(t,0)}return r.alpha=function(e){return t(+e)},r}(.5);function Ct(t){this._context=t}function Lt(t){return t<0?-1:1}function It(t,e,r){var n=t._x1-t._x0,i=e-t._x1,a=(t._y1-t._y0)/(n||i<0&&-0),o=(r-t._y1)/(i||n<0&&-0),s=(a*i+o*n)/(n+i);return(Lt(a)+Lt(o))*Math.min(Math.abs(a),Math.abs(o),.5*Math.abs(s))||0}function Pt(t,e){var r=t._x1-t._x0;return r?(3*(t._y1-t._y0)/r-e)/2:e}function zt(t,e,r){var n=t._x0,i=t._y0,a=t._x1,o=t._y1,s=(a-n)/3;t._context.bezierCurveTo(n+s,i+s*e,a-s,o-s*r,a,o)}function Ot(t){this._context=t}function Dt(t){this._context=new Rt(t)}function Rt(t){this._context=t}function Ft(t){this._context=t}function Bt(t){var e,r,n=t.length-1,i=new Array(n),a=new Array(n),o=new Array(n);for(i[0]=0,a[0]=2,o[0]=t[0]+2*t[1],e=1;e=0;--e)i[e]=(o[e]-i[e+1])/a[e];for(a[n-1]=(t[n]+i[n-1])/2,e=0;e1)for(var r,n,i,a=1,o=t[e[0]],s=o.length;a=0;)r[e]=e;return r}function Vt(t,e){return t[e]}function qt(t){var e=t.map(Ht);return Ut(t).sort((function(t,r){return e[t]-e[r]}))}function Ht(t){for(var e,r=-1,n=0,i=t.length,a=-1/0;++ra&&(a=e,n=r);return n}function Gt(t){var e=t.map(Yt);return Ut(t).sort((function(t,r){return e[t]-e[r]}))}function Yt(t){for(var e,r=0,n=-1,i=t.length;++n=0&&(this._t=1-this._t,this._line=1-this._line)},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;default:if(this._t<=0)this._context.lineTo(this._x,e),this._context.lineTo(t,e);else{var r=this._x*(1-this._t)+t*this._t;this._context.lineTo(r,this._y),this._context.lineTo(r,e)}}this._x=t,this._y=e}},t.arc=function(){var t=g,o=m,w=r(0),T=null,k=v,M=y,A=x,S=null;function E(){var r,g,m=+t.apply(this,arguments),v=+o.apply(this,arguments),y=k.apply(this,arguments)-f,x=M.apply(this,arguments)-f,E=n(x-y),C=x>y;if(S||(S=r=e.path()),v1e-12)if(E>h-1e-12)S.moveTo(v*a(y),v*l(y)),S.arc(0,0,v,y,x,!C),m>1e-12&&(S.moveTo(m*a(x),m*l(x)),S.arc(0,0,m,x,y,C));else{var L,I,P=y,z=x,O=y,D=x,R=E,F=E,B=A.apply(this,arguments)/2,N=B>1e-12&&(T?+T.apply(this,arguments):c(m*m+v*v)),j=s(n(v-m)/2,+w.apply(this,arguments)),U=j,V=j;if(N>1e-12){var q=d(N/m*l(B)),H=d(N/v*l(B));(R-=2*q)>1e-12?(O+=q*=C?1:-1,D-=q):(R=0,O=D=(y+x)/2),(F-=2*H)>1e-12?(P+=H*=C?1:-1,z-=H):(F=0,P=z=(y+x)/2)}var G=v*a(P),Y=v*l(P),W=m*a(D),X=m*l(D);if(j>1e-12){var Z,J=v*a(z),K=v*l(z),Q=m*a(O),$=m*l(O);if(E1e-12?V>1e-12?(L=_(Q,$,G,Y,v,V,C),I=_(J,K,W,X,v,V,C),S.moveTo(L.cx+L.x01,L.cy+L.y01),V1e-12&&R>1e-12?U>1e-12?(L=_(W,X,J,K,m,-U,C),I=_(G,Y,Q,$,m,-U,C),S.lineTo(L.cx+L.x01,L.cy+L.y01),U0&&(d+=f);for(null!=e?g.sort((function(t,r){return e(m[t],m[r])})):null!=n&&g.sort((function(t,e){return n(r[t],r[e])})),s=0,c=d?(y-p*b)/d:0;s0?f*c:0)+b,m[l]={data:r[l],index:s,value:f,startAngle:v,endAngle:u,padAngle:x};return m}return s.value=function(e){return arguments.length?(t="function"==typeof e?e:r(+e),s):t},s.sortValues=function(t){return arguments.length?(e=t,n=null,s):e},s.sort=function(t){return arguments.length?(n=t,e=null,s):n},s.startAngle=function(t){return arguments.length?(i="function"==typeof t?t:r(+t),s):i},s.endAngle=function(t){return arguments.length?(a="function"==typeof t?t:r(+t),s):a},s.padAngle=function(t){return arguments.length?(o="function"==typeof t?t:r(+t),s):o},s},t.pointRadial=R,t.radialArea=D,t.radialLine=O,t.stack=function(){var t=r([]),e=Ut,n=jt,i=Vt;function a(r){var a,o,s=t.apply(this,arguments),l=r.length,c=s.length,u=new Array(c);for(a=0;a0)for(var r,n,i,a,o,s,l=0,c=t[e[0]].length;l0?(n[0]=a,n[1]=a+=i):i<0?(n[1]=o,n[0]=o+=i):(n[0]=0,n[1]=i)},t.stackOffsetExpand=function(t,e){if((n=t.length)>0){for(var r,n,i,a=0,o=t[0].length;a0){for(var r,n=0,i=t[e[0]],a=i.length;n0&&(n=(r=t[e[0]]).length)>0){for(var r,n,i,a=0,o=1;o=12)]},q:function(t){return 1+~~(t.getMonth()/3)},Q:mt,s:vt,S:q,u:H,U:G,V:Y,w:W,W:X,x:null,X:null,y:Z,Y:J,Z:K,"%":gt},Lt={a:function(t){return f[t.getUTCDay()]},A:function(t){return u[t.getUTCDay()]},b:function(t){return yt[t.getUTCMonth()]},B:function(t){return h[t.getUTCMonth()]},c:null,d:Q,e:Q,f:nt,H:$,I:tt,j:et,L:rt,m:it,M:at,p:function(t){return c[+(t.getUTCHours()>=12)]},q:function(t){return 1+~~(t.getUTCMonth()/3)},Q:mt,s:vt,S:ot,u:st,U:lt,V:ct,w:ut,W:ft,x:null,X:null,y:ht,Y:pt,Z:dt,"%":gt},It={a:function(t,e,r){var n=Tt.exec(e.slice(r));return n?(t.w=kt[n[0].toLowerCase()],r+n[0].length):-1},A:function(t,e,r){var n=_t.exec(e.slice(r));return n?(t.w=wt[n[0].toLowerCase()],r+n[0].length):-1},b:function(t,e,r){var n=St.exec(e.slice(r));return n?(t.m=Et[n[0].toLowerCase()],r+n[0].length):-1},B:function(t,e,r){var n=Mt.exec(e.slice(r));return n?(t.m=At[n[0].toLowerCase()],r+n[0].length):-1},c:function(t,e,r){return Ot(t,a,e,r)},d:M,e:M,f:I,H:S,I:S,j:A,L:L,m:k,M:E,p:function(t,e,r){var n=xt.exec(e.slice(r));return n?(t.p=bt[n[0].toLowerCase()],r+n[0].length):-1},q:T,Q:z,s:O,S:C,u:m,U:v,V:y,w:g,W:x,x:function(t,e,r){return Ot(t,o,e,r)},X:function(t,e,r){return Ot(t,l,e,r)},y:_,Y:b,Z:w,"%":P};function Pt(t,e){return function(r){var n,i,a,o=[],l=-1,c=0,u=t.length;for(r instanceof Date||(r=new Date(+r));++l53)return null;"w"in c||(c.w=1),"Z"in c?(l=(s=n(i(c.y,0,1))).getUTCDay(),s=l>4||0===l?e.utcMonday.ceil(s):e.utcMonday(s),s=e.utcDay.offset(s,7*(c.V-1)),c.y=s.getUTCFullYear(),c.m=s.getUTCMonth(),c.d=s.getUTCDate()+(c.w+6)%7):(l=(s=r(i(c.y,0,1))).getDay(),s=l>4||0===l?e.timeMonday.ceil(s):e.timeMonday(s),s=e.timeDay.offset(s,7*(c.V-1)),c.y=s.getFullYear(),c.m=s.getMonth(),c.d=s.getDate()+(c.w+6)%7)}else("W"in c||"U"in c)&&("w"in c||(c.w="u"in c?c.u%7:"W"in c?1:0),l="Z"in c?n(i(c.y,0,1)).getUTCDay():r(i(c.y,0,1)).getDay(),c.m=0,c.d="W"in c?(c.w+6)%7+7*c.W-(l+5)%7:c.w+7*c.U-(l+6)%7);return"Z"in c?(c.H+=c.Z/100|0,c.M+=c.Z%100,n(c)):r(c)}}function Ot(t,e,r,n){for(var i,a,o=0,l=e.length,c=r.length;o=c)return-1;if(37===(i=e.charCodeAt(o++))){if(i=e.charAt(o++),!(a=It[i in s?e.charAt(o++):i])||(n=a(t,r,n))<0)return-1}else if(i!=r.charCodeAt(n++))return-1}return n}return Ct.x=Pt(o,Ct),Ct.X=Pt(l,Ct),Ct.c=Pt(a,Ct),Lt.x=Pt(o,Lt),Lt.X=Pt(l,Lt),Lt.c=Pt(a,Lt),{format:function(t){var e=Pt(t+="",Ct);return e.toString=function(){return t},e},parse:function(t){var e=zt(t+="",!1);return e.toString=function(){return t},e},utcFormat:function(t){var e=Pt(t+="",Lt);return e.toString=function(){return t},e},utcParse:function(t){var e=zt(t+="",!0);return e.toString=function(){return t},e}}}var o,s={"-":"",_:" ",0:"0"},l=/^\s*\d+/,c=/^%/,u=/[\\^$*+?|[\]().{}]/g;function f(t,e,r){var n=t<0?"-":"",i=(n?-t:t)+"",a=i.length;return n+(a68?1900:2e3),r+n[0].length):-1}function w(t,e,r){var n=/^(Z)|([+-]\d\d)(?::?(\d\d))?/.exec(e.slice(r,r+6));return n?(t.Z=n[1]?0:-(n[2]+(n[3]||"00")),r+n[0].length):-1}function T(t,e,r){var n=l.exec(e.slice(r,r+1));return n?(t.q=3*n[0]-3,r+n[0].length):-1}function k(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.m=n[0]-1,r+n[0].length):-1}function M(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.d=+n[0],r+n[0].length):-1}function A(t,e,r){var n=l.exec(e.slice(r,r+3));return n?(t.m=0,t.d=+n[0],r+n[0].length):-1}function S(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.H=+n[0],r+n[0].length):-1}function E(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.M=+n[0],r+n[0].length):-1}function C(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.S=+n[0],r+n[0].length):-1}function L(t,e,r){var n=l.exec(e.slice(r,r+3));return n?(t.L=+n[0],r+n[0].length):-1}function I(t,e,r){var n=l.exec(e.slice(r,r+6));return n?(t.L=Math.floor(n[0]/1e3),r+n[0].length):-1}function P(t,e,r){var n=c.exec(e.slice(r,r+1));return n?r+n[0].length:-1}function z(t,e,r){var n=l.exec(e.slice(r));return n?(t.Q=+n[0],r+n[0].length):-1}function O(t,e,r){var n=l.exec(e.slice(r));return n?(t.s=+n[0],r+n[0].length):-1}function D(t,e){return f(t.getDate(),e,2)}function R(t,e){return f(t.getHours(),e,2)}function F(t,e){return f(t.getHours()%12||12,e,2)}function B(t,r){return f(1+e.timeDay.count(e.timeYear(t),t),r,3)}function N(t,e){return f(t.getMilliseconds(),e,3)}function j(t,e){return N(t,e)+"000"}function U(t,e){return f(t.getMonth()+1,e,2)}function V(t,e){return f(t.getMinutes(),e,2)}function q(t,e){return f(t.getSeconds(),e,2)}function H(t){var e=t.getDay();return 0===e?7:e}function G(t,r){return f(e.timeSunday.count(e.timeYear(t)-1,t),r,2)}function Y(t,r){var n=t.getDay();return t=n>=4||0===n?e.timeThursday(t):e.timeThursday.ceil(t),f(e.timeThursday.count(e.timeYear(t),t)+(4===e.timeYear(t).getDay()),r,2)}function W(t){return t.getDay()}function X(t,r){return f(e.timeMonday.count(e.timeYear(t)-1,t),r,2)}function Z(t,e){return f(t.getFullYear()%100,e,2)}function J(t,e){return f(t.getFullYear()%1e4,e,4)}function K(t){var e=t.getTimezoneOffset();return(e>0?"-":(e*=-1,"+"))+f(e/60|0,"0",2)+f(e%60,"0",2)}function Q(t,e){return f(t.getUTCDate(),e,2)}function $(t,e){return f(t.getUTCHours(),e,2)}function tt(t,e){return f(t.getUTCHours()%12||12,e,2)}function et(t,r){return f(1+e.utcDay.count(e.utcYear(t),t),r,3)}function rt(t,e){return f(t.getUTCMilliseconds(),e,3)}function nt(t,e){return rt(t,e)+"000"}function it(t,e){return f(t.getUTCMonth()+1,e,2)}function at(t,e){return f(t.getUTCMinutes(),e,2)}function ot(t,e){return f(t.getUTCSeconds(),e,2)}function st(t){var e=t.getUTCDay();return 0===e?7:e}function lt(t,r){return f(e.utcSunday.count(e.utcYear(t)-1,t),r,2)}function ct(t,r){var n=t.getUTCDay();return t=n>=4||0===n?e.utcThursday(t):e.utcThursday.ceil(t),f(e.utcThursday.count(e.utcYear(t),t)+(4===e.utcYear(t).getUTCDay()),r,2)}function ut(t){return t.getUTCDay()}function ft(t,r){return f(e.utcMonday.count(e.utcYear(t)-1,t),r,2)}function ht(t,e){return f(t.getUTCFullYear()%100,e,2)}function pt(t,e){return f(t.getUTCFullYear()%1e4,e,4)}function dt(){return"+0000"}function gt(){return"%"}function mt(t){return+t}function vt(t){return Math.floor(+t/1e3)}function yt(e){return o=a(e),t.timeFormat=o.format,t.timeParse=o.parse,t.utcFormat=o.utcFormat,t.utcParse=o.utcParse,o}yt({dateTime:"%x, %X",date:"%-m/%-d/%Y",time:"%-I:%M:%S %p",periods:["AM","PM"],days:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],shortDays:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],months:["January","February","March","April","May","June","July","August","September","October","November","December"],shortMonths:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"]});var xt=Date.prototype.toISOString?function(t){return t.toISOString()}:t.utcFormat("%Y-%m-%dT%H:%M:%S.%LZ");var bt=+new Date("2000-01-01T00:00:00.000Z")?function(t){var e=new Date(t);return isNaN(e)?null:e}:t.utcParse("%Y-%m-%dT%H:%M:%S.%LZ");t.isoFormat=xt,t.isoParse=bt,t.timeFormatDefaultLocale=yt,t.timeFormatLocale=a,Object.defineProperty(t,"__esModule",{value:!0})}))},{"d3-time":167}],167:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?n(r):n((t=t||self).d3=t.d3||{})}(this,(function(t){"use strict";var e=new Date,r=new Date;function n(t,i,a,o){function s(e){return t(e=0===arguments.length?new Date:new Date(+e)),e}return s.floor=function(e){return t(e=new Date(+e)),e},s.ceil=function(e){return t(e=new Date(e-1)),i(e,1),t(e),e},s.round=function(t){var e=s(t),r=s.ceil(t);return t-e0))return o;do{o.push(a=new Date(+e)),i(e,n),t(e)}while(a=r)for(;t(r),!e(r);)r.setTime(r-1)}),(function(t,r){if(t>=t)if(r<0)for(;++r<=0;)for(;i(t,-1),!e(t););else for(;--r>=0;)for(;i(t,1),!e(t););}))},a&&(s.count=function(n,i){return e.setTime(+n),r.setTime(+i),t(e),t(r),Math.floor(a(e,r))},s.every=function(t){return t=Math.floor(t),isFinite(t)&&t>0?t>1?s.filter(o?function(e){return o(e)%t==0}:function(e){return s.count(0,e)%t==0}):s:null}),s}var i=n((function(){}),(function(t,e){t.setTime(+t+e)}),(function(t,e){return e-t}));i.every=function(t){return t=Math.floor(t),isFinite(t)&&t>0?t>1?n((function(e){e.setTime(Math.floor(e/t)*t)}),(function(e,r){e.setTime(+e+r*t)}),(function(e,r){return(r-e)/t})):i:null};var a=i.range,o=n((function(t){t.setTime(t-t.getMilliseconds())}),(function(t,e){t.setTime(+t+1e3*e)}),(function(t,e){return(e-t)/1e3}),(function(t){return t.getUTCSeconds()})),s=o.range,l=n((function(t){t.setTime(t-t.getMilliseconds()-1e3*t.getSeconds())}),(function(t,e){t.setTime(+t+6e4*e)}),(function(t,e){return(e-t)/6e4}),(function(t){return t.getMinutes()})),c=l.range,u=n((function(t){t.setTime(t-t.getMilliseconds()-1e3*t.getSeconds()-6e4*t.getMinutes())}),(function(t,e){t.setTime(+t+36e5*e)}),(function(t,e){return(e-t)/36e5}),(function(t){return t.getHours()})),f=u.range,h=n((function(t){t.setHours(0,0,0,0)}),(function(t,e){t.setDate(t.getDate()+e)}),(function(t,e){return(e-t-6e4*(e.getTimezoneOffset()-t.getTimezoneOffset()))/864e5}),(function(t){return t.getDate()-1})),p=h.range;function d(t){return n((function(e){e.setDate(e.getDate()-(e.getDay()+7-t)%7),e.setHours(0,0,0,0)}),(function(t,e){t.setDate(t.getDate()+7*e)}),(function(t,e){return(e-t-6e4*(e.getTimezoneOffset()-t.getTimezoneOffset()))/6048e5}))}var g=d(0),m=d(1),v=d(2),y=d(3),x=d(4),b=d(5),_=d(6),w=g.range,T=m.range,k=v.range,M=y.range,A=x.range,S=b.range,E=_.range,C=n((function(t){t.setDate(1),t.setHours(0,0,0,0)}),(function(t,e){t.setMonth(t.getMonth()+e)}),(function(t,e){return e.getMonth()-t.getMonth()+12*(e.getFullYear()-t.getFullYear())}),(function(t){return t.getMonth()})),L=C.range,I=n((function(t){t.setMonth(0,1),t.setHours(0,0,0,0)}),(function(t,e){t.setFullYear(t.getFullYear()+e)}),(function(t,e){return e.getFullYear()-t.getFullYear()}),(function(t){return t.getFullYear()}));I.every=function(t){return isFinite(t=Math.floor(t))&&t>0?n((function(e){e.setFullYear(Math.floor(e.getFullYear()/t)*t),e.setMonth(0,1),e.setHours(0,0,0,0)}),(function(e,r){e.setFullYear(e.getFullYear()+r*t)})):null};var P=I.range,z=n((function(t){t.setUTCSeconds(0,0)}),(function(t,e){t.setTime(+t+6e4*e)}),(function(t,e){return(e-t)/6e4}),(function(t){return t.getUTCMinutes()})),O=z.range,D=n((function(t){t.setUTCMinutes(0,0,0)}),(function(t,e){t.setTime(+t+36e5*e)}),(function(t,e){return(e-t)/36e5}),(function(t){return t.getUTCHours()})),R=D.range,F=n((function(t){t.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCDate(t.getUTCDate()+e)}),(function(t,e){return(e-t)/864e5}),(function(t){return t.getUTCDate()-1})),B=F.range;function N(t){return n((function(e){e.setUTCDate(e.getUTCDate()-(e.getUTCDay()+7-t)%7),e.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCDate(t.getUTCDate()+7*e)}),(function(t,e){return(e-t)/6048e5}))}var j=N(0),U=N(1),V=N(2),q=N(3),H=N(4),G=N(5),Y=N(6),W=j.range,X=U.range,Z=V.range,J=q.range,K=H.range,Q=G.range,$=Y.range,tt=n((function(t){t.setUTCDate(1),t.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCMonth(t.getUTCMonth()+e)}),(function(t,e){return e.getUTCMonth()-t.getUTCMonth()+12*(e.getUTCFullYear()-t.getUTCFullYear())}),(function(t){return t.getUTCMonth()})),et=tt.range,rt=n((function(t){t.setUTCMonth(0,1),t.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCFullYear(t.getUTCFullYear()+e)}),(function(t,e){return e.getUTCFullYear()-t.getUTCFullYear()}),(function(t){return t.getUTCFullYear()}));rt.every=function(t){return isFinite(t=Math.floor(t))&&t>0?n((function(e){e.setUTCFullYear(Math.floor(e.getUTCFullYear()/t)*t),e.setUTCMonth(0,1),e.setUTCHours(0,0,0,0)}),(function(e,r){e.setUTCFullYear(e.getUTCFullYear()+r*t)})):null};var nt=rt.range;t.timeDay=h,t.timeDays=p,t.timeFriday=b,t.timeFridays=S,t.timeHour=u,t.timeHours=f,t.timeInterval=n,t.timeMillisecond=i,t.timeMilliseconds=a,t.timeMinute=l,t.timeMinutes=c,t.timeMonday=m,t.timeMondays=T,t.timeMonth=C,t.timeMonths=L,t.timeSaturday=_,t.timeSaturdays=E,t.timeSecond=o,t.timeSeconds=s,t.timeSunday=g,t.timeSundays=w,t.timeThursday=x,t.timeThursdays=A,t.timeTuesday=v,t.timeTuesdays=k,t.timeWednesday=y,t.timeWednesdays=M,t.timeWeek=g,t.timeWeeks=w,t.timeYear=I,t.timeYears=P,t.utcDay=F,t.utcDays=B,t.utcFriday=G,t.utcFridays=Q,t.utcHour=D,t.utcHours=R,t.utcMillisecond=i,t.utcMilliseconds=a,t.utcMinute=z,t.utcMinutes=O,t.utcMonday=U,t.utcMondays=X,t.utcMonth=tt,t.utcMonths=et,t.utcSaturday=Y,t.utcSaturdays=$,t.utcSecond=o,t.utcSeconds=s,t.utcSunday=j,t.utcSundays=W,t.utcThursday=H,t.utcThursdays=K,t.utcTuesday=V,t.utcTuesdays=Z,t.utcWednesday=q,t.utcWednesdays=J,t.utcWeek=j,t.utcWeeks=W,t.utcYear=rt,t.utcYears=nt,Object.defineProperty(t,"__esModule",{value:!0})}))},{}],168:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?n(r):n((t=t||self).d3=t.d3||{})}(this,(function(t){"use strict";var e,r,n=0,i=0,a=0,o=0,s=0,l=0,c="object"==typeof performance&&performance.now?performance:Date,u="object"==typeof window&&window.requestAnimationFrame?window.requestAnimationFrame.bind(window):function(t){setTimeout(t,17)};function f(){return s||(u(h),s=c.now()+l)}function h(){s=0}function p(){this._call=this._time=this._next=null}function d(t,e,r){var n=new p;return n.restart(t,e,r),n}function g(){f(),++n;for(var t,r=e;r;)(t=s-r._time)>=0&&r._call.call(null,t),r=r._next;--n}function m(){s=(o=c.now())+l,n=i=0;try{g()}finally{n=0,function(){var t,n,i=e,a=1/0;for(;i;)i._call?(a>i._time&&(a=i._time),t=i,i=i._next):(n=i._next,i._next=null,i=t?t._next=n:e=n);r=t,y(a)}(),s=0}}function v(){var t=c.now(),e=t-o;e>1e3&&(l-=e,o=t)}function y(t){n||(i&&(i=clearTimeout(i)),t-s>24?(t<1/0&&(i=setTimeout(m,t-c.now()-l)),a&&(a=clearInterval(a))):(a||(o=c.now(),a=setInterval(v,1e3)),n=1,u(m)))}p.prototype=d.prototype={constructor:p,restart:function(t,n,i){if("function"!=typeof t)throw new TypeError("callback is not a function");i=(null==i?f():+i)+(null==n?0:+n),this._next||r===this||(r?r._next=this:e=this,r=this),this._call=t,this._time=i,y()},stop:function(){this._call&&(this._call=null,this._time=1/0,y())}},t.interval=function(t,e,r){var n=new p,i=e;return null==e?(n.restart(t,e,r),n):(e=+e,r=null==r?f():+r,n.restart((function a(o){o+=i,n.restart(a,i+=e,r),t(o)}),e,r),n)},t.now=f,t.timeout=function(t,e,r){var n=new p;return e=null==e?0:+e,n.restart((function(r){n.stop(),t(r+e)}),e,r),n},t.timer=d,t.timerFlush=g,Object.defineProperty(t,"__esModule",{value:!0})}))},{}],169:[function(t,e,r){!function(){var t={version:"3.5.17"},r=[].slice,n=function(t){return r.call(t)},i=this.document;function a(t){return t&&(t.ownerDocument||t.document||t).documentElement}function o(t){return t&&(t.ownerDocument&&t.ownerDocument.defaultView||t.document&&t||t.defaultView)}if(i)try{n(i.documentElement.childNodes)[0].nodeType}catch(t){n=function(t){for(var e=t.length,r=new Array(e);e--;)r[e]=t[e];return r}}if(Date.now||(Date.now=function(){return+new Date}),i)try{i.createElement("DIV").style.setProperty("opacity",0,"")}catch(t){var s=this.Element.prototype,l=s.setAttribute,c=s.setAttributeNS,u=this.CSSStyleDeclaration.prototype,f=u.setProperty;s.setAttribute=function(t,e){l.call(this,t,e+"")},s.setAttributeNS=function(t,e,r){c.call(this,t,e,r+"")},u.setProperty=function(t,e,r){f.call(this,t,e+"",r)}}function h(t,e){return te?1:t>=e?0:NaN}function p(t){return null===t?NaN:+t}function d(t){return!isNaN(t)}function g(t){return{left:function(e,r,n,i){for(arguments.length<3&&(n=0),arguments.length<4&&(i=e.length);n>>1;t(e[a],r)<0?n=a+1:i=a}return n},right:function(e,r,n,i){for(arguments.length<3&&(n=0),arguments.length<4&&(i=e.length);n>>1;t(e[a],r)>0?i=a:n=a+1}return n}}}t.ascending=h,t.descending=function(t,e){return et?1:e>=t?0:NaN},t.min=function(t,e){var r,n,i=-1,a=t.length;if(1===arguments.length){for(;++i=n){r=n;break}for(;++in&&(r=n)}else{for(;++i=n){r=n;break}for(;++in&&(r=n)}return r},t.max=function(t,e){var r,n,i=-1,a=t.length;if(1===arguments.length){for(;++i=n){r=n;break}for(;++ir&&(r=n)}else{for(;++i=n){r=n;break}for(;++ir&&(r=n)}return r},t.extent=function(t,e){var r,n,i,a=-1,o=t.length;if(1===arguments.length){for(;++a=n){r=i=n;break}for(;++an&&(r=n),i=n){r=i=n;break}for(;++an&&(r=n),i1)return o/(l-1)},t.deviation=function(){var e=t.variance.apply(this,arguments);return e?Math.sqrt(e):e};var m=g(h);function v(t){return t.length}t.bisectLeft=m.left,t.bisect=t.bisectRight=m.right,t.bisector=function(t){return g(1===t.length?function(e,r){return h(t(e),r)}:t)},t.shuffle=function(t,e,r){(a=arguments.length)<3&&(r=t.length,a<2&&(e=0));for(var n,i,a=r-e;a;)i=Math.random()*a--|0,n=t[a+e],t[a+e]=t[i+e],t[i+e]=n;return t},t.permute=function(t,e){for(var r=e.length,n=new Array(r);r--;)n[r]=t[e[r]];return n},t.pairs=function(t){for(var e=0,r=t.length-1,n=t[0],i=new Array(r<0?0:r);e=0;)for(e=(n=t[i]).length;--e>=0;)r[--o]=n[e];return r};var y=Math.abs;function x(t){for(var e=1;t*e%1;)e*=10;return e}function b(t,e){for(var r in e)Object.defineProperty(t.prototype,r,{value:e[r],enumerable:!1})}function _(){this._=Object.create(null)}t.range=function(t,e,r){if(arguments.length<3&&(r=1,arguments.length<2&&(e=t,t=0)),(e-t)/r==1/0)throw new Error("infinite range");var n,i=[],a=x(y(r)),o=-1;if(t*=a,e*=a,(r*=a)<0)for(;(n=t+r*++o)>e;)i.push(n/a);else for(;(n=t+r*++o)=i.length)return r?r.call(n,a):e?a.sort(e):a;for(var l,c,u,f,h=-1,p=a.length,d=i[s++],g=new _;++h=i.length)return e;var n=[],o=a[r++];return e.forEach((function(e,i){n.push({key:e,values:t(i,r)})})),o?n.sort((function(t,e){return o(t.key,e.key)})):n}(o(t.map,e,0),0)},n.key=function(t){return i.push(t),n},n.sortKeys=function(t){return a[i.length-1]=t,n},n.sortValues=function(t){return e=t,n},n.rollup=function(t){return r=t,n},n},t.set=function(t){var e=new C;if(t)for(var r=0,n=t.length;r=0&&(n=t.slice(r+1),t=t.slice(0,r)),t)return arguments.length<2?this[t].on(n):this[t].on(n,e);if(2===arguments.length){if(null==e)for(t in this)this.hasOwnProperty(t)&&this[t].on(n,null);return this}},t.event=null,t.requote=function(t){return t.replace(j,"\\$&")};var j=/[\\\^\$\*\+\?\|\[\]\(\)\.\{\}]/g,U={}.__proto__?function(t,e){t.__proto__=e}:function(t,e){for(var r in e)t[r]=e[r]};function V(t){return U(t,Y),t}var q=function(t,e){return e.querySelector(t)},H=function(t,e){return e.querySelectorAll(t)},G=function(t,e){var r=t.matches||t[P(t,"matchesSelector")];return(G=function(t,e){return r.call(t,e)})(t,e)};"function"==typeof Sizzle&&(q=function(t,e){return Sizzle(t,e)[0]||null},H=Sizzle,G=Sizzle.matchesSelector),t.selection=function(){return t.select(i.documentElement)};var Y=t.selection.prototype=[];function W(t){return"function"==typeof t?t:function(){return q(t,this)}}function X(t){return"function"==typeof t?t:function(){return H(t,this)}}Y.select=function(t){var e,r,n,i,a=[];t=W(t);for(var o=-1,s=this.length;++o=0&&"xmlns"!==(r=t.slice(0,e))&&(t=t.slice(e+1)),J.hasOwnProperty(r)?{space:J[r],local:t}:t}},Y.attr=function(e,r){if(arguments.length<2){if("string"==typeof e){var n=this.node();return(e=t.ns.qualify(e)).local?n.getAttributeNS(e.space,e.local):n.getAttribute(e)}for(r in e)this.each(K(r,e[r]));return this}return this.each(K(e,r))},Y.classed=function(t,e){if(arguments.length<2){if("string"==typeof t){var r=this.node(),n=(t=tt(t)).length,i=-1;if(e=r.classList){for(;++i=0;)(r=n[i])&&(a&&a!==r.nextSibling&&a.parentNode.insertBefore(r,a),a=r);return this},Y.sort=function(t){t=ct.apply(this,arguments);for(var e=-1,r=this.length;++e=e&&(e=i+1);!(o=s[e])&&++e0&&(e=e.slice(0,o));var l=gt.get(e);function c(){var t=this[a];t&&(this.removeEventListener(e,t,t.$),delete this[a])}return l&&(e=l,s=vt),o?r?function(){var t=s(r,n(arguments));c.call(this),this.addEventListener(e,this[a]=t,t.$=i),t._=r}:c:r?O:function(){var r,n=new RegExp("^__on([^.]+)"+t.requote(e)+"$");for(var i in this)if(r=i.match(n)){var a=this[i];this.removeEventListener(r[1],a,a.$),delete this[i]}}}t.selection.enter=ft,t.selection.enter.prototype=ht,ht.append=Y.append,ht.empty=Y.empty,ht.node=Y.node,ht.call=Y.call,ht.size=Y.size,ht.select=function(t){for(var e,r,n,i,a,o=[],s=-1,l=this.length;++s0?1:t<0?-1:0}function zt(t,e,r){return(e[0]-t[0])*(r[1]-t[1])-(e[1]-t[1])*(r[0]-t[0])}function Ot(t){return t>1?0:t<-1?At:Math.acos(t)}function Dt(t){return t>1?Ct:t<-1?-Ct:Math.asin(t)}function Rt(t){return((t=Math.exp(t))+1/t)/2}function Ft(t){return(t=Math.sin(t/2))*t}var Bt=Math.SQRT2;t.interpolateZoom=function(t,e){var r,n,i=t[0],a=t[1],o=t[2],s=e[0],l=e[1],c=e[2],u=s-i,f=l-a,h=u*u+f*f;if(h0&&(e=e.transition().duration(g)),e.call(w.event)}function S(){c&&c.domain(l.range().map((function(t){return(t-h.x)/h.k})).map(l.invert)),f&&f.domain(u.range().map((function(t){return(t-h.y)/h.k})).map(u.invert))}function E(t){m++||t({type:"zoomstart"})}function C(t){S(),t({type:"zoom",scale:h.k,translate:[h.x,h.y]})}function L(t){--m||(t({type:"zoomend"}),r=null)}function I(){var e=this,r=_.of(e,arguments),n=0,i=t.select(o(e)).on(y,l).on(x,c),a=T(t.mouse(e)),s=bt(e);function l(){n=1,M(t.mouse(e),a),C(r)}function c(){i.on(y,null).on(x,null),s(n),L(r)}vs.call(e),E(r)}function P(){var e,r=this,n=_.of(r,arguments),i={},a=0,o=".zoom-"+t.event.changedTouches[0].identifier,l="touchmove"+o,c="touchend"+o,u=[],f=t.select(r),p=bt(r);function d(){var n=t.touches(r);return e=h.k,n.forEach((function(t){t.identifier in i&&(i[t.identifier]=T(t))})),n}function g(){var e=t.event.target;t.select(e).on(l,m).on(c,y),u.push(e);for(var n=t.event.changedTouches,o=0,f=n.length;o1){v=p[0];var x=p[1],b=v[0]-x[0],_=v[1]-x[1];a=b*b+_*_}}function m(){var o,l,c,u,f=t.touches(r);vs.call(r);for(var h=0,p=f.length;h360?t-=360:t<0&&(t+=360),t<60?n+(i-n)*t/60:t<180?i:t<240?n+(i-n)*(240-t)/60:n}(t))}return t=isNaN(t)?0:(t%=360)<0?t+360:t,e=isNaN(e)||e<0?0:e>1?1:e,n=2*(r=r<0?0:r>1?1:r)-(i=r<=.5?r*(1+e):r+e-r*e),new ne(a(t+120),a(t),a(t-120))}function Yt(e,r,n){return this instanceof Yt?(this.h=+e,this.c=+r,void(this.l=+n)):arguments.length<2?e instanceof Yt?new Yt(e.h,e.c,e.l):$t(e instanceof Zt?e.l:(e=ue((e=t.rgb(e)).r,e.g,e.b)).l,e.a,e.b):new Yt(e,r,n)}Ht.brighter=function(t){return t=Math.pow(.7,arguments.length?t:1),new qt(this.h,this.s,this.l/t)},Ht.darker=function(t){return t=Math.pow(.7,arguments.length?t:1),new qt(this.h,this.s,t*this.l)},Ht.rgb=function(){return Gt(this.h,this.s,this.l)},t.hcl=Yt;var Wt=Yt.prototype=new Vt;function Xt(t,e,r){return isNaN(t)&&(t=0),isNaN(e)&&(e=0),new Zt(r,Math.cos(t*=Lt)*e,Math.sin(t)*e)}function Zt(t,e,r){return this instanceof Zt?(this.l=+t,this.a=+e,void(this.b=+r)):arguments.length<2?t instanceof Zt?new Zt(t.l,t.a,t.b):t instanceof Yt?Xt(t.h,t.c,t.l):ue((t=ne(t)).r,t.g,t.b):new Zt(t,e,r)}Wt.brighter=function(t){return new Yt(this.h,this.c,Math.min(100,this.l+Jt*(arguments.length?t:1)))},Wt.darker=function(t){return new Yt(this.h,this.c,Math.max(0,this.l-Jt*(arguments.length?t:1)))},Wt.rgb=function(){return Xt(this.h,this.c,this.l).rgb()},t.lab=Zt;var Jt=18,Kt=Zt.prototype=new Vt;function Qt(t,e,r){var n=(t+16)/116,i=n+e/500,a=n-r/200;return new ne(re(3.2404542*(i=.95047*te(i))-1.5371385*(n=1*te(n))-.4985314*(a=1.08883*te(a))),re(-.969266*i+1.8760108*n+.041556*a),re(.0556434*i-.2040259*n+1.0572252*a))}function $t(t,e,r){return t>0?new Yt(Math.atan2(r,e)*It,Math.sqrt(e*e+r*r),t):new Yt(NaN,NaN,t)}function te(t){return t>.206893034?t*t*t:(t-4/29)/7.787037}function ee(t){return t>.008856?Math.pow(t,1/3):7.787037*t+4/29}function re(t){return Math.round(255*(t<=.00304?12.92*t:1.055*Math.pow(t,1/2.4)-.055))}function ne(t,e,r){return this instanceof ne?(this.r=~~t,this.g=~~e,void(this.b=~~r)):arguments.length<2?t instanceof ne?new ne(t.r,t.g,t.b):le(""+t,ne,Gt):new ne(t,e,r)}function ie(t){return new ne(t>>16,t>>8&255,255&t)}function ae(t){return ie(t)+""}Kt.brighter=function(t){return new Zt(Math.min(100,this.l+Jt*(arguments.length?t:1)),this.a,this.b)},Kt.darker=function(t){return new Zt(Math.max(0,this.l-Jt*(arguments.length?t:1)),this.a,this.b)},Kt.rgb=function(){return Qt(this.l,this.a,this.b)},t.rgb=ne;var oe=ne.prototype=new Vt;function se(t){return t<16?"0"+Math.max(0,t).toString(16):Math.min(255,t).toString(16)}function le(t,e,r){var n,i,a,o=0,s=0,l=0;if(n=/([a-z]+)\((.*)\)/.exec(t=t.toLowerCase()))switch(i=n[2].split(","),n[1]){case"hsl":return r(parseFloat(i[0]),parseFloat(i[1])/100,parseFloat(i[2])/100);case"rgb":return e(he(i[0]),he(i[1]),he(i[2]))}return(a=pe.get(t))?e(a.r,a.g,a.b):(null==t||"#"!==t.charAt(0)||isNaN(a=parseInt(t.slice(1),16))||(4===t.length?(o=(3840&a)>>4,o|=o>>4,s=240&a,s|=s>>4,l=15&a,l|=l<<4):7===t.length&&(o=(16711680&a)>>16,s=(65280&a)>>8,l=255&a)),e(o,s,l))}function ce(t,e,r){var n,i,a=Math.min(t/=255,e/=255,r/=255),o=Math.max(t,e,r),s=o-a,l=(o+a)/2;return s?(i=l<.5?s/(o+a):s/(2-o-a),n=t==o?(e-r)/s+(e0&&l<1?0:n),new qt(n,i,l)}function ue(t,e,r){var n=ee((.4124564*(t=fe(t))+.3575761*(e=fe(e))+.1804375*(r=fe(r)))/.95047),i=ee((.2126729*t+.7151522*e+.072175*r)/1);return Zt(116*i-16,500*(n-i),200*(i-ee((.0193339*t+.119192*e+.9503041*r)/1.08883)))}function fe(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function he(t){var e=parseFloat(t);return"%"===t.charAt(t.length-1)?Math.round(2.55*e):e}oe.brighter=function(t){t=Math.pow(.7,arguments.length?t:1);var e=this.r,r=this.g,n=this.b,i=30;return e||r||n?(e&&e=200&&e<300||304===e){try{t=i.call(o,c)}catch(t){return void s.error.call(o,t)}s.load.call(o,t)}else s.error.call(o,c)}return this.XDomainRequest&&!("withCredentials"in c)&&/^(http(s)?:)?\/\//.test(e)&&(c=new XDomainRequest),"onload"in c?c.onload=c.onerror=f:c.onreadystatechange=function(){c.readyState>3&&f()},c.onprogress=function(e){var r=t.event;t.event=e;try{s.progress.call(o,c)}finally{t.event=r}},o.header=function(t,e){return t=(t+"").toLowerCase(),arguments.length<2?l[t]:(null==e?delete l[t]:l[t]=e+"",o)},o.mimeType=function(t){return arguments.length?(r=null==t?null:t+"",o):r},o.responseType=function(t){return arguments.length?(u=t,o):u},o.response=function(t){return i=t,o},["get","post"].forEach((function(t){o[t]=function(){return o.send.apply(o,[t].concat(n(arguments)))}})),o.send=function(t,n,i){if(2===arguments.length&&"function"==typeof n&&(i=n,n=null),c.open(t,e,!0),null==r||"accept"in l||(l.accept=r+",*/*"),c.setRequestHeader)for(var a in l)c.setRequestHeader(a,l[a]);return null!=r&&c.overrideMimeType&&c.overrideMimeType(r),null!=u&&(c.responseType=u),null!=i&&o.on("error",i).on("load",(function(t){i(null,t)})),s.beforesend.call(o,c),c.send(null==n?null:n),o},o.abort=function(){return c.abort(),o},t.rebind(o,s,"on"),null==a?o:o.get(function(t){return 1===t.length?function(e,r){t(null==e?r:null)}:t}(a))}pe.forEach((function(t,e){pe.set(t,ie(e))})),t.functor=de,t.xhr=ge(L),t.dsv=function(t,e){var r=new RegExp('["'+t+"\n]"),n=t.charCodeAt(0);function i(t,r,n){arguments.length<3&&(n=r,r=null);var i=me(t,e,null==r?a:o(r),n);return i.row=function(t){return arguments.length?i.response(null==(r=t)?a:o(t)):r},i}function a(t){return i.parse(t.responseText)}function o(t){return function(e){return i.parse(e.responseText,t)}}function s(e){return e.map(l).join(t)}function l(t){return r.test(t)?'"'+t.replace(/\"/g,'""')+'"':t}return i.parse=function(t,e){var r;return i.parseRows(t,(function(t,n){if(r)return r(t,n-1);var i=new Function("d","return {"+t.map((function(t,e){return JSON.stringify(t)+": d["+e+"]"})).join(",")+"}");r=e?function(t,r){return e(i(t),r)}:i}))},i.parseRows=function(t,e){var r,i,a={},o={},s=[],l=t.length,c=0,u=0;function f(){if(c>=l)return o;if(i)return i=!1,a;var e=c;if(34===t.charCodeAt(e)){for(var r=e;r++24?(isFinite(e)&&(clearTimeout(be),be=setTimeout(Te,e)),xe=0):(xe=1,_e(Te))}function ke(){for(var t=Date.now(),e=ve;e;)t>=e.t&&e.c(t-e.t)&&(e.c=null),e=e.n;return t}function Me(){for(var t,e=ve,r=1/0;e;)e.c?(e.t8?function(t){return t/r}:function(t){return t*r},symbol:t}}));function Ee(e){var r=e.decimal,n=e.thousands,i=e.grouping,a=e.currency,o=i&&n?function(t,e){for(var r=t.length,a=[],o=0,s=i[0],l=0;r>0&&s>0&&(l+s+1>e&&(s=Math.max(1,e-l)),a.push(t.substring(r-=s,r+s)),!((l+=s+1)>e));)s=i[o=(o+1)%i.length];return a.reverse().join(n)}:L;return function(e){var n=Ce.exec(e),i=n[1]||" ",s=n[2]||">",l=n[3]||"-",c=n[4]||"",u=n[5],f=+n[6],h=n[7],p=n[8],d=n[9],g=1,m="",v="",y=!1,x=!0;switch(p&&(p=+p.substring(1)),(u||"0"===i&&"="===s)&&(u=i="0",s="="),d){case"n":h=!0,d="g";break;case"%":g=100,v="%",d="f";break;case"p":g=100,v="%",d="r";break;case"b":case"o":case"x":case"X":"#"===c&&(m="0"+d.toLowerCase());case"c":x=!1;case"d":y=!0,p=0;break;case"s":g=-1,d="r"}"$"===c&&(m=a[0],v=a[1]),"r"!=d||p||(d="g"),null!=p&&("g"==d?p=Math.max(1,Math.min(21,p)):"e"!=d&&"f"!=d||(p=Math.max(0,Math.min(20,p)))),d=Le.get(d)||Ie;var b=u&&h;return function(e){var n=v;if(y&&e%1)return"";var a=e<0||0===e&&1/e<0?(e=-e,"-"):"-"===l?"":l;if(g<0){var c=t.formatPrefix(e,p);e=c.scale(e),n=c.symbol+v}else e*=g;var _,w,T=(e=d(e,p)).lastIndexOf(".");if(T<0){var k=x?e.lastIndexOf("e"):-1;k<0?(_=e,w=""):(_=e.substring(0,k),w=e.substring(k))}else _=e.substring(0,T),w=r+e.substring(T+1);!u&&h&&(_=o(_,1/0));var M=m.length+_.length+w.length+(b?0:a.length),A=M"===s?A+a+e:"^"===s?A.substring(0,M>>=1)+a+e+A.substring(M):a+(b?e:A+e))+n}}}t.formatPrefix=function(e,r){var n=0;return(e=+e)&&(e<0&&(e*=-1),r&&(e=t.round(e,Ae(e,r))),n=1+Math.floor(1e-12+Math.log(e)/Math.LN10),n=Math.max(-24,Math.min(24,3*Math.floor((n-1)/3)))),Se[8+n/3]};var Ce=/(?:([^{])?([<>=^]))?([+\- ])?([$#])?(0)?(\d+)?(,)?(\.-?\d+)?([a-z%])?/i,Le=t.map({b:function(t){return t.toString(2)},c:function(t){return String.fromCharCode(t)},o:function(t){return t.toString(8)},x:function(t){return t.toString(16)},X:function(t){return t.toString(16).toUpperCase()},g:function(t,e){return t.toPrecision(e)},e:function(t,e){return t.toExponential(e)},f:function(t,e){return t.toFixed(e)},r:function(e,r){return(e=t.round(e,Ae(e,r))).toFixed(Math.max(0,Math.min(20,Ae(e*(1+1e-15),r))))}});function Ie(t){return t+""}var Pe=t.time={},ze=Date;function Oe(){this._=new Date(arguments.length>1?Date.UTC.apply(this,arguments):arguments[0])}Oe.prototype={getDate:function(){return this._.getUTCDate()},getDay:function(){return this._.getUTCDay()},getFullYear:function(){return this._.getUTCFullYear()},getHours:function(){return this._.getUTCHours()},getMilliseconds:function(){return this._.getUTCMilliseconds()},getMinutes:function(){return this._.getUTCMinutes()},getMonth:function(){return this._.getUTCMonth()},getSeconds:function(){return this._.getUTCSeconds()},getTime:function(){return this._.getTime()},getTimezoneOffset:function(){return 0},valueOf:function(){return this._.valueOf()},setDate:function(){De.setUTCDate.apply(this._,arguments)},setDay:function(){De.setUTCDay.apply(this._,arguments)},setFullYear:function(){De.setUTCFullYear.apply(this._,arguments)},setHours:function(){De.setUTCHours.apply(this._,arguments)},setMilliseconds:function(){De.setUTCMilliseconds.apply(this._,arguments)},setMinutes:function(){De.setUTCMinutes.apply(this._,arguments)},setMonth:function(){De.setUTCMonth.apply(this._,arguments)},setSeconds:function(){De.setUTCSeconds.apply(this._,arguments)},setTime:function(){De.setTime.apply(this._,arguments)}};var De=Date.prototype;function Re(t,e,r){function n(e){var r=t(e),n=a(r,1);return e-r1)for(;o=c)return-1;if(37===(i=e.charCodeAt(s++))){if(o=e.charAt(s++),!(a=w[o in Ne?e.charAt(s++):o])||(n=a(t,r,n))<0)return-1}else if(i!=r.charCodeAt(n++))return-1}return n}u.utc=function(t){var e=u(t);function r(t){try{var r=new(ze=Oe);return r._=t,e(r)}finally{ze=Date}}return r.parse=function(t){try{ze=Oe;var r=e.parse(t);return r&&r._}finally{ze=Date}},r.toString=e.toString,r},u.multi=u.utc.multi=or;var h=t.map(),p=qe(o),d=He(o),g=qe(s),m=He(s),v=qe(l),y=He(l),x=qe(c),b=He(c);a.forEach((function(t,e){h.set(t.toLowerCase(),e)}));var _={a:function(t){return s[t.getDay()]},A:function(t){return o[t.getDay()]},b:function(t){return c[t.getMonth()]},B:function(t){return l[t.getMonth()]},c:u(r),d:function(t,e){return Ve(t.getDate(),e,2)},e:function(t,e){return Ve(t.getDate(),e,2)},H:function(t,e){return Ve(t.getHours(),e,2)},I:function(t,e){return Ve(t.getHours()%12||12,e,2)},j:function(t,e){return Ve(1+Pe.dayOfYear(t),e,3)},L:function(t,e){return Ve(t.getMilliseconds(),e,3)},m:function(t,e){return Ve(t.getMonth()+1,e,2)},M:function(t,e){return Ve(t.getMinutes(),e,2)},p:function(t){return a[+(t.getHours()>=12)]},S:function(t,e){return Ve(t.getSeconds(),e,2)},U:function(t,e){return Ve(Pe.sundayOfYear(t),e,2)},w:function(t){return t.getDay()},W:function(t,e){return Ve(Pe.mondayOfYear(t),e,2)},x:u(n),X:u(i),y:function(t,e){return Ve(t.getFullYear()%100,e,2)},Y:function(t,e){return Ve(t.getFullYear()%1e4,e,4)},Z:ir,"%":function(){return"%"}},w={a:function(t,e,r){g.lastIndex=0;var n=g.exec(e.slice(r));return n?(t.w=m.get(n[0].toLowerCase()),r+n[0].length):-1},A:function(t,e,r){p.lastIndex=0;var n=p.exec(e.slice(r));return n?(t.w=d.get(n[0].toLowerCase()),r+n[0].length):-1},b:function(t,e,r){x.lastIndex=0;var n=x.exec(e.slice(r));return n?(t.m=b.get(n[0].toLowerCase()),r+n[0].length):-1},B:function(t,e,r){v.lastIndex=0;var n=v.exec(e.slice(r));return n?(t.m=y.get(n[0].toLowerCase()),r+n[0].length):-1},c:function(t,e,r){return f(t,_.c.toString(),e,r)},d:Qe,e:Qe,H:tr,I:tr,j:$e,L:nr,m:Ke,M:er,p:function(t,e,r){var n=h.get(e.slice(r,r+=2).toLowerCase());return null==n?-1:(t.p=n,r)},S:rr,U:Ye,w:Ge,W:We,x:function(t,e,r){return f(t,_.x.toString(),e,r)},X:function(t,e,r){return f(t,_.X.toString(),e,r)},y:Ze,Y:Xe,Z:Je,"%":ar};return u}Pe.year=Re((function(t){return(t=Pe.day(t)).setMonth(0,1),t}),(function(t,e){t.setFullYear(t.getFullYear()+e)}),(function(t){return t.getFullYear()})),Pe.years=Pe.year.range,Pe.years.utc=Pe.year.utc.range,Pe.day=Re((function(t){var e=new ze(2e3,0);return e.setFullYear(t.getFullYear(),t.getMonth(),t.getDate()),e}),(function(t,e){t.setDate(t.getDate()+e)}),(function(t){return t.getDate()-1})),Pe.days=Pe.day.range,Pe.days.utc=Pe.day.utc.range,Pe.dayOfYear=function(t){var e=Pe.year(t);return Math.floor((t-e-6e4*(t.getTimezoneOffset()-e.getTimezoneOffset()))/864e5)},["sunday","monday","tuesday","wednesday","thursday","friday","saturday"].forEach((function(t,e){e=7-e;var r=Pe[t]=Re((function(t){return(t=Pe.day(t)).setDate(t.getDate()-(t.getDay()+e)%7),t}),(function(t,e){t.setDate(t.getDate()+7*Math.floor(e))}),(function(t){var r=Pe.year(t).getDay();return Math.floor((Pe.dayOfYear(t)+(r+e)%7)/7)-(r!==e)}));Pe[t+"s"]=r.range,Pe[t+"s"].utc=r.utc.range,Pe[t+"OfYear"]=function(t){var r=Pe.year(t).getDay();return Math.floor((Pe.dayOfYear(t)+(r+e)%7)/7)}})),Pe.week=Pe.sunday,Pe.weeks=Pe.sunday.range,Pe.weeks.utc=Pe.sunday.utc.range,Pe.weekOfYear=Pe.sundayOfYear;var Ne={"-":"",_:" ",0:"0"},je=/^\s*\d+/,Ue=/^%/;function Ve(t,e,r){var n=t<0?"-":"",i=(n?-t:t)+"",a=i.length;return n+(a68?1900:2e3),r+i[0].length):-1}function Je(t,e,r){return/^[+-]\d{4}$/.test(e=e.slice(r,r+5))?(t.Z=-e,r+5):-1}function Ke(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.m=n[0]-1,r+n[0].length):-1}function Qe(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.d=+n[0],r+n[0].length):-1}function $e(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+3));return n?(t.j=+n[0],r+n[0].length):-1}function tr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.H=+n[0],r+n[0].length):-1}function er(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.M=+n[0],r+n[0].length):-1}function rr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.S=+n[0],r+n[0].length):-1}function nr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+3));return n?(t.L=+n[0],r+n[0].length):-1}function ir(t){var e=t.getTimezoneOffset(),r=e>0?"-":"+",n=y(e)/60|0,i=y(e)%60;return r+Ve(n,"0",2)+Ve(i,"0",2)}function ar(t,e,r){Ue.lastIndex=0;var n=Ue.exec(e.slice(r,r+1));return n?r+n[0].length:-1}function or(t){for(var e=t.length,r=-1;++r=0?1:-1,s=o*a,l=Math.cos(e),c=Math.sin(e),u=i*c,f=n*l+u*Math.cos(s),h=u*o*Math.sin(s);Er.add(Math.atan2(h,f)),r=t,n=l,i=c}Cr.point=function(o,s){Cr.point=a,r=(t=o)*Lt,n=Math.cos(s=(e=s)*Lt/2+At/4),i=Math.sin(s)},Cr.lineEnd=function(){a(t,e)}}function Ir(t){var e=t[0],r=t[1],n=Math.cos(r);return[n*Math.cos(e),n*Math.sin(e),Math.sin(r)]}function Pr(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]}function zr(t,e){return[t[1]*e[2]-t[2]*e[1],t[2]*e[0]-t[0]*e[2],t[0]*e[1]-t[1]*e[0]]}function Or(t,e){t[0]+=e[0],t[1]+=e[1],t[2]+=e[2]}function Dr(t,e){return[t[0]*e,t[1]*e,t[2]*e]}function Rr(t){var e=Math.sqrt(t[0]*t[0]+t[1]*t[1]+t[2]*t[2]);t[0]/=e,t[1]/=e,t[2]/=e}function Fr(t){return[Math.atan2(t[1],t[0]),Dt(t[2])]}function Br(t,e){return y(t[0]-e[0])kt?i=90:c<-kt&&(r=-90),f[0]=e,f[1]=n}};function p(t,a){u.push(f=[e=t,n=t]),ai&&(i=a)}function d(t,o){var s=Ir([t*Lt,o*Lt]);if(l){var c=zr(l,s),u=zr([c[1],-c[0],0],c);Rr(u),u=Fr(u);var f=t-a,h=f>0?1:-1,d=u[0]*It*h,g=y(f)>180;if(g^(h*ai&&(i=m);else if(g^(h*a<(d=(d+360)%360-180)&&di&&(i=o);g?t_(e,n)&&(n=t):_(t,n)>_(e,n)&&(e=t):n>=e?(tn&&(n=t)):t>a?_(e,t)>_(e,n)&&(n=t):_(t,n)>_(e,n)&&(e=t)}else p(t,o);l=s,a=t}function g(){h.point=d}function m(){f[0]=e,f[1]=n,h.point=p,l=null}function v(t,e){if(l){var r=t-a;c+=y(r)>180?r+(r>0?360:-360):r}else o=t,s=e;Cr.point(t,e),d(t,e)}function x(){Cr.lineStart()}function b(){v(o,s),Cr.lineEnd(),y(c)>kt&&(e=-(n=180)),f[0]=e,f[1]=n,l=null}function _(t,e){return(e-=t)<0?e+360:e}function w(t,e){return t[0]-e[0]}function T(t,e){return e[0]<=e[1]?e[0]<=t&&t<=e[1]:t_(g[0],g[1])&&(g[1]=p[1]),_(p[0],g[1])>_(g[0],g[1])&&(g[0]=p[0])):s.push(g=p);for(var l,c,p,d=-1/0,g=(o=0,s[c=s.length-1]);o<=c;g=p,++o)p=s[o],(l=_(g[1],p[0]))>d&&(d=l,e=p[0],n=g[1])}return u=f=null,e===1/0||r===1/0?[[NaN,NaN],[NaN,NaN]]:[[e,r],[n,i]]}}(),t.geo.centroid=function(e){vr=yr=xr=br=_r=wr=Tr=kr=Mr=Ar=Sr=0,t.geo.stream(e,Nr);var r=Mr,n=Ar,i=Sr,a=r*r+n*n+i*i;return a=0;--s)i.point((f=u[s])[0],f[1]);else n(p.x,p.p.x,-1,i);p=p.p}u=(p=p.o).z,d=!d}while(!p.v);i.lineEnd()}}}function Xr(t){if(e=t.length){for(var e,r,n=0,i=t[0];++n=0?1:-1,T=w*_,k=T>At,M=d*x;if(Er.add(Math.atan2(M*w*Math.sin(T),g*b+M*Math.cos(T))),a+=k?_+w*St:_,k^h>=r^v>=r){var A=zr(Ir(f),Ir(t));Rr(A);var S=zr(i,A);Rr(S);var E=(k^_>=0?-1:1)*Dt(S[2]);(n>E||n===E&&(A[0]||A[1]))&&(o+=k^_>=0?1:-1)}if(!m++)break;h=v,d=x,g=b,f=t}}return(a<-kt||a0){for(x||(o.polygonStart(),x=!0),o.lineStart();++a1&&2&e&&r.push(r.pop().concat(r.shift())),s.push(r.filter(Kr))}return u}}function Kr(t){return t.length>1}function Qr(){var t,e=[];return{lineStart:function(){e.push(t=[])},point:function(e,r){t.push([e,r])},lineEnd:O,buffer:function(){var r=e;return e=[],t=null,r},rejoin:function(){e.length>1&&e.push(e.pop().concat(e.shift()))}}}function $r(t,e){return((t=t.x)[0]<0?t[1]-Ct-kt:Ct-t[1])-((e=e.x)[0]<0?e[1]-Ct-kt:Ct-e[1])}var tn=Jr(Yr,(function(t){var e,r=NaN,n=NaN,i=NaN;return{lineStart:function(){t.lineStart(),e=1},point:function(a,o){var s=a>0?At:-At,l=y(a-r);y(l-At)0?Ct:-Ct),t.point(i,n),t.lineEnd(),t.lineStart(),t.point(s,n),t.point(a,n),e=0):i!==s&&l>=At&&(y(r-i)kt?Math.atan((Math.sin(e)*(a=Math.cos(n))*Math.sin(r)-Math.sin(n)*(i=Math.cos(e))*Math.sin(t))/(i*a*o)):(e+n)/2}(r,n,a,o),t.point(i,n),t.lineEnd(),t.lineStart(),t.point(s,n),e=0),t.point(r=a,n=o),i=s},lineEnd:function(){t.lineEnd(),r=n=NaN},clean:function(){return 2-e}}}),(function(t,e,r,n){var i;if(null==t)i=r*Ct,n.point(-At,i),n.point(0,i),n.point(At,i),n.point(At,0),n.point(At,-i),n.point(0,-i),n.point(-At,-i),n.point(-At,0),n.point(-At,i);else if(y(t[0]-e[0])>kt){var a=t[0]0,n=y(e)>kt;return Jr(i,(function(t){var e,s,l,c,u;return{lineStart:function(){c=l=!1,u=1},point:function(f,h){var p,d=[f,h],g=i(f,h),m=r?g?0:o(f,h):g?o(f+(f<0?At:-At),h):0;if(!e&&(c=l=g)&&t.lineStart(),g!==l&&(p=a(e,d),(Br(e,p)||Br(d,p))&&(d[0]+=kt,d[1]+=kt,g=i(d[0],d[1]))),g!==l)u=0,g?(t.lineStart(),p=a(d,e),t.point(p[0],p[1])):(p=a(e,d),t.point(p[0],p[1]),t.lineEnd()),e=p;else if(n&&e&&r^g){var v;m&s||!(v=a(d,e,!0))||(u=0,r?(t.lineStart(),t.point(v[0][0],v[0][1]),t.point(v[1][0],v[1][1]),t.lineEnd()):(t.point(v[1][0],v[1][1]),t.lineEnd(),t.lineStart(),t.point(v[0][0],v[0][1])))}!g||e&&Br(e,d)||t.point(d[0],d[1]),e=d,l=g,s=m},lineEnd:function(){l&&t.lineEnd(),e=null},clean:function(){return u|(c&&l)<<1}}}),Bn(t,6*Lt),r?[0,-t]:[-At,t-At]);function i(t,r){return Math.cos(t)*Math.cos(r)>e}function a(t,r,n){var i=[1,0,0],a=zr(Ir(t),Ir(r)),o=Pr(a,a),s=a[0],l=o-s*s;if(!l)return!n&&t;var c=e*o/l,u=-e*s/l,f=zr(i,a),h=Dr(i,c);Or(h,Dr(a,u));var p=f,d=Pr(h,p),g=Pr(p,p),m=d*d-g*(Pr(h,h)-1);if(!(m<0)){var v=Math.sqrt(m),x=Dr(p,(-d-v)/g);if(Or(x,h),x=Fr(x),!n)return x;var b,_=t[0],w=r[0],T=t[1],k=r[1];w<_&&(b=_,_=w,w=b);var M=w-_,A=y(M-At)0^x[1]<(y(x[0]-_)At^(_<=x[0]&&x[0]<=w)){var S=Dr(p,(-d+v)/g);return Or(S,h),[x,Fr(S)]}}}function o(e,n){var i=r?t:At-t,a=0;return e<-i?a|=1:e>i&&(a|=2),n<-i?a|=4:n>i&&(a|=8),a}}function rn(t,e,r,n){return function(i){var a,o=i.a,s=i.b,l=o.x,c=o.y,u=0,f=1,h=s.x-l,p=s.y-c;if(a=t-l,h||!(a>0)){if(a/=h,h<0){if(a0){if(a>f)return;a>u&&(u=a)}if(a=r-l,h||!(a<0)){if(a/=h,h<0){if(a>f)return;a>u&&(u=a)}else if(h>0){if(a0)){if(a/=p,p<0){if(a0){if(a>f)return;a>u&&(u=a)}if(a=n-c,p||!(a<0)){if(a/=p,p<0){if(a>f)return;a>u&&(u=a)}else if(p>0){if(a0&&(i.a={x:l+u*h,y:c+u*p}),f<1&&(i.b={x:l+f*h,y:c+f*p}),i}}}}}}function nn(e,r,n,i){return function(l){var c,u,f,h,p,d,g,m,v,y,x,b=l,_=Qr(),w=rn(e,r,n,i),T={point:A,lineStart:function(){T.point=S,u&&u.push(f=[]);y=!0,v=!1,g=m=NaN},lineEnd:function(){c&&(S(h,p),d&&v&&_.rejoin(),c.push(_.buffer()));T.point=A,v&&l.lineEnd()},polygonStart:function(){l=_,c=[],u=[],x=!0},polygonEnd:function(){l=b,c=t.merge(c);var r=function(t){for(var e=0,r=u.length,n=t[1],i=0;in&&zt(c,a,t)>0&&++e:a[1]<=n&&zt(c,a,t)<0&&--e,c=a;return 0!==e}([e,i]),n=x&&r,a=c.length;(n||a)&&(l.polygonStart(),n&&(l.lineStart(),k(null,null,1,l),l.lineEnd()),a&&Wr(c,o,r,k,l),l.polygonEnd()),c=u=f=null}};function k(t,o,l,c){var u=0,f=0;if(null==t||(u=a(t,l))!==(f=a(o,l))||s(t,o)<0^l>0)do{c.point(0===u||3===u?e:n,u>1?i:r)}while((u=(u+l+4)%4)!==f);else c.point(o[0],o[1])}function M(t,a){return e<=t&&t<=n&&r<=a&&a<=i}function A(t,e){M(t,e)&&l.point(t,e)}function S(t,e){var r=M(t=Math.max(-1e9,Math.min(1e9,t)),e=Math.max(-1e9,Math.min(1e9,e)));if(u&&f.push([t,e]),y)h=t,p=e,d=r,y=!1,r&&(l.lineStart(),l.point(t,e));else if(r&&v)l.point(t,e);else{var n={a:{x:g,y:m},b:{x:t,y:e}};w(n)?(v||(l.lineStart(),l.point(n.a.x,n.a.y)),l.point(n.b.x,n.b.y),r||l.lineEnd(),x=!1):r&&(l.lineStart(),l.point(t,e),x=!1)}g=t,m=e,v=r}return T};function a(t,i){return y(t[0]-e)0?0:3:y(t[0]-n)0?2:1:y(t[1]-r)0?1:0:i>0?3:2}function o(t,e){return s(t.x,e.x)}function s(t,e){var r=a(t,1),n=a(e,1);return r!==n?r-n:0===r?e[1]-t[1]:1===r?t[0]-e[0]:2===r?t[1]-e[1]:e[0]-t[0]}}function an(t){var e=0,r=At/3,n=Ln(t),i=n(e,r);return i.parallels=function(t){return arguments.length?n(e=t[0]*At/180,r=t[1]*At/180):[e/At*180,r/At*180]},i}function on(t,e){var r=Math.sin(t),n=(r+Math.sin(e))/2,i=1+r*(2*n-r),a=Math.sqrt(i)/n;function o(t,e){var r=Math.sqrt(i-2*n*Math.sin(e))/n;return[r*Math.sin(t*=n),a-r*Math.cos(t)]}return o.invert=function(t,e){var r=a-e;return[Math.atan2(t,r)/n,Dt((i-(t*t+r*r)*n*n)/(2*n))]},o}t.geo.clipExtent=function(){var t,e,r,n,i,a,o={stream:function(t){return i&&(i.valid=!1),(i=a(t)).valid=!0,i},extent:function(s){return arguments.length?(a=nn(t=+s[0][0],e=+s[0][1],r=+s[1][0],n=+s[1][1]),i&&(i.valid=!1,i=null),o):[[t,e],[r,n]]}};return o.extent([[0,0],[960,500]])},(t.geo.conicEqualArea=function(){return an(on)}).raw=on,t.geo.albers=function(){return t.geo.conicEqualArea().rotate([96,0]).center([-.6,38.7]).parallels([29.5,45.5]).scale(1070)},t.geo.albersUsa=function(){var e,r,n,i,a=t.geo.albers(),o=t.geo.conicEqualArea().rotate([154,0]).center([-2,58.5]).parallels([55,65]),s=t.geo.conicEqualArea().rotate([157,0]).center([-3,19.9]).parallels([8,18]),l={point:function(t,r){e=[t,r]}};function c(t){var a=t[0],o=t[1];return e=null,r(a,o),e||(n(a,o),e)||i(a,o),e}return c.invert=function(t){var e=a.scale(),r=a.translate(),n=(t[0]-r[0])/e,i=(t[1]-r[1])/e;return(i>=.12&&i<.234&&n>=-.425&&n<-.214?o:i>=.166&&i<.234&&n>=-.214&&n<-.115?s:a).invert(t)},c.stream=function(t){var e=a.stream(t),r=o.stream(t),n=s.stream(t);return{point:function(t,i){e.point(t,i),r.point(t,i),n.point(t,i)},sphere:function(){e.sphere(),r.sphere(),n.sphere()},lineStart:function(){e.lineStart(),r.lineStart(),n.lineStart()},lineEnd:function(){e.lineEnd(),r.lineEnd(),n.lineEnd()},polygonStart:function(){e.polygonStart(),r.polygonStart(),n.polygonStart()},polygonEnd:function(){e.polygonEnd(),r.polygonEnd(),n.polygonEnd()}}},c.precision=function(t){return arguments.length?(a.precision(t),o.precision(t),s.precision(t),c):a.precision()},c.scale=function(t){return arguments.length?(a.scale(t),o.scale(.35*t),s.scale(t),c.translate(a.translate())):a.scale()},c.translate=function(t){if(!arguments.length)return a.translate();var e=a.scale(),u=+t[0],f=+t[1];return r=a.translate(t).clipExtent([[u-.455*e,f-.238*e],[u+.455*e,f+.238*e]]).stream(l).point,n=o.translate([u-.307*e,f+.201*e]).clipExtent([[u-.425*e+kt,f+.12*e+kt],[u-.214*e-kt,f+.234*e-kt]]).stream(l).point,i=s.translate([u-.205*e,f+.212*e]).clipExtent([[u-.214*e+kt,f+.166*e+kt],[u-.115*e-kt,f+.234*e-kt]]).stream(l).point,c},c.scale(1070)};var sn,ln,cn,un,fn,hn,pn={point:O,lineStart:O,lineEnd:O,polygonStart:function(){ln=0,pn.lineStart=dn},polygonEnd:function(){pn.lineStart=pn.lineEnd=pn.point=O,sn+=y(ln/2)}};function dn(){var t,e,r,n;function i(t,e){ln+=n*t-r*e,r=t,n=e}pn.point=function(a,o){pn.point=i,t=r=a,e=n=o},pn.lineEnd=function(){i(t,e)}}var gn={point:function(t,e){tfn&&(fn=t);ehn&&(hn=e)},lineStart:O,lineEnd:O,polygonStart:O,polygonEnd:O};function mn(){var t=vn(4.5),e=[],r={point:n,lineStart:function(){r.point=i},lineEnd:o,polygonStart:function(){r.lineEnd=s},polygonEnd:function(){r.lineEnd=o,r.point=n},pointRadius:function(e){return t=vn(e),r},result:function(){if(e.length){var t=e.join("");return e=[],t}}};function n(r,n){e.push("M",r,",",n,t)}function i(t,n){e.push("M",t,",",n),r.point=a}function a(t,r){e.push("L",t,",",r)}function o(){r.point=n}function s(){e.push("Z")}return r}function vn(t){return"m0,"+t+"a"+t+","+t+" 0 1,1 0,"+-2*t+"a"+t+","+t+" 0 1,1 0,"+2*t+"z"}var yn,xn={point:bn,lineStart:_n,lineEnd:wn,polygonStart:function(){xn.lineStart=Tn},polygonEnd:function(){xn.point=bn,xn.lineStart=_n,xn.lineEnd=wn}};function bn(t,e){xr+=t,br+=e,++_r}function _n(){var t,e;function r(r,n){var i=r-t,a=n-e,o=Math.sqrt(i*i+a*a);wr+=o*(t+r)/2,Tr+=o*(e+n)/2,kr+=o,bn(t=r,e=n)}xn.point=function(n,i){xn.point=r,bn(t=n,e=i)}}function wn(){xn.point=bn}function Tn(){var t,e,r,n;function i(t,e){var i=t-r,a=e-n,o=Math.sqrt(i*i+a*a);wr+=o*(r+t)/2,Tr+=o*(n+e)/2,kr+=o,Mr+=(o=n*t-r*e)*(r+t),Ar+=o*(n+e),Sr+=3*o,bn(r=t,n=e)}xn.point=function(a,o){xn.point=i,bn(t=r=a,e=n=o)},xn.lineEnd=function(){i(t,e)}}function kn(t){var e=4.5,r={point:n,lineStart:function(){r.point=i},lineEnd:o,polygonStart:function(){r.lineEnd=s},polygonEnd:function(){r.lineEnd=o,r.point=n},pointRadius:function(t){return e=t,r},result:O};function n(r,n){t.moveTo(r+e,n),t.arc(r,n,e,0,St)}function i(e,n){t.moveTo(e,n),r.point=a}function a(e,r){t.lineTo(e,r)}function o(){r.point=n}function s(){t.closePath()}return r}function Mn(t){var e=.5,r=Math.cos(30*Lt),n=16;function i(t){return(n?o:a)(t)}function a(e){return En(e,(function(r,n){r=t(r,n),e.point(r[0],r[1])}))}function o(e){var r,i,a,o,l,c,u,f,h,p,d,g,m={point:v,lineStart:y,lineEnd:b,polygonStart:function(){e.polygonStart(),m.lineStart=_},polygonEnd:function(){e.polygonEnd(),m.lineStart=y}};function v(r,n){r=t(r,n),e.point(r[0],r[1])}function y(){f=NaN,m.point=x,e.lineStart()}function x(r,i){var a=Ir([r,i]),o=t(r,i);s(f,h,u,p,d,g,f=o[0],h=o[1],u=r,p=a[0],d=a[1],g=a[2],n,e),e.point(f,h)}function b(){m.point=v,e.lineEnd()}function _(){y(),m.point=w,m.lineEnd=T}function w(t,e){x(r=t,e),i=f,a=h,o=p,l=d,c=g,m.point=x}function T(){s(f,h,u,p,d,g,i,a,r,o,l,c,n,e),m.lineEnd=b,b()}return m}function s(n,i,a,o,l,c,u,f,h,p,d,g,m,v){var x=u-n,b=f-i,_=x*x+b*b;if(_>4*e&&m--){var w=o+p,T=l+d,k=c+g,M=Math.sqrt(w*w+T*T+k*k),A=Math.asin(k/=M),S=y(y(k)-1)e||y((x*I+b*P)/_-.5)>.3||o*p+l*d+c*g0&&16,i):Math.sqrt(e)},i}function An(t){var e=Mn((function(e,r){return t([e*It,r*It])}));return function(t){return In(e(t))}}function Sn(t){this.stream=t}function En(t,e){return{point:e,sphere:function(){t.sphere()},lineStart:function(){t.lineStart()},lineEnd:function(){t.lineEnd()},polygonStart:function(){t.polygonStart()},polygonEnd:function(){t.polygonEnd()}}}function Cn(t){return Ln((function(){return t}))()}function Ln(e){var r,n,i,a,o,s,l=Mn((function(t,e){return[(t=r(t,e))[0]*c+a,o-t[1]*c]})),c=150,u=480,f=250,h=0,p=0,d=0,g=0,m=0,v=tn,y=L,x=null,b=null;function _(t){return[(t=i(t[0]*Lt,t[1]*Lt))[0]*c+a,o-t[1]*c]}function w(t){return(t=i.invert((t[0]-a)/c,(o-t[1])/c))&&[t[0]*It,t[1]*It]}function T(){i=Gr(n=On(d,g,m),r);var t=r(h,p);return a=u-t[0]*c,o=f+t[1]*c,k()}function k(){return s&&(s.valid=!1,s=null),_}return _.stream=function(t){return s&&(s.valid=!1),(s=In(v(n,l(y(t))))).valid=!0,s},_.clipAngle=function(t){return arguments.length?(v=null==t?(x=t,tn):en((x=+t)*Lt),k()):x},_.clipExtent=function(t){return arguments.length?(b=t,y=t?nn(t[0][0],t[0][1],t[1][0],t[1][1]):L,k()):b},_.scale=function(t){return arguments.length?(c=+t,T()):c},_.translate=function(t){return arguments.length?(u=+t[0],f=+t[1],T()):[u,f]},_.center=function(t){return arguments.length?(h=t[0]%360*Lt,p=t[1]%360*Lt,T()):[h*It,p*It]},_.rotate=function(t){return arguments.length?(d=t[0]%360*Lt,g=t[1]%360*Lt,m=t.length>2?t[2]%360*Lt:0,T()):[d*It,g*It,m*It]},t.rebind(_,l,"precision"),function(){return r=e.apply(this,arguments),_.invert=r.invert&&w,T()}}function In(t){return En(t,(function(e,r){t.point(e*Lt,r*Lt)}))}function Pn(t,e){return[t,e]}function zn(t,e){return[t>At?t-St:t<-At?t+St:t,e]}function On(t,e,r){return t?e||r?Gr(Rn(t),Fn(e,r)):Rn(t):e||r?Fn(e,r):zn}function Dn(t){return function(e,r){return[(e+=t)>At?e-St:e<-At?e+St:e,r]}}function Rn(t){var e=Dn(t);return e.invert=Dn(-t),e}function Fn(t,e){var r=Math.cos(t),n=Math.sin(t),i=Math.cos(e),a=Math.sin(e);function o(t,e){var o=Math.cos(e),s=Math.cos(t)*o,l=Math.sin(t)*o,c=Math.sin(e),u=c*r+s*n;return[Math.atan2(l*i-u*a,s*r-c*n),Dt(u*i+l*a)]}return o.invert=function(t,e){var o=Math.cos(e),s=Math.cos(t)*o,l=Math.sin(t)*o,c=Math.sin(e),u=c*i-l*a;return[Math.atan2(l*i+c*a,s*r+u*n),Dt(u*r-s*n)]},o}function Bn(t,e){var r=Math.cos(t),n=Math.sin(t);return function(i,a,o,s){var l=o*e;null!=i?(i=Nn(r,i),a=Nn(r,a),(o>0?ia)&&(i+=o*St)):(i=t+o*St,a=t-.5*l);for(var c,u=i;o>0?u>a:u2?t[2]*Lt:0),e.invert=function(e){return(e=t.invert(e[0]*Lt,e[1]*Lt))[0]*=It,e[1]*=It,e},e},zn.invert=Pn,t.geo.circle=function(){var t,e,r=[0,0],n=6;function i(){var t="function"==typeof r?r.apply(this,arguments):r,n=On(-t[0]*Lt,-t[1]*Lt,0).invert,i=[];return e(null,null,1,{point:function(t,e){i.push(t=n(t,e)),t[0]*=It,t[1]*=It}}),{type:"Polygon",coordinates:[i]}}return i.origin=function(t){return arguments.length?(r=t,i):r},i.angle=function(r){return arguments.length?(e=Bn((t=+r)*Lt,n*Lt),i):t},i.precision=function(r){return arguments.length?(e=Bn(t*Lt,(n=+r)*Lt),i):n},i.angle(90)},t.geo.distance=function(t,e){var r,n=(e[0]-t[0])*Lt,i=t[1]*Lt,a=e[1]*Lt,o=Math.sin(n),s=Math.cos(n),l=Math.sin(i),c=Math.cos(i),u=Math.sin(a),f=Math.cos(a);return Math.atan2(Math.sqrt((r=f*o)*r+(r=c*u-l*f*s)*r),l*u+c*f*s)},t.geo.graticule=function(){var e,r,n,i,a,o,s,l,c,u,f,h,p=10,d=p,g=90,m=360,v=2.5;function x(){return{type:"MultiLineString",coordinates:b()}}function b(){return t.range(Math.ceil(i/g)*g,n,g).map(f).concat(t.range(Math.ceil(l/m)*m,s,m).map(h)).concat(t.range(Math.ceil(r/p)*p,e,p).filter((function(t){return y(t%g)>kt})).map(c)).concat(t.range(Math.ceil(o/d)*d,a,d).filter((function(t){return y(t%m)>kt})).map(u))}return x.lines=function(){return b().map((function(t){return{type:"LineString",coordinates:t}}))},x.outline=function(){return{type:"Polygon",coordinates:[f(i).concat(h(s).slice(1),f(n).reverse().slice(1),h(l).reverse().slice(1))]}},x.extent=function(t){return arguments.length?x.majorExtent(t).minorExtent(t):x.minorExtent()},x.majorExtent=function(t){return arguments.length?(i=+t[0][0],n=+t[1][0],l=+t[0][1],s=+t[1][1],i>n&&(t=i,i=n,n=t),l>s&&(t=l,l=s,s=t),x.precision(v)):[[i,l],[n,s]]},x.minorExtent=function(t){return arguments.length?(r=+t[0][0],e=+t[1][0],o=+t[0][1],a=+t[1][1],r>e&&(t=r,r=e,e=t),o>a&&(t=o,o=a,a=t),x.precision(v)):[[r,o],[e,a]]},x.step=function(t){return arguments.length?x.majorStep(t).minorStep(t):x.minorStep()},x.majorStep=function(t){return arguments.length?(g=+t[0],m=+t[1],x):[g,m]},x.minorStep=function(t){return arguments.length?(p=+t[0],d=+t[1],x):[p,d]},x.precision=function(t){return arguments.length?(v=+t,c=jn(o,a,90),u=Un(r,e,v),f=jn(l,s,90),h=Un(i,n,v),x):v},x.majorExtent([[-180,-90+kt],[180,90-kt]]).minorExtent([[-180,-80-kt],[180,80+kt]])},t.geo.greatArc=function(){var e,r,n=Vn,i=qn;function a(){return{type:"LineString",coordinates:[e||n.apply(this,arguments),r||i.apply(this,arguments)]}}return a.distance=function(){return t.geo.distance(e||n.apply(this,arguments),r||i.apply(this,arguments))},a.source=function(t){return arguments.length?(n=t,e="function"==typeof t?null:t,a):n},a.target=function(t){return arguments.length?(i=t,r="function"==typeof t?null:t,a):i},a.precision=function(){return arguments.length?a:0},a},t.geo.interpolate=function(t,e){return r=t[0]*Lt,n=t[1]*Lt,i=e[0]*Lt,a=e[1]*Lt,o=Math.cos(n),s=Math.sin(n),l=Math.cos(a),c=Math.sin(a),u=o*Math.cos(r),f=o*Math.sin(r),h=l*Math.cos(i),p=l*Math.sin(i),d=2*Math.asin(Math.sqrt(Ft(a-n)+o*l*Ft(i-r))),g=1/Math.sin(d),(m=d?function(t){var e=Math.sin(t*=d)*g,r=Math.sin(d-t)*g,n=r*u+e*h,i=r*f+e*p,a=r*s+e*c;return[Math.atan2(i,n)*It,Math.atan2(a,Math.sqrt(n*n+i*i))*It]}:function(){return[r*It,n*It]}).distance=d,m;var r,n,i,a,o,s,l,c,u,f,h,p,d,g,m},t.geo.length=function(e){return yn=0,t.geo.stream(e,Hn),yn};var Hn={sphere:O,point:O,lineStart:function(){var t,e,r;function n(n,i){var a=Math.sin(i*=Lt),o=Math.cos(i),s=y((n*=Lt)-t),l=Math.cos(s);yn+=Math.atan2(Math.sqrt((s=o*Math.sin(s))*s+(s=r*a-e*o*l)*s),e*a+r*o*l),t=n,e=a,r=o}Hn.point=function(i,a){t=i*Lt,e=Math.sin(a*=Lt),r=Math.cos(a),Hn.point=n},Hn.lineEnd=function(){Hn.point=Hn.lineEnd=O}},lineEnd:O,polygonStart:O,polygonEnd:O};function Gn(t,e){function r(e,r){var n=Math.cos(e),i=Math.cos(r),a=t(n*i);return[a*i*Math.sin(e),a*Math.sin(r)]}return r.invert=function(t,r){var n=Math.sqrt(t*t+r*r),i=e(n),a=Math.sin(i),o=Math.cos(i);return[Math.atan2(t*a,n*o),Math.asin(n&&r*a/n)]},r}var Yn=Gn((function(t){return Math.sqrt(2/(1+t))}),(function(t){return 2*Math.asin(t/2)}));(t.geo.azimuthalEqualArea=function(){return Cn(Yn)}).raw=Yn;var Wn=Gn((function(t){var e=Math.acos(t);return e&&e/Math.sin(e)}),L);function Xn(t,e){var r=Math.cos(t),n=function(t){return Math.tan(At/4+t/2)},i=t===e?Math.sin(t):Math.log(r/Math.cos(e))/Math.log(n(e)/n(t)),a=r*Math.pow(n(t),i)/i;if(!i)return Kn;function o(t,e){a>0?e<-Ct+kt&&(e=-Ct+kt):e>Ct-kt&&(e=Ct-kt);var r=a/Math.pow(n(e),i);return[r*Math.sin(i*t),a-r*Math.cos(i*t)]}return o.invert=function(t,e){var r=a-e,n=Pt(i)*Math.sqrt(t*t+r*r);return[Math.atan2(t,r)/i,2*Math.atan(Math.pow(a/n,1/i))-Ct]},o}function Zn(t,e){var r=Math.cos(t),n=t===e?Math.sin(t):(r-Math.cos(e))/(e-t),i=r/n+t;if(y(n)1&&zt(t[r[n-2]],t[r[n-1]],t[i])<=0;)--n;r[n++]=i}return r.slice(0,n)}function ai(t,e){return t[0]-e[0]||t[1]-e[1]}(t.geo.stereographic=function(){return Cn(ti)}).raw=ti,ei.invert=function(t,e){return[-e,2*Math.atan(Math.exp(t))-Ct]},(t.geo.transverseMercator=function(){var t=Qn(ei),e=t.center,r=t.rotate;return t.center=function(t){return t?e([-t[1],t[0]]):[(t=e())[1],-t[0]]},t.rotate=function(t){return t?r([t[0],t[1],t.length>2?t[2]+90:90]):[(t=r())[0],t[1],t[2]-90]},r([0,0,90])}).raw=ei,t.geom={},t.geom.hull=function(t){var e=ri,r=ni;if(arguments.length)return n(t);function n(t){if(t.length<3)return[];var n,i=de(e),a=de(r),o=t.length,s=[],l=[];for(n=0;n=0;--n)p.push(t[s[c[n]][2]]);for(n=+f;nkt)s=s.L;else{if(!((i=a-Ti(s,o))>kt)){n>-kt?(e=s.P,r=s):i>-kt?(e=s,r=s.N):e=r=s;break}if(!s.R){e=s;break}s=s.R}var l=yi(t);if(hi.insert(e,l),e||r){if(e===r)return Ei(e),r=yi(e.site),hi.insert(l,r),l.edge=r.edge=Ii(e.site,l.site),Si(e),void Si(r);if(r){Ei(e),Ei(r);var c=e.site,u=c.x,f=c.y,h=t.x-u,p=t.y-f,d=r.site,g=d.x-u,m=d.y-f,v=2*(h*m-p*g),y=h*h+p*p,x=g*g+m*m,b={x:(m*y-p*x)/v+u,y:(h*x-g*y)/v+f};zi(r.edge,c,d,b),l.edge=Ii(c,t,null,b),r.edge=Ii(t,d,null,b),Si(e),Si(r)}else l.edge=Ii(e.site,l.site)}}function wi(t,e){var r=t.site,n=r.x,i=r.y,a=i-e;if(!a)return n;var o=t.P;if(!o)return-1/0;var s=(r=o.site).x,l=r.y,c=l-e;if(!c)return s;var u=s-n,f=1/a-1/c,h=u/c;return f?(-h+Math.sqrt(h*h-2*f*(u*u/(-2*c)-l+c/2+i-a/2)))/f+n:(n+s)/2}function Ti(t,e){var r=t.N;if(r)return wi(r,e);var n=t.site;return n.y===e?n.x:1/0}function ki(t){this.site=t,this.edges=[]}function Mi(t,e){return e.angle-t.angle}function Ai(){Ri(this),this.x=this.y=this.arc=this.site=this.cy=null}function Si(t){var e=t.P,r=t.N;if(e&&r){var n=e.site,i=t.site,a=r.site;if(n!==a){var o=i.x,s=i.y,l=n.x-o,c=n.y-s,u=a.x-o,f=2*(l*(m=a.y-s)-c*u);if(!(f>=-Mt)){var h=l*l+c*c,p=u*u+m*m,d=(m*h-c*p)/f,g=(l*p-u*h)/f,m=g+s,v=mi.pop()||new Ai;v.arc=t,v.site=i,v.x=d+o,v.y=m+Math.sqrt(d*d+g*g),v.cy=m,t.circle=v;for(var y=null,x=di._;x;)if(v.y=s)return;if(h>d){if(a){if(a.y>=c)return}else a={x:m,y:l};r={x:m,y:c}}else{if(a){if(a.y1)if(h>d){if(a){if(a.y>=c)return}else a={x:(l-i)/n,y:l};r={x:(c-i)/n,y:c}}else{if(a){if(a.y=s)return}else a={x:o,y:n*o+i};r={x:s,y:n*s+i}}else{if(a){if(a.xkt||y(i-r)>kt)&&(s.splice(o,0,new Oi(Pi(a.site,u,y(n-f)kt?{x:f,y:y(e-f)kt?{x:y(r-d)kt?{x:h,y:y(e-h)kt?{x:y(r-p)=r&&c.x<=i&&c.y>=n&&c.y<=o?[[r,o],[i,o],[i,n],[r,n]]:[]).point=t[s]})),e}function s(t){return t.map((function(t,e){return{x:Math.round(n(t,e)/kt)*kt,y:Math.round(i(t,e)/kt)*kt,i:e}}))}return o.links=function(t){return ji(s(t)).edges.filter((function(t){return t.l&&t.r})).map((function(e){return{source:t[e.l.i],target:t[e.r.i]}}))},o.triangles=function(t){var e=[];return ji(s(t)).cells.forEach((function(r,n){for(var i,a,o,s,l=r.site,c=r.edges.sort(Mi),u=-1,f=c.length,h=c[f-1].edge,p=h.l===l?h.r:h.l;++ua||f>o||h=_)<<1|e>=b,T=w+4;wa&&(i=e.slice(a,i),s[o]?s[o]+=i:s[++o]=i),(r=r[0])===(n=n[0])?s[o]?s[o]+=n:s[++o]=n:(s[++o]=null,l.push({i:o,x:Zi(r,n)})),a=Qi.lastIndex;return ag&&(g=l.x),l.y>m&&(m=l.y),c.push(l.x),u.push(l.y);else for(f=0;fg&&(g=b),_>m&&(m=_),c.push(b),u.push(_)}var w=g-p,T=m-d;function k(t,e,r,n,i,a,o,s){if(!isNaN(r)&&!isNaN(n))if(t.leaf){var l=t.x,c=t.y;if(null!=l)if(y(l-r)+y(c-n)<.01)M(t,e,r,n,i,a,o,s);else{var u=t.point;t.x=t.y=t.point=null,M(t,u,l,c,i,a,o,s),M(t,e,r,n,i,a,o,s)}else t.x=r,t.y=n,t.point=e}else M(t,e,r,n,i,a,o,s)}function M(t,e,r,n,i,a,o,s){var l=.5*(i+o),c=.5*(a+s),u=r>=l,f=n>=c,h=f<<1|u;t.leaf=!1,u?i=l:o=l,f?a=c:s=c,k(t=t.nodes[h]||(t.nodes[h]={leaf:!0,nodes:[],point:null,x:null,y:null}),e,r,n,i,a,o,s)}w>T?m=d+w:g=p+T;var A={leaf:!0,nodes:[],point:null,x:null,y:null,add:function(t){k(A,t,+v(t,++f),+x(t,f),p,d,g,m)},visit:function(t){Gi(t,A,p,d,g,m)},find:function(t){return Yi(A,t[0],t[1],p,d,g,m)}};if(f=-1,null==e){for(;++f=0&&!(n=t.interpolators[i](e,r)););return n}function ta(t,e){var r,n=[],i=[],a=t.length,o=e.length,s=Math.min(t.length,e.length);for(r=0;r=1?1:t(e)}}function aa(t){return function(e){return 1-t(1-e)}}function oa(t){return function(e){return.5*(e<.5?t(2*e):2-t(2-2*e))}}function sa(t){return t*t}function la(t){return t*t*t}function ca(t){if(t<=0)return 0;if(t>=1)return 1;var e=t*t,r=e*t;return 4*(t<.5?r:3*(t-e)+r-.75)}function ua(t){return 1-Math.cos(t*Ct)}function fa(t){return Math.pow(2,10*(t-1))}function ha(t){return 1-Math.sqrt(1-t*t)}function pa(t){return t<1/2.75?7.5625*t*t:t<2/2.75?7.5625*(t-=1.5/2.75)*t+.75:t<2.5/2.75?7.5625*(t-=2.25/2.75)*t+.9375:7.5625*(t-=2.625/2.75)*t+.984375}function da(t,e){return e-=t,function(r){return Math.round(t+e*r)}}function ga(t){var e,r,n,i=[t.a,t.b],a=[t.c,t.d],o=va(i),s=ma(i,a),l=va(((e=a)[0]+=(n=-s)*(r=i)[0],e[1]+=n*r[1],e))||0;i[0]*a[1]=0?t.slice(0,e):t,i=e>=0?t.slice(e+1):"in";return n=ra.get(n)||ea,ia((i=na.get(i)||L)(n.apply(null,r.call(arguments,1))))},t.interpolateHcl=function(e,r){e=t.hcl(e),r=t.hcl(r);var n=e.h,i=e.c,a=e.l,o=r.h-n,s=r.c-i,l=r.l-a;isNaN(s)&&(s=0,i=isNaN(i)?r.c:i);isNaN(o)?(o=0,n=isNaN(n)?r.h:n):o>180?o-=360:o<-180&&(o+=360);return function(t){return Xt(n+o*t,i+s*t,a+l*t)+""}},t.interpolateHsl=function(e,r){e=t.hsl(e),r=t.hsl(r);var n=e.h,i=e.s,a=e.l,o=r.h-n,s=r.s-i,l=r.l-a;isNaN(s)&&(s=0,i=isNaN(i)?r.s:i);isNaN(o)?(o=0,n=isNaN(n)?r.h:n):o>180?o-=360:o<-180&&(o+=360);return function(t){return Gt(n+o*t,i+s*t,a+l*t)+""}},t.interpolateLab=function(e,r){e=t.lab(e),r=t.lab(r);var n=e.l,i=e.a,a=e.b,o=r.l-n,s=r.a-i,l=r.b-a;return function(t){return Qt(n+o*t,i+s*t,a+l*t)+""}},t.interpolateRound=da,t.transform=function(e){var r=i.createElementNS(t.ns.prefix.svg,"g");return(t.transform=function(t){if(null!=t){r.setAttribute("transform",t);var e=r.transform.baseVal.consolidate()}return new ga(e?e.matrix:ya)})(e)},ga.prototype.toString=function(){return"translate("+this.translate+")rotate("+this.rotate+")skewX("+this.skew+")scale("+this.scale+")"};var ya={a:1,b:0,c:0,d:1,e:0,f:0};function xa(t){return t.length?t.pop()+",":""}function ba(e,r){var n=[],i=[];return e=t.transform(e),r=t.transform(r),function(t,e,r,n){if(t[0]!==e[0]||t[1]!==e[1]){var i=r.push("translate(",null,",",null,")");n.push({i:i-4,x:Zi(t[0],e[0])},{i:i-2,x:Zi(t[1],e[1])})}else(e[0]||e[1])&&r.push("translate("+e+")")}(e.translate,r.translate,n,i),function(t,e,r,n){t!==e?(t-e>180?e+=360:e-t>180&&(t+=360),n.push({i:r.push(xa(r)+"rotate(",null,")")-2,x:Zi(t,e)})):e&&r.push(xa(r)+"rotate("+e+")")}(e.rotate,r.rotate,n,i),function(t,e,r,n){t!==e?n.push({i:r.push(xa(r)+"skewX(",null,")")-2,x:Zi(t,e)}):e&&r.push(xa(r)+"skewX("+e+")")}(e.skew,r.skew,n,i),function(t,e,r,n){if(t[0]!==e[0]||t[1]!==e[1]){var i=r.push(xa(r)+"scale(",null,",",null,")");n.push({i:i-4,x:Zi(t[0],e[0])},{i:i-2,x:Zi(t[1],e[1])})}else 1===e[0]&&1===e[1]||r.push(xa(r)+"scale("+e+")")}(e.scale,r.scale,n,i),e=r=null,function(t){for(var e,r=-1,a=i.length;++r0?n=t:(e.c=null,e.t=NaN,e=null,l.end({type:"end",alpha:n=0})):t>0&&(l.start({type:"start",alpha:n=t}),e=we(s.tick)),s):n},s.start=function(){var t,e,r,n=v.length,l=y.length,u=c[0],d=c[1];for(t=0;t=0;)r.push(i[n])}function Oa(t,e){for(var r=[t],n=[];null!=(t=r.pop());)if(n.push(t),(a=t.children)&&(i=a.length))for(var i,a,o=-1;++o=0;)o.push(u=c[l]),u.parent=a,u.depth=a.depth+1;r&&(a.value=0),a.children=c}else r&&(a.value=+r.call(n,a,a.depth)||0),delete a.children;return Oa(i,(function(e){var n,i;t&&(n=e.children)&&n.sort(t),r&&(i=e.parent)&&(i.value+=e.value)})),s}return n.sort=function(e){return arguments.length?(t=e,n):t},n.children=function(t){return arguments.length?(e=t,n):e},n.value=function(t){return arguments.length?(r=t,n):r},n.revalue=function(t){return r&&(za(t,(function(t){t.children&&(t.value=0)})),Oa(t,(function(t){var e;t.children||(t.value=+r.call(n,t,t.depth)||0),(e=t.parent)&&(e.value+=t.value)}))),t},n},t.layout.partition=function(){var e=t.layout.hierarchy(),r=[1,1];function n(t,n){var i=e.call(this,t,n);return function t(e,r,n,i){var a=e.children;if(e.x=r,e.y=e.depth*i,e.dx=n,e.dy=i,a&&(o=a.length)){var o,s,l,c=-1;for(n=e.value?n/e.value:0;++cs&&(s=n),o.push(n)}for(r=0;ri&&(n=r,i=e);return n}function Xa(t){return t.reduce(Za,0)}function Za(t,e){return t+e[1]}function Ja(t,e){return Ka(t,Math.ceil(Math.log(e.length)/Math.LN2+1))}function Ka(t,e){for(var r=-1,n=+t[0],i=(t[1]-n)/e,a=[];++r<=e;)a[r]=i*r+n;return a}function Qa(e){return[t.min(e),t.max(e)]}function $a(t,e){return t.value-e.value}function to(t,e){var r=t._pack_next;t._pack_next=e,e._pack_prev=t,e._pack_next=r,r._pack_prev=e}function eo(t,e){t._pack_next=e,e._pack_prev=t}function ro(t,e){var r=e.x-t.x,n=e.y-t.y,i=t.r+e.r;return.999*i*i>r*r+n*n}function no(t){if((e=t.children)&&(l=e.length)){var e,r,n,i,a,o,s,l,c=1/0,u=-1/0,f=1/0,h=-1/0;if(e.forEach(io),(r=e[0]).x=-r.r,r.y=0,x(r),l>1&&((n=e[1]).x=n.r,n.y=0,x(n),l>2))for(oo(r,n,i=e[2]),x(i),to(r,i),r._pack_prev=i,to(i,n),n=r._pack_next,a=3;a0)for(o=-1;++o=f[0]&&l<=f[1]&&((s=c[t.bisect(h,l,1,d)-1]).y+=g,s.push(a[o]));return c}return a.value=function(t){return arguments.length?(r=t,a):r},a.range=function(t){return arguments.length?(n=de(t),a):n},a.bins=function(t){return arguments.length?(i="number"==typeof t?function(e){return Ka(e,t)}:de(t),a):i},a.frequency=function(t){return arguments.length?(e=!!t,a):e},a},t.layout.pack=function(){var e,r=t.layout.hierarchy().sort($a),n=0,i=[1,1];function a(t,a){var o=r.call(this,t,a),s=o[0],l=i[0],c=i[1],u=null==e?Math.sqrt:"function"==typeof e?e:function(){return e};if(s.x=s.y=0,Oa(s,(function(t){t.r=+u(t.value)})),Oa(s,no),n){var f=n*(e?1:Math.max(2*s.r/l,2*s.r/c))/2;Oa(s,(function(t){t.r+=f})),Oa(s,no),Oa(s,(function(t){t.r-=f}))}return function t(e,r,n,i){var a=e.children;if(e.x=r+=i*e.x,e.y=n+=i*e.y,e.r*=i,a)for(var o=-1,s=a.length;++op.x&&(p=t),t.depth>d.depth&&(d=t)}));var g=r(h,p)/2-h.x,m=n[0]/(p.x+r(p,h)/2+g),v=n[1]/(d.depth||1);za(u,(function(t){t.x=(t.x+g)*m,t.y=t.depth*v}))}return c}function o(t){var e=t.children,n=t.parent.children,i=t.i?n[t.i-1]:null;if(e.length){!function(t){var e,r=0,n=0,i=t.children,a=i.length;for(;--a>=0;)(e=i[a]).z+=r,e.m+=r,r+=e.s+(n+=e.c)}(t);var a=(e[0].z+e[e.length-1].z)/2;i?(t.z=i.z+r(t._,i._),t.m=t.z-a):t.z=a}else i&&(t.z=i.z+r(t._,i._));t.parent.A=function(t,e,n){if(e){for(var i,a=t,o=t,s=e,l=a.parent.children[0],c=a.m,u=o.m,f=s.m,h=l.m;s=co(s),a=lo(a),s&&a;)l=lo(l),(o=co(o)).a=t,(i=s.z+f-a.z-c+r(s._,a._))>0&&(uo(fo(s,t,n),t,i),c+=i,u+=i),f+=s.m,c+=a.m,h+=l.m,u+=o.m;s&&!co(o)&&(o.t=s,o.m+=f-u),a&&!lo(l)&&(l.t=a,l.m+=c-h,n=t)}return n}(t,i,t.parent.A||n[0])}function s(t){t._.x=t.z+t.parent.m,t.m+=t.parent.m}function l(t){t.x*=n[0],t.y=t.depth*n[1]}return a.separation=function(t){return arguments.length?(r=t,a):r},a.size=function(t){return arguments.length?(i=null==(n=t)?l:null,a):i?null:n},a.nodeSize=function(t){return arguments.length?(i=null==(n=t)?null:l,a):i?n:null},Pa(a,e)},t.layout.cluster=function(){var e=t.layout.hierarchy().sort(null).value(null),r=so,n=[1,1],i=!1;function a(a,o){var s,l=e.call(this,a,o),c=l[0],u=0;Oa(c,(function(e){var n=e.children;n&&n.length?(e.x=function(t){return t.reduce((function(t,e){return t+e.x}),0)/t.length}(n),e.y=function(e){return 1+t.max(e,(function(t){return t.y}))}(n)):(e.x=s?u+=r(e,s):0,e.y=0,s=e)}));var f=function t(e){var r=e.children;return r&&r.length?t(r[0]):e}(c),h=function t(e){var r,n=e.children;return n&&(r=n.length)?t(n[r-1]):e}(c),p=f.x-r(f,h)/2,d=h.x+r(h,f)/2;return Oa(c,i?function(t){t.x=(t.x-c.x)*n[0],t.y=(c.y-t.y)*n[1]}:function(t){t.x=(t.x-p)/(d-p)*n[0],t.y=(1-(c.y?t.y/c.y:1))*n[1]}),l}return a.separation=function(t){return arguments.length?(r=t,a):r},a.size=function(t){return arguments.length?(i=null==(n=t),a):i?null:n},a.nodeSize=function(t){return arguments.length?(i=null!=(n=t),a):i?n:null},Pa(a,e)},t.layout.treemap=function(){var e,r=t.layout.hierarchy(),n=Math.round,i=[1,1],a=null,o=ho,s=!1,l="squarify",c=.5*(1+Math.sqrt(5));function u(t,e){for(var r,n,i=-1,a=t.length;++i0;)s.push(r=c[i-1]),s.area+=r.area,"squarify"!==l||(n=p(s,g))<=h?(c.pop(),h=n):(s.area-=s.pop().area,d(s,g,a,!1),g=Math.min(a.dx,a.dy),s.length=s.area=0,h=1/0);s.length&&(d(s,g,a,!0),s.length=s.area=0),e.forEach(f)}}function h(t){var e=t.children;if(e&&e.length){var r,n=o(t),i=e.slice(),a=[];for(u(i,n.dx*n.dy/t.value),a.area=0;r=i.pop();)a.push(r),a.area+=r.area,null!=r.z&&(d(a,r.z?n.dx:n.dy,n,!i.length),a.length=a.area=0);e.forEach(h)}}function p(t,e){for(var r,n=t.area,i=0,a=1/0,o=-1,s=t.length;++oi&&(i=r));return e*=e,(n*=n)?Math.max(e*i*c/n,n/(e*a*c)):1/0}function d(t,e,r,i){var a,o=-1,s=t.length,l=r.x,c=r.y,u=e?n(t.area/e):0;if(e==r.dx){for((i||u>r.dy)&&(u=r.dy);++or.dx)&&(u=r.dx);++o1);return t+e*r*Math.sqrt(-2*Math.log(i)/i)}},logNormal:function(){var e=t.random.normal.apply(t,arguments);return function(){return Math.exp(e())}},bates:function(e){var r=t.random.irwinHall(e);return function(){return r()/e}},irwinHall:function(t){return function(){for(var e=0,r=0;r2?_o:vo,s=i?wa:_a;return a=t(e,r,s,n),o=t(r,e,s,$i),l}function l(t){return a(t)}return l.invert=function(t){return o(t)},l.domain=function(t){return arguments.length?(e=t.map(Number),s()):e},l.range=function(t){return arguments.length?(r=t,s()):r},l.rangeRound=function(t){return l.range(t).interpolate(da)},l.clamp=function(t){return arguments.length?(i=t,s()):i},l.interpolate=function(t){return arguments.length?(n=t,s()):n},l.ticks=function(t){return Mo(e,t)},l.tickFormat=function(t,r){return Ao(e,t,r)},l.nice=function(t){return To(e,t),s()},l.copy=function(){return t(e,r,n,i)},s()}([0,1],[0,1],$i,!1)};var So={s:1,g:1,p:1,r:1,e:1};function Eo(t){return-Math.floor(Math.log(t)/Math.LN10+.01)}t.scale.log=function(){return function e(r,n,i,a){function o(t){return(i?Math.log(t<0?0:t):-Math.log(t>0?0:-t))/Math.log(n)}function s(t){return i?Math.pow(n,t):-Math.pow(n,-t)}function l(t){return r(o(t))}return l.invert=function(t){return s(r.invert(t))},l.domain=function(t){return arguments.length?(i=t[0]>=0,r.domain((a=t.map(Number)).map(o)),l):a},l.base=function(t){return arguments.length?(n=+t,r.domain(a.map(o)),l):n},l.nice=function(){var t=yo(a.map(o),i?Math:Lo);return r.domain(t),a=t.map(s),l},l.ticks=function(){var t=go(a),e=[],r=t[0],l=t[1],c=Math.floor(o(r)),u=Math.ceil(o(l)),f=n%1?2:n;if(isFinite(u-c)){if(i){for(;c0;h--)e.push(s(c)*h);for(c=0;e[c]l;u--);e=e.slice(c,u)}return e},l.tickFormat=function(e,r){if(!arguments.length)return Co;arguments.length<2?r=Co:"function"!=typeof r&&(r=t.format(r));var i=Math.max(1,n*e/l.ticks().length);return function(t){var e=t/s(Math.round(o(t)));return e*n0?i[t-1]:r[0],tf?0:1;if(c=Et)return l(c,p)+(s?l(s,1-p):"")+"Z";var d,g,m,v,y,x,b,_,w,T,k,M,A=0,S=0,E=[];if((v=(+o.apply(this,arguments)||0)/2)&&(m=n===Fo?Math.sqrt(s*s+c*c):+n.apply(this,arguments),p||(S*=-1),c&&(S=Dt(m/c*Math.sin(v))),s&&(A=Dt(m/s*Math.sin(v)))),c){y=c*Math.cos(u+S),x=c*Math.sin(u+S),b=c*Math.cos(f-S),_=c*Math.sin(f-S);var C=Math.abs(f-u-2*S)<=At?0:1;if(S&&qo(y,x,b,_)===p^C){var L=(u+f)/2;y=c*Math.cos(L),x=c*Math.sin(L),b=_=null}}else y=x=0;if(s){w=s*Math.cos(f-A),T=s*Math.sin(f-A),k=s*Math.cos(u+A),M=s*Math.sin(u+A);var I=Math.abs(u-f+2*A)<=At?0:1;if(A&&qo(w,T,k,M)===1-p^I){var P=(u+f)/2;w=s*Math.cos(P),T=s*Math.sin(P),k=M=null}}else w=T=0;if(h>kt&&(d=Math.min(Math.abs(c-s)/2,+r.apply(this,arguments)))>.001){g=s0?0:1}function Ho(t,e,r,n,i){var a=t[0]-e[0],o=t[1]-e[1],s=(i?n:-n)/Math.sqrt(a*a+o*o),l=s*o,c=-s*a,u=t[0]+l,f=t[1]+c,h=e[0]+l,p=e[1]+c,d=(u+h)/2,g=(f+p)/2,m=h-u,v=p-f,y=m*m+v*v,x=r-n,b=u*p-h*f,_=(v<0?-1:1)*Math.sqrt(Math.max(0,x*x*y-b*b)),w=(b*v-m*_)/y,T=(-b*m-v*_)/y,k=(b*v+m*_)/y,M=(-b*m+v*_)/y,A=w-d,S=T-g,E=k-d,C=M-g;return A*A+S*S>E*E+C*C&&(w=k,T=M),[[w-l,T-c],[w*r/x,T*r/x]]}function Go(t){var e=ri,r=ni,n=Yr,i=Wo,a=i.key,o=.7;function s(a){var s,l=[],c=[],u=-1,f=a.length,h=de(e),p=de(r);function d(){l.push("M",i(t(c),o))}for(;++u1&&i.push("H",n[0]);return i.join("")},"step-before":Zo,"step-after":Jo,basis:$o,"basis-open":function(t){if(t.length<4)return Wo(t);var e,r=[],n=-1,i=t.length,a=[0],o=[0];for(;++n<3;)e=t[n],a.push(e[0]),o.push(e[1]);r.push(ts(ns,a)+","+ts(ns,o)),--n;for(;++n9&&(i=3*e/Math.sqrt(i),o[s]=i*r,o[s+1]=i*n));s=-1;for(;++s<=l;)i=(t[Math.min(l,s+1)][0]-t[Math.max(0,s-1)][0])/(6*(1+o[s]*o[s])),a.push([i||0,o[s]*i||0]);return a}(t))}});function Wo(t){return t.length>1?t.join("L"):t+"Z"}function Xo(t){return t.join("L")+"Z"}function Zo(t){for(var e=0,r=t.length,n=t[0],i=[n[0],",",n[1]];++e1){s=e[1],a=t[l],l++,n+="C"+(i[0]+o[0])+","+(i[1]+o[1])+","+(a[0]-s[0])+","+(a[1]-s[1])+","+a[0]+","+a[1];for(var c=2;cAt)+",1 "+e}function l(t,e,r,n){return"Q 0,0 "+n}return a.radius=function(t){return arguments.length?(r=de(t),a):r},a.source=function(e){return arguments.length?(t=de(e),a):t},a.target=function(t){return arguments.length?(e=de(t),a):e},a.startAngle=function(t){return arguments.length?(n=de(t),a):n},a.endAngle=function(t){return arguments.length?(i=de(t),a):i},a},t.svg.diagonal=function(){var t=Vn,e=qn,r=cs;function n(n,i){var a=t.call(this,n,i),o=e.call(this,n,i),s=(a.y+o.y)/2,l=[a,{x:a.x,y:s},{x:o.x,y:s},o];return"M"+(l=l.map(r))[0]+"C"+l[1]+" "+l[2]+" "+l[3]}return n.source=function(e){return arguments.length?(t=de(e),n):t},n.target=function(t){return arguments.length?(e=de(t),n):e},n.projection=function(t){return arguments.length?(r=t,n):r},n},t.svg.diagonal.radial=function(){var e=t.svg.diagonal(),r=cs,n=e.projection;return e.projection=function(t){return arguments.length?n(us(r=t)):r},e},t.svg.symbol=function(){var t=hs,e=fs;function r(r,n){return(ds.get(t.call(this,r,n))||ps)(e.call(this,r,n))}return r.type=function(e){return arguments.length?(t=de(e),r):t},r.size=function(t){return arguments.length?(e=de(t),r):e},r};var ds=t.map({circle:ps,cross:function(t){var e=Math.sqrt(t/5)/2;return"M"+-3*e+","+-e+"H"+-e+"V"+-3*e+"H"+e+"V"+-e+"H"+3*e+"V"+e+"H"+e+"V"+3*e+"H"+-e+"V"+e+"H"+-3*e+"Z"},diamond:function(t){var e=Math.sqrt(t/(2*ms)),r=e*ms;return"M0,"+-e+"L"+r+",0 0,"+e+" "+-r+",0Z"},square:function(t){var e=Math.sqrt(t)/2;return"M"+-e+","+-e+"L"+e+","+-e+" "+e+","+e+" "+-e+","+e+"Z"},"triangle-down":function(t){var e=Math.sqrt(t/gs),r=e*gs/2;return"M0,"+r+"L"+e+","+-r+" "+-e+","+-r+"Z"},"triangle-up":function(t){var e=Math.sqrt(t/gs),r=e*gs/2;return"M0,"+-r+"L"+e+","+r+" "+-e+","+r+"Z"}});t.svg.symbolTypes=ds.keys();var gs=Math.sqrt(3),ms=Math.tan(30*Lt);Y.transition=function(t){for(var e,r,n=bs||++Ts,i=As(t),a=[],o=_s||{time:Date.now(),ease:ca,delay:0,duration:250},s=-1,l=this.length;++s0;)c[--h].call(t,o);if(a>=1)return f.event&&f.event.end.call(t,t.__data__,e),--u.count?delete u[n]:delete t[r],1}f||(a=i.time,o=we((function(t){var e=f.delay;if(o.t=e+a,e<=t)return h(t-e);o.c=h}),0,a),f=u[n]={tween:new _,time:a,timer:o,delay:i.delay,duration:i.duration,ease:i.ease,index:e},i=null,++u.count)}ws.call=Y.call,ws.empty=Y.empty,ws.node=Y.node,ws.size=Y.size,t.transition=function(e,r){return e&&e.transition?bs?e.transition(r):e:t.selection().transition(e)},t.transition.prototype=ws,ws.select=function(t){var e,r,n,i=this.id,a=this.namespace,o=[];t=W(t);for(var s=-1,l=this.length;++srect,.s>rect").attr("width",s[1]-s[0])}function g(t){t.select(".extent").attr("y",l[0]),t.selectAll(".extent,.e>rect,.w>rect").attr("height",l[1]-l[0])}function m(){var f,m,v=this,y=t.select(t.event.target),x=n.of(v,arguments),b=t.select(v),_=y.datum(),w=!/^(n|s)$/.test(_)&&i,T=!/^(e|w)$/.test(_)&&a,k=y.classed("extent"),M=bt(v),A=t.mouse(v),S=t.select(o(v)).on("keydown.brush",L).on("keyup.brush",I);if(t.event.changedTouches?S.on("touchmove.brush",P).on("touchend.brush",O):S.on("mousemove.brush",P).on("mouseup.brush",O),b.interrupt().selectAll("*").interrupt(),k)A[0]=s[0]-A[0],A[1]=l[0]-A[1];else if(_){var E=+/w$/.test(_),C=+/^n/.test(_);m=[s[1-E]-A[0],l[1-C]-A[1]],A[0]=s[E],A[1]=l[C]}else t.event.altKey&&(f=A.slice());function L(){32==t.event.keyCode&&(k||(f=null,A[0]-=s[1],A[1]-=l[1],k=2),F())}function I(){32==t.event.keyCode&&2==k&&(A[0]+=s[1],A[1]+=l[1],k=0,F())}function P(){var e=t.mouse(v),r=!1;m&&(e[0]+=m[0],e[1]+=m[1]),k||(t.event.altKey?(f||(f=[(s[0]+s[1])/2,(l[0]+l[1])/2]),A[0]=s[+(e[0]1?{floor:function(e){for(;s(e=t.floor(e));)e=Ns(e-1);return e},ceil:function(e){for(;s(e=t.ceil(e));)e=Ns(+e+1);return e}}:t))},i.ticks=function(t,e){var r=go(i.domain()),n=null==t?a(r,10):"number"==typeof t?a(r,t):!t.range&&[{range:t},e];return n&&(t=n[0],e=n[1]),t.range(r[0],Ns(+r[1]+1),e<1?1:e)},i.tickFormat=function(){return n},i.copy=function(){return Bs(e.copy(),r,n)},wo(i,e)}function Ns(t){return new Date(t)}Os.iso=Date.prototype.toISOString&&+new Date("2000-01-01T00:00:00.000Z")?Fs:Rs,Fs.parse=function(t){var e=new Date(t);return isNaN(e)?null:e},Fs.toString=Rs.toString,Pe.second=Re((function(t){return new ze(1e3*Math.floor(t/1e3))}),(function(t,e){t.setTime(t.getTime()+1e3*Math.floor(e))}),(function(t){return t.getSeconds()})),Pe.seconds=Pe.second.range,Pe.seconds.utc=Pe.second.utc.range,Pe.minute=Re((function(t){return new ze(6e4*Math.floor(t/6e4))}),(function(t,e){t.setTime(t.getTime()+6e4*Math.floor(e))}),(function(t){return t.getMinutes()})),Pe.minutes=Pe.minute.range,Pe.minutes.utc=Pe.minute.utc.range,Pe.hour=Re((function(t){var e=t.getTimezoneOffset()/60;return new ze(36e5*(Math.floor(t/36e5-e)+e))}),(function(t,e){t.setTime(t.getTime()+36e5*Math.floor(e))}),(function(t){return t.getHours()})),Pe.hours=Pe.hour.range,Pe.hours.utc=Pe.hour.utc.range,Pe.month=Re((function(t){return(t=Pe.day(t)).setDate(1),t}),(function(t,e){t.setMonth(t.getMonth()+e)}),(function(t){return t.getMonth()})),Pe.months=Pe.month.range,Pe.months.utc=Pe.month.utc.range;var js=[1e3,5e3,15e3,3e4,6e4,3e5,9e5,18e5,36e5,108e5,216e5,432e5,864e5,1728e5,6048e5,2592e6,7776e6,31536e6],Us=[[Pe.second,1],[Pe.second,5],[Pe.second,15],[Pe.second,30],[Pe.minute,1],[Pe.minute,5],[Pe.minute,15],[Pe.minute,30],[Pe.hour,1],[Pe.hour,3],[Pe.hour,6],[Pe.hour,12],[Pe.day,1],[Pe.day,2],[Pe.week,1],[Pe.month,1],[Pe.month,3],[Pe.year,1]],Vs=Os.multi([[".%L",function(t){return t.getMilliseconds()}],[":%S",function(t){return t.getSeconds()}],["%I:%M",function(t){return t.getMinutes()}],["%I %p",function(t){return t.getHours()}],["%a %d",function(t){return t.getDay()&&1!=t.getDate()}],["%b %d",function(t){return 1!=t.getDate()}],["%B",function(t){return t.getMonth()}],["%Y",Yr]]),qs={range:function(e,r,n){return t.range(Math.ceil(e/n)*n,+r,n).map(Ns)},floor:L,ceil:L};Us.year=Pe.year,Pe.scale=function(){return Bs(t.scale.linear(),Us,Vs)};var Hs=Us.map((function(t){return[t[0].utc,t[1]]})),Gs=Ds.multi([[".%L",function(t){return t.getUTCMilliseconds()}],[":%S",function(t){return t.getUTCSeconds()}],["%I:%M",function(t){return t.getUTCMinutes()}],["%I %p",function(t){return t.getUTCHours()}],["%a %d",function(t){return t.getUTCDay()&&1!=t.getUTCDate()}],["%b %d",function(t){return 1!=t.getUTCDate()}],["%B",function(t){return t.getUTCMonth()}],["%Y",Yr]]);function Ys(t){return JSON.parse(t.responseText)}function Ws(t){var e=i.createRange();return e.selectNode(i.body),e.createContextualFragment(t.responseText)}Hs.year=Pe.year.utc,Pe.scale.utc=function(){return Bs(t.scale.linear(),Hs,Gs)},t.text=ge((function(t){return t.responseText})),t.json=function(t,e){return me(t,"application/json",Ys,e)},t.html=function(t,e){return me(t,"text/html",Ws,e)},t.xml=ge((function(t){return t.responseXML})),"object"==typeof e&&e.exports?e.exports=t:this.d3=t}()},{}],170:[function(t,e,r){e.exports=function(){for(var t=0;t=2)return!1;t[r]=n}return!0})):_.filter((function(t){for(var e=0;e<=s;++e){var r=v[t[e]];if(r<0)return!1;t[e]=r}return!0}));if(1&s)for(u=0;u<_.length;++u){h=(b=_[u])[0];b[0]=b[1],b[1]=h}return _}},{"incremental-convex-hull":459,uniq:597}],172:[function(t,e,r){"use strict";e.exports=a;var n=(a.canvas=document.createElement("canvas")).getContext("2d"),i=o([32,126]);function a(t,e){Array.isArray(t)&&(t=t.join(", "));var r,a={},s=16,l=.05;e&&(2===e.length&&"number"==typeof e[0]?r=o(e):Array.isArray(e)?r=e:(e.o?r=o(e.o):e.pairs&&(r=e.pairs),e.fontSize&&(s=e.fontSize),null!=e.threshold&&(l=e.threshold))),r||(r=i),n.font=s+"px "+t;for(var c=0;cs*l){var p=(h-f)/s;a[u]=1e3*p}}return a}function o(t){for(var e=[],r=t[0];r<=t[1];r++)for(var n=String.fromCharCode(r),i=t[0];i>>31},e.exports.exponent=function(t){return(e.exports.hi(t)<<1>>>21)-1023},e.exports.fraction=function(t){var r=e.exports.lo(t),n=e.exports.hi(t),i=1048575&n;return 2146435072&n&&(i+=1<<20),[r,i]},e.exports.denormalized=function(t){return!(2146435072&e.exports.hi(t))}}).call(this)}).call(this,t("buffer").Buffer)},{buffer:111}],174:[function(t,e,r){var n=t("abs-svg-path"),i=t("normalize-svg-path"),a={M:"moveTo",C:"bezierCurveTo"};e.exports=function(t,e){t.beginPath(),i(n(e)).forEach((function(e){var r=e[0],n=e.slice(1);t[a[r]].apply(t,n)})),t.closePath()}},{"abs-svg-path":65,"normalize-svg-path":497}],175:[function(t,e,r){e.exports=function(t){switch(t){case"int8":return Int8Array;case"int16":return Int16Array;case"int32":return Int32Array;case"uint8":return Uint8Array;case"uint16":return Uint16Array;case"uint32":return Uint32Array;case"float32":return Float32Array;case"float64":return Float64Array;case"array":return Array;case"uint8_clamped":return Uint8ClampedArray}}},{}],176:[function(t,e,r){"use strict";e.exports=function(t,e){switch("undefined"==typeof e&&(e=0),typeof t){case"number":if(t>0)return function(t,e){var r,n;for(r=new Array(t),n=0;n80*r){n=l=t[0],s=c=t[1];for(var b=r;bl&&(l=u),p>c&&(c=p);d=0!==(d=Math.max(l-n,c-s))?1/d:0}return o(y,x,r,n,s,d),x}function i(t,e,r,n,i){var a,o;if(i===E(t,e,r,n)>0)for(a=e;a=e;a-=n)o=M(a,t[a],t[a+1],o);return o&&x(o,o.next)&&(A(o),o=o.next),o}function a(t,e){if(!t)return t;e||(e=t);var r,n=t;do{if(r=!1,n.steiner||!x(n,n.next)&&0!==y(n.prev,n,n.next))n=n.next;else{if(A(n),(n=e=n.prev)===n.next)break;r=!0}}while(r||n!==e);return e}function o(t,e,r,n,i,f,h){if(t){!h&&f&&function(t,e,r,n){var i=t;do{null===i.z&&(i.z=d(i.x,i.y,e,r,n)),i.prevZ=i.prev,i.nextZ=i.next,i=i.next}while(i!==t);i.prevZ.nextZ=null,i.prevZ=null,function(t){var e,r,n,i,a,o,s,l,c=1;do{for(r=t,t=null,a=null,o=0;r;){for(o++,n=r,s=0,e=0;e0||l>0&&n;)0!==s&&(0===l||!n||r.z<=n.z)?(i=r,r=r.nextZ,s--):(i=n,n=n.nextZ,l--),a?a.nextZ=i:t=i,i.prevZ=a,a=i;r=n}a.nextZ=null,c*=2}while(o>1)}(i)}(t,n,i,f);for(var p,g,m=t;t.prev!==t.next;)if(p=t.prev,g=t.next,f?l(t,n,i,f):s(t))e.push(p.i/r),e.push(t.i/r),e.push(g.i/r),A(t),t=g.next,m=g.next;else if((t=g)===m){h?1===h?o(t=c(a(t),e,r),e,r,n,i,f,2):2===h&&u(t,e,r,n,i,f):o(a(t),e,r,n,i,f,1);break}}}function s(t){var e=t.prev,r=t,n=t.next;if(y(e,r,n)>=0)return!1;for(var i=t.next.next;i!==t.prev;){if(m(e.x,e.y,r.x,r.y,n.x,n.y,i.x,i.y)&&y(i.prev,i,i.next)>=0)return!1;i=i.next}return!0}function l(t,e,r,n){var i=t.prev,a=t,o=t.next;if(y(i,a,o)>=0)return!1;for(var s=i.xa.x?i.x>o.x?i.x:o.x:a.x>o.x?a.x:o.x,u=i.y>a.y?i.y>o.y?i.y:o.y:a.y>o.y?a.y:o.y,f=d(s,l,e,r,n),h=d(c,u,e,r,n),p=t.prevZ,g=t.nextZ;p&&p.z>=f&&g&&g.z<=h;){if(p!==t.prev&&p!==t.next&&m(i.x,i.y,a.x,a.y,o.x,o.y,p.x,p.y)&&y(p.prev,p,p.next)>=0)return!1;if(p=p.prevZ,g!==t.prev&&g!==t.next&&m(i.x,i.y,a.x,a.y,o.x,o.y,g.x,g.y)&&y(g.prev,g,g.next)>=0)return!1;g=g.nextZ}for(;p&&p.z>=f;){if(p!==t.prev&&p!==t.next&&m(i.x,i.y,a.x,a.y,o.x,o.y,p.x,p.y)&&y(p.prev,p,p.next)>=0)return!1;p=p.prevZ}for(;g&&g.z<=h;){if(g!==t.prev&&g!==t.next&&m(i.x,i.y,a.x,a.y,o.x,o.y,g.x,g.y)&&y(g.prev,g,g.next)>=0)return!1;g=g.nextZ}return!0}function c(t,e,r){var n=t;do{var i=n.prev,o=n.next.next;!x(i,o)&&b(i,n,n.next,o)&&T(i,o)&&T(o,i)&&(e.push(i.i/r),e.push(n.i/r),e.push(o.i/r),A(n),A(n.next),n=t=o),n=n.next}while(n!==t);return a(n)}function u(t,e,r,n,i,s){var l=t;do{for(var c=l.next.next;c!==l.prev;){if(l.i!==c.i&&v(l,c)){var u=k(l,c);return l=a(l,l.next),u=a(u,u.next),o(l,e,r,n,i,s),void o(u,e,r,n,i,s)}c=c.next}l=l.next}while(l!==t)}function f(t,e){return t.x-e.x}function h(t,e){if(e=function(t,e){var r,n=e,i=t.x,a=t.y,o=-1/0;do{if(a<=n.y&&a>=n.next.y&&n.next.y!==n.y){var s=n.x+(a-n.y)*(n.next.x-n.x)/(n.next.y-n.y);if(s<=i&&s>o){if(o=s,s===i){if(a===n.y)return n;if(a===n.next.y)return n.next}r=n.x=n.x&&n.x>=u&&i!==n.x&&m(ar.x||n.x===r.x&&p(r,n)))&&(r=n,h=l)),n=n.next}while(n!==c);return r}(t,e)){var r=k(e,t);a(e,e.next),a(r,r.next)}}function p(t,e){return y(t.prev,t,e.prev)<0&&y(e.next,t,t.next)<0}function d(t,e,r,n,i){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t=32767*(t-r)*i)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e=32767*(e-n)*i)|e<<8))|e<<4))|e<<2))|e<<1))<<1}function g(t){var e=t,r=t;do{(e.x=0&&(t-o)*(n-s)-(r-o)*(e-s)>=0&&(r-o)*(a-s)-(i-o)*(n-s)>=0}function v(t,e){return t.next.i!==e.i&&t.prev.i!==e.i&&!function(t,e){var r=t;do{if(r.i!==t.i&&r.next.i!==t.i&&r.i!==e.i&&r.next.i!==e.i&&b(r,r.next,t,e))return!0;r=r.next}while(r!==t);return!1}(t,e)&&(T(t,e)&&T(e,t)&&function(t,e){var r=t,n=!1,i=(t.x+e.x)/2,a=(t.y+e.y)/2;do{r.y>a!=r.next.y>a&&r.next.y!==r.y&&i<(r.next.x-r.x)*(a-r.y)/(r.next.y-r.y)+r.x&&(n=!n),r=r.next}while(r!==t);return n}(t,e)&&(y(t.prev,t,e.prev)||y(t,e.prev,e))||x(t,e)&&y(t.prev,t,t.next)>0&&y(e.prev,e,e.next)>0)}function y(t,e,r){return(e.y-t.y)*(r.x-e.x)-(e.x-t.x)*(r.y-e.y)}function x(t,e){return t.x===e.x&&t.y===e.y}function b(t,e,r,n){var i=w(y(t,e,r)),a=w(y(t,e,n)),o=w(y(r,n,t)),s=w(y(r,n,e));return i!==a&&o!==s||(!(0!==i||!_(t,r,e))||(!(0!==a||!_(t,n,e))||(!(0!==o||!_(r,t,n))||!(0!==s||!_(r,e,n)))))}function _(t,e,r){return e.x<=Math.max(t.x,r.x)&&e.x>=Math.min(t.x,r.x)&&e.y<=Math.max(t.y,r.y)&&e.y>=Math.min(t.y,r.y)}function w(t){return t>0?1:t<0?-1:0}function T(t,e){return y(t.prev,t,t.next)<0?y(t,e,t.next)>=0&&y(t,t.prev,e)>=0:y(t,e,t.prev)<0||y(t,t.next,e)<0}function k(t,e){var r=new S(t.i,t.x,t.y),n=new S(e.i,e.x,e.y),i=t.next,a=e.prev;return t.next=e,e.prev=t,r.next=i,i.prev=r,n.next=r,r.prev=n,a.next=n,n.prev=a,n}function M(t,e,r,n){var i=new S(t,e,r);return n?(i.next=n.next,i.prev=n,n.next.prev=i,n.next=i):(i.prev=i,i.next=i),i}function A(t){t.next.prev=t.prev,t.prev.next=t.next,t.prevZ&&(t.prevZ.nextZ=t.nextZ),t.nextZ&&(t.nextZ.prevZ=t.prevZ)}function S(t,e,r){this.i=t,this.x=e,this.y=r,this.prev=null,this.next=null,this.z=null,this.prevZ=null,this.nextZ=null,this.steiner=!1}function E(t,e,r,n){for(var i=0,a=e,o=r-n;a0&&(n+=t[i-1].length,r.holes.push(n))}return r}},{}],178:[function(t,e,r){"use strict";e.exports=function(t,e){var r=t.length;if("number"!=typeof e){e=0;for(var i=0;i=e}))}(e);for(var r,i=n(t).components.filter((function(t){return t.length>1})),a=1/0,o=0;o=55296&&y<=56319&&(w+=t[++r]),w=T?h.call(T,k,w,g):w,e?(p.value=w,d(m,g,p)):m[g]=w,++g;v=g}if(void 0===v)for(v=o(t.length),e&&(m=new e(v)),r=0;r0?1:-1}},{}],190:[function(t,e,r){"use strict";var n=t("../math/sign"),i=Math.abs,a=Math.floor;e.exports=function(t){return isNaN(t)?0:0!==(t=Number(t))&&isFinite(t)?n(t)*a(i(t)):t}},{"../math/sign":187}],191:[function(t,e,r){"use strict";var n=t("./to-integer"),i=Math.max;e.exports=function(t){return i(0,n(t))}},{"./to-integer":190}],192:[function(t,e,r){"use strict";var n=t("./valid-callable"),i=t("./valid-value"),a=Function.prototype.bind,o=Function.prototype.call,s=Object.keys,l=Object.prototype.propertyIsEnumerable;e.exports=function(t,e){return function(r,c){var u,f=arguments[2],h=arguments[3];return r=Object(i(r)),n(c),u=s(r),h&&u.sort("function"==typeof h?a.call(h,r):void 0),"function"!=typeof t&&(t=u[t]),o.call(t,u,(function(t,n){return l.call(r,t)?o.call(c,f,r[t],t,r,n):e}))}}},{"./valid-callable":209,"./valid-value":211}],193:[function(t,e,r){"use strict";e.exports=t("./is-implemented")()?Object.assign:t("./shim")},{"./is-implemented":194,"./shim":195}],194:[function(t,e,r){"use strict";e.exports=function(){var t,e=Object.assign;return"function"==typeof e&&(e(t={foo:"raz"},{bar:"dwa"},{trzy:"trzy"}),t.foo+t.bar+t.trzy==="razdwatrzy")}},{}],195:[function(t,e,r){"use strict";var n=t("../keys"),i=t("../valid-value"),a=Math.max;e.exports=function(t,e){var r,o,s,l=a(arguments.length,2);for(t=Object(i(t)),s=function(n){try{t[n]=e[n]}catch(t){r||(r=t)}},o=1;o-1}},{}],215:[function(t,e,r){"use strict";var n=Object.prototype.toString,i=n.call("");e.exports=function(t){return"string"==typeof t||t&&"object"==typeof t&&(t instanceof String||n.call(t)===i)||!1}},{}],216:[function(t,e,r){"use strict";var n=Object.create(null),i=Math.random;e.exports=function(){var t;do{t=i().toString(36).slice(2)}while(n[t]);return t}},{}],217:[function(t,e,r){"use strict";var n,i=t("es5-ext/object/set-prototype-of"),a=t("es5-ext/string/#/contains"),o=t("d"),s=t("es6-symbol"),l=t("./"),c=Object.defineProperty;n=e.exports=function(t,e){if(!(this instanceof n))throw new TypeError("Constructor requires 'new'");l.call(this,t),e=e?a.call(e,"key+value")?"key+value":a.call(e,"key")?"key":"value":"value",c(this,"__kind__",o("",e))},i&&i(n,l),delete n.prototype.constructor,n.prototype=Object.create(l.prototype,{_resolve:o((function(t){return"value"===this.__kind__?this.__list__[t]:"key+value"===this.__kind__?[t,this.__list__[t]]:t}))}),c(n.prototype,s.toStringTag,o("c","Array Iterator"))},{"./":220,d:155,"es5-ext/object/set-prototype-of":206,"es5-ext/string/#/contains":212,"es6-symbol":225}],218:[function(t,e,r){"use strict";var n=t("es5-ext/function/is-arguments"),i=t("es5-ext/object/valid-callable"),a=t("es5-ext/string/is-string"),o=t("./get"),s=Array.isArray,l=Function.prototype.call,c=Array.prototype.some;e.exports=function(t,e){var r,u,f,h,p,d,g,m,v=arguments[2];if(s(t)||n(t)?r="array":a(t)?r="string":t=o(t),i(e),f=function(){h=!0},"array"!==r)if("string"!==r)for(u=t.next();!u.done;){if(l.call(e,v,u.value,f),h)return;u=t.next()}else for(d=t.length,p=0;p=55296&&m<=56319&&(g+=t[++p]),l.call(e,v,g,f),!h);++p);else c.call(t,(function(t){return l.call(e,v,t,f),h}))}},{"./get":219,"es5-ext/function/is-arguments":184,"es5-ext/object/valid-callable":209,"es5-ext/string/is-string":215}],219:[function(t,e,r){"use strict";var n=t("es5-ext/function/is-arguments"),i=t("es5-ext/string/is-string"),a=t("./array"),o=t("./string"),s=t("./valid-iterable"),l=t("es6-symbol").iterator;e.exports=function(t){return"function"==typeof s(t)[l]?t[l]():n(t)?new a(t):i(t)?new o(t):new a(t)}},{"./array":217,"./string":222,"./valid-iterable":223,"es5-ext/function/is-arguments":184,"es5-ext/string/is-string":215,"es6-symbol":225}],220:[function(t,e,r){"use strict";var n,i=t("es5-ext/array/#/clear"),a=t("es5-ext/object/assign"),o=t("es5-ext/object/valid-callable"),s=t("es5-ext/object/valid-value"),l=t("d"),c=t("d/auto-bind"),u=t("es6-symbol"),f=Object.defineProperty,h=Object.defineProperties;e.exports=n=function(t,e){if(!(this instanceof n))throw new TypeError("Constructor requires 'new'");h(this,{__list__:l("w",s(t)),__context__:l("w",e),__nextIndex__:l("w",0)}),e&&(o(e.on),e.on("_add",this._onAdd),e.on("_delete",this._onDelete),e.on("_clear",this._onClear))},delete n.prototype.constructor,h(n.prototype,a({_next:l((function(){var t;if(this.__list__)return this.__redo__&&void 0!==(t=this.__redo__.shift())?t:this.__nextIndex__=this.__nextIndex__||(++this.__nextIndex__,this.__redo__?(this.__redo__.forEach((function(e,r){e>=t&&(this.__redo__[r]=++e)}),this),this.__redo__.push(t)):f(this,"__redo__",l("c",[t])))})),_onDelete:l((function(t){var e;t>=this.__nextIndex__||(--this.__nextIndex__,this.__redo__&&(-1!==(e=this.__redo__.indexOf(t))&&this.__redo__.splice(e,1),this.__redo__.forEach((function(e,r){e>t&&(this.__redo__[r]=--e)}),this)))})),_onClear:l((function(){this.__redo__&&i.call(this.__redo__),this.__nextIndex__=0}))}))),f(n.prototype,u.iterator,l((function(){return this})))},{d:155,"d/auto-bind":154,"es5-ext/array/#/clear":180,"es5-ext/object/assign":193,"es5-ext/object/valid-callable":209,"es5-ext/object/valid-value":211,"es6-symbol":225}],221:[function(t,e,r){"use strict";var n=t("es5-ext/function/is-arguments"),i=t("es5-ext/object/is-value"),a=t("es5-ext/string/is-string"),o=t("es6-symbol").iterator,s=Array.isArray;e.exports=function(t){return!!i(t)&&(!!s(t)||(!!a(t)||(!!n(t)||"function"==typeof t[o])))}},{"es5-ext/function/is-arguments":184,"es5-ext/object/is-value":200,"es5-ext/string/is-string":215,"es6-symbol":225}],222:[function(t,e,r){"use strict";var n,i=t("es5-ext/object/set-prototype-of"),a=t("d"),o=t("es6-symbol"),s=t("./"),l=Object.defineProperty;n=e.exports=function(t){if(!(this instanceof n))throw new TypeError("Constructor requires 'new'");t=String(t),s.call(this,t),l(this,"__length__",a("",t.length))},i&&i(n,s),delete n.prototype.constructor,n.prototype=Object.create(s.prototype,{_next:a((function(){if(this.__list__)return this.__nextIndex__=55296&&e<=56319?r+this.__list__[this.__nextIndex__++]:r}))}),l(n.prototype,o.toStringTag,a("c","String Iterator"))},{"./":220,d:155,"es5-ext/object/set-prototype-of":206,"es6-symbol":225}],223:[function(t,e,r){"use strict";var n=t("./is-iterable");e.exports=function(t){if(!n(t))throw new TypeError(t+" is not iterable");return t}},{"./is-iterable":221}],224:[function(t,e,r){(function(n,i){(function(){ +/*! + * @overview es6-promise - a tiny implementation of Promises/A+. + * @copyright Copyright (c) 2014 Yehuda Katz, Tom Dale, Stefan Penner and contributors (Conversion to ES6 API by Jake Archibald) + * @license Licensed under MIT license + * See https://raw.githubusercontent.com/stefanpenner/es6-promise/master/LICENSE + * @version v4.2.8+1e68dce6 + */ +!function(t,n){"object"==typeof r&&"undefined"!=typeof e?e.exports=n():t.ES6Promise=n()}(this,(function(){"use strict";function e(t){return"function"==typeof t}var r=Array.isArray?Array.isArray:function(t){return"[object Array]"===Object.prototype.toString.call(t)},a=0,o=void 0,s=void 0,l=function(t,e){g[a]=t,g[a+1]=e,2===(a+=2)&&(s?s(m):_())};var c="undefined"!=typeof window?window:void 0,u=c||{},f=u.MutationObserver||u.WebKitMutationObserver,h="undefined"==typeof self&&"undefined"!=typeof n&&"[object process]"==={}.toString.call(n),p="undefined"!=typeof Uint8ClampedArray&&"undefined"!=typeof importScripts&&"undefined"!=typeof MessageChannel;function d(){var t=setTimeout;return function(){return t(m,1)}}var g=new Array(1e3);function m(){for(var t=0;t=r-1){h=l.length-1;var d=t-e[r-1];for(p=0;p=r-1)for(var u=s.length-1,f=(e[r-1],0);f=0;--r)if(t[--e])return!1;return!0},s.jump=function(t){var e=this.lastT(),r=this.dimension;if(!(t0;--f)n.push(a(l[f-1],c[f-1],arguments[f])),i.push(0)}},s.push=function(t){var e=this.lastT(),r=this.dimension;if(!(t1e-6?1/s:0;this._time.push(t);for(var h=r;h>0;--h){var p=a(c[h-1],u[h-1],arguments[h]);n.push(p),i.push((p-n[o++])*f)}}},s.set=function(t){var e=this.dimension;if(!(t0;--l)r.push(a(o[l-1],s[l-1],arguments[l])),n.push(0)}},s.move=function(t){var e=this.lastT(),r=this.dimension;if(!(t<=e||arguments.length!==r+1)){var n=this._state,i=this._velocity,o=n.length-this.dimension,s=this.bounds,l=s[0],c=s[1],u=t-e,f=u>1e-6?1/u:0;this._time.push(t);for(var h=r;h>0;--h){var p=arguments[h];n.push(a(l[h-1],c[h-1],n[o++]+p)),i.push(p*f)}}},s.idle=function(t){var e=this.lastT();if(!(t=0;--f)n.push(a(l[f],c[f],n[o]+u*i[o])),i.push(0),o+=1}}},{"binary-search-bounds":243,"cubic-hermite":150}],243:[function(t,e,r){"use strict";function n(t,e,r,n,i,a){var o=["function ",t,"(a,l,h,",n.join(","),"){",a?"":"var i=",r?"l-1":"h+1",";while(l<=h){var m=(l+h)>>>1,x=a",i?".get(m)":"[m]"];return a?e.indexOf("c")<0?o.push(";if(x===y){return m}else if(x<=y){"):o.push(";var p=c(x,y);if(p===0){return m}else if(p<=0){"):o.push(";if(",e,"){i=m;"),r?o.push("l=m+1}else{h=m-1}"):o.push("h=m-1}else{l=m+1}"),o.push("}"),a?o.push("return -1};"):o.push("return i};"),o.join("")}function i(t,e,r,i){return new Function([n("A","x"+t+"y",e,["y"],!1,i),n("B","x"+t+"y",e,["y"],!0,i),n("P","c(x,y)"+t+"0",e,["y","c"],!1,i),n("Q","c(x,y)"+t+"0",e,["y","c"],!0,i),"function dispatchBsearch",r,"(a,y,c,l,h){if(a.shape){if(typeof(c)==='function'){return Q(a,(l===undefined)?0:l|0,(h===undefined)?a.shape[0]-1:h|0,y,c)}else{return B(a,(c===undefined)?0:c|0,(l===undefined)?a.shape[0]-1:l|0,y)}}else{if(typeof(c)==='function'){return P(a,(l===undefined)?0:l|0,(h===undefined)?a.length-1:h|0,y,c)}else{return A(a,(c===undefined)?0:c|0,(l===undefined)?a.length-1:l|0,y)}}}return dispatchBsearch",r].join(""))()}e.exports={ge:i(">=",!1,"GE"),gt:i(">",!1,"GT"),lt:i("<",!0,"LT"),le:i("<=",!0,"LE"),eq:i("-",!0,"EQ",!0)}},{}],244:[function(t,e,r){var n=t("dtype");e.exports=function(t,e,r){if(!t)throw new TypeError("must specify data as first parameter");if(r=0|+(r||0),Array.isArray(t)&&t[0]&&"number"==typeof t[0][0]){var i,a,o,s,l=t[0].length,c=t.length*l;e&&"string"!=typeof e||(e=new(n(e||"float32"))(c+r));var u=e.length-r;if(c!==u)throw new Error("source length "+c+" ("+l+"x"+t.length+") does not match destination length "+u);for(i=0,o=r;ie[0]-o[0]/2&&(h=o[0]/2,p+=o[1]);return r}},{"css-font/stringify":147}],246:[function(t,e,r){"use strict";function n(t,e){e||(e={}),("string"==typeof t||Array.isArray(t))&&(e.family=t);var r=Array.isArray(e.family)?e.family.join(", "):e.family;if(!r)throw Error("`family` must be defined");var s=e.size||e.fontSize||e.em||48,l=e.weight||e.fontWeight||"",c=(t=[e.style||e.fontStyle||"",l,s].join(" ")+"px "+r,e.origin||"top");if(n.cache[r]&&s<=n.cache[r].em)return i(n.cache[r],c);var u=e.canvas||n.canvas,f=u.getContext("2d"),h={upper:void 0!==e.upper?e.upper:"H",lower:void 0!==e.lower?e.lower:"x",descent:void 0!==e.descent?e.descent:"p",ascent:void 0!==e.ascent?e.ascent:"h",tittle:void 0!==e.tittle?e.tittle:"i",overshoot:void 0!==e.overshoot?e.overshoot:"O"},p=Math.ceil(1.5*s);u.height=p,u.width=.5*p,f.font=t;var d={top:0};f.clearRect(0,0,p,p),f.textBaseline="top",f.fillStyle="black",f.fillText("H",0,0);var g=a(f.getImageData(0,0,p,p));f.clearRect(0,0,p,p),f.textBaseline="bottom",f.fillText("H",0,p);var m=a(f.getImageData(0,0,p,p));d.lineHeight=d.bottom=p-m+g,f.clearRect(0,0,p,p),f.textBaseline="alphabetic",f.fillText("H",0,p);var v=p-a(f.getImageData(0,0,p,p))-1+g;d.baseline=d.alphabetic=v,f.clearRect(0,0,p,p),f.textBaseline="middle",f.fillText("H",0,.5*p);var y=a(f.getImageData(0,0,p,p));d.median=d.middle=p-y-1+g-.5*p,f.clearRect(0,0,p,p),f.textBaseline="hanging",f.fillText("H",0,.5*p);var x=a(f.getImageData(0,0,p,p));d.hanging=p-x-1+g-.5*p,f.clearRect(0,0,p,p),f.textBaseline="ideographic",f.fillText("H",0,p);var b=a(f.getImageData(0,0,p,p));if(d.ideographic=p-b-1+g,h.upper&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.upper,0,0),d.upper=a(f.getImageData(0,0,p,p)),d.capHeight=d.baseline-d.upper),h.lower&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.lower,0,0),d.lower=a(f.getImageData(0,0,p,p)),d.xHeight=d.baseline-d.lower),h.tittle&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.tittle,0,0),d.tittle=a(f.getImageData(0,0,p,p))),h.ascent&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.ascent,0,0),d.ascent=a(f.getImageData(0,0,p,p))),h.descent&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.descent,0,0),d.descent=o(f.getImageData(0,0,p,p))),h.overshoot){f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.overshoot,0,0);var _=o(f.getImageData(0,0,p,p));d.overshoot=_-v}for(var w in d)d[w]/=s;return d.em=s,n.cache[r]=d,i(d,c)}function i(t,e){var r={};for(var n in"string"==typeof e&&(e=t[e]),t)"em"!==n&&(r[n]=t[n]-e);return r}function a(t){for(var e=t.height,r=t.data,n=3;n0;n-=4)if(0!==r[n])return Math.floor(.25*(n-3)/e)}e.exports=n,n.canvas=document.createElement("canvas"),n.cache={}},{}],247:[function(t,e,r){"use strict";e.exports=function(t){return new s(t||g,null)};function n(t,e,r,n,i,a){this._color=t,this.key=e,this.value=r,this.left=n,this.right=i,this._count=a}function i(t){return new n(t._color,t.key,t.value,t.left,t.right,t._count)}function a(t,e){return new n(t,e.key,e.value,e.left,e.right,e._count)}function o(t){t._count=1+(t.left?t.left._count:0)+(t.right?t.right._count:0)}function s(t,e){this._compare=t,this.root=e}var l=s.prototype;function c(t,e){var r;if(e.left&&(r=c(t,e.left)))return r;return(r=t(e.key,e.value))||(e.right?c(t,e.right):void 0)}function u(t,e,r,n){if(e(t,n.key)<=0){var i;if(n.left)if(i=u(t,e,r,n.left))return i;if(i=r(n.key,n.value))return i}if(n.right)return u(t,e,r,n.right)}function f(t,e,r,n,i){var a,o=r(t,i.key),s=r(e,i.key);if(o<=0){if(i.left&&(a=f(t,e,r,n,i.left)))return a;if(s>0&&(a=n(i.key,i.value)))return a}if(s>0&&i.right)return f(t,e,r,n,i.right)}function h(t,e){this.tree=t,this._stack=e}Object.defineProperty(l,"keys",{get:function(){var t=[];return this.forEach((function(e,r){t.push(e)})),t}}),Object.defineProperty(l,"values",{get:function(){var t=[];return this.forEach((function(e,r){t.push(r)})),t}}),Object.defineProperty(l,"length",{get:function(){return this.root?this.root._count:0}}),l.insert=function(t,e){for(var r=this._compare,i=this.root,l=[],c=[];i;){var u=r(t,i.key);l.push(i),c.push(u),i=u<=0?i.left:i.right}l.push(new n(0,t,e,null,null,1));for(var f=l.length-2;f>=0;--f){i=l[f];c[f]<=0?l[f]=new n(i._color,i.key,i.value,l[f+1],i.right,i._count+1):l[f]=new n(i._color,i.key,i.value,i.left,l[f+1],i._count+1)}for(f=l.length-1;f>1;--f){var h=l[f-1];i=l[f];if(1===h._color||1===i._color)break;var p=l[f-2];if(p.left===h)if(h.left===i){if(!(d=p.right)||0!==d._color){if(p._color=0,p.left=h.right,h._color=1,h.right=p,l[f-2]=h,l[f-1]=i,o(p),o(h),f>=3)(g=l[f-3]).left===p?g.left=h:g.right=h;break}h._color=1,p.right=a(1,d),p._color=0,f-=1}else{if(!(d=p.right)||0!==d._color){if(h.right=i.left,p._color=0,p.left=i.right,i._color=1,i.left=h,i.right=p,l[f-2]=i,l[f-1]=h,o(p),o(h),o(i),f>=3)(g=l[f-3]).left===p?g.left=i:g.right=i;break}h._color=1,p.right=a(1,d),p._color=0,f-=1}else if(h.right===i){if(!(d=p.left)||0!==d._color){if(p._color=0,p.right=h.left,h._color=1,h.left=p,l[f-2]=h,l[f-1]=i,o(p),o(h),f>=3)(g=l[f-3]).right===p?g.right=h:g.left=h;break}h._color=1,p.left=a(1,d),p._color=0,f-=1}else{var d;if(!(d=p.left)||0!==d._color){var g;if(h.left=i.right,p._color=0,p.right=i.left,i._color=1,i.right=h,i.left=p,l[f-2]=i,l[f-1]=h,o(p),o(h),o(i),f>=3)(g=l[f-3]).right===p?g.right=i:g.left=i;break}h._color=1,p.left=a(1,d),p._color=0,f-=1}}return l[0]._color=1,new s(r,l[0])},l.forEach=function(t,e,r){if(this.root)switch(arguments.length){case 1:return c(t,this.root);case 2:return u(e,this._compare,t,this.root);case 3:if(this._compare(e,r)>=0)return;return f(e,r,this._compare,t,this.root)}},Object.defineProperty(l,"begin",{get:function(){for(var t=[],e=this.root;e;)t.push(e),e=e.left;return new h(this,t)}}),Object.defineProperty(l,"end",{get:function(){for(var t=[],e=this.root;e;)t.push(e),e=e.right;return new h(this,t)}}),l.at=function(t){if(t<0)return new h(this,[]);for(var e=this.root,r=[];;){if(r.push(e),e.left){if(t=e.right._count)break;e=e.right}return new h(this,[])},l.ge=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a<=0&&(i=n.length),r=a<=0?r.left:r.right}return n.length=i,new h(this,n)},l.gt=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a<0&&(i=n.length),r=a<0?r.left:r.right}return n.length=i,new h(this,n)},l.lt=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a>0&&(i=n.length),r=a<=0?r.left:r.right}return n.length=i,new h(this,n)},l.le=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a>=0&&(i=n.length),r=a<0?r.left:r.right}return n.length=i,new h(this,n)},l.find=function(t){for(var e=this._compare,r=this.root,n=[];r;){var i=e(t,r.key);if(n.push(r),0===i)return new h(this,n);r=i<=0?r.left:r.right}return new h(this,[])},l.remove=function(t){var e=this.find(t);return e?e.remove():this},l.get=function(t){for(var e=this._compare,r=this.root;r;){var n=e(t,r.key);if(0===n)return r.value;r=n<=0?r.left:r.right}};var p=h.prototype;function d(t,e){t.key=e.key,t.value=e.value,t.left=e.left,t.right=e.right,t._color=e._color,t._count=e._count}function g(t,e){return te?1:0}Object.defineProperty(p,"valid",{get:function(){return this._stack.length>0}}),Object.defineProperty(p,"node",{get:function(){return this._stack.length>0?this._stack[this._stack.length-1]:null},enumerable:!0}),p.clone=function(){return new h(this.tree,this._stack.slice())},p.remove=function(){var t=this._stack;if(0===t.length)return this.tree;var e=new Array(t.length),r=t[t.length-1];e[e.length-1]=new n(r._color,r.key,r.value,r.left,r.right,r._count);for(var l=t.length-2;l>=0;--l){(r=t[l]).left===t[l+1]?e[l]=new n(r._color,r.key,r.value,e[l+1],r.right,r._count):e[l]=new n(r._color,r.key,r.value,r.left,e[l+1],r._count)}if((r=e[e.length-1]).left&&r.right){var c=e.length;for(r=r.left;r.right;)e.push(r),r=r.right;var u=e[c-1];e.push(new n(r._color,u.key,u.value,r.left,r.right,r._count)),e[c-1].key=r.key,e[c-1].value=r.value;for(l=e.length-2;l>=c;--l)r=e[l],e[l]=new n(r._color,r.key,r.value,r.left,e[l+1],r._count);e[c-1].left=e[c]}if(0===(r=e[e.length-1])._color){var f=e[e.length-2];f.left===r?f.left=null:f.right===r&&(f.right=null),e.pop();for(l=0;l=0;--l){if(e=t[l],0===l)return void(e._color=1);if((r=t[l-1]).left===e){if((n=r.right).right&&0===n.right._color){if(s=(n=r.right=i(n)).right=i(n.right),r.right=n.left,n.left=r,n.right=s,n._color=r._color,e._color=1,r._color=1,s._color=1,o(r),o(n),l>1)(c=t[l-2]).left===r?c.left=n:c.right=n;return void(t[l-1]=n)}if(n.left&&0===n.left._color){if(s=(n=r.right=i(n)).left=i(n.left),r.right=s.left,n.left=s.right,s.left=r,s.right=n,s._color=r._color,r._color=1,n._color=1,e._color=1,o(r),o(n),o(s),l>1)(c=t[l-2]).left===r?c.left=s:c.right=s;return void(t[l-1]=s)}if(1===n._color){if(0===r._color)return r._color=1,void(r.right=a(0,n));r.right=a(0,n);continue}n=i(n),r.right=n.left,n.left=r,n._color=r._color,r._color=0,o(r),o(n),l>1&&((c=t[l-2]).left===r?c.left=n:c.right=n),t[l-1]=n,t[l]=r,l+11)(c=t[l-2]).right===r?c.right=n:c.left=n;return void(t[l-1]=n)}if(n.right&&0===n.right._color){if(s=(n=r.left=i(n)).right=i(n.right),r.left=s.right,n.right=s.left,s.right=r,s.left=n,s._color=r._color,r._color=1,n._color=1,e._color=1,o(r),o(n),o(s),l>1)(c=t[l-2]).right===r?c.right=s:c.left=s;return void(t[l-1]=s)}if(1===n._color){if(0===r._color)return r._color=1,void(r.left=a(0,n));r.left=a(0,n);continue}var c;n=i(n),r.left=n.right,n.right=r,n._color=r._color,r._color=0,o(r),o(n),l>1&&((c=t[l-2]).right===r?c.right=n:c.left=n),t[l-1]=n,t[l]=r,l+10)return this._stack[this._stack.length-1].key},enumerable:!0}),Object.defineProperty(p,"value",{get:function(){if(this._stack.length>0)return this._stack[this._stack.length-1].value},enumerable:!0}),Object.defineProperty(p,"index",{get:function(){var t=0,e=this._stack;if(0===e.length){var r=this.tree.root;return r?r._count:0}e[e.length-1].left&&(t=e[e.length-1].left._count);for(var n=e.length-2;n>=0;--n)e[n+1]===e[n].right&&(++t,e[n].left&&(t+=e[n].left._count));return t},enumerable:!0}),p.next=function(){var t=this._stack;if(0!==t.length){var e=t[t.length-1];if(e.right)for(e=e.right;e;)t.push(e),e=e.left;else for(t.pop();t.length>0&&t[t.length-1].right===e;)e=t[t.length-1],t.pop()}},Object.defineProperty(p,"hasNext",{get:function(){var t=this._stack;if(0===t.length)return!1;if(t[t.length-1].right)return!0;for(var e=t.length-1;e>0;--e)if(t[e-1].left===t[e])return!0;return!1}}),p.update=function(t){var e=this._stack;if(0===e.length)throw new Error("Can't update empty node!");var r=new Array(e.length),i=e[e.length-1];r[r.length-1]=new n(i._color,i.key,t,i.left,i.right,i._count);for(var a=e.length-2;a>=0;--a)(i=e[a]).left===e[a+1]?r[a]=new n(i._color,i.key,i.value,r[a+1],i.right,i._count):r[a]=new n(i._color,i.key,i.value,i.left,r[a+1],i._count);return new s(this.tree._compare,r[0])},p.prev=function(){var t=this._stack;if(0!==t.length){var e=t[t.length-1];if(e.left)for(e=e.left;e;)t.push(e),e=e.right;else for(t.pop();t.length>0&&t[t.length-1].left===e;)e=t[t.length-1],t.pop()}},Object.defineProperty(p,"hasPrev",{get:function(){var t=this._stack;if(0===t.length)return!1;if(t[t.length-1].left)return!0;for(var e=t.length-1;e>0;--e)if(t[e-1].right===t[e])return!0;return!1}})},{}],248:[function(t,e,r){var n=[.9999999999998099,676.5203681218851,-1259.1392167224028,771.3234287776531,-176.6150291621406,12.507343278686905,-.13857109526572012,9984369578019572e-21,1.5056327351493116e-7],i=[.9999999999999971,57.15623566586292,-59.59796035547549,14.136097974741746,-.4919138160976202,3399464998481189e-20,4652362892704858e-20,-9837447530487956e-20,.0001580887032249125,-.00021026444172410488,.00021743961811521265,-.0001643181065367639,8441822398385275e-20,-26190838401581408e-21,36899182659531625e-22];function a(t){if(t<0)return Number("0/0");for(var e=i[0],r=i.length-1;r>0;--r)e+=i[r]/(t+r);var n=t+607/128+.5;return.5*Math.log(2*Math.PI)+(t+.5)*Math.log(n)-n+Math.log(e)-Math.log(t)}e.exports=function t(e){if(e<.5)return Math.PI/(Math.sin(Math.PI*e)*t(1-e));if(e>100)return Math.exp(a(e));e-=1;for(var r=n[0],i=1;i<9;i++)r+=n[i]/(e+i);var o=e+7+.5;return Math.sqrt(2*Math.PI)*Math.pow(o,e+.5)*Math.exp(-o)*r},e.exports.log=a},{}],249:[function(t,e,r){e.exports=function(t,e){if("string"!=typeof t)throw new TypeError("must specify type string");if(e=e||{},"undefined"==typeof document&&!e.canvas)return null;var r=e.canvas||document.createElement("canvas");"number"==typeof e.width&&(r.width=e.width);"number"==typeof e.height&&(r.height=e.height);var n,i=e;try{var a=[t];0===t.indexOf("webgl")&&a.push("experimental-"+t);for(var o=0;o0?(p[u]=-1,d[u]=0):(p[u]=0,d[u]=1)}}var g=[0,0,0],m={model:l,view:l,projection:l,_ortho:!1};f.isOpaque=function(){return!0},f.isTransparent=function(){return!1},f.drawTransparent=function(t){};var v=[0,0,0],y=[0,0,0],x=[0,0,0];f.draw=function(t){t=t||m;for(var e=this.gl,r=t.model||l,n=t.view||l,i=t.projection||l,a=this.bounds,s=t._ortho||!1,u=o(r,n,i,a,s),f=u.cubeEdges,h=u.axis,b=n[12],_=n[13],w=n[14],T=n[15],k=(s?2:1)*this.pixelRatio*(i[3]*b+i[7]*_+i[11]*w+i[15]*T)/e.drawingBufferHeight,M=0;M<3;++M)this.lastCubeProps.cubeEdges[M]=f[M],this.lastCubeProps.axis[M]=h[M];var A=p;for(M=0;M<3;++M)d(p[M],M,this.bounds,f,h);e=this.gl;var S,E=g;for(M=0;M<3;++M)this.backgroundEnable[M]?E[M]=h[M]:E[M]=0;this._background.draw(r,n,i,a,E,this.backgroundColor),this._lines.bind(r,n,i,this);for(M=0;M<3;++M){var C=[0,0,0];h[M]>0?C[M]=a[1][M]:C[M]=a[0][M];for(var L=0;L<2;++L){var I=(M+1+L)%3,P=(M+1+(1^L))%3;this.gridEnable[I]&&this._lines.drawGrid(I,P,this.bounds,C,this.gridColor[I],this.gridWidth[I]*this.pixelRatio)}for(L=0;L<2;++L){I=(M+1+L)%3,P=(M+1+(1^L))%3;this.zeroEnable[P]&&Math.min(a[0][P],a[1][P])<=0&&Math.max(a[0][P],a[1][P])>=0&&this._lines.drawZero(I,P,this.bounds,C,this.zeroLineColor[P],this.zeroLineWidth[P]*this.pixelRatio)}}for(M=0;M<3;++M){this.lineEnable[M]&&this._lines.drawAxisLine(M,this.bounds,A[M].primalOffset,this.lineColor[M],this.lineWidth[M]*this.pixelRatio),this.lineMirror[M]&&this._lines.drawAxisLine(M,this.bounds,A[M].mirrorOffset,this.lineColor[M],this.lineWidth[M]*this.pixelRatio);var z=c(v,A[M].primalMinor),O=c(y,A[M].mirrorMinor),D=this.lineTickLength;for(L=0;L<3;++L){var R=k/r[5*L];z[L]*=D[L]*R,O[L]*=D[L]*R}this.lineTickEnable[M]&&this._lines.drawAxisTicks(M,A[M].primalOffset,z,this.lineTickColor[M],this.lineTickWidth[M]*this.pixelRatio),this.lineTickMirror[M]&&this._lines.drawAxisTicks(M,A[M].mirrorOffset,O,this.lineTickColor[M],this.lineTickWidth[M]*this.pixelRatio)}this._lines.unbind(),this._text.bind(r,n,i,this.pixelRatio);var F,B;function N(t){(B=[0,0,0])[t]=1}function j(t,e,r){var n=(t+1)%3,i=(t+2)%3,a=e[n],o=e[i],s=r[n],l=r[i];a>0&&l>0||a>0&&l<0||a<0&&l>0||a<0&&l<0?N(n):(o>0&&s>0||o>0&&s<0||o<0&&s>0||o<0&&s<0)&&N(i)}for(M=0;M<3;++M){var U=A[M].primalMinor,V=A[M].mirrorMinor,q=c(x,A[M].primalOffset);for(L=0;L<3;++L)this.lineTickEnable[M]&&(q[L]+=k*U[L]*Math.max(this.lineTickLength[L],0)/r[5*L]);var H=[0,0,0];if(H[M]=1,this.tickEnable[M]){-3600===this.tickAngle[M]?(this.tickAngle[M]=0,this.tickAlign[M]="auto"):this.tickAlign[M]=-1,F=1,"auto"===(S=[this.tickAlign[M],.5,F])[0]?S[0]=0:S[0]=parseInt(""+S[0]),B=[0,0,0],j(M,U,V);for(L=0;L<3;++L)q[L]+=k*U[L]*this.tickPad[L]/r[5*L];this._text.drawTicks(M,this.tickSize[M],this.tickAngle[M],q,this.tickColor[M],H,B,S)}if(this.labelEnable[M]){F=0,B=[0,0,0],this.labels[M].length>4&&(N(M),F=1),"auto"===(S=[this.labelAlign[M],.5,F])[0]?S[0]=0:S[0]=parseInt(""+S[0]);for(L=0;L<3;++L)q[L]+=k*U[L]*this.labelPad[L]/r[5*L];q[M]+=.5*(a[0][M]+a[1][M]),this._text.drawLabel(M,this.labelSize[M],this.labelAngle[M],q,this.labelColor[M],[0,0,0],B,S)}}this._text.unbind()},f.dispose=function(){this._text.dispose(),this._lines.dispose(),this._background.dispose(),this._lines=null,this._text=null,this._background=null,this.gl=null}},{"./lib/background.js":251,"./lib/cube.js":252,"./lib/lines.js":253,"./lib/text.js":255,"./lib/ticks.js":256}],251:[function(t,e,r){"use strict";e.exports=function(t){for(var e=[],r=[],s=0,l=0;l<3;++l)for(var c=(l+1)%3,u=(l+2)%3,f=[0,0,0],h=[0,0,0],p=-1;p<=1;p+=2){r.push(s,s+2,s+1,s+1,s+2,s+3),f[l]=p,h[l]=p;for(var d=-1;d<=1;d+=2){f[c]=d;for(var g=-1;g<=1;g+=2)f[u]=g,e.push(f[0],f[1],f[2],h[0],h[1],h[2]),s+=1}var m=c;c=u,u=m}var v=n(t,new Float32Array(e)),y=n(t,new Uint16Array(r),t.ELEMENT_ARRAY_BUFFER),x=i(t,[{buffer:v,type:t.FLOAT,size:3,offset:0,stride:24},{buffer:v,type:t.FLOAT,size:3,offset:12,stride:24}],y),b=a(t);return b.attributes.position.location=0,b.attributes.normal.location=1,new o(t,v,x,b)};var n=t("gl-buffer"),i=t("gl-vao"),a=t("./shaders").bg;function o(t,e,r,n){this.gl=t,this.buffer=e,this.vao=r,this.shader=n}var s=o.prototype;s.draw=function(t,e,r,n,i,a){for(var o=!1,s=0;s<3;++s)o=o||i[s];if(o){var l=this.gl;l.enable(l.POLYGON_OFFSET_FILL),l.polygonOffset(1,2),this.shader.bind(),this.shader.uniforms={model:t,view:e,projection:r,bounds:n,enable:i,colors:a},this.vao.bind(),this.vao.draw(this.gl.TRIANGLES,36),this.vao.unbind(),l.disable(l.POLYGON_OFFSET_FILL)}},s.dispose=function(){this.vao.dispose(),this.buffer.dispose(),this.shader.dispose()}},{"./shaders":254,"gl-buffer":259,"gl-vao":358}],252:[function(t,e,r){"use strict";e.exports=function(t,e,r,a,p){i(s,e,t),i(s,r,s);for(var y=0,x=0;x<2;++x){u[2]=a[x][2];for(var b=0;b<2;++b){u[1]=a[b][1];for(var _=0;_<2;++_)u[0]=a[_][0],h(l[y],u,s),y+=1}}var w=-1;for(x=0;x<8;++x){for(var T=l[x][3],k=0;k<3;++k)c[x][k]=l[x][k]/T;p&&(c[x][2]*=-1),T<0&&(w<0||c[x][2]E&&(w|=1<E&&(w|=1<c[x][1])&&(R=x);var F=-1;for(x=0;x<3;++x){if((N=R^1<c[B][0]&&(B=N)}var j=g;j[0]=j[1]=j[2]=0,j[n.log2(F^R)]=R&F,j[n.log2(R^B)]=R&B;var U=7^B;U===w||U===D?(U=7^F,j[n.log2(B^U)]=U&B):j[n.log2(F^U)]=U&F;var V=m,q=w;for(M=0;M<3;++M)V[M]=q&1< HALF_PI) && (b <= ONE_AND_HALF_PI)) ?\n b - PI :\n b;\n}\n\nfloat look_horizontal_or_vertical(float a, float ratio) {\n // ratio controls the ratio between being horizontal to (vertical + horizontal)\n // if ratio is set to 0.5 then it is 50%, 50%.\n // when using a higher ratio e.g. 0.75 the result would\n // likely be more horizontal than vertical.\n\n float b = positive_angle(a);\n\n return\n (b < ( ratio) * HALF_PI) ? 0.0 :\n (b < (2.0 - ratio) * HALF_PI) ? -HALF_PI :\n (b < (2.0 + ratio) * HALF_PI) ? 0.0 :\n (b < (4.0 - ratio) * HALF_PI) ? HALF_PI :\n 0.0;\n}\n\nfloat roundTo(float a, float b) {\n return float(b * floor((a + 0.5 * b) / b));\n}\n\nfloat look_round_n_directions(float a, int n) {\n float b = positive_angle(a);\n float div = TWO_PI / float(n);\n float c = roundTo(b, div);\n return look_upwards(c);\n}\n\nfloat applyAlignOption(float rawAngle, float delta) {\n return\n (option > 2) ? look_round_n_directions(rawAngle + delta, option) : // option 3-n: round to n directions\n (option == 2) ? look_horizontal_or_vertical(rawAngle + delta, hv_ratio) : // horizontal or vertical\n (option == 1) ? rawAngle + delta : // use free angle, and flip to align with one direction of the axis\n (option == 0) ? look_upwards(rawAngle) : // use free angle, and stay upwards\n (option ==-1) ? 0.0 : // useful for backward compatibility, all texts remains horizontal\n rawAngle; // otherwise return back raw input angle\n}\n\nbool isAxisTitle = (axis.x == 0.0) &&\n (axis.y == 0.0) &&\n (axis.z == 0.0);\n\nvoid main() {\n //Compute world offset\n float axisDistance = position.z;\n vec3 dataPosition = axisDistance * axis + offset;\n\n float beta = angle; // i.e. user defined attributes for each tick\n\n float axisAngle;\n float clipAngle;\n float flip;\n\n if (enableAlign) {\n axisAngle = (isAxisTitle) ? HALF_PI :\n computeViewAngle(dataPosition, dataPosition + axis);\n clipAngle = computeViewAngle(dataPosition, dataPosition + alignDir);\n\n axisAngle += (sin(axisAngle) < 0.0) ? PI : 0.0;\n clipAngle += (sin(clipAngle) < 0.0) ? PI : 0.0;\n\n flip = (dot(vec2(cos(axisAngle), sin(axisAngle)),\n vec2(sin(clipAngle),-cos(clipAngle))) > 0.0) ? 1.0 : 0.0;\n\n beta += applyAlignOption(clipAngle, flip * PI);\n }\n\n //Compute plane offset\n vec2 planeCoord = position.xy * pixelScale;\n\n mat2 planeXform = scale * mat2(\n cos(beta), sin(beta),\n -sin(beta), cos(beta)\n );\n\n vec2 viewOffset = 2.0 * planeXform * planeCoord / resolution;\n\n //Compute clip position\n vec3 clipPosition = project(dataPosition);\n\n //Apply text offset in clip coordinates\n clipPosition += vec3(viewOffset, 0.0);\n\n //Done\n gl_Position = vec4(clipPosition, 1.0);\n}"]),l=n(["precision highp float;\n#define GLSLIFY 1\n\nuniform vec4 color;\nvoid main() {\n gl_FragColor = color;\n}"]);r.text=function(t){return i(t,s,l,null,[{name:"position",type:"vec3"}])};var c=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position;\nattribute vec3 normal;\n\nuniform mat4 model, view, projection;\nuniform vec3 enable;\nuniform vec3 bounds[2];\n\nvarying vec3 colorChannel;\n\nvoid main() {\n\n vec3 signAxis = sign(bounds[1] - bounds[0]);\n\n vec3 realNormal = signAxis * normal;\n\n if(dot(realNormal, enable) > 0.0) {\n vec3 minRange = min(bounds[0], bounds[1]);\n vec3 maxRange = max(bounds[0], bounds[1]);\n vec3 nPosition = mix(minRange, maxRange, 0.5 * (position + 1.0));\n gl_Position = projection * view * model * vec4(nPosition, 1.0);\n } else {\n gl_Position = vec4(0,0,0,0);\n }\n\n colorChannel = abs(realNormal);\n}"]),u=n(["precision highp float;\n#define GLSLIFY 1\n\nuniform vec4 colors[3];\n\nvarying vec3 colorChannel;\n\nvoid main() {\n gl_FragColor = colorChannel.x * colors[0] +\n colorChannel.y * colors[1] +\n colorChannel.z * colors[2];\n}"]);r.bg=function(t){return i(t,c,u,null,[{name:"position",type:"vec3"},{name:"normal",type:"vec3"}])}},{"gl-shader":335,glslify:257}],255:[function(t,e,r){(function(r){(function(){"use strict";e.exports=function(t,e,r,a,s,l){var u=n(t),f=i(t,[{buffer:u,size:3}]),h=o(t);h.attributes.position.location=0;var p=new c(t,h,u,f);return p.update(e,r,a,s,l),p};var n=t("gl-buffer"),i=t("gl-vao"),a=t("vectorize-text"),o=t("./shaders").text,s=window||r.global||{},l=s.__TEXT_CACHE||{};s.__TEXT_CACHE={};function c(t,e,r,n){this.gl=t,this.shader=e,this.buffer=r,this.vao=n,this.tickOffset=this.tickCount=this.labelOffset=this.labelCount=null}var u=c.prototype,f=[0,0];u.bind=function(t,e,r,n){this.vao.bind(),this.shader.bind();var i=this.shader.uniforms;i.model=t,i.view=e,i.projection=r,i.pixelScale=n,f[0]=this.gl.drawingBufferWidth,f[1]=this.gl.drawingBufferHeight,this.shader.uniforms.resolution=f},u.unbind=function(){this.vao.unbind()},u.update=function(t,e,r,n,i){var o=[];function s(t,e,r,n,i,s){var c=l[r];c||(c=l[r]={});var u=c[e];u||(u=c[e]=function(t,e){try{return a(t,e)}catch(e){return console.warn('error vectorizing text:"'+t+'" error:',e),{cells:[],positions:[]}}}(e,{triangles:!0,font:r,textAlign:"center",textBaseline:"middle",lineSpacing:i,styletags:s}));for(var f=(n||12)/12,h=u.positions,p=u.cells,d=0,g=p.length;d=0;--v){var y=h[m[v]];o.push(f*y[0],-f*y[1],t)}}for(var c=[0,0,0],u=[0,0,0],f=[0,0,0],h=[0,0,0],p={breaklines:!0,bolds:!0,italics:!0,subscripts:!0,superscripts:!0},d=0;d<3;++d){f[d]=o.length/3|0,s(.5*(t[0][d]+t[1][d]),e[d],r[d],12,1.25,p),h[d]=(o.length/3|0)-f[d],c[d]=o.length/3|0;for(var g=0;g=0&&(i=r.length-n-1);var a=Math.pow(10,i),o=Math.round(t*e*a),s=o+"";if(s.indexOf("e")>=0)return s;var l=o/a,c=o%a;o<0?(l=0|-Math.ceil(l),c=0|-c):(l=0|Math.floor(l),c|=0);var u=""+l;if(o<0&&(u="-"+u),i){for(var f=""+c;f.length=t[0][i];--o)a.push({x:o*e[i],text:n(e[i],o)});r.push(a)}return r},r.equal=function(t,e){for(var r=0;r<3;++r){if(t[r].length!==e[r].length)return!1;for(var n=0;nr)throw new Error("gl-buffer: If resizing buffer, must not specify offset");return t.bufferSubData(e,a,i),r}function u(t,e){for(var r=n.malloc(t.length,e),i=t.length,a=0;a=0;--n){if(e[n]!==r)return!1;r*=t[n]}return!0}(t.shape,t.stride))0===t.offset&&t.data.length===t.shape[0]?this.length=c(this.gl,this.type,this.length,this.usage,t.data,e):this.length=c(this.gl,this.type,this.length,this.usage,t.data.subarray(t.offset,t.shape[0]),e);else{var s=n.malloc(t.size,r),l=a(s,t.shape);i.assign(l,t),this.length=c(this.gl,this.type,this.length,this.usage,e<0?s:s.subarray(0,t.size),e),n.free(s)}}else if(Array.isArray(t)){var f;f=this.type===this.gl.ELEMENT_ARRAY_BUFFER?u(t,"uint16"):u(t,"float32"),this.length=c(this.gl,this.type,this.length,this.usage,e<0?f:f.subarray(0,t.length),e),n.free(f)}else if("object"==typeof t&&"number"==typeof t.length)this.length=c(this.gl,this.type,this.length,this.usage,t,e);else{if("number"!=typeof t&&void 0!==t)throw new Error("gl-buffer: Invalid data type");if(e>=0)throw new Error("gl-buffer: Cannot specify offset when resizing buffer");(t|=0)<=0&&(t=1),this.gl.bufferData(this.type,0|t,this.usage),this.length=t}},e.exports=function(t,e,r,n){if(r=r||t.ARRAY_BUFFER,n=n||t.DYNAMIC_DRAW,r!==t.ARRAY_BUFFER&&r!==t.ELEMENT_ARRAY_BUFFER)throw new Error("gl-buffer: Invalid type for webgl buffer, must be either gl.ARRAY_BUFFER or gl.ELEMENT_ARRAY_BUFFER");if(n!==t.DYNAMIC_DRAW&&n!==t.STATIC_DRAW&&n!==t.STREAM_DRAW)throw new Error("gl-buffer: Invalid usage for buffer, must be either gl.DYNAMIC_DRAW, gl.STATIC_DRAW or gl.STREAM_DRAW");var i=t.createBuffer(),a=new s(t,r,i,0,n);return a.update(e),a}},{ndarray:495,"ndarray-ops":490,"typedarray-pool":595}],260:[function(t,e,r){"use strict";var n=t("gl-vec3");e.exports=function(t,e){var r=t.positions,i=t.vectors,a={positions:[],vertexIntensity:[],vertexIntensityBounds:t.vertexIntensityBounds,vectors:[],cells:[],coneOffset:t.coneOffset,colormap:t.colormap};if(0===t.positions.length)return e&&(e[0]=[0,0,0],e[1]=[0,0,0]),a;for(var o=0,s=1/0,l=-1/0,c=1/0,u=-1/0,f=1/0,h=-1/0,p=null,d=null,g=[],m=1/0,v=!1,y=0;yo&&(o=n.length(b)),y){var _=2*n.distance(p,x)/(n.length(d)+n.length(b));_?(m=Math.min(m,_),v=!1):v=!0}v||(p=x,d=b),g.push(b)}var w=[s,c,f],T=[l,u,h];e&&(e[0]=w,e[1]=T),0===o&&(o=1);var k=1/o;isFinite(m)||(m=1),a.vectorScale=m;var M=t.coneSize||.5;t.absoluteConeSize&&(M=t.absoluteConeSize*k),a.coneScale=M;y=0;for(var A=0;y=1},p.isTransparent=function(){return this.opacity<1},p.pickSlots=1,p.setPickBase=function(t){this.pickId=t},p.update=function(t){t=t||{};var e=this.gl;this.dirty=!0,"lightPosition"in t&&(this.lightPosition=t.lightPosition),"opacity"in t&&(this.opacity=t.opacity),"ambient"in t&&(this.ambientLight=t.ambient),"diffuse"in t&&(this.diffuseLight=t.diffuse),"specular"in t&&(this.specularLight=t.specular),"roughness"in t&&(this.roughness=t.roughness),"fresnel"in t&&(this.fresnel=t.fresnel),void 0!==t.tubeScale&&(this.tubeScale=t.tubeScale),void 0!==t.vectorScale&&(this.vectorScale=t.vectorScale),void 0!==t.coneScale&&(this.coneScale=t.coneScale),void 0!==t.coneOffset&&(this.coneOffset=t.coneOffset),t.colormap&&(this.texture.shape=[256,256],this.texture.minFilter=e.LINEAR_MIPMAP_LINEAR,this.texture.magFilter=e.LINEAR,this.texture.setPixels(function(t){for(var e=u({colormap:t,nshades:256,format:"rgba"}),r=new Uint8Array(1024),n=0;n<256;++n){for(var i=e[n],a=0;a<3;++a)r[4*n+a]=i[a];r[4*n+3]=255*i[3]}return c(r,[256,256,4],[4,0,1])}(t.colormap)),this.texture.generateMipmap());var r=t.cells,n=t.positions,i=t.vectors;if(n&&r&&i){var a=[],o=[],s=[],l=[],f=[];this.cells=r,this.positions=n,this.vectors=i;var h=t.meshColor||[1,1,1,1],p=t.vertexIntensity,d=1/0,g=-1/0;if(p)if(t.vertexIntensityBounds)d=+t.vertexIntensityBounds[0],g=+t.vertexIntensityBounds[1];else for(var m=0;m0){var g=this.triShader;g.bind(),g.uniforms=c,this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind()}},p.drawPick=function(t){t=t||{};for(var e=this.gl,r=t.model||f,n=t.view||f,i=t.projection||f,a=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],o=0;o<3;++o)a[0][o]=Math.max(a[0][o],this.clipBounds[0][o]),a[1][o]=Math.min(a[1][o],this.clipBounds[1][o]);this._model=[].slice.call(r),this._view=[].slice.call(n),this._projection=[].slice.call(i),this._resolution=[e.drawingBufferWidth,e.drawingBufferHeight];var s={model:r,view:n,projection:i,clipBounds:a,tubeScale:this.tubeScale,vectorScale:this.vectorScale,coneScale:this.coneScale,coneOffset:this.coneOffset,pickId:this.pickId/255},l=this.pickShader;l.bind(),l.uniforms=s,this.triangleCount>0&&(this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind())},p.pick=function(t){if(!t)return null;if(t.id!==this.pickId)return null;var e=t.value[0]+256*t.value[1]+65536*t.value[2],r=this.cells[e],n=this.positions[r[1]].slice(0,3),i={position:n,dataCoordinate:n,index:Math.floor(r[1]/48)};return"cone"===this.traceType?i.index=Math.floor(r[1]/48):"streamtube"===this.traceType&&(i.intensity=this.intensity[r[1]],i.velocity=this.vectors[r[1]].slice(0,3),i.divergence=this.vectors[r[1]][3],i.index=e),i},p.dispose=function(){this.texture.dispose(),this.triShader.dispose(),this.pickShader.dispose(),this.triangleVAO.dispose(),this.trianglePositions.dispose(),this.triangleVectors.dispose(),this.triangleColors.dispose(),this.triangleUVs.dispose(),this.triangleIds.dispose()},e.exports=function(t,e,r){var n=r.shaders;1===arguments.length&&(t=(e=t).gl);var s=d(t,n),l=g(t,n),u=o(t,c(new Uint8Array([255,255,255,255]),[1,1,4]));u.generateMipmap(),u.minFilter=t.LINEAR_MIPMAP_LINEAR,u.magFilter=t.LINEAR;var f=i(t),p=i(t),m=i(t),v=i(t),y=i(t),x=a(t,[{buffer:f,type:t.FLOAT,size:4},{buffer:y,type:t.UNSIGNED_BYTE,size:4,normalized:!0},{buffer:m,type:t.FLOAT,size:4},{buffer:v,type:t.FLOAT,size:2},{buffer:p,type:t.FLOAT,size:4}]),b=new h(t,u,s,l,f,p,y,m,v,x,r.traceType||"cone");return b.update(e),b}},{colormap:131,"gl-buffer":259,"gl-mat4/invert":293,"gl-mat4/multiply":295,"gl-shader":335,"gl-texture2d":353,"gl-vao":358,ndarray:495}],262:[function(t,e,r){var n=t("glslify"),i=n(["precision highp float;\n\nprecision highp float;\n#define GLSLIFY 1\n\nvec3 getOrthogonalVector(vec3 v) {\n // Return up-vector for only-z vector.\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\n // Assign z = 0, x = -b, y = a:\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\n return normalize(vec3(-v.y, v.x, 0.0));\n } else {\n return normalize(vec3(0.0, v.z, -v.y));\n }\n}\n\n// Calculate the cone vertex and normal at the given index.\n//\n// The returned vertex is for a cone with its top at origin and height of 1.0,\n// pointing in the direction of the vector attribute.\n//\n// Each cone is made up of a top vertex, a center base vertex and base perimeter vertices.\n// These vertices are used to make up the triangles of the cone by the following:\n// segment + 0 top vertex\n// segment + 1 perimeter vertex a+1\n// segment + 2 perimeter vertex a\n// segment + 3 center base vertex\n// segment + 4 perimeter vertex a\n// segment + 5 perimeter vertex a+1\n// Where segment is the number of the radial segment * 6 and a is the angle at that radial segment.\n// To go from index to segment, floor(index / 6)\n// To go from segment to angle, 2*pi * (segment/segmentCount)\n// To go from index to segment index, index - (segment*6)\n//\nvec3 getConePosition(vec3 d, float rawIndex, float coneOffset, out vec3 normal) {\n\n const float segmentCount = 8.0;\n\n float index = rawIndex - floor(rawIndex /\n (segmentCount * 6.0)) *\n (segmentCount * 6.0);\n\n float segment = floor(0.001 + index/6.0);\n float segmentIndex = index - (segment*6.0);\n\n normal = -normalize(d);\n\n if (segmentIndex > 2.99 && segmentIndex < 3.01) {\n return mix(vec3(0.0), -d, coneOffset);\n }\n\n float nextAngle = (\n (segmentIndex > 0.99 && segmentIndex < 1.01) ||\n (segmentIndex > 4.99 && segmentIndex < 5.01)\n ) ? 1.0 : 0.0;\n float angle = 2.0 * 3.14159 * ((segment + nextAngle) / segmentCount);\n\n vec3 v1 = mix(d, vec3(0.0), coneOffset);\n vec3 v2 = v1 - d;\n\n vec3 u = getOrthogonalVector(d);\n vec3 v = normalize(cross(u, d));\n\n vec3 x = u * cos(angle) * length(d)*0.25;\n vec3 y = v * sin(angle) * length(d)*0.25;\n vec3 v3 = v2 + x + y;\n if (segmentIndex < 3.0) {\n vec3 tx = u * sin(angle);\n vec3 ty = v * -cos(angle);\n vec3 tangent = tx + ty;\n normal = normalize(cross(v3 - v1, tangent));\n }\n\n if (segmentIndex == 0.0) {\n return mix(d, vec3(0.0), coneOffset);\n }\n return v3;\n}\n\nattribute vec3 vector;\nattribute vec4 color, position;\nattribute vec2 uv;\n\nuniform float vectorScale, coneScale, coneOffset;\nuniform mat4 model, view, projection, inverseModel;\nuniform vec3 eyePosition, lightPosition;\n\nvarying vec3 f_normal, f_lightDirection, f_eyeDirection, f_data, f_position;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n // Scale the vector magnitude to stay constant with\n // model & view changes.\n vec3 normal;\n vec3 XYZ = getConePosition(mat3(model) * ((vectorScale * coneScale) * vector), position.w, coneOffset, normal);\n vec4 conePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\n\n //Lighting geometry parameters\n vec4 cameraCoordinate = view * conePosition;\n cameraCoordinate.xyz /= cameraCoordinate.w;\n f_lightDirection = lightPosition - cameraCoordinate.xyz;\n f_eyeDirection = eyePosition - cameraCoordinate.xyz;\n f_normal = normalize((vec4(normal, 0.0) * inverseModel).xyz);\n\n // vec4 m_position = model * vec4(conePosition, 1.0);\n vec4 t_position = view * conePosition;\n gl_Position = projection * t_position;\n\n f_color = color;\n f_data = conePosition.xyz;\n f_position = position.xyz;\n f_uv = uv;\n}\n"]),a=n(["#extension GL_OES_standard_derivatives : enable\n\nprecision highp float;\n#define GLSLIFY 1\n\nfloat beckmannDistribution(float x, float roughness) {\n float NdotH = max(x, 0.0001);\n float cos2Alpha = NdotH * NdotH;\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\n float roughness2 = roughness * roughness;\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\n return exp(tan2Alpha / roughness2) / denom;\n}\n\nfloat cookTorranceSpecular(\n vec3 lightDirection,\n vec3 viewDirection,\n vec3 surfaceNormal,\n float roughness,\n float fresnel) {\n\n float VdotN = max(dot(viewDirection, surfaceNormal), 0.0);\n float LdotN = max(dot(lightDirection, surfaceNormal), 0.0);\n\n //Half angle vector\n vec3 H = normalize(lightDirection + viewDirection);\n\n //Geometric term\n float NdotH = max(dot(surfaceNormal, H), 0.0);\n float VdotH = max(dot(viewDirection, H), 0.000001);\n float LdotH = max(dot(lightDirection, H), 0.000001);\n float G1 = (2.0 * NdotH * VdotN) / VdotH;\n float G2 = (2.0 * NdotH * LdotN) / LdotH;\n float G = min(1.0, min(G1, G2));\n \n //Distribution term\n float D = beckmannDistribution(NdotH, roughness);\n\n //Fresnel term\n float F = pow(1.0 - VdotN, fresnel);\n\n //Multiply terms and done\n return G * F * D / max(3.14159265 * VdotN, 0.000001);\n}\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float roughness, fresnel, kambient, kdiffuse, kspecular, opacity;\nuniform sampler2D texture;\n\nvarying vec3 f_normal, f_lightDirection, f_eyeDirection, f_data, f_position;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n vec3 N = normalize(f_normal);\n vec3 L = normalize(f_lightDirection);\n vec3 V = normalize(f_eyeDirection);\n\n if(gl_FrontFacing) {\n N = -N;\n }\n\n float specular = min(1.0, max(0.0, cookTorranceSpecular(L, V, N, roughness, fresnel)));\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\n\n vec4 surfaceColor = f_color * texture2D(texture, f_uv);\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\n\n gl_FragColor = litColor * opacity;\n}\n"]),o=n(["precision highp float;\n\nprecision highp float;\n#define GLSLIFY 1\n\nvec3 getOrthogonalVector(vec3 v) {\n // Return up-vector for only-z vector.\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\n // Assign z = 0, x = -b, y = a:\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\n return normalize(vec3(-v.y, v.x, 0.0));\n } else {\n return normalize(vec3(0.0, v.z, -v.y));\n }\n}\n\n// Calculate the cone vertex and normal at the given index.\n//\n// The returned vertex is for a cone with its top at origin and height of 1.0,\n// pointing in the direction of the vector attribute.\n//\n// Each cone is made up of a top vertex, a center base vertex and base perimeter vertices.\n// These vertices are used to make up the triangles of the cone by the following:\n// segment + 0 top vertex\n// segment + 1 perimeter vertex a+1\n// segment + 2 perimeter vertex a\n// segment + 3 center base vertex\n// segment + 4 perimeter vertex a\n// segment + 5 perimeter vertex a+1\n// Where segment is the number of the radial segment * 6 and a is the angle at that radial segment.\n// To go from index to segment, floor(index / 6)\n// To go from segment to angle, 2*pi * (segment/segmentCount)\n// To go from index to segment index, index - (segment*6)\n//\nvec3 getConePosition(vec3 d, float rawIndex, float coneOffset, out vec3 normal) {\n\n const float segmentCount = 8.0;\n\n float index = rawIndex - floor(rawIndex /\n (segmentCount * 6.0)) *\n (segmentCount * 6.0);\n\n float segment = floor(0.001 + index/6.0);\n float segmentIndex = index - (segment*6.0);\n\n normal = -normalize(d);\n\n if (segmentIndex > 2.99 && segmentIndex < 3.01) {\n return mix(vec3(0.0), -d, coneOffset);\n }\n\n float nextAngle = (\n (segmentIndex > 0.99 && segmentIndex < 1.01) ||\n (segmentIndex > 4.99 && segmentIndex < 5.01)\n ) ? 1.0 : 0.0;\n float angle = 2.0 * 3.14159 * ((segment + nextAngle) / segmentCount);\n\n vec3 v1 = mix(d, vec3(0.0), coneOffset);\n vec3 v2 = v1 - d;\n\n vec3 u = getOrthogonalVector(d);\n vec3 v = normalize(cross(u, d));\n\n vec3 x = u * cos(angle) * length(d)*0.25;\n vec3 y = v * sin(angle) * length(d)*0.25;\n vec3 v3 = v2 + x + y;\n if (segmentIndex < 3.0) {\n vec3 tx = u * sin(angle);\n vec3 ty = v * -cos(angle);\n vec3 tangent = tx + ty;\n normal = normalize(cross(v3 - v1, tangent));\n }\n\n if (segmentIndex == 0.0) {\n return mix(d, vec3(0.0), coneOffset);\n }\n return v3;\n}\n\nattribute vec4 vector;\nattribute vec4 position;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\nuniform float vectorScale, coneScale, coneOffset;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n vec3 normal;\n vec3 XYZ = getConePosition(mat3(model) * ((vectorScale * coneScale) * vector.xyz), position.w, coneOffset, normal);\n vec4 conePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\n gl_Position = projection * view * conePosition;\n f_id = id;\n f_position = position.xyz;\n}\n"]),s=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float pickId;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n\n gl_FragColor = vec4(pickId, f_id.xyz);\n}"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:"position",type:"vec4"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"},{name:"vector",type:"vec3"}]},r.pickShader={vertex:o,fragment:s,attributes:[{name:"position",type:"vec4"},{name:"id",type:"vec4"},{name:"vector",type:"vec3"}]}},{glslify:263}],263:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],264:[function(t,e,r){e.exports={0:"NONE",1:"ONE",2:"LINE_LOOP",3:"LINE_STRIP",4:"TRIANGLES",5:"TRIANGLE_STRIP",6:"TRIANGLE_FAN",256:"DEPTH_BUFFER_BIT",512:"NEVER",513:"LESS",514:"EQUAL",515:"LEQUAL",516:"GREATER",517:"NOTEQUAL",518:"GEQUAL",519:"ALWAYS",768:"SRC_COLOR",769:"ONE_MINUS_SRC_COLOR",770:"SRC_ALPHA",771:"ONE_MINUS_SRC_ALPHA",772:"DST_ALPHA",773:"ONE_MINUS_DST_ALPHA",774:"DST_COLOR",775:"ONE_MINUS_DST_COLOR",776:"SRC_ALPHA_SATURATE",1024:"STENCIL_BUFFER_BIT",1028:"FRONT",1029:"BACK",1032:"FRONT_AND_BACK",1280:"INVALID_ENUM",1281:"INVALID_VALUE",1282:"INVALID_OPERATION",1285:"OUT_OF_MEMORY",1286:"INVALID_FRAMEBUFFER_OPERATION",2304:"CW",2305:"CCW",2849:"LINE_WIDTH",2884:"CULL_FACE",2885:"CULL_FACE_MODE",2886:"FRONT_FACE",2928:"DEPTH_RANGE",2929:"DEPTH_TEST",2930:"DEPTH_WRITEMASK",2931:"DEPTH_CLEAR_VALUE",2932:"DEPTH_FUNC",2960:"STENCIL_TEST",2961:"STENCIL_CLEAR_VALUE",2962:"STENCIL_FUNC",2963:"STENCIL_VALUE_MASK",2964:"STENCIL_FAIL",2965:"STENCIL_PASS_DEPTH_FAIL",2966:"STENCIL_PASS_DEPTH_PASS",2967:"STENCIL_REF",2968:"STENCIL_WRITEMASK",2978:"VIEWPORT",3024:"DITHER",3042:"BLEND",3088:"SCISSOR_BOX",3089:"SCISSOR_TEST",3106:"COLOR_CLEAR_VALUE",3107:"COLOR_WRITEMASK",3317:"UNPACK_ALIGNMENT",3333:"PACK_ALIGNMENT",3379:"MAX_TEXTURE_SIZE",3386:"MAX_VIEWPORT_DIMS",3408:"SUBPIXEL_BITS",3410:"RED_BITS",3411:"GREEN_BITS",3412:"BLUE_BITS",3413:"ALPHA_BITS",3414:"DEPTH_BITS",3415:"STENCIL_BITS",3553:"TEXTURE_2D",4352:"DONT_CARE",4353:"FASTEST",4354:"NICEST",5120:"BYTE",5121:"UNSIGNED_BYTE",5122:"SHORT",5123:"UNSIGNED_SHORT",5124:"INT",5125:"UNSIGNED_INT",5126:"FLOAT",5386:"INVERT",5890:"TEXTURE",6401:"STENCIL_INDEX",6402:"DEPTH_COMPONENT",6406:"ALPHA",6407:"RGB",6408:"RGBA",6409:"LUMINANCE",6410:"LUMINANCE_ALPHA",7680:"KEEP",7681:"REPLACE",7682:"INCR",7683:"DECR",7936:"VENDOR",7937:"RENDERER",7938:"VERSION",9728:"NEAREST",9729:"LINEAR",9984:"NEAREST_MIPMAP_NEAREST",9985:"LINEAR_MIPMAP_NEAREST",9986:"NEAREST_MIPMAP_LINEAR",9987:"LINEAR_MIPMAP_LINEAR",10240:"TEXTURE_MAG_FILTER",10241:"TEXTURE_MIN_FILTER",10242:"TEXTURE_WRAP_S",10243:"TEXTURE_WRAP_T",10497:"REPEAT",10752:"POLYGON_OFFSET_UNITS",16384:"COLOR_BUFFER_BIT",32769:"CONSTANT_COLOR",32770:"ONE_MINUS_CONSTANT_COLOR",32771:"CONSTANT_ALPHA",32772:"ONE_MINUS_CONSTANT_ALPHA",32773:"BLEND_COLOR",32774:"FUNC_ADD",32777:"BLEND_EQUATION_RGB",32778:"FUNC_SUBTRACT",32779:"FUNC_REVERSE_SUBTRACT",32819:"UNSIGNED_SHORT_4_4_4_4",32820:"UNSIGNED_SHORT_5_5_5_1",32823:"POLYGON_OFFSET_FILL",32824:"POLYGON_OFFSET_FACTOR",32854:"RGBA4",32855:"RGB5_A1",32873:"TEXTURE_BINDING_2D",32926:"SAMPLE_ALPHA_TO_COVERAGE",32928:"SAMPLE_COVERAGE",32936:"SAMPLE_BUFFERS",32937:"SAMPLES",32938:"SAMPLE_COVERAGE_VALUE",32939:"SAMPLE_COVERAGE_INVERT",32968:"BLEND_DST_RGB",32969:"BLEND_SRC_RGB",32970:"BLEND_DST_ALPHA",32971:"BLEND_SRC_ALPHA",33071:"CLAMP_TO_EDGE",33170:"GENERATE_MIPMAP_HINT",33189:"DEPTH_COMPONENT16",33306:"DEPTH_STENCIL_ATTACHMENT",33635:"UNSIGNED_SHORT_5_6_5",33648:"MIRRORED_REPEAT",33901:"ALIASED_POINT_SIZE_RANGE",33902:"ALIASED_LINE_WIDTH_RANGE",33984:"TEXTURE0",33985:"TEXTURE1",33986:"TEXTURE2",33987:"TEXTURE3",33988:"TEXTURE4",33989:"TEXTURE5",33990:"TEXTURE6",33991:"TEXTURE7",33992:"TEXTURE8",33993:"TEXTURE9",33994:"TEXTURE10",33995:"TEXTURE11",33996:"TEXTURE12",33997:"TEXTURE13",33998:"TEXTURE14",33999:"TEXTURE15",34e3:"TEXTURE16",34001:"TEXTURE17",34002:"TEXTURE18",34003:"TEXTURE19",34004:"TEXTURE20",34005:"TEXTURE21",34006:"TEXTURE22",34007:"TEXTURE23",34008:"TEXTURE24",34009:"TEXTURE25",34010:"TEXTURE26",34011:"TEXTURE27",34012:"TEXTURE28",34013:"TEXTURE29",34014:"TEXTURE30",34015:"TEXTURE31",34016:"ACTIVE_TEXTURE",34024:"MAX_RENDERBUFFER_SIZE",34041:"DEPTH_STENCIL",34055:"INCR_WRAP",34056:"DECR_WRAP",34067:"TEXTURE_CUBE_MAP",34068:"TEXTURE_BINDING_CUBE_MAP",34069:"TEXTURE_CUBE_MAP_POSITIVE_X",34070:"TEXTURE_CUBE_MAP_NEGATIVE_X",34071:"TEXTURE_CUBE_MAP_POSITIVE_Y",34072:"TEXTURE_CUBE_MAP_NEGATIVE_Y",34073:"TEXTURE_CUBE_MAP_POSITIVE_Z",34074:"TEXTURE_CUBE_MAP_NEGATIVE_Z",34076:"MAX_CUBE_MAP_TEXTURE_SIZE",34338:"VERTEX_ATTRIB_ARRAY_ENABLED",34339:"VERTEX_ATTRIB_ARRAY_SIZE",34340:"VERTEX_ATTRIB_ARRAY_STRIDE",34341:"VERTEX_ATTRIB_ARRAY_TYPE",34342:"CURRENT_VERTEX_ATTRIB",34373:"VERTEX_ATTRIB_ARRAY_POINTER",34466:"NUM_COMPRESSED_TEXTURE_FORMATS",34467:"COMPRESSED_TEXTURE_FORMATS",34660:"BUFFER_SIZE",34661:"BUFFER_USAGE",34816:"STENCIL_BACK_FUNC",34817:"STENCIL_BACK_FAIL",34818:"STENCIL_BACK_PASS_DEPTH_FAIL",34819:"STENCIL_BACK_PASS_DEPTH_PASS",34877:"BLEND_EQUATION_ALPHA",34921:"MAX_VERTEX_ATTRIBS",34922:"VERTEX_ATTRIB_ARRAY_NORMALIZED",34930:"MAX_TEXTURE_IMAGE_UNITS",34962:"ARRAY_BUFFER",34963:"ELEMENT_ARRAY_BUFFER",34964:"ARRAY_BUFFER_BINDING",34965:"ELEMENT_ARRAY_BUFFER_BINDING",34975:"VERTEX_ATTRIB_ARRAY_BUFFER_BINDING",35040:"STREAM_DRAW",35044:"STATIC_DRAW",35048:"DYNAMIC_DRAW",35632:"FRAGMENT_SHADER",35633:"VERTEX_SHADER",35660:"MAX_VERTEX_TEXTURE_IMAGE_UNITS",35661:"MAX_COMBINED_TEXTURE_IMAGE_UNITS",35663:"SHADER_TYPE",35664:"FLOAT_VEC2",35665:"FLOAT_VEC3",35666:"FLOAT_VEC4",35667:"INT_VEC2",35668:"INT_VEC3",35669:"INT_VEC4",35670:"BOOL",35671:"BOOL_VEC2",35672:"BOOL_VEC3",35673:"BOOL_VEC4",35674:"FLOAT_MAT2",35675:"FLOAT_MAT3",35676:"FLOAT_MAT4",35678:"SAMPLER_2D",35680:"SAMPLER_CUBE",35712:"DELETE_STATUS",35713:"COMPILE_STATUS",35714:"LINK_STATUS",35715:"VALIDATE_STATUS",35716:"INFO_LOG_LENGTH",35717:"ATTACHED_SHADERS",35718:"ACTIVE_UNIFORMS",35719:"ACTIVE_UNIFORM_MAX_LENGTH",35720:"SHADER_SOURCE_LENGTH",35721:"ACTIVE_ATTRIBUTES",35722:"ACTIVE_ATTRIBUTE_MAX_LENGTH",35724:"SHADING_LANGUAGE_VERSION",35725:"CURRENT_PROGRAM",36003:"STENCIL_BACK_REF",36004:"STENCIL_BACK_VALUE_MASK",36005:"STENCIL_BACK_WRITEMASK",36006:"FRAMEBUFFER_BINDING",36007:"RENDERBUFFER_BINDING",36048:"FRAMEBUFFER_ATTACHMENT_OBJECT_TYPE",36049:"FRAMEBUFFER_ATTACHMENT_OBJECT_NAME",36050:"FRAMEBUFFER_ATTACHMENT_TEXTURE_LEVEL",36051:"FRAMEBUFFER_ATTACHMENT_TEXTURE_CUBE_MAP_FACE",36053:"FRAMEBUFFER_COMPLETE",36054:"FRAMEBUFFER_INCOMPLETE_ATTACHMENT",36055:"FRAMEBUFFER_INCOMPLETE_MISSING_ATTACHMENT",36057:"FRAMEBUFFER_INCOMPLETE_DIMENSIONS",36061:"FRAMEBUFFER_UNSUPPORTED",36064:"COLOR_ATTACHMENT0",36096:"DEPTH_ATTACHMENT",36128:"STENCIL_ATTACHMENT",36160:"FRAMEBUFFER",36161:"RENDERBUFFER",36162:"RENDERBUFFER_WIDTH",36163:"RENDERBUFFER_HEIGHT",36164:"RENDERBUFFER_INTERNAL_FORMAT",36168:"STENCIL_INDEX8",36176:"RENDERBUFFER_RED_SIZE",36177:"RENDERBUFFER_GREEN_SIZE",36178:"RENDERBUFFER_BLUE_SIZE",36179:"RENDERBUFFER_ALPHA_SIZE",36180:"RENDERBUFFER_DEPTH_SIZE",36181:"RENDERBUFFER_STENCIL_SIZE",36194:"RGB565",36336:"LOW_FLOAT",36337:"MEDIUM_FLOAT",36338:"HIGH_FLOAT",36339:"LOW_INT",36340:"MEDIUM_INT",36341:"HIGH_INT",36346:"SHADER_COMPILER",36347:"MAX_VERTEX_UNIFORM_VECTORS",36348:"MAX_VARYING_VECTORS",36349:"MAX_FRAGMENT_UNIFORM_VECTORS",37440:"UNPACK_FLIP_Y_WEBGL",37441:"UNPACK_PREMULTIPLY_ALPHA_WEBGL",37442:"CONTEXT_LOST_WEBGL",37443:"UNPACK_COLORSPACE_CONVERSION_WEBGL",37444:"BROWSER_DEFAULT_WEBGL"}},{}],265:[function(t,e,r){var n=t("./1.0/numbers");e.exports=function(t){return n[t]}},{"./1.0/numbers":264}],266:[function(t,e,r){"use strict";e.exports=function(t){var e=t.gl,r=n(e),o=i(e,[{buffer:r,type:e.FLOAT,size:3,offset:0,stride:40},{buffer:r,type:e.FLOAT,size:4,offset:12,stride:40},{buffer:r,type:e.FLOAT,size:3,offset:28,stride:40}]),l=a(e);l.attributes.position.location=0,l.attributes.color.location=1,l.attributes.offset.location=2;var c=new s(e,r,o,l);return c.update(t),c};var n=t("gl-buffer"),i=t("gl-vao"),a=t("./shaders/index"),o=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function s(t,e,r,n){this.gl=t,this.shader=n,this.buffer=e,this.vao=r,this.pixelRatio=1,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.lineWidth=[1,1,1],this.capSize=[10,10,10],this.lineCount=[0,0,0],this.lineOffset=[0,0,0],this.opacity=1,this.hasAlpha=!1}var l=s.prototype;function c(t,e){for(var r=0;r<3;++r)t[0][r]=Math.min(t[0][r],e[r]),t[1][r]=Math.max(t[1][r],e[r])}l.isOpaque=function(){return!this.hasAlpha},l.isTransparent=function(){return this.hasAlpha},l.drawTransparent=l.draw=function(t){var e=this.gl,r=this.shader.uniforms;this.shader.bind();var n=r.view=t.view||o,i=r.projection=t.projection||o;r.model=t.model||o,r.clipBounds=this.clipBounds,r.opacity=this.opacity;var a=n[12],s=n[13],l=n[14],c=n[15],u=(t._ortho||!1?2:1)*this.pixelRatio*(i[3]*a+i[7]*s+i[11]*l+i[15]*c)/e.drawingBufferHeight;this.vao.bind();for(var f=0;f<3;++f)e.lineWidth(this.lineWidth[f]*this.pixelRatio),r.capSize=this.capSize[f]*u,this.lineCount[f]&&e.drawArrays(e.LINES,this.lineOffset[f],this.lineCount[f]);this.vao.unbind()};var u=function(){for(var t=new Array(3),e=0;e<3;++e){for(var r=[],n=1;n<=2;++n)for(var i=-1;i<=1;i+=2){var a=[0,0,0];a[(n+e)%3]=i,r.push(a)}t[e]=r}return t}();function f(t,e,r,n){for(var i=u[n],a=0;a0)(g=u.slice())[s]+=p[1][s],i.push(u[0],u[1],u[2],d[0],d[1],d[2],d[3],0,0,0,g[0],g[1],g[2],d[0],d[1],d[2],d[3],0,0,0),c(this.bounds,g),o+=2+f(i,g,d,s)}}this.lineCount[s]=o-this.lineOffset[s]}this.buffer.update(i)}},l.dispose=function(){this.shader.dispose(),this.buffer.dispose(),this.vao.dispose()}},{"./shaders/index":268,"gl-buffer":259,"gl-vao":358}],267:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],268:[function(t,e,r){"use strict";var n=t("glslify"),i=t("gl-shader"),a=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position, offset;\nattribute vec4 color;\nuniform mat4 model, view, projection;\nuniform float capSize;\nvarying vec4 fragColor;\nvarying vec3 fragPosition;\n\nvoid main() {\n vec4 worldPosition = model * vec4(position, 1.0);\n worldPosition = (worldPosition / worldPosition.w) + vec4(capSize * offset, 0.0);\n gl_Position = projection * view * worldPosition;\n fragColor = color;\n fragPosition = position;\n}"]),o=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float opacity;\nvarying vec3 fragPosition;\nvarying vec4 fragColor;\n\nvoid main() {\n if (\n outOfRange(clipBounds[0], clipBounds[1], fragPosition) ||\n fragColor.a * opacity == 0.\n ) discard;\n\n gl_FragColor = opacity * fragColor;\n}"]);e.exports=function(t){return i(t,a,o,null,[{name:"position",type:"vec3"},{name:"color",type:"vec4"},{name:"offset",type:"vec3"}])}},{"gl-shader":335,glslify:267}],269:[function(t,e,r){"use strict";var n=t("gl-texture2d");e.exports=function(t,e,r,n){i||(i=t.FRAMEBUFFER_UNSUPPORTED,a=t.FRAMEBUFFER_INCOMPLETE_ATTACHMENT,o=t.FRAMEBUFFER_INCOMPLETE_DIMENSIONS,s=t.FRAMEBUFFER_INCOMPLETE_MISSING_ATTACHMENT);var c=t.getExtension("WEBGL_draw_buffers");!l&&c&&function(t,e){var r=t.getParameter(e.MAX_COLOR_ATTACHMENTS_WEBGL);l=new Array(r+1);for(var n=0;n<=r;++n){for(var i=new Array(r),a=0;au||r<0||r>u)throw new Error("gl-fbo: Parameters are too large for FBO");var f=1;if("color"in(n=n||{})){if((f=Math.max(0|n.color,0))<0)throw new Error("gl-fbo: Must specify a nonnegative number of colors");if(f>1){if(!c)throw new Error("gl-fbo: Multiple draw buffer extension not supported");if(f>t.getParameter(c.MAX_COLOR_ATTACHMENTS_WEBGL))throw new Error("gl-fbo: Context does not support "+f+" draw buffers")}}var h=t.UNSIGNED_BYTE,p=t.getExtension("OES_texture_float");if(n.float&&f>0){if(!p)throw new Error("gl-fbo: Context does not support floating point textures");h=t.FLOAT}else n.preferFloat&&f>0&&p&&(h=t.FLOAT);var g=!0;"depth"in n&&(g=!!n.depth);var m=!1;"stencil"in n&&(m=!!n.stencil);return new d(t,e,r,h,f,g,m,c)};var i,a,o,s,l=null;function c(t){return[t.getParameter(t.FRAMEBUFFER_BINDING),t.getParameter(t.RENDERBUFFER_BINDING),t.getParameter(t.TEXTURE_BINDING_2D)]}function u(t,e){t.bindFramebuffer(t.FRAMEBUFFER,e[0]),t.bindRenderbuffer(t.RENDERBUFFER,e[1]),t.bindTexture(t.TEXTURE_2D,e[2])}function f(t){switch(t){case i:throw new Error("gl-fbo: Framebuffer unsupported");case a:throw new Error("gl-fbo: Framebuffer incomplete attachment");case o:throw new Error("gl-fbo: Framebuffer incomplete dimensions");case s:throw new Error("gl-fbo: Framebuffer incomplete missing attachment");default:throw new Error("gl-fbo: Framebuffer failed for unspecified reason")}}function h(t,e,r,i,a,o){if(!i)return null;var s=n(t,e,r,a,i);return s.magFilter=t.NEAREST,s.minFilter=t.NEAREST,s.mipSamples=1,s.bind(),t.framebufferTexture2D(t.FRAMEBUFFER,o,t.TEXTURE_2D,s.handle,0),s}function p(t,e,r,n,i){var a=t.createRenderbuffer();return t.bindRenderbuffer(t.RENDERBUFFER,a),t.renderbufferStorage(t.RENDERBUFFER,n,e,r),t.framebufferRenderbuffer(t.FRAMEBUFFER,i,t.RENDERBUFFER,a),a}function d(t,e,r,n,i,a,o,s){this.gl=t,this._shape=[0|e,0|r],this._destroyed=!1,this._ext=s,this.color=new Array(i);for(var d=0;d1&&s.drawBuffersWEBGL(l[o]);var y=r.getExtension("WEBGL_depth_texture");y?d?t.depth=h(r,i,a,y.UNSIGNED_INT_24_8_WEBGL,r.DEPTH_STENCIL,r.DEPTH_STENCIL_ATTACHMENT):g&&(t.depth=h(r,i,a,r.UNSIGNED_SHORT,r.DEPTH_COMPONENT,r.DEPTH_ATTACHMENT)):g&&d?t._depth_rb=p(r,i,a,r.DEPTH_STENCIL,r.DEPTH_STENCIL_ATTACHMENT):g?t._depth_rb=p(r,i,a,r.DEPTH_COMPONENT16,r.DEPTH_ATTACHMENT):d&&(t._depth_rb=p(r,i,a,r.STENCIL_INDEX,r.STENCIL_ATTACHMENT));var x=r.checkFramebufferStatus(r.FRAMEBUFFER);if(x!==r.FRAMEBUFFER_COMPLETE){t._destroyed=!0,r.bindFramebuffer(r.FRAMEBUFFER,null),r.deleteFramebuffer(t.handle),t.handle=null,t.depth&&(t.depth.dispose(),t.depth=null),t._depth_rb&&(r.deleteRenderbuffer(t._depth_rb),t._depth_rb=null);for(v=0;vi||r<0||r>i)throw new Error("gl-fbo: Can't resize FBO, invalid dimensions");t._shape[0]=e,t._shape[1]=r;for(var a=c(n),o=0;o>8*p&255;this.pickOffset=r,i.bind();var d=i.uniforms;d.viewTransform=t,d.pickOffset=e,d.shape=this.shape;var g=i.attributes;return this.positionBuffer.bind(),g.position.pointer(),this.weightBuffer.bind(),g.weight.pointer(s.UNSIGNED_BYTE,!1),this.idBuffer.bind(),g.pickId.pointer(s.UNSIGNED_BYTE,!1),s.drawArrays(s.TRIANGLES,0,o),r+this.shape[0]*this.shape[1]}}}(),f.pick=function(t,e,r){var n=this.pickOffset,i=this.shape[0]*this.shape[1];if(r=n+i)return null;var a=r-n,o=this.xData,s=this.yData;return{object:this,pointId:a,dataCoord:[o[a%this.shape[0]],s[a/this.shape[0]|0]]}},f.update=function(t){var e=(t=t||{}).shape||[0,0],r=t.x||i(e[0]),o=t.y||i(e[1]),s=t.z||new Float32Array(e[0]*e[1]),l=!1!==t.zsmooth;this.xData=r,this.yData=o;var c,u,f,p,d=t.colorLevels||[0],g=t.colorValues||[0,0,0,1],m=d.length,v=this.bounds;l?(c=v[0]=r[0],u=v[1]=o[0],f=v[2]=r[r.length-1],p=v[3]=o[o.length-1]):(c=v[0]=r[0]+(r[1]-r[0])/2,u=v[1]=o[0]+(o[1]-o[0])/2,f=v[2]=r[r.length-1]+(r[r.length-1]-r[r.length-2])/2,p=v[3]=o[o.length-1]+(o[o.length-1]-o[o.length-2])/2);var y=1/(f-c),x=1/(p-u),b=e[0],_=e[1];this.shape=[b,_];var w=(l?(b-1)*(_-1):b*_)*(h.length>>>1);this.numVertices=w;for(var T=a.mallocUint8(4*w),k=a.mallocFloat32(2*w),M=a.mallocUint8(2*w),A=a.mallocUint32(w),S=0,E=l?b-1:b,C=l?_-1:_,L=0;L max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform sampler2D dashTexture;\nuniform float dashScale;\nuniform float opacity;\n\nvarying vec3 worldPosition;\nvarying float pixelArcLength;\nvarying vec4 fragColor;\n\nvoid main() {\n if (\n outOfRange(clipBounds[0], clipBounds[1], worldPosition) ||\n fragColor.a * opacity == 0.\n ) discard;\n\n float dashWeight = texture2D(dashTexture, vec2(dashScale * pixelArcLength, 0)).r;\n if(dashWeight < 0.5) {\n discard;\n }\n gl_FragColor = fragColor * opacity;\n}\n"]),s=n(["precision highp float;\n#define GLSLIFY 1\n\n#define FLOAT_MAX 1.70141184e38\n#define FLOAT_MIN 1.17549435e-38\n\n// https://github.com/mikolalysenko/glsl-read-float/blob/master/index.glsl\nvec4 packFloat(float v) {\n float av = abs(v);\n\n //Handle special cases\n if(av < FLOAT_MIN) {\n return vec4(0.0, 0.0, 0.0, 0.0);\n } else if(v > FLOAT_MAX) {\n return vec4(127.0, 128.0, 0.0, 0.0) / 255.0;\n } else if(v < -FLOAT_MAX) {\n return vec4(255.0, 128.0, 0.0, 0.0) / 255.0;\n }\n\n vec4 c = vec4(0,0,0,0);\n\n //Compute exponent and mantissa\n float e = floor(log2(av));\n float m = av * pow(2.0, -e) - 1.0;\n\n //Unpack mantissa\n c[1] = floor(128.0 * m);\n m -= c[1] / 128.0;\n c[2] = floor(32768.0 * m);\n m -= c[2] / 32768.0;\n c[3] = floor(8388608.0 * m);\n\n //Unpack exponent\n float ebias = e + 127.0;\n c[0] = floor(ebias / 2.0);\n ebias -= c[0] * 2.0;\n c[1] += floor(ebias) * 128.0;\n\n //Unpack sign bit\n c[0] += 128.0 * step(0.0, -v);\n\n //Scale back to range\n return c / 255.0;\n}\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform float pickId;\nuniform vec3 clipBounds[2];\n\nvarying vec3 worldPosition;\nvarying float pixelArcLength;\nvarying vec4 fragColor;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], worldPosition)) discard;\n\n gl_FragColor = vec4(pickId/255.0, packFloat(pixelArcLength).xyz);\n}"]),l=[{name:"position",type:"vec3"},{name:"nextPosition",type:"vec3"},{name:"arcLength",type:"float"},{name:"lineWidth",type:"float"},{name:"color",type:"vec4"}];r.createShader=function(t){return i(t,a,o,null,l)},r.createPickShader=function(t){return i(t,a,s,null,l)}},{"gl-shader":335,glslify:276}],275:[function(t,e,r){"use strict";e.exports=function(t){var e=t.gl||t.scene&&t.scene.gl,r=f(e);r.attributes.position.location=0,r.attributes.nextPosition.location=1,r.attributes.arcLength.location=2,r.attributes.lineWidth.location=3,r.attributes.color.location=4;var o=h(e);o.attributes.position.location=0,o.attributes.nextPosition.location=1,o.attributes.arcLength.location=2,o.attributes.lineWidth.location=3,o.attributes.color.location=4;for(var s=n(e),l=i(e,[{buffer:s,size:3,offset:0,stride:48},{buffer:s,size:3,offset:12,stride:48},{buffer:s,size:1,offset:24,stride:48},{buffer:s,size:1,offset:28,stride:48},{buffer:s,size:4,offset:32,stride:48}]),u=c(new Array(1024),[256,1,4]),p=0;p<1024;++p)u.data[p]=255;var d=a(e,u);d.wrap=e.REPEAT;var g=new v(e,r,o,s,l,d);return g.update(t),g};var n=t("gl-buffer"),i=t("gl-vao"),a=t("gl-texture2d"),o=new Uint8Array(4),s=new Float32Array(o.buffer);var l=t("binary-search-bounds"),c=t("ndarray"),u=t("./lib/shaders"),f=u.createShader,h=u.createPickShader,p=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function d(t,e){for(var r=0,n=0;n<3;++n){var i=t[n]-e[n];r+=i*i}return Math.sqrt(r)}function g(t){for(var e=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],r=0;r<3;++r)e[0][r]=Math.max(t[0][r],e[0][r]),e[1][r]=Math.min(t[1][r],e[1][r]);return e}function m(t,e,r,n){this.arcLength=t,this.position=e,this.index=r,this.dataCoordinate=n}function v(t,e,r,n,i,a){this.gl=t,this.shader=e,this.pickShader=r,this.buffer=n,this.vao=i,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.points=[],this.arcLength=[],this.vertexCount=0,this.bounds=[[0,0,0],[0,0,0]],this.pickId=0,this.lineWidth=1,this.texture=a,this.dashScale=1,this.opacity=1,this.hasAlpha=!1,this.dirty=!0,this.pixelRatio=1}var y=v.prototype;y.isTransparent=function(){return this.hasAlpha},y.isOpaque=function(){return!this.hasAlpha},y.pickSlots=1,y.setPickBase=function(t){this.pickId=t},y.drawTransparent=y.draw=function(t){if(this.vertexCount){var e=this.gl,r=this.shader,n=this.vao;r.bind(),r.uniforms={model:t.model||p,view:t.view||p,projection:t.projection||p,clipBounds:g(this.clipBounds),dashTexture:this.texture.bind(),dashScale:this.dashScale/this.arcLength[this.arcLength.length-1],opacity:this.opacity,screenShape:[e.drawingBufferWidth,e.drawingBufferHeight],pixelRatio:this.pixelRatio},n.bind(),n.draw(e.TRIANGLE_STRIP,this.vertexCount),n.unbind()}},y.drawPick=function(t){if(this.vertexCount){var e=this.gl,r=this.pickShader,n=this.vao;r.bind(),r.uniforms={model:t.model||p,view:t.view||p,projection:t.projection||p,pickId:this.pickId,clipBounds:g(this.clipBounds),screenShape:[e.drawingBufferWidth,e.drawingBufferHeight],pixelRatio:this.pixelRatio},n.bind(),n.draw(e.TRIANGLE_STRIP,this.vertexCount),n.unbind()}},y.update=function(t){var e,r;this.dirty=!0;var n=!!t.connectGaps;"dashScale"in t&&(this.dashScale=t.dashScale),this.hasAlpha=!1,"opacity"in t&&(this.opacity=+t.opacity,this.opacity<1&&(this.hasAlpha=!0));var i=[],a=[],o=[],s=0,u=0,f=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],h=t.position||t.positions;if(h){var p=t.color||t.colors||[0,0,0,1],g=t.lineWidth||1,m=!1;t:for(e=1;e0){for(var w=0;w<24;++w)i.push(i[i.length-12]);u+=2,m=!0}continue t}f[0][r]=Math.min(f[0][r],b[r],_[r]),f[1][r]=Math.max(f[1][r],b[r],_[r])}Array.isArray(p[0])?(v=p.length>e-1?p[e-1]:p.length>0?p[p.length-1]:[0,0,0,1],y=p.length>e?p[e]:p.length>0?p[p.length-1]:[0,0,0,1]):v=y=p,3===v.length&&(v=[v[0],v[1],v[2],1]),3===y.length&&(y=[y[0],y[1],y[2],1]),!this.hasAlpha&&v[3]<1&&(this.hasAlpha=!0),x=Array.isArray(g)?g.length>e-1?g[e-1]:g.length>0?g[g.length-1]:[0,0,0,1]:g;var T=s;if(s+=d(b,_),m){for(r=0;r<2;++r)i.push(b[0],b[1],b[2],_[0],_[1],_[2],T,x,v[0],v[1],v[2],v[3]);u+=2,m=!1}i.push(b[0],b[1],b[2],_[0],_[1],_[2],T,x,v[0],v[1],v[2],v[3],b[0],b[1],b[2],_[0],_[1],_[2],T,-x,v[0],v[1],v[2],v[3],_[0],_[1],_[2],b[0],b[1],b[2],s,-x,y[0],y[1],y[2],y[3],_[0],_[1],_[2],b[0],b[1],b[2],s,x,y[0],y[1],y[2],y[3]),u+=4}}if(this.buffer.update(i),a.push(s),o.push(h[h.length-1].slice()),this.bounds=f,this.vertexCount=u,this.points=o,this.arcLength=a,"dashes"in t){var k=t.dashes.slice();for(k.unshift(0),e=1;e1.0001)return null;v+=m[f]}if(Math.abs(v-1)>.001)return null;return[h,s(t,m),m]}},{barycentric:78,"polytope-closest-point/lib/closest_point_2d.js":525}],308:[function(t,e,r){var n=t("glslify"),i=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position, normal;\nattribute vec4 color;\nattribute vec2 uv;\n\nuniform mat4 model\n , view\n , projection\n , inverseModel;\nuniform vec3 eyePosition\n , lightPosition;\n\nvarying vec3 f_normal\n , f_lightDirection\n , f_eyeDirection\n , f_data;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvec4 project(vec3 p) {\n return projection * view * model * vec4(p, 1.0);\n}\n\nvoid main() {\n gl_Position = project(position);\n\n //Lighting geometry parameters\n vec4 cameraCoordinate = view * vec4(position , 1.0);\n cameraCoordinate.xyz /= cameraCoordinate.w;\n f_lightDirection = lightPosition - cameraCoordinate.xyz;\n f_eyeDirection = eyePosition - cameraCoordinate.xyz;\n f_normal = normalize((vec4(normal, 0.0) * inverseModel).xyz);\n\n f_color = color;\n f_data = position;\n f_uv = uv;\n}\n"]),a=n(["#extension GL_OES_standard_derivatives : enable\n\nprecision highp float;\n#define GLSLIFY 1\n\nfloat beckmannDistribution(float x, float roughness) {\n float NdotH = max(x, 0.0001);\n float cos2Alpha = NdotH * NdotH;\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\n float roughness2 = roughness * roughness;\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\n return exp(tan2Alpha / roughness2) / denom;\n}\n\nfloat cookTorranceSpecular(\n vec3 lightDirection,\n vec3 viewDirection,\n vec3 surfaceNormal,\n float roughness,\n float fresnel) {\n\n float VdotN = max(dot(viewDirection, surfaceNormal), 0.0);\n float LdotN = max(dot(lightDirection, surfaceNormal), 0.0);\n\n //Half angle vector\n vec3 H = normalize(lightDirection + viewDirection);\n\n //Geometric term\n float NdotH = max(dot(surfaceNormal, H), 0.0);\n float VdotH = max(dot(viewDirection, H), 0.000001);\n float LdotH = max(dot(lightDirection, H), 0.000001);\n float G1 = (2.0 * NdotH * VdotN) / VdotH;\n float G2 = (2.0 * NdotH * LdotN) / LdotH;\n float G = min(1.0, min(G1, G2));\n \n //Distribution term\n float D = beckmannDistribution(NdotH, roughness);\n\n //Fresnel term\n float F = pow(1.0 - VdotN, fresnel);\n\n //Multiply terms and done\n return G * F * D / max(3.14159265 * VdotN, 0.000001);\n}\n\n//#pragma glslify: beckmann = require(glsl-specular-beckmann) // used in gl-surface3d\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float roughness\n , fresnel\n , kambient\n , kdiffuse\n , kspecular;\nuniform sampler2D texture;\n\nvarying vec3 f_normal\n , f_lightDirection\n , f_eyeDirection\n , f_data;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n if (f_color.a == 0.0 ||\n outOfRange(clipBounds[0], clipBounds[1], f_data)\n ) discard;\n\n vec3 N = normalize(f_normal);\n vec3 L = normalize(f_lightDirection);\n vec3 V = normalize(f_eyeDirection);\n\n if(gl_FrontFacing) {\n N = -N;\n }\n\n float specular = min(1.0, max(0.0, cookTorranceSpecular(L, V, N, roughness, fresnel)));\n //float specular = max(0.0, beckmann(L, V, N, roughness)); // used in gl-surface3d\n\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\n\n vec4 surfaceColor = vec4(f_color.rgb, 1.0) * texture2D(texture, f_uv);\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\n\n gl_FragColor = litColor * f_color.a;\n}\n"]),o=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 uv;\n\nuniform mat4 model, view, projection;\n\nvarying vec4 f_color;\nvarying vec3 f_data;\nvarying vec2 f_uv;\n\nvoid main() {\n gl_Position = projection * view * model * vec4(position, 1.0);\n f_color = color;\n f_data = position;\n f_uv = uv;\n}"]),s=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform sampler2D texture;\nuniform float opacity;\n\nvarying vec4 f_color;\nvarying vec3 f_data;\nvarying vec2 f_uv;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_data)) discard;\n\n gl_FragColor = f_color * texture2D(texture, f_uv) * opacity;\n}"]),l=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 uv;\nattribute float pointSize;\n\nuniform mat4 model, view, projection;\nuniform vec3 clipBounds[2];\n\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0.0, 0.0 ,0.0 ,0.0);\n } else {\n gl_Position = projection * view * model * vec4(position, 1.0);\n }\n gl_PointSize = pointSize;\n f_color = color;\n f_uv = uv;\n}"]),c=n(["precision highp float;\n#define GLSLIFY 1\n\nuniform sampler2D texture;\nuniform float opacity;\n\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n vec2 pointR = gl_PointCoord.xy - vec2(0.5, 0.5);\n if(dot(pointR, pointR) > 0.25) {\n discard;\n }\n gl_FragColor = f_color * texture2D(texture, f_uv) * opacity;\n}"]),u=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n gl_Position = projection * view * model * vec4(position, 1.0);\n f_id = id;\n f_position = position;\n}"]),f=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float pickId;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n\n gl_FragColor = vec4(pickId, f_id.xyz);\n}"]),h=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute float pointSize;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\nuniform vec3 clipBounds[2];\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0.0, 0.0, 0.0, 0.0);\n } else {\n gl_Position = projection * view * model * vec4(position, 1.0);\n gl_PointSize = pointSize;\n }\n f_id = id;\n f_position = position;\n}"]),p=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position;\n\nuniform mat4 model, view, projection;\n\nvoid main() {\n gl_Position = projection * view * model * vec4(position, 1.0);\n}"]),d=n(["precision highp float;\n#define GLSLIFY 1\n\nuniform vec3 contourColor;\n\nvoid main() {\n gl_FragColor = vec4(contourColor, 1.0);\n}\n"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:"position",type:"vec3"},{name:"normal",type:"vec3"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"}]},r.wireShader={vertex:o,fragment:s,attributes:[{name:"position",type:"vec3"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"}]},r.pointShader={vertex:l,fragment:c,attributes:[{name:"position",type:"vec3"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"},{name:"pointSize",type:"float"}]},r.pickShader={vertex:u,fragment:f,attributes:[{name:"position",type:"vec3"},{name:"id",type:"vec4"}]},r.pointPickShader={vertex:h,fragment:f,attributes:[{name:"position",type:"vec3"},{name:"pointSize",type:"float"},{name:"id",type:"vec4"}]},r.contourShader={vertex:p,fragment:d,attributes:[{name:"position",type:"vec3"}]}},{glslify:310}],309:[function(t,e,r){"use strict";var n=t("gl-shader"),i=t("gl-buffer"),a=t("gl-vao"),o=t("gl-texture2d"),s=t("normals"),l=t("gl-mat4/multiply"),c=t("gl-mat4/invert"),u=t("ndarray"),f=t("colormap"),h=t("simplicial-complex-contour"),p=t("typedarray-pool"),d=t("./lib/shaders"),g=t("./lib/closest-point"),m=d.meshShader,v=d.wireShader,y=d.pointShader,x=d.pickShader,b=d.pointPickShader,_=d.contourShader,w=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function T(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,_,T,k,M,A,S){this.gl=t,this.pixelRatio=1,this.cells=[],this.positions=[],this.intensity=[],this.texture=e,this.dirty=!0,this.triShader=r,this.lineShader=n,this.pointShader=i,this.pickShader=a,this.pointPickShader=o,this.contourShader=s,this.trianglePositions=l,this.triangleColors=u,this.triangleNormals=h,this.triangleUVs=f,this.triangleIds=c,this.triangleVAO=p,this.triangleCount=0,this.lineWidth=1,this.edgePositions=d,this.edgeColors=m,this.edgeUVs=v,this.edgeIds=g,this.edgeVAO=y,this.edgeCount=0,this.pointPositions=x,this.pointColors=_,this.pointUVs=T,this.pointSizes=k,this.pointIds=b,this.pointVAO=M,this.pointCount=0,this.contourLineWidth=1,this.contourPositions=A,this.contourVAO=S,this.contourCount=0,this.contourColor=[0,0,0],this.contourEnable=!0,this.pickVertex=!0,this.pickId=1,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.lightPosition=[1e5,1e5,0],this.ambientLight=.8,this.diffuseLight=.8,this.specularLight=2,this.roughness=.5,this.fresnel=1.5,this.opacity=1,this.hasAlpha=!1,this.opacityscale=!1,this._model=w,this._view=w,this._projection=w,this._resolution=[1,1]}var k=T.prototype;function M(t,e){if(!e)return 1;if(!e.length)return 1;for(var r=0;rt&&r>0){var n=(e[r][0]-t)/(e[r][0]-e[r-1][0]);return e[r][1]*(1-n)+n*e[r-1][1]}}return 1}function A(t){var e=n(t,m.vertex,m.fragment);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e.attributes.normal.location=4,e}function S(t){var e=n(t,v.vertex,v.fragment);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e}function E(t){var e=n(t,y.vertex,y.fragment);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e.attributes.pointSize.location=4,e}function C(t){var e=n(t,x.vertex,x.fragment);return e.attributes.position.location=0,e.attributes.id.location=1,e}function L(t){var e=n(t,b.vertex,b.fragment);return e.attributes.position.location=0,e.attributes.id.location=1,e.attributes.pointSize.location=4,e}function I(t){var e=n(t,_.vertex,_.fragment);return e.attributes.position.location=0,e}k.isOpaque=function(){return!this.hasAlpha},k.isTransparent=function(){return this.hasAlpha},k.pickSlots=1,k.setPickBase=function(t){this.pickId=t},k.highlight=function(t){if(t&&this.contourEnable){for(var e=h(this.cells,this.intensity,t.intensity),r=e.cells,n=e.vertexIds,i=e.vertexWeights,a=r.length,o=p.mallocFloat32(6*a),s=0,l=0;l0&&((f=this.triShader).bind(),f.uniforms=s,this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind());this.edgeCount>0&&this.lineWidth>0&&((f=this.lineShader).bind(),f.uniforms=s,this.edgeVAO.bind(),e.lineWidth(this.lineWidth*this.pixelRatio),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind());this.pointCount>0&&((f=this.pointShader).bind(),f.uniforms=s,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind());this.contourEnable&&this.contourCount>0&&this.contourLineWidth>0&&((f=this.contourShader).bind(),f.uniforms=s,this.contourVAO.bind(),e.drawArrays(e.LINES,0,this.contourCount),this.contourVAO.unbind())},k.drawPick=function(t){t=t||{};for(var e=this.gl,r=t.model||w,n=t.view||w,i=t.projection||w,a=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],o=0;o<3;++o)a[0][o]=Math.max(a[0][o],this.clipBounds[0][o]),a[1][o]=Math.min(a[1][o],this.clipBounds[1][o]);this._model=[].slice.call(r),this._view=[].slice.call(n),this._projection=[].slice.call(i),this._resolution=[e.drawingBufferWidth,e.drawingBufferHeight];var s,l={model:r,view:n,projection:i,clipBounds:a,pickId:this.pickId/255};((s=this.pickShader).bind(),s.uniforms=l,this.triangleCount>0&&(this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind()),this.edgeCount>0&&(this.edgeVAO.bind(),e.lineWidth(this.lineWidth*this.pixelRatio),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind()),this.pointCount>0)&&((s=this.pointPickShader).bind(),s.uniforms=l,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind())},k.pick=function(t){if(!t)return null;if(t.id!==this.pickId)return null;for(var e=t.value[0]+256*t.value[1]+65536*t.value[2],r=this.cells[e],n=this.positions,i=new Array(r.length),a=0;ai[k]&&(r.uniforms.dataAxis=c,r.uniforms.screenOffset=u,r.uniforms.color=m[t],r.uniforms.angle=v[t],a.drawArrays(a.TRIANGLES,i[k],i[M]-i[k]))),y[t]&&T&&(u[1^t]-=A*p*x[t],r.uniforms.dataAxis=f,r.uniforms.screenOffset=u,r.uniforms.color=b[t],r.uniforms.angle=_[t],a.drawArrays(a.TRIANGLES,w,T)),u[1^t]=A*s[2+(1^t)]-1,d[t+2]&&(u[1^t]+=A*p*g[t+2],ki[k]&&(r.uniforms.dataAxis=c,r.uniforms.screenOffset=u,r.uniforms.color=m[t+2],r.uniforms.angle=v[t+2],a.drawArrays(a.TRIANGLES,i[k],i[M]-i[k]))),y[t+2]&&T&&(u[1^t]+=A*p*x[t+2],r.uniforms.dataAxis=f,r.uniforms.screenOffset=u,r.uniforms.color=b[t+2],r.uniforms.angle=_[t+2],a.drawArrays(a.TRIANGLES,w,T))}),g.drawTitle=function(){var t=[0,0],e=[0,0];return function(){var r=this.plot,n=this.shader,i=r.gl,a=r.screenBox,o=r.titleCenter,s=r.titleAngle,l=r.titleColor,c=r.pixelRatio;if(this.titleCount){for(var u=0;u<2;++u)e[u]=2*(o[u]*c-a[u])/(a[2+u]-a[u])-1;n.bind(),n.uniforms.dataAxis=t,n.uniforms.screenOffset=e,n.uniforms.angle=s,n.uniforms.color=l,i.drawArrays(i.TRIANGLES,this.titleOffset,this.titleCount)}}}(),g.bind=(h=[0,0],p=[0,0],d=[0,0],function(){var t=this.plot,e=this.shader,r=t._tickBounds,n=t.dataBox,i=t.screenBox,a=t.viewBox;e.bind();for(var o=0;o<2;++o){var s=r[o],l=r[o+2]-s,c=.5*(n[o+2]+n[o]),u=n[o+2]-n[o],f=a[o],g=a[o+2]-f,m=i[o],v=i[o+2]-m;p[o]=2*l/u*g/v,h[o]=2*(s-c)/u*g/v}d[1]=2*t.pixelRatio/(i[3]-i[1]),d[0]=d[1]*(i[3]-i[1])/(i[2]-i[0]),e.uniforms.dataScale=p,e.uniforms.dataShift=h,e.uniforms.textScale=d,this.vbo.bind(),e.attributes.textCoordinate.pointer()}),g.update=function(t){var e,r,n,i,o,s=[],l=t.ticks,c=t.bounds;for(o=0;o<2;++o){var u=[Math.floor(s.length/3)],f=[-1/0],h=l[o];for(e=0;e=0){var g=e[d]-n[d]*(e[d+2]-e[d])/(n[d+2]-n[d]);0===d?o.drawLine(g,e[1],g,e[3],p[d],h[d]):o.drawLine(e[0],g,e[2],g,p[d],h[d])}}for(d=0;d=0;--t)this.objects[t].dispose();this.objects.length=0;for(t=this.overlays.length-1;t>=0;--t)this.overlays[t].dispose();this.overlays.length=0,this.gl=null},c.addObject=function(t){this.objects.indexOf(t)<0&&(this.objects.push(t),this.setDirty())},c.removeObject=function(t){for(var e=this.objects,r=0;rMath.abs(e))c.rotate(a,0,0,-t*r*Math.PI*d.rotateSpeed/window.innerWidth);else if(!d._ortho){var o=-d.zoomSpeed*i*e/window.innerHeight*(a-c.lastT())/20;c.pan(a,0,0,f*(Math.exp(o)-1))}}}),!0)},d.enableMouseListeners(),d};var n=t("right-now"),i=t("3d-view"),a=t("mouse-change"),o=t("mouse-wheel"),s=t("mouse-event-offset"),l=t("has-passive-events")},{"3d-view":54,"has-passive-events":441,"mouse-change":483,"mouse-event-offset":484,"mouse-wheel":486,"right-now":542}],319:[function(t,e,r){var n=t("glslify"),i=t("gl-shader"),a=n(["precision mediump float;\n#define GLSLIFY 1\nattribute vec2 position;\nvarying vec2 uv;\nvoid main() {\n uv = position;\n gl_Position = vec4(position, 0, 1);\n}"]),o=n(["precision mediump float;\n#define GLSLIFY 1\n\nuniform sampler2D accumBuffer;\nvarying vec2 uv;\n\nvoid main() {\n vec4 accum = texture2D(accumBuffer, 0.5 * (uv + 1.0));\n gl_FragColor = min(vec4(1,1,1,1), accum);\n}"]);e.exports=function(t){return i(t,a,o,null,[{name:"position",type:"vec2"}])}},{"gl-shader":335,glslify:320}],320:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],321:[function(t,e,r){"use strict";var n=t("./camera.js"),i=t("gl-axes3d"),a=t("gl-axes3d/properties"),o=t("gl-spikes3d"),s=t("gl-select-static"),l=t("gl-fbo"),c=t("a-big-triangle"),u=t("mouse-change"),f=t("gl-mat4/perspective"),h=t("gl-mat4/ortho"),p=t("./lib/shader"),d=t("is-mobile")({tablet:!0,featureDetect:!0});function g(){this.mouse=[-1,-1],this.screen=null,this.distance=1/0,this.index=null,this.dataCoordinate=null,this.dataPosition=null,this.object=null,this.data=null}function m(t){var e=Math.round(Math.log(Math.abs(t))/Math.log(10));if(e<0){var r=Math.round(Math.pow(10,-e));return Math.ceil(t*r)/r}if(e>0){r=Math.round(Math.pow(10,e));return Math.ceil(t/r)*r}return Math.ceil(t)}function v(t){return"boolean"!=typeof t||t}e.exports={createScene:function(t){(t=t||{}).camera=t.camera||{};var e=t.canvas;if(!e){if(e=document.createElement("canvas"),t.container)t.container.appendChild(e);else document.body.appendChild(e)}var r=t.gl;r||(t.glOptions&&(d=!!t.glOptions.preserveDrawingBuffer),r=function(t,e){var r=null;try{(r=t.getContext("webgl",e))||(r=t.getContext("experimental-webgl",e))}catch(t){return null}return r}(e,t.glOptions||{premultipliedAlpha:!0,antialias:!0,preserveDrawingBuffer:d}));if(!r)throw new Error("webgl not supported");var y=t.bounds||[[-10,-10,-10],[10,10,10]],x=new g,b=l(r,r.drawingBufferWidth,r.drawingBufferHeight,{preferFloat:!d}),_=p(r),w=t.cameraObject&&!0===t.cameraObject._ortho||t.camera.projection&&"orthographic"===t.camera.projection.type||!1,T={eye:t.camera.eye||[2,0,0],center:t.camera.center||[0,0,0],up:t.camera.up||[0,1,0],zoomMin:t.camera.zoomMax||.1,zoomMax:t.camera.zoomMin||100,mode:t.camera.mode||"turntable",_ortho:w},k=t.axes||{},M=i(r,k);M.enable=!k.disable;var A=t.spikes||{},S=o(r,A),E=[],C=[],L=[],I=[],P=!0,z=!0,O=new Array(16),D=new Array(16),R={view:null,projection:O,model:D,_ortho:!1},F=(z=!0,[r.drawingBufferWidth,r.drawingBufferHeight]),B=t.cameraObject||n(e,T),N={gl:r,contextLost:!1,pixelRatio:t.pixelRatio||1,canvas:e,selection:x,camera:B,axes:M,axesPixels:null,spikes:S,bounds:y,objects:E,shape:F,aspect:t.aspectRatio||[1,1,1],pickRadius:t.pickRadius||10,zNear:t.zNear||.01,zFar:t.zFar||1e3,fovy:t.fovy||Math.PI/4,clearColor:t.clearColor||[0,0,0,0],autoResize:v(t.autoResize),autoBounds:v(t.autoBounds),autoScale:!!t.autoScale,autoCenter:v(t.autoCenter),clipToBounds:v(t.clipToBounds),snapToData:!!t.snapToData,onselect:t.onselect||null,onrender:t.onrender||null,onclick:t.onclick||null,cameraParams:R,oncontextloss:null,mouseListener:null,_stopped:!1,getAspectratio:function(){return{x:this.aspect[0],y:this.aspect[1],z:this.aspect[2]}},setAspectratio:function(t){this.aspect[0]=t.x,this.aspect[1]=t.y,this.aspect[2]=t.z,z=!0},setBounds:function(t,e){this.bounds[0][t]=e.min,this.bounds[1][t]=e.max},setClearColor:function(t){this.clearColor=t},clearRGBA:function(){this.gl.clearColor(this.clearColor[0],this.clearColor[1],this.clearColor[2],this.clearColor[3]),this.gl.clear(this.gl.COLOR_BUFFER_BIT|this.gl.DEPTH_BUFFER_BIT)}},j=[r.drawingBufferWidth/N.pixelRatio|0,r.drawingBufferHeight/N.pixelRatio|0];function U(){if(!N._stopped&&N.autoResize){var t=e.parentNode,r=1,n=1;t&&t!==document.body?(r=t.clientWidth,n=t.clientHeight):(r=window.innerWidth,n=window.innerHeight);var i=0|Math.ceil(r*N.pixelRatio),a=0|Math.ceil(n*N.pixelRatio);if(i!==e.width||a!==e.height){e.width=i,e.height=a;var o=e.style;o.position=o.position||"absolute",o.left="0px",o.top="0px",o.width=r+"px",o.height=n+"px",P=!0}}}N.autoResize&&U();function V(){for(var t=E.length,e=I.length,n=0;n0&&0===L[e-1];)L.pop(),I.pop().dispose()}function q(){if(N.contextLost)return!0;r.isContextLost()&&(N.contextLost=!0,N.mouseListener.enabled=!1,N.selection.object=null,N.oncontextloss&&N.oncontextloss())}window.addEventListener("resize",U),N.update=function(t){N._stopped||(t=t||{},P=!0,z=!0)},N.add=function(t){N._stopped||(t.axes=M,E.push(t),C.push(-1),P=!0,z=!0,V())},N.remove=function(t){if(!N._stopped){var e=E.indexOf(t);e<0||(E.splice(e,1),C.pop(),P=!0,z=!0,V())}},N.dispose=function(){if(!N._stopped&&(N._stopped=!0,window.removeEventListener("resize",U),e.removeEventListener("webglcontextlost",q),N.mouseListener.enabled=!1,!N.contextLost)){M.dispose(),S.dispose();for(var t=0;tx.distance)continue;for(var c=0;c 1.0) {\n discard;\n }\n baseColor = mix(borderColor, color, step(radius, centerFraction));\n gl_FragColor = vec4(baseColor.rgb * baseColor.a, baseColor.a);\n }\n}\n"]),r.pickVertex=n(["precision mediump float;\n#define GLSLIFY 1\n\nattribute vec2 position;\nattribute vec4 pickId;\n\nuniform mat3 matrix;\nuniform float pointSize;\nuniform vec4 pickOffset;\n\nvarying vec4 fragId;\n\nvoid main() {\n vec3 hgPosition = matrix * vec3(position, 1);\n gl_Position = vec4(hgPosition.xy, 0, hgPosition.z);\n gl_PointSize = pointSize;\n\n vec4 id = pickId + pickOffset;\n id.y += floor(id.x / 256.0);\n id.x -= floor(id.x / 256.0) * 256.0;\n\n id.z += floor(id.y / 256.0);\n id.y -= floor(id.y / 256.0) * 256.0;\n\n id.w += floor(id.z / 256.0);\n id.z -= floor(id.z / 256.0) * 256.0;\n\n fragId = id;\n}\n"]),r.pickFragment=n(["precision mediump float;\n#define GLSLIFY 1\n\nvarying vec4 fragId;\n\nvoid main() {\n float radius = length(2.0 * gl_PointCoord.xy - 1.0);\n if(radius > 1.0) {\n discard;\n }\n gl_FragColor = fragId / 255.0;\n}\n"])},{glslify:323}],323:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],324:[function(t,e,r){"use strict";var n=t("gl-shader"),i=t("gl-buffer"),a=t("typedarray-pool"),o=t("./lib/shader");function s(t,e,r,n,i){this.plot=t,this.offsetBuffer=e,this.pickBuffer=r,this.shader=n,this.pickShader=i,this.sizeMin=.5,this.sizeMinCap=2,this.sizeMax=20,this.areaRatio=1,this.pointCount=0,this.color=[1,0,0,1],this.borderColor=[0,0,0,1],this.blend=!1,this.pickOffset=0,this.points=null}e.exports=function(t,e){var r=t.gl,a=i(r),l=i(r),c=n(r,o.pointVertex,o.pointFragment),u=n(r,o.pickVertex,o.pickFragment),f=new s(t,a,l,c,u);return f.update(e),t.addObject(f),f};var l,c,u=s.prototype;u.dispose=function(){this.shader.dispose(),this.pickShader.dispose(),this.offsetBuffer.dispose(),this.pickBuffer.dispose(),this.plot.removeObject(this)},u.update=function(t){var e;function r(e,r){return e in t?t[e]:r}t=t||{},this.sizeMin=r("sizeMin",.5),this.sizeMax=r("sizeMax",20),this.color=r("color",[1,0,0,1]).slice(),this.areaRatio=r("areaRatio",1),this.borderColor=r("borderColor",[0,0,0,1]).slice(),this.blend=r("blend",!1);var n=t.positions.length>>>1,i=t.positions instanceof Float32Array,o=t.idToIndex instanceof Int32Array&&t.idToIndex.length>=n,s=t.positions,l=i?s:a.mallocFloat32(s.length),c=o?t.idToIndex:a.mallocInt32(n);if(i||l.set(s),!o)for(l.set(s),e=0;e>>1;for(r=0;r=e[0]&&a<=e[2]&&o>=e[1]&&o<=e[3]&&n++}return n}(this.points,i),u=this.plot.pickPixelRatio*Math.max(Math.min(this.sizeMinCap,this.sizeMin),Math.min(this.sizeMax,this.sizeMax/Math.pow(s,.33333)));l[0]=2/a,l[4]=2/o,l[6]=-2*i[0]/a-1,l[7]=-2*i[1]/o-1,this.offsetBuffer.bind(),r.bind(),r.attributes.position.pointer(),r.uniforms.matrix=l,r.uniforms.color=this.color,r.uniforms.borderColor=this.borderColor,r.uniforms.pointCloud=u<5,r.uniforms.pointSize=u,r.uniforms.centerFraction=Math.min(1,Math.max(0,Math.sqrt(1-this.areaRatio))),e&&(c[0]=255&t,c[1]=t>>8&255,c[2]=t>>16&255,c[3]=t>>24&255,this.pickBuffer.bind(),r.attributes.pickId.pointer(n.UNSIGNED_BYTE),r.uniforms.pickOffset=c,this.pickOffset=t);var f=n.getParameter(n.BLEND),h=n.getParameter(n.DITHER);return f&&!this.blend&&n.disable(n.BLEND),h&&n.disable(n.DITHER),n.drawArrays(n.POINTS,0,this.pointCount),f&&!this.blend&&n.enable(n.BLEND),h&&n.enable(n.DITHER),t+this.pointCount}),u.draw=u.unifiedDraw,u.drawPick=u.unifiedDraw,u.pick=function(t,e,r){var n=this.pickOffset,i=this.pointCount;if(r=n+i)return null;var a=r-n,o=this.points;return{object:this,pointId:a,dataCoord:[o[2*a],o[2*a+1]]}}},{"./lib/shader":322,"gl-buffer":259,"gl-shader":335,"typedarray-pool":595}],325:[function(t,e,r){e.exports=function(t,e,r,n){var i,a,o,s,l,c=e[0],u=e[1],f=e[2],h=e[3],p=r[0],d=r[1],g=r[2],m=r[3];(a=c*p+u*d+f*g+h*m)<0&&(a=-a,p=-p,d=-d,g=-g,m=-m);1-a>1e-6?(i=Math.acos(a),o=Math.sin(i),s=Math.sin((1-n)*i)/o,l=Math.sin(n*i)/o):(s=1-n,l=n);return t[0]=s*c+l*p,t[1]=s*u+l*d,t[2]=s*f+l*g,t[3]=s*h+l*m,t}},{}],326:[function(t,e,r){"use strict";e.exports=function(t){return t||0===t?t.toString():""}},{}],327:[function(t,e,r){"use strict";var n=t("vectorize-text");e.exports=function(t,e,r){var a=i[e];a||(a=i[e]={});if(t in a)return a[t];var o={textAlign:"center",textBaseline:"middle",lineHeight:1,font:e,lineSpacing:1.25,styletags:{breaklines:!0,bolds:!0,italics:!0,subscripts:!0,superscripts:!0},triangles:!0},s=n(t,o);o.triangles=!1;var l,c,u=n(t,o);if(r&&1!==r){for(l=0;l max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 glyph;\nattribute vec4 id;\n\nuniform vec4 highlightId;\nuniform float highlightScale;\nuniform mat4 model, view, projection;\nuniform vec3 clipBounds[2];\n\nvarying vec4 interpColor;\nvarying vec4 pickId;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0,0,0,0);\n } else {\n float scale = 1.0;\n if(distance(highlightId, id) < 0.0001) {\n scale = highlightScale;\n }\n\n vec4 worldPosition = model * vec4(position, 1);\n vec4 viewPosition = view * worldPosition;\n viewPosition = viewPosition / viewPosition.w;\n vec4 clipPosition = projection * (viewPosition + scale * vec4(glyph.x, -glyph.y, 0, 0));\n\n gl_Position = clipPosition;\n interpColor = color;\n pickId = id;\n dataCoordinate = position;\n }\n}"]),o=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 glyph;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\nuniform vec2 screenSize;\nuniform vec3 clipBounds[2];\nuniform float highlightScale, pixelRatio;\nuniform vec4 highlightId;\n\nvarying vec4 interpColor;\nvarying vec4 pickId;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0,0,0,0);\n } else {\n float scale = pixelRatio;\n if(distance(highlightId.bgr, id.bgr) < 0.001) {\n scale *= highlightScale;\n }\n\n vec4 worldPosition = model * vec4(position, 1.0);\n vec4 viewPosition = view * worldPosition;\n vec4 clipPosition = projection * viewPosition;\n clipPosition /= clipPosition.w;\n\n gl_Position = clipPosition + vec4(screenSize * scale * vec2(glyph.x, -glyph.y), 0.0, 0.0);\n interpColor = color;\n pickId = id;\n dataCoordinate = position;\n }\n}"]),s=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 glyph;\nattribute vec4 id;\n\nuniform float highlightScale;\nuniform vec4 highlightId;\nuniform vec3 axes[2];\nuniform mat4 model, view, projection;\nuniform vec2 screenSize;\nuniform vec3 clipBounds[2];\nuniform float scale, pixelRatio;\n\nvarying vec4 interpColor;\nvarying vec4 pickId;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0,0,0,0);\n } else {\n float lscale = pixelRatio * scale;\n if(distance(highlightId, id) < 0.0001) {\n lscale *= highlightScale;\n }\n\n vec4 clipCenter = projection * view * model * vec4(position, 1);\n vec3 dataPosition = position + 0.5*lscale*(axes[0] * glyph.x + axes[1] * glyph.y) * clipCenter.w * screenSize.y;\n vec4 clipPosition = projection * view * model * vec4(dataPosition, 1);\n\n gl_Position = clipPosition;\n interpColor = color;\n pickId = id;\n dataCoordinate = dataPosition;\n }\n}\n"]),l=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 fragClipBounds[2];\nuniform float opacity;\n\nvarying vec4 interpColor;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (\n outOfRange(fragClipBounds[0], fragClipBounds[1], dataCoordinate) ||\n interpColor.a * opacity == 0.\n ) discard;\n gl_FragColor = interpColor * opacity;\n}\n"]),c=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 fragClipBounds[2];\nuniform float pickGroup;\n\nvarying vec4 pickId;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (outOfRange(fragClipBounds[0], fragClipBounds[1], dataCoordinate)) discard;\n\n gl_FragColor = vec4(pickGroup, pickId.bgr);\n}"]),u=[{name:"position",type:"vec3"},{name:"color",type:"vec4"},{name:"glyph",type:"vec2"},{name:"id",type:"vec4"}],f={vertex:a,fragment:l,attributes:u},h={vertex:o,fragment:l,attributes:u},p={vertex:s,fragment:l,attributes:u},d={vertex:a,fragment:c,attributes:u},g={vertex:o,fragment:c,attributes:u},m={vertex:s,fragment:c,attributes:u};function v(t,e){var r=n(t,e),i=r.attributes;return i.position.location=0,i.color.location=1,i.glyph.location=2,i.id.location=3,r}r.createPerspective=function(t){return v(t,f)},r.createOrtho=function(t){return v(t,h)},r.createProject=function(t){return v(t,p)},r.createPickPerspective=function(t){return v(t,d)},r.createPickOrtho=function(t){return v(t,g)},r.createPickProject=function(t){return v(t,m)}},{"gl-shader":335,glslify:329}],329:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],330:[function(t,e,r){"use strict";var n=t("is-string-blank"),i=t("gl-buffer"),a=t("gl-vao"),o=t("typedarray-pool"),s=t("gl-mat4/multiply"),l=t("./lib/shaders"),c=t("./lib/glyphs"),u=t("./lib/get-simple-string"),f=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function h(t,e){var r=t[0],n=t[1],i=t[2],a=t[3];return t[0]=e[0]*r+e[4]*n+e[8]*i+e[12]*a,t[1]=e[1]*r+e[5]*n+e[9]*i+e[13]*a,t[2]=e[2]*r+e[6]*n+e[10]*i+e[14]*a,t[3]=e[3]*r+e[7]*n+e[11]*i+e[15]*a,t}function p(t,e,r,n){return h(n,n),h(n,n),h(n,n)}function d(t,e){this.index=t,this.dataCoordinate=this.position=e}function g(t){return!0===t||t>1?1:t}function m(t,e,r,n,i,a,o,s,l,c,u,f){this.gl=t,this.pixelRatio=1,this.shader=e,this.orthoShader=r,this.projectShader=n,this.pointBuffer=i,this.colorBuffer=a,this.glyphBuffer=o,this.idBuffer=s,this.vao=l,this.vertexCount=0,this.lineVertexCount=0,this.opacity=1,this.hasAlpha=!1,this.lineWidth=0,this.projectScale=[2/3,2/3,2/3],this.projectOpacity=[1,1,1],this.projectHasAlpha=!1,this.pickId=0,this.pickPerspectiveShader=c,this.pickOrthoShader=u,this.pickProjectShader=f,this.points=[],this._selectResult=new d(0,[0,0,0]),this.useOrtho=!0,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.axesProject=[!0,!0,!0],this.axesBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.highlightId=[1,1,1,1],this.highlightScale=2,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.dirty=!0}e.exports=function(t){var e=t.gl,r=l.createPerspective(e),n=l.createOrtho(e),o=l.createProject(e),s=l.createPickPerspective(e),c=l.createPickOrtho(e),u=l.createPickProject(e),f=i(e),h=i(e),p=i(e),d=i(e),g=a(e,[{buffer:f,size:3,type:e.FLOAT},{buffer:h,size:4,type:e.FLOAT},{buffer:p,size:2,type:e.FLOAT},{buffer:d,size:4,type:e.UNSIGNED_BYTE,normalized:!0}]),v=new m(e,r,n,o,f,h,p,d,g,s,c,u);return v.update(t),v};var v=m.prototype;v.pickSlots=1,v.setPickBase=function(t){this.pickId=t},v.isTransparent=function(){if(this.hasAlpha)return!0;for(var t=0;t<3;++t)if(this.axesProject[t]&&this.projectHasAlpha)return!0;return!1},v.isOpaque=function(){if(!this.hasAlpha)return!0;for(var t=0;t<3;++t)if(this.axesProject[t]&&!this.projectHasAlpha)return!0;return!1};var y=[0,0],x=[0,0,0],b=[0,0,0],_=[0,0,0,1],w=[0,0,0,1],T=f.slice(),k=[0,0,0],M=[[0,0,0],[0,0,0]];function A(t){return t[0]=t[1]=t[2]=0,t}function S(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[3]=1,t}function E(t,e,r,n){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[r]=n,t}function C(t,e,r,n){var i,a=e.axesProject,o=e.gl,l=t.uniforms,c=r.model||f,u=r.view||f,h=r.projection||f,d=e.axesBounds,g=function(t){for(var e=M,r=0;r<2;++r)for(var n=0;n<3;++n)e[r][n]=Math.max(Math.min(t[r][n],1e8),-1e8);return e}(e.clipBounds);i=e.axes&&e.axes.lastCubeProps?e.axes.lastCubeProps.axis:[1,1,1],y[0]=2/o.drawingBufferWidth,y[1]=2/o.drawingBufferHeight,t.bind(),l.view=u,l.projection=h,l.screenSize=y,l.highlightId=e.highlightId,l.highlightScale=e.highlightScale,l.clipBounds=g,l.pickGroup=e.pickId/255,l.pixelRatio=n;for(var m=0;m<3;++m)if(a[m]){l.scale=e.projectScale[m],l.opacity=e.projectOpacity[m];for(var v=T,C=0;C<16;++C)v[C]=0;for(C=0;C<4;++C)v[5*C]=1;v[5*m]=0,i[m]<0?v[12+m]=d[0][m]:v[12+m]=d[1][m],s(v,c,v),l.model=v;var L=(m+1)%3,I=(m+2)%3,P=A(x),z=A(b);P[L]=1,z[I]=1;var O=p(0,0,0,S(_,P)),D=p(0,0,0,S(w,z));if(Math.abs(O[1])>Math.abs(D[1])){var R=O;O=D,D=R,R=P,P=z,z=R;var F=L;L=I,I=F}O[0]<0&&(P[L]=-1),D[1]>0&&(z[I]=-1);var B=0,N=0;for(C=0;C<4;++C)B+=Math.pow(c[4*L+C],2),N+=Math.pow(c[4*I+C],2);P[L]/=Math.sqrt(B),z[I]/=Math.sqrt(N),l.axes[0]=P,l.axes[1]=z,l.fragClipBounds[0]=E(k,g[0],m,-1e8),l.fragClipBounds[1]=E(k,g[1],m,1e8),e.vao.bind(),e.vao.draw(o.TRIANGLES,e.vertexCount),e.lineWidth>0&&(o.lineWidth(e.lineWidth*n),e.vao.draw(o.LINES,e.lineVertexCount,e.vertexCount)),e.vao.unbind()}}var L=[[-1e8,-1e8,-1e8],[1e8,1e8,1e8]];function I(t,e,r,n,i,a,o){var s=r.gl;if((a===r.projectHasAlpha||o)&&C(e,r,n,i),a===r.hasAlpha||o){t.bind();var l=t.uniforms;l.model=n.model||f,l.view=n.view||f,l.projection=n.projection||f,y[0]=2/s.drawingBufferWidth,y[1]=2/s.drawingBufferHeight,l.screenSize=y,l.highlightId=r.highlightId,l.highlightScale=r.highlightScale,l.fragClipBounds=L,l.clipBounds=r.axes.bounds,l.opacity=r.opacity,l.pickGroup=r.pickId/255,l.pixelRatio=i,r.vao.bind(),r.vao.draw(s.TRIANGLES,r.vertexCount),r.lineWidth>0&&(s.lineWidth(r.lineWidth*i),r.vao.draw(s.LINES,r.lineVertexCount,r.vertexCount)),r.vao.unbind()}}function P(t,e,r,i){var a;a=Array.isArray(t)?e=this.pointCount||e<0)return null;var r=this.points[e],n=this._selectResult;n.index=e;for(var i=0;i<3;++i)n.position[i]=n.dataCoordinate[i]=r[i];return n},v.highlight=function(t){if(t){var e=t.index,r=255&e,n=e>>8&255,i=e>>16&255;this.highlightId=[r/255,n/255,i/255,0]}else this.highlightId=[1,1,1,1]},v.update=function(t){if("perspective"in(t=t||{})&&(this.useOrtho=!t.perspective),"orthographic"in t&&(this.useOrtho=!!t.orthographic),"lineWidth"in t&&(this.lineWidth=t.lineWidth),"project"in t)if(Array.isArray(t.project))this.axesProject=t.project;else{var e=!!t.project;this.axesProject=[e,e,e]}if("projectScale"in t)if(Array.isArray(t.projectScale))this.projectScale=t.projectScale.slice();else{var r=+t.projectScale;this.projectScale=[r,r,r]}if(this.projectHasAlpha=!1,"projectOpacity"in t){if(Array.isArray(t.projectOpacity))this.projectOpacity=t.projectOpacity.slice();else{r=+t.projectOpacity;this.projectOpacity=[r,r,r]}for(var n=0;n<3;++n)this.projectOpacity[n]=g(this.projectOpacity[n]),this.projectOpacity[n]<1&&(this.projectHasAlpha=!0)}this.hasAlpha=!1,"opacity"in t&&(this.opacity=g(t.opacity),this.opacity<1&&(this.hasAlpha=!0)),this.dirty=!0;var i,a,s=t.position,l=t.font||"normal",c=t.alignment||[0,0];if(2===c.length)i=c[0],a=c[1];else{i=[],a=[];for(n=0;n0){var z=0,O=x,D=[0,0,0,1],R=[0,0,0,1],F=Array.isArray(p)&&Array.isArray(p[0]),B=Array.isArray(v)&&Array.isArray(v[0]);t:for(n=0;n<_;++n){y+=1;for(w=s[n],T=0;T<3;++T){if(isNaN(w[T])||!isFinite(w[T]))continue t;f[T]=Math.max(f[T],w[T]),u[T]=Math.min(u[T],w[T])}k=(N=P(h,n,l,this.pixelRatio)).mesh,M=N.lines,A=N.bounds;var N,j=N.visible;if(j)if(Array.isArray(p)){if(3===(U=F?n0?1-A[0][0]:Y<0?1+A[1][0]:1,W*=W>0?1-A[0][1]:W<0?1+A[1][1]:1],Z=k.cells||[],J=k.positions||[];for(T=0;T0){var v=r*u;o.drawBox(f-v,h-v,p+v,h+v,a),o.drawBox(f-v,d-v,p+v,d+v,a),o.drawBox(f-v,h-v,f+v,d+v,a),o.drawBox(p-v,h-v,p+v,d+v,a)}}}},s.update=function(t){t=t||{},this.innerFill=!!t.innerFill,this.outerFill=!!t.outerFill,this.innerColor=(t.innerColor||[0,0,0,.5]).slice(),this.outerColor=(t.outerColor||[0,0,0,.5]).slice(),this.borderColor=(t.borderColor||[0,0,0,1]).slice(),this.borderWidth=t.borderWidth||0,this.selectBox=(t.selectBox||this.selectBox).slice()},s.dispose=function(){this.boxBuffer.dispose(),this.boxShader.dispose(),this.plot.removeOverlay(this)}},{"./lib/shaders":331,"gl-buffer":259,"gl-shader":335}],334:[function(t,e,r){"use strict";e.exports=function(t,e){var r=e[0],a=e[1],o=n(t,r,a,{}),s=i.mallocUint8(r*a*4);return new l(t,o,s)};var n=t("gl-fbo"),i=t("typedarray-pool"),a=t("ndarray"),o=t("bit-twiddle").nextPow2;function s(t,e,r,n,i){this.coord=[t,e],this.id=r,this.value=n,this.distance=i}function l(t,e,r){this.gl=t,this.fbo=e,this.buffer=r,this._readTimeout=null;var n=this;this._readCallback=function(){n.gl&&(e.bind(),t.readPixels(0,0,e.shape[0],e.shape[1],t.RGBA,t.UNSIGNED_BYTE,n.buffer),n._readTimeout=null)}}var c=l.prototype;Object.defineProperty(c,"shape",{get:function(){return this.gl?this.fbo.shape.slice():[0,0]},set:function(t){if(this.gl){this.fbo.shape=t;var e=this.fbo.shape[0],r=this.fbo.shape[1];if(r*e*4>this.buffer.length){i.free(this.buffer);for(var n=this.buffer=i.mallocUint8(o(r*e*4)),a=0;ar)for(t=r;te)for(t=e;t=0){for(var T=0|w.type.charAt(w.type.length-1),k=new Array(T),M=0;M=0;)A+=1;_[y]=A}var S=new Array(r.length);function E(){h.program=o.program(p,h._vref,h._fref,b,_);for(var t=0;t=0){if((d=h.charCodeAt(h.length-1)-48)<2||d>4)throw new n("","Invalid data type for attribute "+f+": "+h);o(t,e,p[0],i,d,a,f)}else{if(!(h.indexOf("mat")>=0))throw new n("","Unknown data type for attribute "+f+": "+h);var d;if((d=h.charCodeAt(h.length-1)-48)<2||d>4)throw new n("","Invalid data type for attribute "+f+": "+h);s(t,e,p,i,d,a,f)}}}return a};var n=t("./GLError");function i(t,e,r,n,i,a){this._gl=t,this._wrapper=e,this._index=r,this._locations=n,this._dimension=i,this._constFunc=a}var a=i.prototype;function o(t,e,r,n,a,o,s){for(var l=["gl","v"],c=[],u=0;u4)throw new i("","Invalid uniform dimension type for matrix "+name+": "+r);return"gl.uniformMatrix"+a+"fv(locations["+e+"],false,obj"+t+")"}throw new i("","Unknown uniform data type for "+name+": "+r)}if((a=r.charCodeAt(r.length-1)-48)<2||a>4)throw new i("","Invalid data type");switch(r.charAt(0)){case"b":case"i":return"gl.uniform"+a+"iv(locations["+e+"],obj"+t+")";case"v":return"gl.uniform"+a+"fv(locations["+e+"],obj"+t+")";default:throw new i("","Unrecognized data type for vector "+name+": "+r)}}}function c(e){for(var n=["return function updateProperty(obj){"],i=function t(e,r){if("object"!=typeof r)return[[e,r]];var n=[];for(var i in r){var a=r[i],o=e;parseInt(i)+""===i?o+="["+i+"]":o+="."+i,"object"==typeof a?n.push.apply(n,t(o,a)):n.push([o,a])}return n}("",e),a=0;a4)throw new i("","Invalid data type");return"b"===t.charAt(0)?o(r,!1):o(r,0)}if(0===t.indexOf("mat")&&4===t.length){var r;if((r=t.charCodeAt(t.length-1)-48)<2||r>4)throw new i("","Invalid uniform dimension type for matrix "+name+": "+t);return o(r*r,0)}throw new i("","Unknown uniform data type for "+name+": "+t)}}(r[u].type);var p}function f(t){var e;if(Array.isArray(t)){e=new Array(t.length);for(var r=0;r1){s[0]in a||(a[s[0]]=[]),a=a[s[0]];for(var l=1;l1)for(var l=0;l 0 U ||b|| > 0.\n // Assign z = 0, x = -b, y = a:\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\n return normalize(vec3(-v.y, v.x, 0.0));\n } else {\n return normalize(vec3(0.0, v.z, -v.y));\n }\n}\n\n// Calculate the tube vertex and normal at the given index.\n//\n// The returned vertex is for a tube ring with its center at origin, radius of length(d), pointing in the direction of d.\n//\n// Each tube segment is made up of a ring of vertices.\n// These vertices are used to make up the triangles of the tube by connecting them together in the vertex array.\n// The indexes of tube segments run from 0 to 8.\n//\nvec3 getTubePosition(vec3 d, float index, out vec3 normal) {\n float segmentCount = 8.0;\n\n float angle = 2.0 * 3.14159 * (index / segmentCount);\n\n vec3 u = getOrthogonalVector(d);\n vec3 v = normalize(cross(u, d));\n\n vec3 x = u * cos(angle) * length(d);\n vec3 y = v * sin(angle) * length(d);\n vec3 v3 = x + y;\n\n normal = normalize(v3);\n\n return v3;\n}\n\nattribute vec4 vector;\nattribute vec4 color, position;\nattribute vec2 uv;\n\nuniform float vectorScale, tubeScale;\nuniform mat4 model, view, projection, inverseModel;\nuniform vec3 eyePosition, lightPosition;\n\nvarying vec3 f_normal, f_lightDirection, f_eyeDirection, f_data, f_position;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n // Scale the vector magnitude to stay constant with\n // model & view changes.\n vec3 normal;\n vec3 XYZ = getTubePosition(mat3(model) * (tubeScale * vector.w * normalize(vector.xyz)), position.w, normal);\n vec4 tubePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\n\n //Lighting geometry parameters\n vec4 cameraCoordinate = view * tubePosition;\n cameraCoordinate.xyz /= cameraCoordinate.w;\n f_lightDirection = lightPosition - cameraCoordinate.xyz;\n f_eyeDirection = eyePosition - cameraCoordinate.xyz;\n f_normal = normalize((vec4(normal, 0.0) * inverseModel).xyz);\n\n // vec4 m_position = model * vec4(tubePosition, 1.0);\n vec4 t_position = view * tubePosition;\n gl_Position = projection * t_position;\n\n f_color = color;\n f_data = tubePosition.xyz;\n f_position = position.xyz;\n f_uv = uv;\n}\n"]),a=n(["#extension GL_OES_standard_derivatives : enable\n\nprecision highp float;\n#define GLSLIFY 1\n\nfloat beckmannDistribution(float x, float roughness) {\n float NdotH = max(x, 0.0001);\n float cos2Alpha = NdotH * NdotH;\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\n float roughness2 = roughness * roughness;\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\n return exp(tan2Alpha / roughness2) / denom;\n}\n\nfloat cookTorranceSpecular(\n vec3 lightDirection,\n vec3 viewDirection,\n vec3 surfaceNormal,\n float roughness,\n float fresnel) {\n\n float VdotN = max(dot(viewDirection, surfaceNormal), 0.0);\n float LdotN = max(dot(lightDirection, surfaceNormal), 0.0);\n\n //Half angle vector\n vec3 H = normalize(lightDirection + viewDirection);\n\n //Geometric term\n float NdotH = max(dot(surfaceNormal, H), 0.0);\n float VdotH = max(dot(viewDirection, H), 0.000001);\n float LdotH = max(dot(lightDirection, H), 0.000001);\n float G1 = (2.0 * NdotH * VdotN) / VdotH;\n float G2 = (2.0 * NdotH * LdotN) / LdotH;\n float G = min(1.0, min(G1, G2));\n \n //Distribution term\n float D = beckmannDistribution(NdotH, roughness);\n\n //Fresnel term\n float F = pow(1.0 - VdotN, fresnel);\n\n //Multiply terms and done\n return G * F * D / max(3.14159265 * VdotN, 0.000001);\n}\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float roughness, fresnel, kambient, kdiffuse, kspecular, opacity;\nuniform sampler2D texture;\n\nvarying vec3 f_normal, f_lightDirection, f_eyeDirection, f_data, f_position;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n vec3 N = normalize(f_normal);\n vec3 L = normalize(f_lightDirection);\n vec3 V = normalize(f_eyeDirection);\n\n if(gl_FrontFacing) {\n N = -N;\n }\n\n float specular = min(1.0, max(0.0, cookTorranceSpecular(L, V, N, roughness, fresnel)));\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\n\n vec4 surfaceColor = f_color * texture2D(texture, f_uv);\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\n\n gl_FragColor = litColor * opacity;\n}\n"]),o=n(["precision highp float;\n\nprecision highp float;\n#define GLSLIFY 1\n\nvec3 getOrthogonalVector(vec3 v) {\n // Return up-vector for only-z vector.\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\n // Assign z = 0, x = -b, y = a:\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\n return normalize(vec3(-v.y, v.x, 0.0));\n } else {\n return normalize(vec3(0.0, v.z, -v.y));\n }\n}\n\n// Calculate the tube vertex and normal at the given index.\n//\n// The returned vertex is for a tube ring with its center at origin, radius of length(d), pointing in the direction of d.\n//\n// Each tube segment is made up of a ring of vertices.\n// These vertices are used to make up the triangles of the tube by connecting them together in the vertex array.\n// The indexes of tube segments run from 0 to 8.\n//\nvec3 getTubePosition(vec3 d, float index, out vec3 normal) {\n float segmentCount = 8.0;\n\n float angle = 2.0 * 3.14159 * (index / segmentCount);\n\n vec3 u = getOrthogonalVector(d);\n vec3 v = normalize(cross(u, d));\n\n vec3 x = u * cos(angle) * length(d);\n vec3 y = v * sin(angle) * length(d);\n vec3 v3 = x + y;\n\n normal = normalize(v3);\n\n return v3;\n}\n\nattribute vec4 vector;\nattribute vec4 position;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\nuniform float tubeScale;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n vec3 normal;\n vec3 XYZ = getTubePosition(mat3(model) * (tubeScale * vector.w * normalize(vector.xyz)), position.w, normal);\n vec4 tubePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\n\n gl_Position = projection * view * tubePosition;\n f_id = id;\n f_position = position.xyz;\n}\n"]),s=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float pickId;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n\n gl_FragColor = vec4(pickId, f_id.xyz);\n}"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:"position",type:"vec4"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"},{name:"vector",type:"vec4"}]},r.pickShader={vertex:o,fragment:s,attributes:[{name:"position",type:"vec4"},{name:"id",type:"vec4"},{name:"vector",type:"vec4"}]}},{glslify:347}],347:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],348:[function(t,e,r){"use strict";var n=t("gl-vec3"),i=t("gl-vec4"),a=["xyz","xzy","yxz","yzx","zxy","zyx"],o=function(t,e,r,a){for(var o=0,s=0;s0)for(T=0;T<8;T++){var k=(T+1)%8;c.push(h[T],p[T],p[k],p[k],h[k],h[T]),f.push(y,v,v,v,y,y),d.push(g,m,m,m,g,g);var M=c.length;u.push([M-6,M-5,M-4],[M-3,M-2,M-1])}var A=h;h=p,p=A;var S=y;y=v,v=S;var E=g;g=m,m=E}return{positions:c,cells:u,vectors:f,vertexIntensity:d}}(t,r,a,o)})),f=[],h=[],p=[],d=[];for(s=0;se)return r-1}return r},l=function(t,e,r){return tr?r:t},c=function(t){var e=1/0;t.sort((function(t,e){return t-e}));for(var r=t.length,n=1;nf-1||y>h-1||x>p-1)return n.create();var b,_,w,T,k,M,A=a[0][d],S=a[0][v],E=a[1][g],C=a[1][y],L=a[2][m],I=(o-A)/(S-A),P=(c-E)/(C-E),z=(u-L)/(a[2][x]-L);switch(isFinite(I)||(I=.5),isFinite(P)||(P=.5),isFinite(z)||(z=.5),r.reversedX&&(d=f-1-d,v=f-1-v),r.reversedY&&(g=h-1-g,y=h-1-y),r.reversedZ&&(m=p-1-m,x=p-1-x),r.filled){case 5:k=m,M=x,w=g*p,T=y*p,b=d*p*h,_=v*p*h;break;case 4:k=m,M=x,b=d*p,_=v*p,w=g*p*f,T=y*p*f;break;case 3:w=g,T=y,k=m*h,M=x*h,b=d*h*p,_=v*h*p;break;case 2:w=g,T=y,b=d*h,_=v*h,k=m*h*f,M=x*h*f;break;case 1:b=d,_=v,k=m*f,M=x*f,w=g*f*p,T=y*f*p;break;default:b=d,_=v,w=g*f,T=y*f,k=m*f*h,M=x*f*h}var O=i[b+w+k],D=i[b+w+M],R=i[b+T+k],F=i[b+T+M],B=i[_+w+k],N=i[_+w+M],j=i[_+T+k],U=i[_+T+M],V=n.create(),q=n.create(),H=n.create(),G=n.create();n.lerp(V,O,B,I),n.lerp(q,D,N,I),n.lerp(H,R,j,I),n.lerp(G,F,U,I);var Y=n.create(),W=n.create();n.lerp(Y,V,H,P),n.lerp(W,q,G,P);var X=n.create();return n.lerp(X,Y,W,z),X}(e,t,p)},g=t.getDivergence||function(t,e){var r=n.create(),i=1e-4;n.add(r,t,[i,0,0]);var a=d(r);n.subtract(a,a,e),n.scale(a,a,1/i),n.add(r,t,[0,i,0]);var o=d(r);n.subtract(o,o,e),n.scale(o,o,1/i),n.add(r,t,[0,0,i]);var s=d(r);return n.subtract(s,s,e),n.scale(s,s,1/i),n.add(r,a,o),n.add(r,r,s),r},m=[],v=e[0][0],y=e[0][1],x=e[0][2],b=e[1][0],_=e[1][1],w=e[1][2],T=function(t){var e=t[0],r=t[1],n=t[2];return!(eb||r_||nw)},k=10*n.distance(e[0],e[1])/i,M=k*k,A=1,S=0,E=r.length;E>1&&(A=function(t){for(var e=[],r=[],n=[],i={},a={},o={},s=t.length,l=0;lS&&(S=F),D.push(F),m.push({points:I,velocities:P,divergences:D});for(var B=0;B<100*i&&I.lengthM&&n.scale(N,N,k/Math.sqrt(j)),n.add(N,N,L),z=d(N),n.squaredDistance(O,N)-M>-1e-4*M){I.push(N),O=N,P.push(z);R=g(N,z),F=n.length(R);isFinite(F)&&F>S&&(S=F),D.push(F)}L=N}}var U=o(m,t.colormap,S,A);return f?U.tubeScale=f:(0===S&&(S=1),U.tubeScale=.5*u*A/S),U};var u=t("./lib/shaders"),f=t("gl-cone3d").createMesh;e.exports.createTubeMesh=function(t,e){return f(t,e,{shaders:u,traceType:"streamtube"})}},{"./lib/shaders":346,"gl-cone3d":260,"gl-vec3":377,"gl-vec4":413}],349:[function(t,e,r){var n=t("gl-shader"),i=t("glslify"),a=i(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec4 uv;\nattribute vec3 f;\nattribute vec3 normal;\n\nuniform vec3 objectOffset;\nuniform mat4 model, view, projection, inverseModel;\nuniform vec3 lightPosition, eyePosition;\nuniform sampler2D colormap;\n\nvarying float value, kill;\nvarying vec3 worldCoordinate;\nvarying vec2 planeCoordinate;\nvarying vec3 lightDirection, eyeDirection, surfaceNormal;\nvarying vec4 vColor;\n\nvoid main() {\n vec3 localCoordinate = vec3(uv.zw, f.x);\n worldCoordinate = objectOffset + localCoordinate;\n vec4 worldPosition = model * vec4(worldCoordinate, 1.0);\n vec4 clipPosition = projection * view * worldPosition;\n gl_Position = clipPosition;\n kill = f.y;\n value = f.z;\n planeCoordinate = uv.xy;\n\n vColor = texture2D(colormap, vec2(value, value));\n\n //Lighting geometry parameters\n vec4 cameraCoordinate = view * worldPosition;\n cameraCoordinate.xyz /= cameraCoordinate.w;\n lightDirection = lightPosition - cameraCoordinate.xyz;\n eyeDirection = eyePosition - cameraCoordinate.xyz;\n surfaceNormal = normalize((vec4(normal,0) * inverseModel).xyz);\n}\n"]),o=i(["precision highp float;\n#define GLSLIFY 1\n\nfloat beckmannDistribution(float x, float roughness) {\n float NdotH = max(x, 0.0001);\n float cos2Alpha = NdotH * NdotH;\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\n float roughness2 = roughness * roughness;\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\n return exp(tan2Alpha / roughness2) / denom;\n}\n\nfloat beckmannSpecular(\n vec3 lightDirection,\n vec3 viewDirection,\n vec3 surfaceNormal,\n float roughness) {\n return beckmannDistribution(dot(surfaceNormal, normalize(lightDirection + viewDirection)), roughness);\n}\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 lowerBound, upperBound;\nuniform float contourTint;\nuniform vec4 contourColor;\nuniform sampler2D colormap;\nuniform vec3 clipBounds[2];\nuniform float roughness, fresnel, kambient, kdiffuse, kspecular, opacity;\nuniform float vertexColor;\n\nvarying float value, kill;\nvarying vec3 worldCoordinate;\nvarying vec3 lightDirection, eyeDirection, surfaceNormal;\nvarying vec4 vColor;\n\nvoid main() {\n if (\n kill > 0.0 ||\n vColor.a == 0.0 ||\n outOfRange(clipBounds[0], clipBounds[1], worldCoordinate)\n ) discard;\n\n vec3 N = normalize(surfaceNormal);\n vec3 V = normalize(eyeDirection);\n vec3 L = normalize(lightDirection);\n\n if(gl_FrontFacing) {\n N = -N;\n }\n\n float specular = max(beckmannSpecular(L, V, N, roughness), 0.);\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\n\n //decide how to interpolate color \u2014 in vertex or in fragment\n vec4 surfaceColor =\n step(vertexColor, .5) * texture2D(colormap, vec2(value, value)) +\n step(.5, vertexColor) * vColor;\n\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\n\n gl_FragColor = mix(litColor, contourColor, contourTint) * opacity;\n}\n"]),s=i(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec4 uv;\nattribute float f;\n\nuniform vec3 objectOffset;\nuniform mat3 permutation;\nuniform mat4 model, view, projection;\nuniform float height, zOffset;\nuniform sampler2D colormap;\n\nvarying float value, kill;\nvarying vec3 worldCoordinate;\nvarying vec2 planeCoordinate;\nvarying vec3 lightDirection, eyeDirection, surfaceNormal;\nvarying vec4 vColor;\n\nvoid main() {\n vec3 dataCoordinate = permutation * vec3(uv.xy, height);\n worldCoordinate = objectOffset + dataCoordinate;\n vec4 worldPosition = model * vec4(worldCoordinate, 1.0);\n\n vec4 clipPosition = projection * view * worldPosition;\n clipPosition.z += zOffset;\n\n gl_Position = clipPosition;\n value = f + objectOffset.z;\n kill = -1.0;\n planeCoordinate = uv.zw;\n\n vColor = texture2D(colormap, vec2(value, value));\n\n //Don't do lighting for contours\n surfaceNormal = vec3(1,0,0);\n eyeDirection = vec3(0,1,0);\n lightDirection = vec3(0,0,1);\n}\n"]),l=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec2 shape;\nuniform vec3 clipBounds[2];\nuniform float pickId;\n\nvarying float value, kill;\nvarying vec3 worldCoordinate;\nvarying vec2 planeCoordinate;\nvarying vec3 surfaceNormal;\n\nvec2 splitFloat(float v) {\n float vh = 255.0 * v;\n float upper = floor(vh);\n float lower = fract(vh);\n return vec2(upper / 255.0, floor(lower * 16.0) / 16.0);\n}\n\nvoid main() {\n if ((kill > 0.0) ||\n (outOfRange(clipBounds[0], clipBounds[1], worldCoordinate))) discard;\n\n vec2 ux = splitFloat(planeCoordinate.x / shape.x);\n vec2 uy = splitFloat(planeCoordinate.y / shape.y);\n gl_FragColor = vec4(pickId, ux.x, uy.x, ux.y + (uy.y/16.0));\n}\n"]);r.createShader=function(t){var e=n(t,a,o,null,[{name:"uv",type:"vec4"},{name:"f",type:"vec3"},{name:"normal",type:"vec3"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e.attributes.normal.location=2,e},r.createPickShader=function(t){var e=n(t,a,l,null,[{name:"uv",type:"vec4"},{name:"f",type:"vec3"},{name:"normal",type:"vec3"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e.attributes.normal.location=2,e},r.createContourShader=function(t){var e=n(t,s,o,null,[{name:"uv",type:"vec4"},{name:"f",type:"float"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e},r.createPickContourShader=function(t){var e=n(t,s,l,null,[{name:"uv",type:"vec4"},{name:"f",type:"float"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e}},{"gl-shader":335,glslify:350}],350:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],351:[function(t,e,r){"use strict";e.exports=function(t){var e=t.gl,r=y(e),n=b(e),s=x(e),l=_(e),c=i(e),u=a(e,[{buffer:c,size:4,stride:40,offset:0},{buffer:c,size:3,stride:40,offset:16},{buffer:c,size:3,stride:40,offset:28}]),f=i(e),h=a(e,[{buffer:f,size:4,stride:20,offset:0},{buffer:f,size:1,stride:20,offset:16}]),p=i(e),d=a(e,[{buffer:p,size:2,type:e.FLOAT}]),g=o(e,1,256,e.RGBA,e.UNSIGNED_BYTE);g.minFilter=e.LINEAR,g.magFilter=e.LINEAR;var m=new A(e,[0,0],[[0,0,0],[0,0,0]],r,n,c,u,g,s,l,f,h,p,d,[0,0,0]),v={levels:[[],[],[]]};for(var w in t)v[w]=t[w];return v.colormap=v.colormap||"jet",m.update(v),m};var n=t("bit-twiddle"),i=t("gl-buffer"),a=t("gl-vao"),o=t("gl-texture2d"),s=t("typedarray-pool"),l=t("colormap"),c=t("ndarray-ops"),u=t("ndarray-pack"),f=t("ndarray"),h=t("surface-nets"),p=t("gl-mat4/multiply"),d=t("gl-mat4/invert"),g=t("binary-search-bounds"),m=t("ndarray-gradient"),v=t("./lib/shaders"),y=v.createShader,x=v.createContourShader,b=v.createPickShader,_=v.createPickContourShader,w=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1],T=[[0,0],[0,1],[1,0],[1,1],[1,0],[0,1]],k=[[0,0,0,0,0,0,0,0,0],[0,0,0,0,0,0,0,0,0],[0,0,0,0,0,0,0,0,0]];function M(t,e,r,n,i){this.position=t,this.index=e,this.uv=r,this.level=n,this.dataCoordinate=i}!function(){for(var t=0;t<3;++t){var e=k[t],r=(t+2)%3;e[(t+1)%3+0]=1,e[r+3]=1,e[t+6]=1}}();function A(t,e,r,n,i,a,o,l,c,u,h,p,d,g,m){this.gl=t,this.shape=e,this.bounds=r,this.objectOffset=m,this.intensityBounds=[],this._shader=n,this._pickShader=i,this._coordinateBuffer=a,this._vao=o,this._colorMap=l,this._contourShader=c,this._contourPickShader=u,this._contourBuffer=h,this._contourVAO=p,this._contourOffsets=[[],[],[]],this._contourCounts=[[],[],[]],this._vertexCount=0,this._pickResult=new M([0,0,0],[0,0],[0,0],[0,0,0],[0,0,0]),this._dynamicBuffer=d,this._dynamicVAO=g,this._dynamicOffsets=[0,0,0],this._dynamicCounts=[0,0,0],this.contourWidth=[1,1,1],this.contourLevels=[[1],[1],[1]],this.contourTint=[0,0,0],this.contourColor=[[.5,.5,.5,1],[.5,.5,.5,1],[.5,.5,.5,1]],this.showContour=!0,this.showSurface=!0,this.enableHighlight=[!0,!0,!0],this.highlightColor=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.highlightTint=[1,1,1],this.highlightLevel=[-1,-1,-1],this.enableDynamic=[!0,!0,!0],this.dynamicLevel=[NaN,NaN,NaN],this.dynamicColor=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.dynamicTint=[1,1,1],this.dynamicWidth=[1,1,1],this.axesBounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.surfaceProject=[!1,!1,!1],this.contourProject=[[!1,!1,!1],[!1,!1,!1],[!1,!1,!1]],this.colorBounds=[!1,!1],this._field=[f(s.mallocFloat(1024),[0,0]),f(s.mallocFloat(1024),[0,0]),f(s.mallocFloat(1024),[0,0])],this.pickId=1,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.snapToData=!1,this.pixelRatio=1,this.opacity=1,this.lightPosition=[10,1e4,0],this.ambientLight=.8,this.diffuseLight=.8,this.specularLight=2,this.roughness=.5,this.fresnel=1.5,this.vertexColor=0,this.dirty=!0}var S=A.prototype;S.genColormap=function(t,e){var r=!1,n=u([l({colormap:t,nshades:256,format:"rgba"}).map((function(t,n){var i=e?function(t,e){if(!e)return 1;if(!e.length)return 1;for(var r=0;rt&&r>0){var n=(e[r][0]-t)/(e[r][0]-e[r-1][0]);return e[r][1]*(1-n)+n*e[r-1][1]}}return 1}(n/255,e):t[3];return i<1&&(r=!0),[t[0],t[1],t[2],255*i]}))]);return c.divseq(n,255),this.hasAlphaScale=r,n},S.isTransparent=function(){return this.opacity<1||this.hasAlphaScale},S.isOpaque=function(){return!this.isTransparent()},S.pickSlots=1,S.setPickBase=function(t){this.pickId=t};var E=[0,0,0],C={showSurface:!1,showContour:!1,projections:[w.slice(),w.slice(),w.slice()],clipBounds:[[[0,0,0],[0,0,0]],[[0,0,0],[0,0,0]],[[0,0,0],[0,0,0]]]};function L(t,e){var r,n,i,a=e.axes&&e.axes.lastCubeProps.axis||E,o=e.showSurface,s=e.showContour;for(r=0;r<3;++r)for(o=o||e.surfaceProject[r],n=0;n<3;++n)s=s||e.contourProject[r][n];for(r=0;r<3;++r){var l=C.projections[r];for(n=0;n<16;++n)l[n]=0;for(n=0;n<4;++n)l[5*n]=1;l[5*r]=0,l[12+r]=e.axesBounds[+(a[r]>0)][r],p(l,t.model,l);var c=C.clipBounds[r];for(i=0;i<2;++i)for(n=0;n<3;++n)c[i][n]=t.clipBounds[i][n];c[0][r]=-1e8,c[1][r]=1e8}return C.showSurface=o,C.showContour=s,C}var I={model:w,view:w,projection:w,inverseModel:w.slice(),lowerBound:[0,0,0],upperBound:[0,0,0],colorMap:0,clipBounds:[[0,0,0],[0,0,0]],height:0,contourTint:0,contourColor:[0,0,0,1],permutation:[1,0,0,0,1,0,0,0,1],zOffset:-1e-4,objectOffset:[0,0,0],kambient:1,kdiffuse:1,kspecular:1,lightPosition:[1e3,1e3,1e3],eyePosition:[0,0,0],roughness:1,fresnel:1,opacity:1,vertexColor:0},P=w.slice(),z=[1,0,0,0,1,0,0,0,1];function O(t,e){t=t||{};var r=this.gl;r.disable(r.CULL_FACE),this._colorMap.bind(0);var n=I;n.model=t.model||w,n.view=t.view||w,n.projection=t.projection||w,n.lowerBound=[this.bounds[0][0],this.bounds[0][1],this.colorBounds[0]||this.bounds[0][2]],n.upperBound=[this.bounds[1][0],this.bounds[1][1],this.colorBounds[1]||this.bounds[1][2]],n.objectOffset=this.objectOffset,n.contourColor=this.contourColor[0],n.inverseModel=d(n.inverseModel,n.model);for(var i=0;i<2;++i)for(var a=n.clipBounds[i],o=0;o<3;++o)a[o]=Math.min(Math.max(this.clipBounds[i][o],-1e8),1e8);n.kambient=this.ambientLight,n.kdiffuse=this.diffuseLight,n.kspecular=this.specularLight,n.roughness=this.roughness,n.fresnel=this.fresnel,n.opacity=this.opacity,n.height=0,n.permutation=z,n.vertexColor=this.vertexColor;var s=P;for(p(s,n.view,n.model),p(s,n.projection,s),d(s,s),i=0;i<3;++i)n.eyePosition[i]=s[12+i]/s[15];var l=s[15];for(i=0;i<3;++i)l+=this.lightPosition[i]*s[4*i+3];for(i=0;i<3;++i){var c=s[12+i];for(o=0;o<3;++o)c+=s[4*o+i]*this.lightPosition[o];n.lightPosition[i]=c/l}var u=L(n,this);if(u.showSurface){for(this._shader.bind(),this._shader.uniforms=n,this._vao.bind(),this.showSurface&&this._vertexCount&&this._vao.draw(r.TRIANGLES,this._vertexCount),i=0;i<3;++i)this.surfaceProject[i]&&this.vertexCount&&(this._shader.uniforms.model=u.projections[i],this._shader.uniforms.clipBounds=u.clipBounds[i],this._vao.draw(r.TRIANGLES,this._vertexCount));this._vao.unbind()}if(u.showContour){var f=this._contourShader;n.kambient=1,n.kdiffuse=0,n.kspecular=0,n.opacity=1,f.bind(),f.uniforms=n;var h=this._contourVAO;for(h.bind(),i=0;i<3;++i)for(f.uniforms.permutation=k[i],r.lineWidth(this.contourWidth[i]*this.pixelRatio),o=0;o>4)/16)/255,i=Math.floor(n),a=n-i,o=e[1]*(t.value[1]+(15&t.value[2])/16)/255,s=Math.floor(o),l=o-s;i+=1,s+=1;var c=r.position;c[0]=c[1]=c[2]=0;for(var u=0;u<2;++u)for(var f=u?a:1-a,h=0;h<2;++h)for(var p=i+u,d=s+h,m=f*(h?l:1-l),v=0;v<3;++v)c[v]+=this._field[v].get(p,d)*m;for(var y=this._pickResult.level,x=0;x<3;++x)if(y[x]=g.le(this.contourLevels[x],c[x]),y[x]<0)this.contourLevels[x].length>0&&(y[x]=0);else if(y[x]Math.abs(_-c[x])&&(y[x]+=1)}for(r.index[0]=a<.5?i:i+1,r.index[1]=l<.5?s:s+1,r.uv[0]=n/e[0],r.uv[1]=o/e[1],v=0;v<3;++v)r.dataCoordinate[v]=this._field[v].get(r.index[0],r.index[1]);return r},S.padField=function(t,e){var r=e.shape.slice(),n=t.shape.slice();c.assign(t.lo(1,1).hi(r[0],r[1]),e),c.assign(t.lo(1).hi(r[0],1),e.hi(r[0],1)),c.assign(t.lo(1,n[1]-1).hi(r[0],1),e.lo(0,r[1]-1).hi(r[0],1)),c.assign(t.lo(0,1).hi(1,r[1]),e.hi(1)),c.assign(t.lo(n[0]-1,1).hi(1,r[1]),e.lo(r[0]-1)),t.set(0,0,e.get(0,0)),t.set(0,n[1]-1,e.get(0,r[1]-1)),t.set(n[0]-1,0,e.get(r[0]-1,0)),t.set(n[0]-1,n[1]-1,e.get(r[0]-1,r[1]-1))},S.update=function(t){t=t||{},this.objectOffset=t.objectOffset||this.objectOffset,this.dirty=!0,"contourWidth"in t&&(this.contourWidth=R(t.contourWidth,Number)),"showContour"in t&&(this.showContour=R(t.showContour,Boolean)),"showSurface"in t&&(this.showSurface=!!t.showSurface),"contourTint"in t&&(this.contourTint=R(t.contourTint,Boolean)),"contourColor"in t&&(this.contourColor=B(t.contourColor)),"contourProject"in t&&(this.contourProject=R(t.contourProject,(function(t){return R(t,Boolean)}))),"surfaceProject"in t&&(this.surfaceProject=t.surfaceProject),"dynamicColor"in t&&(this.dynamicColor=B(t.dynamicColor)),"dynamicTint"in t&&(this.dynamicTint=R(t.dynamicTint,Number)),"dynamicWidth"in t&&(this.dynamicWidth=R(t.dynamicWidth,Number)),"opacity"in t&&(this.opacity=t.opacity),"opacityscale"in t&&(this.opacityscale=t.opacityscale),"colorBounds"in t&&(this.colorBounds=t.colorBounds),"vertexColor"in t&&(this.vertexColor=t.vertexColor?1:0),"colormap"in t&&this._colorMap.setPixels(this.genColormap(t.colormap,this.opacityscale));var e=t.field||t.coords&&t.coords[2]||null,r=!1;if(e||(e=this._field[2].shape[0]||this._field[2].shape[2]?this._field[2].lo(1,1).hi(this._field[2].shape[0]-2,this._field[2].shape[1]-2):this._field[2].hi(0,0)),"field"in t||"coords"in t){var i=(e.shape[0]+2)*(e.shape[1]+2);i>this._field[2].data.length&&(s.freeFloat(this._field[2].data),this._field[2].data=s.mallocFloat(n.nextPow2(i))),this._field[2]=f(this._field[2].data,[e.shape[0]+2,e.shape[1]+2]),this.padField(this._field[2],e),this.shape=e.shape.slice();for(var a=this.shape,o=0;o<2;++o)this._field[2].size>this._field[o].data.length&&(s.freeFloat(this._field[o].data),this._field[o].data=s.mallocFloat(this._field[2].size)),this._field[o]=f(this._field[o].data,[a[0]+2,a[1]+2]);if(t.coords){var l=t.coords;if(!Array.isArray(l)||3!==l.length)throw new Error("gl-surface: invalid coordinates for x/y");for(o=0;o<2;++o){var c=l[o];for(v=0;v<2;++v)if(c.shape[v]!==a[v])throw new Error("gl-surface: coords have incorrect shape");this.padField(this._field[o],c)}}else if(t.ticks){var u=t.ticks;if(!Array.isArray(u)||2!==u.length)throw new Error("gl-surface: invalid ticks");for(o=0;o<2;++o){var p=u[o];if((Array.isArray(p)||p.length)&&(p=f(p)),p.shape[0]!==a[o])throw new Error("gl-surface: invalid tick length");var d=f(p.data,a);d.stride[o]=p.stride[0],d.stride[1^o]=0,this.padField(this._field[o],d)}}else{for(o=0;o<2;++o){var g=[0,0];g[o]=1,this._field[o]=f(this._field[o].data,[a[0]+2,a[1]+2],g,0)}this._field[0].set(0,0,0);for(var v=0;v0){for(var xt=0;xt<5;++xt)Q.pop();U-=1}continue t}Q.push(nt[0],nt[1],ot[0],ot[1],nt[2]),U+=1}}rt.push(U)}this._contourOffsets[$]=et,this._contourCounts[$]=rt}var bt=s.mallocFloat(Q.length);for(o=0;o halfCharStep + halfCharWidth ||\n\t\t\t\t\tfloor(uv.x) < halfCharStep - halfCharWidth) return;\n\n\t\t\t\tuv += charId * charStep;\n\t\t\t\tuv = uv / atlasSize;\n\n\t\t\t\tvec4 color = fontColor;\n\t\t\t\tvec4 mask = texture2D(atlas, uv);\n\n\t\t\t\tfloat maskY = lightness(mask);\n\t\t\t\t// float colorY = lightness(color);\n\t\t\t\tcolor.a *= maskY;\n\t\t\t\tcolor.a *= opacity;\n\n\t\t\t\t// color.a += .1;\n\n\t\t\t\t// antialiasing, see yiq color space y-channel formula\n\t\t\t\t// color.rgb += (1. - color.rgb) * (1. - mask.rgb);\n\n\t\t\t\tgl_FragColor = color;\n\t\t\t}"});return{regl:t,draw:e,atlas:{}}},T.prototype.update=function(t){var e=this;if("string"==typeof t)t={text:t};else if(!t)return;null!=(t=i(t,{position:"position positions coord coords coordinates",font:"font fontFace fontface typeface cssFont css-font family fontFamily",fontSize:"fontSize fontsize size font-size",text:"text texts chars characters value values symbols",align:"align alignment textAlign textbaseline",baseline:"baseline textBaseline textbaseline",direction:"dir direction textDirection",color:"color colour fill fill-color fillColor textColor textcolor",kerning:"kerning kern",range:"range dataBox",viewport:"vp viewport viewBox viewbox viewPort",opacity:"opacity alpha transparency visible visibility opaque",offset:"offset positionOffset padding shift indent indentation"},!0)).opacity&&(Array.isArray(t.opacity)?this.opacity=t.opacity.map((function(t){return parseFloat(t)})):this.opacity=parseFloat(t.opacity)),null!=t.viewport&&(this.viewport=f(t.viewport),T.normalViewport&&(this.viewport.y=this.canvas.height-this.viewport.y-this.viewport.height),this.viewportArray=[this.viewport.x,this.viewport.y,this.viewport.width,this.viewport.height]),null==this.viewport&&(this.viewport={x:0,y:0,width:this.gl.drawingBufferWidth,height:this.gl.drawingBufferHeight},this.viewportArray=[this.viewport.x,this.viewport.y,this.viewport.width,this.viewport.height]),null!=t.kerning&&(this.kerning=t.kerning),null!=t.offset&&("number"==typeof t.offset&&(t.offset=[t.offset,0]),this.positionOffset=y(t.offset)),t.direction&&(this.direction=t.direction),t.range&&(this.range=t.range,this.scale=[1/(t.range[2]-t.range[0]),1/(t.range[3]-t.range[1])],this.translate=[-t.range[0],-t.range[1]]),t.scale&&(this.scale=t.scale),t.translate&&(this.translate=t.translate),this.scale||(this.scale=[1/this.viewport.width,1/this.viewport.height]),this.translate||(this.translate=[0,0]),this.font.length||t.font||(t.font=T.baseFontSize+"px sans-serif");var r,a=!1,o=!1;if(t.font&&(Array.isArray(t.font)?t.font:[t.font]).forEach((function(t,r){if("string"==typeof t)try{t=n.parse(t)}catch(e){t=n.parse(T.baseFontSize+"px "+t)}else t=n.parse(n.stringify(t));var i=n.stringify({size:T.baseFontSize,family:t.family,stretch:_?t.stretch:void 0,variant:t.variant,weight:t.weight,style:t.style}),s=p(t.size),l=Math.round(s[0]*d(s[1]));if(l!==e.fontSize[r]&&(o=!0,e.fontSize[r]=l),!(e.font[r]&&i==e.font[r].baseString||(a=!0,e.font[r]=T.fonts[i],e.font[r]))){var c=t.family.join(", "),u=[t.style];t.style!=t.variant&&u.push(t.variant),t.variant!=t.weight&&u.push(t.weight),_&&t.weight!=t.stretch&&u.push(t.stretch),e.font[r]={baseString:i,family:c,weight:t.weight,stretch:t.stretch,style:t.style,variant:t.variant,width:{},kerning:{},metrics:v(c,{origin:"top",fontSize:T.baseFontSize,fontStyle:u.join(" ")})},T.fonts[i]=e.font[r]}})),(a||o)&&this.font.forEach((function(r,i){var a=n.stringify({size:e.fontSize[i],family:r.family,stretch:_?r.stretch:void 0,variant:r.variant,weight:r.weight,style:r.style});if(e.fontAtlas[i]=e.shader.atlas[a],!e.fontAtlas[i]){var o=r.metrics;e.shader.atlas[a]=e.fontAtlas[i]={fontString:a,step:2*Math.ceil(e.fontSize[i]*o.bottom*.5),em:e.fontSize[i],cols:0,rows:0,height:0,width:0,chars:[],ids:{},texture:e.regl.texture()}}null==t.text&&(t.text=e.text)})),"string"==typeof t.text&&t.position&&t.position.length>2){for(var s=Array(.5*t.position.length),h=0;h2){for(var w=!t.position[0].length,k=u.mallocFloat(2*this.count),M=0,A=0;M1?e.align[r]:e.align[0]:e.align;if("number"==typeof n)return n;switch(n){case"right":case"end":return-t;case"center":case"centre":case"middle":return.5*-t}return 0}))),null==this.baseline&&null==t.baseline&&(t.baseline=0),null!=t.baseline&&(this.baseline=t.baseline,Array.isArray(this.baseline)||(this.baseline=[this.baseline]),this.baselineOffset=this.baseline.map((function(t,r){var n=(e.font[r]||e.font[0]).metrics,i=0;return i+=.5*n.bottom,i+="number"==typeof t?t-n.baseline:-n[t],T.normalViewport||(i*=-1),i}))),null!=t.color)if(t.color||(t.color="transparent"),"string"!=typeof t.color&&isNaN(t.color)){var H;if("number"==typeof t.color[0]&&t.color.length>this.counts.length){var G=t.color.length;H=u.mallocUint8(G);for(var Y=(t.color.subarray||t.color.slice).bind(t.color),W=0;W4||this.baselineOffset.length>1||this.align&&this.align.length>1||this.fontAtlas.length>1||this.positionOffset.length>2){var J=Math.max(.5*this.position.length||0,.25*this.color.length||0,this.baselineOffset.length||0,this.alignOffset.length||0,this.font.length||0,this.opacity.length||0,.5*this.positionOffset.length||0);this.batch=Array(J);for(var K=0;K1?this.counts[K]:this.counts[0],offset:this.textOffsets.length>1?this.textOffsets[K]:this.textOffsets[0],color:this.color?this.color.length<=4?this.color:this.color.subarray(4*K,4*K+4):[0,0,0,255],opacity:Array.isArray(this.opacity)?this.opacity[K]:this.opacity,baseline:null!=this.baselineOffset[K]?this.baselineOffset[K]:this.baselineOffset[0],align:this.align?null!=this.alignOffset[K]?this.alignOffset[K]:this.alignOffset[0]:0,atlas:this.fontAtlas[K]||this.fontAtlas[0],positionOffset:this.positionOffset.length>2?this.positionOffset.subarray(2*K,2*K+2):this.positionOffset}}else this.count?this.batch=[{count:this.count,offset:0,color:this.color||[0,0,0,255],opacity:Array.isArray(this.opacity)?this.opacity[0]:this.opacity,baseline:this.baselineOffset[0],align:this.alignOffset?this.alignOffset[0]:0,atlas:this.fontAtlas[0],positionOffset:this.positionOffset}]:this.batch=[]},T.prototype.destroy=function(){},T.prototype.kerning=!0,T.prototype.position={constant:new Float32Array(2)},T.prototype.translate=null,T.prototype.scale=null,T.prototype.font=null,T.prototype.text="",T.prototype.positionOffset=[0,0],T.prototype.opacity=1,T.prototype.color=new Uint8Array([0,0,0,255]),T.prototype.alignOffset=[0,0],T.normalViewport=!1,T.maxAtlasSize=1024,T.atlasCanvas=document.createElement("canvas"),T.atlasContext=T.atlasCanvas.getContext("2d",{alpha:!1}),T.baseFontSize=64,T.fonts={},e.exports=T},{"bit-twiddle":97,"color-normalize":125,"css-font":144,"detect-kerning":172,"es6-weak-map":233,"flatten-vertex-data":244,"font-atlas":245,"font-measure":246,"gl-util/context":354,"is-plain-obj":469,"object-assign":499,"parse-rect":504,"parse-unit":506,"pick-by-alias":511,regl:540,"to-px":578,"typedarray-pool":595}],353:[function(t,e,r){"use strict";var n=t("ndarray"),i=t("ndarray-ops"),a=t("typedarray-pool");e.exports=function(t){if(arguments.length<=1)throw new Error("gl-texture2d: Missing arguments for texture2d constructor");o||c(t);if("number"==typeof arguments[1])return v(t,arguments[1],arguments[2],arguments[3]||t.RGBA,arguments[4]||t.UNSIGNED_BYTE);if(Array.isArray(arguments[1]))return v(t,0|arguments[1][0],0|arguments[1][1],arguments[2]||t.RGBA,arguments[3]||t.UNSIGNED_BYTE);if("object"==typeof arguments[1]){var e=arguments[1],r=u(e)?e:e.raw;if(r)return y(t,r,0|e.width,0|e.height,arguments[2]||t.RGBA,arguments[3]||t.UNSIGNED_BYTE);if(e.shape&&e.data&&e.stride)return x(t,e)}throw new Error("gl-texture2d: Invalid arguments for texture2d constructor")};var o=null,s=null,l=null;function c(t){o=[t.LINEAR,t.NEAREST_MIPMAP_LINEAR,t.LINEAR_MIPMAP_NEAREST,t.LINEAR_MIPMAP_NEAREST],s=[t.NEAREST,t.LINEAR,t.NEAREST_MIPMAP_NEAREST,t.NEAREST_MIPMAP_LINEAR,t.LINEAR_MIPMAP_NEAREST,t.LINEAR_MIPMAP_LINEAR],l=[t.REPEAT,t.CLAMP_TO_EDGE,t.MIRRORED_REPEAT]}function u(t){return"undefined"!=typeof HTMLCanvasElement&&t instanceof HTMLCanvasElement||"undefined"!=typeof HTMLImageElement&&t instanceof HTMLImageElement||"undefined"!=typeof HTMLVideoElement&&t instanceof HTMLVideoElement||"undefined"!=typeof ImageData&&t instanceof ImageData}var f=function(t,e){i.muls(t,e,255)};function h(t,e,r){var n=t.gl,i=n.getParameter(n.MAX_TEXTURE_SIZE);if(e<0||e>i||r<0||r>i)throw new Error("gl-texture2d: Invalid texture size");return t._shape=[e,r],t.bind(),n.texImage2D(n.TEXTURE_2D,0,t.format,e,r,0,t.format,t.type,null),t._mipLevels=[0],t}function p(t,e,r,n,i,a){this.gl=t,this.handle=e,this.format=i,this.type=a,this._shape=[r,n],this._mipLevels=[0],this._magFilter=t.NEAREST,this._minFilter=t.NEAREST,this._wrapS=t.CLAMP_TO_EDGE,this._wrapT=t.CLAMP_TO_EDGE,this._anisoSamples=1;var o=this,s=[this._wrapS,this._wrapT];Object.defineProperties(s,[{get:function(){return o._wrapS},set:function(t){return o.wrapS=t}},{get:function(){return o._wrapT},set:function(t){return o.wrapT=t}}]),this._wrapVector=s;var l=[this._shape[0],this._shape[1]];Object.defineProperties(l,[{get:function(){return o._shape[0]},set:function(t){return o.width=t}},{get:function(){return o._shape[1]},set:function(t){return o.height=t}}]),this._shapeVector=l}var d=p.prototype;function g(t,e){return 3===t.length?1===e[2]&&e[1]===t[0]*t[2]&&e[0]===t[2]:1===e[0]&&e[1]===t[0]}function m(t){var e=t.createTexture();return t.bindTexture(t.TEXTURE_2D,e),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_MIN_FILTER,t.NEAREST),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_MAG_FILTER,t.NEAREST),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_WRAP_S,t.CLAMP_TO_EDGE),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_WRAP_T,t.CLAMP_TO_EDGE),e}function v(t,e,r,n,i){var a=t.getParameter(t.MAX_TEXTURE_SIZE);if(e<0||e>a||r<0||r>a)throw new Error("gl-texture2d: Invalid texture shape");if(i===t.FLOAT&&!t.getExtension("OES_texture_float"))throw new Error("gl-texture2d: Floating point textures not supported on this platform");var o=m(t);return t.texImage2D(t.TEXTURE_2D,0,n,e,r,0,n,i,null),new p(t,o,e,r,n,i)}function y(t,e,r,n,i,a){var o=m(t);return t.texImage2D(t.TEXTURE_2D,0,i,i,a,e),new p(t,o,r,n,i,a)}function x(t,e){var r=e.dtype,o=e.shape.slice(),s=t.getParameter(t.MAX_TEXTURE_SIZE);if(o[0]<0||o[0]>s||o[1]<0||o[1]>s)throw new Error("gl-texture2d: Invalid texture size");var l=g(o,e.stride.slice()),c=0;"float32"===r?c=t.FLOAT:"float64"===r?(c=t.FLOAT,l=!1,r="float32"):"uint8"===r?c=t.UNSIGNED_BYTE:(c=t.UNSIGNED_BYTE,l=!1,r="uint8");var u,h,d=0;if(2===o.length)d=t.LUMINANCE,o=[o[0],o[1],1],e=n(e.data,o,[e.stride[0],e.stride[1],1],e.offset);else{if(3!==o.length)throw new Error("gl-texture2d: Invalid shape for texture");if(1===o[2])d=t.ALPHA;else if(2===o[2])d=t.LUMINANCE_ALPHA;else if(3===o[2])d=t.RGB;else{if(4!==o[2])throw new Error("gl-texture2d: Invalid shape for pixel coords");d=t.RGBA}}c!==t.FLOAT||t.getExtension("OES_texture_float")||(c=t.UNSIGNED_BYTE,l=!1);var v=e.size;if(l)u=0===e.offset&&e.data.length===v?e.data:e.data.subarray(e.offset,e.offset+v);else{var y=[o[2],o[2]*o[0],1];h=a.malloc(v,r);var x=n(h,o,y,0);"float32"!==r&&"float64"!==r||c!==t.UNSIGNED_BYTE?i.assign(x,e):f(x,e),u=h.subarray(0,v)}var b=m(t);return t.texImage2D(t.TEXTURE_2D,0,d,o[0],o[1],0,d,c,u),l||a.free(h),new p(t,b,o[0],o[1],d,c)}Object.defineProperties(d,{minFilter:{get:function(){return this._minFilter},set:function(t){this.bind();var e=this.gl;if(this.type===e.FLOAT&&o.indexOf(t)>=0&&(e.getExtension("OES_texture_float_linear")||(t=e.NEAREST)),s.indexOf(t)<0)throw new Error("gl-texture2d: Unknown filter mode "+t);return e.texParameteri(e.TEXTURE_2D,e.TEXTURE_MIN_FILTER,t),this._minFilter=t}},magFilter:{get:function(){return this._magFilter},set:function(t){this.bind();var e=this.gl;if(this.type===e.FLOAT&&o.indexOf(t)>=0&&(e.getExtension("OES_texture_float_linear")||(t=e.NEAREST)),s.indexOf(t)<0)throw new Error("gl-texture2d: Unknown filter mode "+t);return e.texParameteri(e.TEXTURE_2D,e.TEXTURE_MAG_FILTER,t),this._magFilter=t}},mipSamples:{get:function(){return this._anisoSamples},set:function(t){var e=this._anisoSamples;if(this._anisoSamples=0|Math.max(t,1),e!==this._anisoSamples){var r=this.gl.getExtension("EXT_texture_filter_anisotropic");r&&this.gl.texParameterf(this.gl.TEXTURE_2D,r.TEXTURE_MAX_ANISOTROPY_EXT,this._anisoSamples)}return this._anisoSamples}},wrapS:{get:function(){return this._wrapS},set:function(t){if(this.bind(),l.indexOf(t)<0)throw new Error("gl-texture2d: Unknown wrap mode "+t);return this.gl.texParameteri(this.gl.TEXTURE_2D,this.gl.TEXTURE_WRAP_S,t),this._wrapS=t}},wrapT:{get:function(){return this._wrapT},set:function(t){if(this.bind(),l.indexOf(t)<0)throw new Error("gl-texture2d: Unknown wrap mode "+t);return this.gl.texParameteri(this.gl.TEXTURE_2D,this.gl.TEXTURE_WRAP_T,t),this._wrapT=t}},wrap:{get:function(){return this._wrapVector},set:function(t){if(Array.isArray(t)||(t=[t,t]),2!==t.length)throw new Error("gl-texture2d: Must specify wrap mode for rows and columns");for(var e=0;e<2;++e)if(l.indexOf(t[e])<0)throw new Error("gl-texture2d: Unknown wrap mode "+t);this._wrapS=t[0],this._wrapT=t[1];var r=this.gl;return this.bind(),r.texParameteri(r.TEXTURE_2D,r.TEXTURE_WRAP_S,this._wrapS),r.texParameteri(r.TEXTURE_2D,r.TEXTURE_WRAP_T,this._wrapT),t}},shape:{get:function(){return this._shapeVector},set:function(t){if(Array.isArray(t)){if(2!==t.length)throw new Error("gl-texture2d: Invalid texture shape")}else t=[0|t,0|t];return h(this,0|t[0],0|t[1]),[0|t[0],0|t[1]]}},width:{get:function(){return this._shape[0]},set:function(t){return h(this,t|=0,this._shape[1]),t}},height:{get:function(){return this._shape[1]},set:function(t){return t|=0,h(this,this._shape[0],t),t}}}),d.bind=function(t){var e=this.gl;return void 0!==t&&e.activeTexture(e.TEXTURE0+(0|t)),e.bindTexture(e.TEXTURE_2D,this.handle),void 0!==t?0|t:e.getParameter(e.ACTIVE_TEXTURE)-e.TEXTURE0},d.dispose=function(){this.gl.deleteTexture(this.handle)},d.generateMipmap=function(){this.bind(),this.gl.generateMipmap(this.gl.TEXTURE_2D);for(var t=Math.min(this._shape[0],this._shape[1]),e=0;t>0;++e,t>>>=1)this._mipLevels.indexOf(e)<0&&this._mipLevels.push(e)},d.setPixels=function(t,e,r,o){var s=this.gl;this.bind(),Array.isArray(e)?(o=r,r=0|e[1],e=0|e[0]):(e=e||0,r=r||0),o=o||0;var l=u(t)?t:t.raw;if(l){this._mipLevels.indexOf(o)<0?(s.texImage2D(s.TEXTURE_2D,0,this.format,this.format,this.type,l),this._mipLevels.push(o)):s.texSubImage2D(s.TEXTURE_2D,o,e,r,this.format,this.type,l)}else{if(!(t.shape&&t.stride&&t.data))throw new Error("gl-texture2d: Unsupported data type");if(t.shape.length<2||e+t.shape[1]>this._shape[1]>>>o||r+t.shape[0]>this._shape[0]>>>o||e<0||r<0)throw new Error("gl-texture2d: Texture dimensions are out of bounds");!function(t,e,r,o,s,l,c,u){var h=u.dtype,p=u.shape.slice();if(p.length<2||p.length>3)throw new Error("gl-texture2d: Invalid ndarray, must be 2d or 3d");var d=0,m=0,v=g(p,u.stride.slice());"float32"===h?d=t.FLOAT:"float64"===h?(d=t.FLOAT,v=!1,h="float32"):"uint8"===h?d=t.UNSIGNED_BYTE:(d=t.UNSIGNED_BYTE,v=!1,h="uint8");if(2===p.length)m=t.LUMINANCE,p=[p[0],p[1],1],u=n(u.data,p,[u.stride[0],u.stride[1],1],u.offset);else{if(3!==p.length)throw new Error("gl-texture2d: Invalid shape for texture");if(1===p[2])m=t.ALPHA;else if(2===p[2])m=t.LUMINANCE_ALPHA;else if(3===p[2])m=t.RGB;else{if(4!==p[2])throw new Error("gl-texture2d: Invalid shape for pixel coords");m=t.RGBA}p[2]}m!==t.LUMINANCE&&m!==t.ALPHA||s!==t.LUMINANCE&&s!==t.ALPHA||(m=s);if(m!==s)throw new Error("gl-texture2d: Incompatible texture format for setPixels");var y=u.size,x=c.indexOf(o)<0;x&&c.push(o);if(d===l&&v)0===u.offset&&u.data.length===y?x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,u.data):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,u.data):x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,u.data.subarray(u.offset,u.offset+y)):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,u.data.subarray(u.offset,u.offset+y));else{var b;b=l===t.FLOAT?a.mallocFloat32(y):a.mallocUint8(y);var _=n(b,p,[p[2],p[2]*p[0],1]);d===t.FLOAT&&l===t.UNSIGNED_BYTE?f(_,u):i.assign(_,u),x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,b.subarray(0,y)):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,b.subarray(0,y)),l===t.FLOAT?a.freeFloat32(b):a.freeUint8(b)}}(s,e,r,o,this.format,this.type,this._mipLevels,t)}}},{ndarray:495,"ndarray-ops":490,"typedarray-pool":595}],354:[function(t,e,r){(function(r){(function(){"use strict";var n=t("pick-by-alias");function i(t){if(t.container)if(t.container==document.body)document.body.style.width||(t.canvas.width=t.width||t.pixelRatio*r.innerWidth),document.body.style.height||(t.canvas.height=t.height||t.pixelRatio*r.innerHeight);else{var e=t.container.getBoundingClientRect();t.canvas.width=t.width||e.right-e.left,t.canvas.height=t.height||e.bottom-e.top}}function a(t){return"function"==typeof t.getContext&&"width"in t&&"height"in t}function o(){var t=document.createElement("canvas");return t.style.position="absolute",t.style.top=0,t.style.left=0,t}e.exports=function(t){var e;if(t?"string"==typeof t&&(t={container:t}):t={},a(t)?t={container:t}:t="string"==typeof(e=t).nodeName&&"function"==typeof e.appendChild&&"function"==typeof e.getBoundingClientRect?{container:t}:function(t){return"function"==typeof t.drawArrays||"function"==typeof t.drawElements}(t)?{gl:t}:n(t,{container:"container target element el canvas holder parent parentNode wrapper use ref root node",gl:"gl context webgl glContext",attrs:"attributes attrs contextAttributes",pixelRatio:"pixelRatio pxRatio px ratio pxratio pixelratio",width:"w width",height:"h height"},!0),t.pixelRatio||(t.pixelRatio=r.pixelRatio||1),t.gl)return t.gl;if(t.canvas&&(t.container=t.canvas.parentNode),t.container){if("string"==typeof t.container){var s=document.querySelector(t.container);if(!s)throw Error("Element "+t.container+" is not found");t.container=s}a(t.container)?(t.canvas=t.container,t.container=t.canvas.parentNode):t.canvas||(t.canvas=o(),t.container.appendChild(t.canvas),i(t))}else if(!t.canvas){if("undefined"==typeof document)throw Error("Not DOM environment. Use headless-gl.");t.container=document.body||document.documentElement,t.canvas=o(),t.container.appendChild(t.canvas),i(t)}if(!t.gl)try{t.gl=t.canvas.getContext("webgl",t.attrs)}catch(e){try{t.gl=t.canvas.getContext("experimental-webgl",t.attrs)}catch(e){t.gl=t.canvas.getContext("webgl-experimental",t.attrs)}}return t.gl}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"pick-by-alias":511}],355:[function(t,e,r){"use strict";e.exports=function(t,e,r){e?e.bind():t.bindBuffer(t.ELEMENT_ARRAY_BUFFER,null);var n=0|t.getParameter(t.MAX_VERTEX_ATTRIBS);if(r){if(r.length>n)throw new Error("gl-vao: Too many vertex attributes");for(var i=0;i1?0:Math.acos(s)};var n=t("./fromValues"),i=t("./normalize"),a=t("./dot")},{"./dot":370,"./fromValues":376,"./normalize":387}],361:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.ceil(e[0]),t[1]=Math.ceil(e[1]),t[2]=Math.ceil(e[2]),t}},{}],362:[function(t,e,r){e.exports=function(t){var e=new Float32Array(3);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e}},{}],363:[function(t,e,r){e.exports=function(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t}},{}],364:[function(t,e,r){e.exports=function(){var t=new Float32Array(3);return t[0]=0,t[1]=0,t[2]=0,t}},{}],365:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2];return t[0]=i*l-a*s,t[1]=a*o-n*l,t[2]=n*s-i*o,t}},{}],366:[function(t,e,r){e.exports=t("./distance")},{"./distance":367}],367:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2];return Math.sqrt(r*r+n*n+i*i)}},{}],368:[function(t,e,r){e.exports=t("./divide")},{"./divide":369}],369:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]/r[0],t[1]=e[1]/r[1],t[2]=e[2]/r[2],t}},{}],370:[function(t,e,r){e.exports=function(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]}},{}],371:[function(t,e,r){e.exports=1e-6},{}],372:[function(t,e,r){e.exports=function(t,e){var r=t[0],i=t[1],a=t[2],o=e[0],s=e[1],l=e[2];return Math.abs(r-o)<=n*Math.max(1,Math.abs(r),Math.abs(o))&&Math.abs(i-s)<=n*Math.max(1,Math.abs(i),Math.abs(s))&&Math.abs(a-l)<=n*Math.max(1,Math.abs(a),Math.abs(l))};var n=t("./epsilon")},{"./epsilon":371}],373:[function(t,e,r){e.exports=function(t,e){return t[0]===e[0]&&t[1]===e[1]&&t[2]===e[2]}},{}],374:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.floor(e[0]),t[1]=Math.floor(e[1]),t[2]=Math.floor(e[2]),t}},{}],375:[function(t,e,r){e.exports=function(t,e,r,i,a,o){var s,l;e||(e=3);r||(r=0);l=i?Math.min(i*e+r,t.length):t.length;for(s=r;s0&&(a=1/Math.sqrt(a),t[0]=e[0]*a,t[1]=e[1]*a,t[2]=e[2]*a);return t}},{}],388:[function(t,e,r){e.exports=function(t,e){e=e||1;var r=2*Math.random()*Math.PI,n=2*Math.random()-1,i=Math.sqrt(1-n*n)*e;return t[0]=Math.cos(r)*i,t[1]=Math.sin(r)*i,t[2]=n*e,t}},{}],389:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[1],a=r[2],o=e[1]-i,s=e[2]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=e[0],t[1]=i+o*c-s*l,t[2]=a+o*l+s*c,t}},{}],390:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[0],a=r[2],o=e[0]-i,s=e[2]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=i+s*l+o*c,t[1]=e[1],t[2]=a+s*c-o*l,t}},{}],391:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[0],a=r[1],o=e[0]-i,s=e[1]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=i+o*c-s*l,t[1]=a+o*l+s*c,t[2]=e[2],t}},{}],392:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.round(e[0]),t[1]=Math.round(e[1]),t[2]=Math.round(e[2]),t}},{}],393:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r,t[1]=e[1]*r,t[2]=e[2]*r,t}},{}],394:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e[0]+r[0]*n,t[1]=e[1]+r[1]*n,t[2]=e[2]+r[2]*n,t}},{}],395:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e,t[1]=r,t[2]=n,t}},{}],396:[function(t,e,r){e.exports=t("./squaredDistance")},{"./squaredDistance":398}],397:[function(t,e,r){e.exports=t("./squaredLength")},{"./squaredLength":399}],398:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2];return r*r+n*n+i*i}},{}],399:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2];return e*e+r*r+n*n}},{}],400:[function(t,e,r){e.exports=t("./subtract")},{"./subtract":401}],401:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]-r[0],t[1]=e[1]-r[1],t[2]=e[2]-r[2],t}},{}],402:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2];return t[0]=n*r[0]+i*r[3]+a*r[6],t[1]=n*r[1]+i*r[4]+a*r[7],t[2]=n*r[2]+i*r[5]+a*r[8],t}},{}],403:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[3]*n+r[7]*i+r[11]*a+r[15];return o=o||1,t[0]=(r[0]*n+r[4]*i+r[8]*a+r[12])/o,t[1]=(r[1]*n+r[5]*i+r[9]*a+r[13])/o,t[2]=(r[2]*n+r[6]*i+r[10]*a+r[14])/o,t}},{}],404:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2],c=r[3],u=c*n+s*a-l*i,f=c*i+l*n-o*a,h=c*a+o*i-s*n,p=-o*n-s*i-l*a;return t[0]=u*c+p*-o+f*-l-h*-s,t[1]=f*c+p*-s+h*-o-u*-l,t[2]=h*c+p*-l+u*-s-f*-o,t}},{}],405:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]+r[0],t[1]=e[1]+r[1],t[2]=e[2]+r[2],t[3]=e[3]+r[3],t}},{}],406:[function(t,e,r){e.exports=function(t){var e=new Float32Array(4);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e[3]=t[3],e}},{}],407:[function(t,e,r){e.exports=function(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[3]=e[3],t}},{}],408:[function(t,e,r){e.exports=function(){var t=new Float32Array(4);return t[0]=0,t[1]=0,t[2]=0,t[3]=0,t}},{}],409:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2],a=e[3]-t[3];return Math.sqrt(r*r+n*n+i*i+a*a)}},{}],410:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]/r[0],t[1]=e[1]/r[1],t[2]=e[2]/r[2],t[3]=e[3]/r[3],t}},{}],411:[function(t,e,r){e.exports=function(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]+t[3]*e[3]}},{}],412:[function(t,e,r){e.exports=function(t,e,r,n){var i=new Float32Array(4);return i[0]=t,i[1]=e,i[2]=r,i[3]=n,i}},{}],413:[function(t,e,r){e.exports={create:t("./create"),clone:t("./clone"),fromValues:t("./fromValues"),copy:t("./copy"),set:t("./set"),add:t("./add"),subtract:t("./subtract"),multiply:t("./multiply"),divide:t("./divide"),min:t("./min"),max:t("./max"),scale:t("./scale"),scaleAndAdd:t("./scaleAndAdd"),distance:t("./distance"),squaredDistance:t("./squaredDistance"),length:t("./length"),squaredLength:t("./squaredLength"),negate:t("./negate"),inverse:t("./inverse"),normalize:t("./normalize"),dot:t("./dot"),lerp:t("./lerp"),random:t("./random"),transformMat4:t("./transformMat4"),transformQuat:t("./transformQuat")}},{"./add":405,"./clone":406,"./copy":407,"./create":408,"./distance":409,"./divide":410,"./dot":411,"./fromValues":412,"./inverse":414,"./length":415,"./lerp":416,"./max":417,"./min":418,"./multiply":419,"./negate":420,"./normalize":421,"./random":422,"./scale":423,"./scaleAndAdd":424,"./set":425,"./squaredDistance":426,"./squaredLength":427,"./subtract":428,"./transformMat4":429,"./transformQuat":430}],414:[function(t,e,r){e.exports=function(t,e){return t[0]=1/e[0],t[1]=1/e[1],t[2]=1/e[2],t[3]=1/e[3],t}},{}],415:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2],i=t[3];return Math.sqrt(e*e+r*r+n*n+i*i)}},{}],416:[function(t,e,r){e.exports=function(t,e,r,n){var i=e[0],a=e[1],o=e[2],s=e[3];return t[0]=i+n*(r[0]-i),t[1]=a+n*(r[1]-a),t[2]=o+n*(r[2]-o),t[3]=s+n*(r[3]-s),t}},{}],417:[function(t,e,r){e.exports=function(t,e,r){return t[0]=Math.max(e[0],r[0]),t[1]=Math.max(e[1],r[1]),t[2]=Math.max(e[2],r[2]),t[3]=Math.max(e[3],r[3]),t}},{}],418:[function(t,e,r){e.exports=function(t,e,r){return t[0]=Math.min(e[0],r[0]),t[1]=Math.min(e[1],r[1]),t[2]=Math.min(e[2],r[2]),t[3]=Math.min(e[3],r[3]),t}},{}],419:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r[0],t[1]=e[1]*r[1],t[2]=e[2]*r[2],t[3]=e[3]*r[3],t}},{}],420:[function(t,e,r){e.exports=function(t,e){return t[0]=-e[0],t[1]=-e[1],t[2]=-e[2],t[3]=-e[3],t}},{}],421:[function(t,e,r){e.exports=function(t,e){var r=e[0],n=e[1],i=e[2],a=e[3],o=r*r+n*n+i*i+a*a;o>0&&(o=1/Math.sqrt(o),t[0]=r*o,t[1]=n*o,t[2]=i*o,t[3]=a*o);return t}},{}],422:[function(t,e,r){var n=t("./normalize"),i=t("./scale");e.exports=function(t,e){return e=e||1,t[0]=Math.random(),t[1]=Math.random(),t[2]=Math.random(),t[3]=Math.random(),n(t,t),i(t,t,e),t}},{"./normalize":421,"./scale":423}],423:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r,t[1]=e[1]*r,t[2]=e[2]*r,t[3]=e[3]*r,t}},{}],424:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e[0]+r[0]*n,t[1]=e[1]+r[1]*n,t[2]=e[2]+r[2]*n,t[3]=e[3]+r[3]*n,t}},{}],425:[function(t,e,r){e.exports=function(t,e,r,n,i){return t[0]=e,t[1]=r,t[2]=n,t[3]=i,t}},{}],426:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2],a=e[3]-t[3];return r*r+n*n+i*i+a*a}},{}],427:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2],i=t[3];return e*e+r*r+n*n+i*i}},{}],428:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]-r[0],t[1]=e[1]-r[1],t[2]=e[2]-r[2],t[3]=e[3]-r[3],t}},{}],429:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3];return t[0]=r[0]*n+r[4]*i+r[8]*a+r[12]*o,t[1]=r[1]*n+r[5]*i+r[9]*a+r[13]*o,t[2]=r[2]*n+r[6]*i+r[10]*a+r[14]*o,t[3]=r[3]*n+r[7]*i+r[11]*a+r[15]*o,t}},{}],430:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2],c=r[3],u=c*n+s*a-l*i,f=c*i+l*n-o*a,h=c*a+o*i-s*n,p=-o*n-s*i-l*a;return t[0]=u*c+p*-o+f*-l-h*-s,t[1]=f*c+p*-s+h*-o-u*-l,t[2]=h*c+p*-l+u*-s-f*-o,t[3]=e[3],t}},{}],431:[function(t,e,r){var n=t("glsl-tokenizer"),i=t("atob-lite");e.exports=function(t){for(var e=Array.isArray(t)?t:n(t),r=0;r0)continue;r=t.slice(0,1).join("")}return M(r),v+=r.length,(p=p.slice(r.length)).length}}function P(){return/[^a-fA-F0-9]/.test(e)?(M(p.join("")),h=999,u):(p.push(e),r=e,u+1)}function z(){return"."===e||/[eE]/.test(e)?(p.push(e),h=5,r=e,u+1):"x"===e&&1===p.length&&"0"===p[0]?(h=11,p.push(e),r=e,u+1):/[^\d]/.test(e)?(M(p.join("")),h=999,u):(p.push(e),r=e,u+1)}function O(){return"f"===e&&(p.push(e),r=e,u+=1),/[eE]/.test(e)?(p.push(e),r=e,u+1):("-"!==e&&"+"!==e||!/[eE]/.test(r))&&/[^\d]/.test(e)?(M(p.join("")),h=999,u):(p.push(e),r=e,u+1)}function D(){if(/[^\d\w_]/.test(e)){var t=p.join("");return h=k[t]?8:T[t]?7:6,M(p.join("")),h=999,u}return p.push(e),r=e,u+1}};var n=t("./lib/literals"),i=t("./lib/operators"),a=t("./lib/builtins"),o=t("./lib/literals-300es"),s=t("./lib/builtins-300es"),l=["block-comment","line-comment","preprocessor","operator","integer","float","ident","builtin","keyword","whitespace","eof","integer"]},{"./lib/builtins":434,"./lib/builtins-300es":433,"./lib/literals":436,"./lib/literals-300es":435,"./lib/operators":437}],433:[function(t,e,r){var n=t("./builtins");n=n.slice().filter((function(t){return!/^(gl\_|texture)/.test(t)})),e.exports=n.concat(["gl_VertexID","gl_InstanceID","gl_Position","gl_PointSize","gl_FragCoord","gl_FrontFacing","gl_FragDepth","gl_PointCoord","gl_MaxVertexAttribs","gl_MaxVertexUniformVectors","gl_MaxVertexOutputVectors","gl_MaxFragmentInputVectors","gl_MaxVertexTextureImageUnits","gl_MaxCombinedTextureImageUnits","gl_MaxTextureImageUnits","gl_MaxFragmentUniformVectors","gl_MaxDrawBuffers","gl_MinProgramTexelOffset","gl_MaxProgramTexelOffset","gl_DepthRangeParameters","gl_DepthRange","trunc","round","roundEven","isnan","isinf","floatBitsToInt","floatBitsToUint","intBitsToFloat","uintBitsToFloat","packSnorm2x16","unpackSnorm2x16","packUnorm2x16","unpackUnorm2x16","packHalf2x16","unpackHalf2x16","outerProduct","transpose","determinant","inverse","texture","textureSize","textureProj","textureLod","textureOffset","texelFetch","texelFetchOffset","textureProjOffset","textureLodOffset","textureProjLod","textureProjLodOffset","textureGrad","textureGradOffset","textureProjGrad","textureProjGradOffset"])},{"./builtins":434}],434:[function(t,e,r){e.exports=["abs","acos","all","any","asin","atan","ceil","clamp","cos","cross","dFdx","dFdy","degrees","distance","dot","equal","exp","exp2","faceforward","floor","fract","gl_BackColor","gl_BackLightModelProduct","gl_BackLightProduct","gl_BackMaterial","gl_BackSecondaryColor","gl_ClipPlane","gl_ClipVertex","gl_Color","gl_DepthRange","gl_DepthRangeParameters","gl_EyePlaneQ","gl_EyePlaneR","gl_EyePlaneS","gl_EyePlaneT","gl_Fog","gl_FogCoord","gl_FogFragCoord","gl_FogParameters","gl_FragColor","gl_FragCoord","gl_FragData","gl_FragDepth","gl_FragDepthEXT","gl_FrontColor","gl_FrontFacing","gl_FrontLightModelProduct","gl_FrontLightProduct","gl_FrontMaterial","gl_FrontSecondaryColor","gl_LightModel","gl_LightModelParameters","gl_LightModelProducts","gl_LightProducts","gl_LightSource","gl_LightSourceParameters","gl_MaterialParameters","gl_MaxClipPlanes","gl_MaxCombinedTextureImageUnits","gl_MaxDrawBuffers","gl_MaxFragmentUniformComponents","gl_MaxLights","gl_MaxTextureCoords","gl_MaxTextureImageUnits","gl_MaxTextureUnits","gl_MaxVaryingFloats","gl_MaxVertexAttribs","gl_MaxVertexTextureImageUnits","gl_MaxVertexUniformComponents","gl_ModelViewMatrix","gl_ModelViewMatrixInverse","gl_ModelViewMatrixInverseTranspose","gl_ModelViewMatrixTranspose","gl_ModelViewProjectionMatrix","gl_ModelViewProjectionMatrixInverse","gl_ModelViewProjectionMatrixInverseTranspose","gl_ModelViewProjectionMatrixTranspose","gl_MultiTexCoord0","gl_MultiTexCoord1","gl_MultiTexCoord2","gl_MultiTexCoord3","gl_MultiTexCoord4","gl_MultiTexCoord5","gl_MultiTexCoord6","gl_MultiTexCoord7","gl_Normal","gl_NormalMatrix","gl_NormalScale","gl_ObjectPlaneQ","gl_ObjectPlaneR","gl_ObjectPlaneS","gl_ObjectPlaneT","gl_Point","gl_PointCoord","gl_PointParameters","gl_PointSize","gl_Position","gl_ProjectionMatrix","gl_ProjectionMatrixInverse","gl_ProjectionMatrixInverseTranspose","gl_ProjectionMatrixTranspose","gl_SecondaryColor","gl_TexCoord","gl_TextureEnvColor","gl_TextureMatrix","gl_TextureMatrixInverse","gl_TextureMatrixInverseTranspose","gl_TextureMatrixTranspose","gl_Vertex","greaterThan","greaterThanEqual","inversesqrt","length","lessThan","lessThanEqual","log","log2","matrixCompMult","max","min","mix","mod","normalize","not","notEqual","pow","radians","reflect","refract","sign","sin","smoothstep","sqrt","step","tan","texture2D","texture2DLod","texture2DProj","texture2DProjLod","textureCube","textureCubeLod","texture2DLodEXT","texture2DProjLodEXT","textureCubeLodEXT","texture2DGradEXT","texture2DProjGradEXT","textureCubeGradEXT"]},{}],435:[function(t,e,r){var n=t("./literals");e.exports=n.slice().concat(["layout","centroid","smooth","case","mat2x2","mat2x3","mat2x4","mat3x2","mat3x3","mat3x4","mat4x2","mat4x3","mat4x4","uvec2","uvec3","uvec4","samplerCubeShadow","sampler2DArray","sampler2DArrayShadow","isampler2D","isampler3D","isamplerCube","isampler2DArray","usampler2D","usampler3D","usamplerCube","usampler2DArray","coherent","restrict","readonly","writeonly","resource","atomic_uint","noperspective","patch","sample","subroutine","common","partition","active","filter","image1D","image2D","image3D","imageCube","iimage1D","iimage2D","iimage3D","iimageCube","uimage1D","uimage2D","uimage3D","uimageCube","image1DArray","image2DArray","iimage1DArray","iimage2DArray","uimage1DArray","uimage2DArray","image1DShadow","image2DShadow","image1DArrayShadow","image2DArrayShadow","imageBuffer","iimageBuffer","uimageBuffer","sampler1DArray","sampler1DArrayShadow","isampler1D","isampler1DArray","usampler1D","usampler1DArray","isampler2DRect","usampler2DRect","samplerBuffer","isamplerBuffer","usamplerBuffer","sampler2DMS","isampler2DMS","usampler2DMS","sampler2DMSArray","isampler2DMSArray","usampler2DMSArray"])},{"./literals":436}],436:[function(t,e,r){e.exports=["precision","highp","mediump","lowp","attribute","const","uniform","varying","break","continue","do","for","while","if","else","in","out","inout","float","int","uint","void","bool","true","false","discard","return","mat2","mat3","mat4","vec2","vec3","vec4","ivec2","ivec3","ivec4","bvec2","bvec3","bvec4","sampler1D","sampler2D","sampler3D","samplerCube","sampler1DShadow","sampler2DShadow","struct","asm","class","union","enum","typedef","template","this","packed","goto","switch","default","inline","noinline","volatile","public","static","extern","external","interface","long","short","double","half","fixed","unsigned","input","output","hvec2","hvec3","hvec4","dvec2","dvec3","dvec4","fvec2","fvec3","fvec4","sampler2DRect","sampler3DRect","sampler2DRectShadow","sizeof","cast","namespace","using"]},{}],437:[function(t,e,r){e.exports=["<<=",">>=","++","--","<<",">>","<=",">=","==","!=","&&","||","+=","-=","*=","/=","%=","&=","^^","^=","|=","(",")","[","]",".","!","~","*","/","%","+","-","<",">","&","^","|","?",":","=",",",";","{","}"]},{}],438:[function(t,e,r){var n=t("./index");e.exports=function(t,e){var r=n(e),i=[];return i=(i=i.concat(r(t))).concat(r(null))}},{"./index":432}],439:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],440:[function(t,e,r){(function(r){(function(){"use strict";var n,i=t("is-browser");n="function"==typeof r.matchMedia?!r.matchMedia("(hover: none)").matches:i,e.exports=n}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"is-browser":464}],441:[function(t,e,r){"use strict";var n=t("is-browser");e.exports=n&&function(){var t=!1;try{var e=Object.defineProperty({},"passive",{get:function(){t=!0}});window.addEventListener("test",null,e),window.removeEventListener("test",null,e)}catch(e){t=!1}return t}()},{"is-browser":464}],442:[function(t,e,r){r.read=function(t,e,r,n,i){var a,o,s=8*i-n-1,l=(1<>1,u=-7,f=r?i-1:0,h=r?-1:1,p=t[e+f];for(f+=h,a=p&(1<<-u)-1,p>>=-u,u+=s;u>0;a=256*a+t[e+f],f+=h,u-=8);for(o=a&(1<<-u)-1,a>>=-u,u+=n;u>0;o=256*o+t[e+f],f+=h,u-=8);if(0===a)a=1-c;else{if(a===l)return o?NaN:1/0*(p?-1:1);o+=Math.pow(2,n),a-=c}return(p?-1:1)*o*Math.pow(2,a-n)},r.write=function(t,e,r,n,i,a){var o,s,l,c=8*a-i-1,u=(1<>1,h=23===i?Math.pow(2,-24)-Math.pow(2,-77):0,p=n?0:a-1,d=n?1:-1,g=e<0||0===e&&1/e<0?1:0;for(e=Math.abs(e),isNaN(e)||e===1/0?(s=isNaN(e)?1:0,o=u):(o=Math.floor(Math.log(e)/Math.LN2),e*(l=Math.pow(2,-o))<1&&(o--,l*=2),(e+=o+f>=1?h/l:h*Math.pow(2,1-f))*l>=2&&(o++,l/=2),o+f>=u?(s=0,o=u):o+f>=1?(s=(e*l-1)*Math.pow(2,i),o+=f):(s=e*Math.pow(2,f-1)*Math.pow(2,i),o=0));i>=8;t[r+p]=255&s,p+=d,s/=256,i-=8);for(o=o<0;t[r+p]=255&o,p+=d,o/=256,c-=8);t[r+p-d]|=128*g}},{}],443:[function(t,e,r){"use strict";var n=t("./types");e.exports=function(t,e){var r;for(r in n)if(n[r].detect(t,e))return r}},{"./types":446}],444:[function(t,e,r){(function(r){(function(){"use strict";var n=t("fs"),i=t("path"),a=t("./types"),o=t("./detector");function s(t,e){var r=o(t,e);if(r in a){var n=a[r].calculate(t,e);if(!1!==n)return n.type=r,n}throw new TypeError("unsupported file type: "+r+" (file: "+e+")")}e.exports=function(t,e){if(r.isBuffer(t))return s(t);if("string"!=typeof t)throw new TypeError("invalid invocation");var a=i.resolve(t);if("function"!=typeof e)return s(function(t){var e=n.openSync(t,"r"),i=n.fstatSync(e).size,a=Math.min(i,524288),o=r.alloc(a);return n.readSync(e,o,0,a,0),n.closeSync(e),o}(a),a);!function(t,e){n.open(t,"r",(function(i,a){if(i)return e(i);n.fstat(a,(function(i,o){if(i)return e(i);var s=o.size;if(s<=0)return e(new Error("File size is not greater than 0 \u2014\u2014 "+t));var l=Math.min(s,524288),c=r.alloc(l);n.read(a,c,0,l,0,(function(t){if(t)return e(t);n.close(a,(function(t){e(t,c)}))}))}))}))}(a,(function(t,r){if(t)return e(t);var n;try{n=s(r,a)}catch(e){t=e}e(t,n)}))},e.exports.types=Object.keys(a)}).call(this)}).call(this,t("buffer").Buffer)},{"./detector":443,"./types":446,buffer:111,fs:109,path:507}],445:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){return r=r||0,t["readUInt"+e+(n?"BE":"LE")].call(t,r)}},{}],446:[function(t,e,r){"use strict";var n={bmp:t("./types/bmp"),cur:t("./types/cur"),dds:t("./types/dds"),gif:t("./types/gif"),icns:t("./types/icns"),ico:t("./types/ico"),jpg:t("./types/jpg"),png:t("./types/png"),psd:t("./types/psd"),svg:t("./types/svg"),tiff:t("./types/tiff"),webp:t("./types/webp")};e.exports=n},{"./types/bmp":447,"./types/cur":448,"./types/dds":449,"./types/gif":450,"./types/icns":451,"./types/ico":452,"./types/jpg":453,"./types/png":454,"./types/psd":455,"./types/svg":456,"./types/tiff":457,"./types/webp":458}],447:[function(t,e,r){"use strict";e.exports={detect:function(t){return"BM"===t.toString("ascii",0,2)},calculate:function(t){return{width:t.readUInt32LE(18),height:Math.abs(t.readInt32LE(22))}}}},{}],448:[function(t,e,r){"use strict";e.exports={detect:function(t){return 0===t.readUInt16LE(0)&&2===t.readUInt16LE(2)},calculate:t("./ico").calculate}},{"./ico":452}],449:[function(t,e,r){"use strict";e.exports={detect:function(t){return 542327876===t.readUInt32LE(0)},calculate:function(t){return{height:t.readUInt32LE(12),width:t.readUInt32LE(16)}}}},{}],450:[function(t,e,r){"use strict";var n=/^GIF8[79]a/;e.exports={detect:function(t){var e=t.toString("ascii",0,6);return n.test(e)},calculate:function(t){return{width:t.readUInt16LE(6),height:t.readUInt16LE(8)}}}},{}],451:[function(t,e,r){"use strict";var n={ICON:32,"ICN#":32,"icm#":16,icm4:16,icm8:16,"ics#":16,ics4:16,ics8:16,is32:16,s8mk:16,icp4:16,icl4:32,icl8:32,il32:32,l8mk:32,icp5:32,ic11:32,ich4:48,ich8:48,ih32:48,h8mk:48,icp6:64,ic12:32,it32:128,t8mk:128,ic07:128,ic08:256,ic13:256,ic09:512,ic14:512,ic10:1024};function i(t,e){var r=e+4;return[t.toString("ascii",e,r),t.readUInt32BE(r)]}function a(t){var e=n[t];return{width:e,height:e,type:t}}e.exports={detect:function(t){return"icns"===t.toString("ascii",0,4)},calculate:function(t){var e,r,n,o=t.length,s=8,l=t.readUInt32BE(4);if(r=a((e=i(t,s))[0]),(s+=e[1])===l)return r;for(n={width:r.width,height:r.height,images:[r]};st.length)return;var s=t.slice(r,i);if(274===n(s,16,0,e)){if(3!==n(s,16,2,e))return;if(1!==n(s,32,4,e))return;return n(s,16,8,e)}}}(r,a)}function s(t,e){if(e>t.length)throw new TypeError("Corrupt JPG, exceeded buffer limits");if(255!==t[e])throw new TypeError("Invalid JPG, marker table corrupted")}e.exports={detect:function(t){return"ffd8"===t.toString("hex",0,2)},calculate:function(t){var e,r,n;for(t=t.slice(4);t.length;){if(r=t.readUInt16BE(0),i(t)&&(e=o(t,r)),s(t,r),192===(n=t[r+1])||193===n||194===n){var l=a(t,r+5);return e?{width:l.width,height:l.height,orientation:e}:l}t=t.slice(r+2)}throw new TypeError("Invalid JPG, no size found")}}},{"../readUInt":445}],454:[function(t,e,r){"use strict";e.exports={detect:function(t){if("PNG\r\n\x1a\n"===t.toString("ascii",1,8)){var e=t.toString("ascii",12,16);if("CgBI"===e&&(e=t.toString("ascii",28,32)),"IHDR"!==e)throw new TypeError("invalid png");return!0}},calculate:function(t){return"CgBI"===t.toString("ascii",12,16)?{width:t.readUInt32BE(32),height:t.readUInt32BE(36)}:{width:t.readUInt32BE(16),height:t.readUInt32BE(20)}}}},{}],455:[function(t,e,r){"use strict";e.exports={detect:function(t){return"8BPS"===t.toString("ascii",0,4)},calculate:function(t){return{width:t.readUInt32BE(18),height:t.readUInt32BE(14)}}}},{}],456:[function(t,e,r){"use strict";var n=/"']|"[^"]*"|'[^']*')*>/;var i={root:n,width:/\swidth=(['"])([^%]+?)\1/,height:/\sheight=(['"])([^%]+?)\1/,viewbox:/\sviewBox=(['"])(.+?)\1/},a={cm:96/2.54,mm:96/2.54/10,m:96/2.54*100,pt:96/72,pc:96/72/12,em:16,ex:8};function o(t){var e=/([0-9.]+)([a-z]*)/.exec(t);if(e)return Math.round(parseFloat(e[1])*(a[e[2]]||1))}function s(t){var e=t.split(" ");return{width:o(e[2]),height:o(e[3])}}e.exports={detect:function(t){return n.test(t)},calculate:function(t){var e=t.toString("utf8").match(i.root);if(e){var r=function(t){var e=t.match(i.width),r=t.match(i.height),n=t.match(i.viewbox);return{width:e&&o(e[2]),height:r&&o(r[2]),viewbox:n&&s(n[2])}}(e[0]);if(r.width&&r.height)return function(t){return{width:t.width,height:t.height}}(r);if(r.viewbox)return function(t){var e=t.viewbox.width/t.viewbox.height;return t.width?{width:t.width,height:Math.floor(t.width/e)}:t.height?{width:Math.floor(t.height*e),height:t.height}:{width:t.viewbox.width,height:t.viewbox.height}}(r)}throw new TypeError("invalid svg")}}},{}],457:[function(t,e,r){(function(r){(function(){"use strict";var n=t("fs"),i=t("../readUInt");function a(t,e){var r=i(t,16,8,e);return(i(t,16,10,e)<<16)+r}function o(t){if(t.length>24)return t.slice(12)}e.exports={detect:function(t){var e=t.toString("hex",0,4);return"49492a00"===e||"4d4d002a"===e},calculate:function(t,e){if(!e)throw new TypeError("Tiff doesn't support buffer");var s="BE"===function(t){var e=t.toString("ascii",0,2);return"II"===e?"LE":"MM"===e?"BE":void 0}(t),l=function(t,e){for(var r,n,s,l={};t&&t.length&&(r=i(t,16,0,e),n=i(t,16,2,e),s=i(t,32,4,e),0!==r);)1!==s||3!==n&&4!==n||(l[r]=a(t,e)),t=o(t);return l}(function(t,e,a){var o=i(t,32,4,a),s=1024,l=n.statSync(e).size;o+s>l&&(s=l-o-10);var c=r.alloc(s),u=n.openSync(e,"r");return n.readSync(u,c,0,s,o),c.slice(2)}(t,e,s),s),c=l[256],u=l[257];if(!c||!u)throw new TypeError("Invalid Tiff, missing tags");return{width:c,height:u}}}}).call(this)}).call(this,t("buffer").Buffer)},{"../readUInt":445,buffer:111,fs:109}],458:[function(t,e,r){"use strict";e.exports={detect:function(t){var e="RIFF"===t.toString("ascii",0,4),r="WEBP"===t.toString("ascii",8,12),n="VP8"===t.toString("ascii",12,15);return e&&r&&n},calculate:function(t){var e=t.toString("ascii",12,16);if(t=t.slice(20,30),"VP8X"===e){var r=t[0];return!(!(0==(192&r))||!(0==(1&r)))&&function(t){return{width:1+t.readUIntLE(4,3),height:1+t.readUIntLE(7,3)}}(t)}if("VP8 "===e&&47!==t[0])return function(t){return{width:16383&t.readInt16LE(6),height:16383&t.readInt16LE(8)}}(t);var n=t.toString("hex",3,6);return"VP8L"===e&&"9d012a"!==n&&function(t){return{width:1+((63&t[2])<<8|t[1]),height:1+((15&t[4])<<10|t[3]<<2|(192&t[2])>>6)}}(t)}}},{}],459:[function(t,e,r){"use strict";e.exports=function(t,e){var r=t.length;if(0===r)throw new Error("Must have at least d+1 points");var i=t[0].length;if(r<=i)throw new Error("Must input at least d+1 points");var o=t.slice(0,i+1),s=n.apply(void 0,o);if(0===s)throw new Error("Input not in general position");for(var l=new Array(i+1),u=0;u<=i;++u)l[u]=u;s<0&&(l[0]=1,l[1]=0);var f=new a(l,new Array(i+1),!1),h=f.adjacent,p=new Array(i+2);for(u=0;u<=i;++u){for(var d=l.slice(),g=0;g<=i;++g)g===u&&(d[g]=-1);var m=d[0];d[0]=d[1],d[1]=m;var v=new a(d,new Array(i+1),!0);h[u]=v,p[u]=v}p[i+1]=f;for(u=0;u<=i;++u){d=h[u].vertices;var y=h[u].adjacent;for(g=0;g<=i;++g){var x=d[g];if(x<0)y[g]=f;else for(var b=0;b<=i;++b)h[b].vertices.indexOf(x)<0&&(y[g]=h[b])}}var _=new c(i,o,p),w=!!e;for(u=i+1;u0&&e.push(","),e.push("tuple[",r,"]");e.push(")}return orient");var i=new Function("test",e.join("")),a=n[t+1];return a||(a=n),i(a)}(t)),this.orient=a}var u=c.prototype;u.handleBoundaryDegeneracy=function(t,e){var r=this.dimension,n=this.vertices.length-1,i=this.tuple,a=this.vertices,o=[t];for(t.lastVisited=-n;o.length>0;){(t=o.pop()).vertices;for(var s=t.adjacent,l=0;l<=r;++l){var c=s[l];if(c.boundary&&!(c.lastVisited<=-n)){for(var u=c.vertices,f=0;f<=r;++f){var h=u[f];i[f]=h<0?e:a[h]}var p=this.orient();if(p>0)return c;c.lastVisited=-n,0===p&&o.push(c)}}}return null},u.walk=function(t,e){var r=this.vertices.length-1,n=this.dimension,i=this.vertices,a=this.tuple,o=e?this.interior.length*Math.random()|0:this.interior.length-1,s=this.interior[o];t:for(;!s.boundary;){for(var l=s.vertices,c=s.adjacent,u=0;u<=n;++u)a[u]=i[l[u]];s.lastVisited=r;for(u=0;u<=n;++u){var f=c[u];if(!(f.lastVisited>=r)){var h=a[u];a[u]=t;var p=this.orient();if(a[u]=h,p<0){s=f;continue t}f.boundary?f.lastVisited=-r:f.lastVisited=r}}return}return s},u.addPeaks=function(t,e){var r=this.vertices.length-1,n=this.dimension,i=this.vertices,l=this.tuple,c=this.interior,u=this.simplices,f=[e];e.lastVisited=r,e.vertices[e.vertices.indexOf(-1)]=r,e.boundary=!1,c.push(e);for(var h=[];f.length>0;){var p=(e=f.pop()).vertices,d=e.adjacent,g=p.indexOf(r);if(!(g<0))for(var m=0;m<=n;++m)if(m!==g){var v=d[m];if(v.boundary&&!(v.lastVisited>=r)){var y=v.vertices;if(v.lastVisited!==-r){for(var x=0,b=0;b<=n;++b)y[b]<0?(x=b,l[b]=t):l[b]=i[y[b]];if(this.orient()>0){y[x]=r,v.boundary=!1,c.push(v),f.push(v),v.lastVisited=r;continue}v.lastVisited=-r}var _=v.adjacent,w=p.slice(),T=d.slice(),k=new a(w,T,!0);u.push(k);var M=_.indexOf(e);if(!(M<0)){_[M]=k,T[g]=v,w[m]=-1,T[m]=e,d[m]=k,k.flip();for(b=0;b<=n;++b){var A=w[b];if(!(A<0||A===r)){for(var S=new Array(n-1),E=0,C=0;C<=n;++C){var L=w[C];L<0||C===b||(S[E++]=L)}h.push(new o(S,k,b))}}}}}}h.sort(s);for(m=0;m+1=0?o[l++]=s[u]:c=1&u;if(c===(1&t)){var f=o[0];o[0]=o[1],o[1]=f}e.push(o)}}return e}},{"robust-orientation":548,"simplicial-complex":558}],460:[function(t,e,r){"use strict";var n=t("binary-search-bounds");function i(t,e,r,n,i){this.mid=t,this.left=e,this.right=r,this.leftPoints=n,this.rightPoints=i,this.count=(e?e.count:0)+(r?r.count:0)+n.length}e.exports=function(t){if(!t||0===t.length)return new v(null);return new v(m(t))};var a=i.prototype;function o(t,e){t.mid=e.mid,t.left=e.left,t.right=e.right,t.leftPoints=e.leftPoints,t.rightPoints=e.rightPoints,t.count=e.count}function s(t,e){var r=m(e);t.mid=r.mid,t.left=r.left,t.right=r.right,t.leftPoints=r.leftPoints,t.rightPoints=r.rightPoints,t.count=r.count}function l(t,e){var r=t.intervals([]);r.push(e),s(t,r)}function c(t,e){var r=t.intervals([]),n=r.indexOf(e);return n<0?0:(r.splice(n,1),s(t,r),1)}function u(t,e,r){for(var n=0;n=0&&t[n][1]>=e;--n){var i=r(t[n]);if(i)return i}}function h(t,e){for(var r=0;r>1],a=[],o=[],s=[];for(r=0;r3*(e+1)?l(this,t):this.left.insert(t):this.left=m([t]);else if(t[0]>this.mid)this.right?4*(this.right.count+1)>3*(e+1)?l(this,t):this.right.insert(t):this.right=m([t]);else{var r=n.ge(this.leftPoints,t,d),i=n.ge(this.rightPoints,t,g);this.leftPoints.splice(r,0,t),this.rightPoints.splice(i,0,t)}},a.remove=function(t){var e=this.count-this.leftPoints;if(t[1]3*(e-1)?c(this,t):2===(s=this.left.remove(t))?(this.left=null,this.count-=1,1):(1===s&&(this.count-=1),s):0;if(t[0]>this.mid)return this.right?4*(this.left?this.left.count:0)>3*(e-1)?c(this,t):2===(s=this.right.remove(t))?(this.right=null,this.count-=1,1):(1===s&&(this.count-=1),s):0;if(1===this.count)return this.leftPoints[0]===t?2:0;if(1===this.leftPoints.length&&this.leftPoints[0]===t){if(this.left&&this.right){for(var r=this,i=this.left;i.right;)r=i,i=i.right;if(r===this)i.right=this.right;else{var a=this.left,s=this.right;r.count-=i.count,r.right=i.left,i.left=a,i.right=s}o(this,i),this.count=(this.left?this.left.count:0)+(this.right?this.right.count:0)+this.leftPoints.length}else this.left?o(this,this.left):o(this,this.right);return 1}for(a=n.ge(this.leftPoints,t,d);athis.mid){var r;if(this.right)if(r=this.right.queryPoint(t,e))return r;return f(this.rightPoints,t,e)}return h(this.leftPoints,e)},a.queryInterval=function(t,e,r){var n;if(tthis.mid&&this.right&&(n=this.right.queryInterval(t,e,r)))return n;return ethis.mid?f(this.rightPoints,t,r):h(this.leftPoints,r)};var y=v.prototype;y.insert=function(t){this.root?this.root.insert(t):this.root=new i(t[0],null,null,[t],[t])},y.remove=function(t){if(this.root){var e=this.root.remove(t);return 2===e&&(this.root=null),0!==e}return!1},y.queryPoint=function(t,e){if(this.root)return this.root.queryPoint(t,e)},y.queryInterval=function(t,e,r){if(t<=e&&this.root)return this.root.queryInterval(t,e,r)},Object.defineProperty(y,"count",{get:function(){return this.root?this.root.count:0}}),Object.defineProperty(y,"intervals",{get:function(){return this.root?this.root.intervals([]):[]}})},{"binary-search-bounds":461}],461:[function(t,e,r){arguments[4][243][0].apply(r,arguments)},{dup:243}],462:[function(t,e,r){"use strict";e.exports=function(t,e){e=e||new Array(t.length);for(var r=0;r + * @license MIT + */ +e.exports=function(t){return null!=t&&(n(t)||function(t){return"function"==typeof t.readFloatLE&&"function"==typeof t.slice&&n(t.slice(0,0))}(t)||!!t._isBuffer)}},{}],466:[function(t,e,r){"use strict";e.exports="undefined"!=typeof navigator&&(/MSIE/.test(navigator.userAgent)||/Trident\//.test(navigator.appVersion))},{}],467:[function(t,e,r){"use strict";e.exports=a,e.exports.isMobile=a,e.exports.default=a;var n=/(android|bb\d+|meego).+mobile|avantgo|bada\/|blackberry|blazer|compal|elaine|fennec|hiptop|iemobile|ip(hone|od)|iris|kindle|lge |maemo|midp|mmp|mobile.+firefox|netfront|opera m(ob|in)i|palm( os)?|phone|p(ixi|re)\/|plucker|pocket|psp|series[46]0|symbian|treo|up\.(browser|link)|vodafone|wap|windows (ce|phone)|xda|xiino/i,i=/(android|bb\d+|meego).+mobile|avantgo|bada\/|blackberry|blazer|compal|elaine|fennec|hiptop|iemobile|ip(hone|od)|iris|kindle|lge |maemo|midp|mmp|mobile.+firefox|netfront|opera m(ob|in)i|palm( os)?|phone|p(ixi|re)\/|plucker|pocket|psp|series[46]0|symbian|treo|up\.(browser|link)|vodafone|wap|windows (ce|phone)|xda|xiino|android|ipad|playbook|silk/i;function a(t){t||(t={});var e=t.ua;if(e||"undefined"==typeof navigator||(e=navigator.userAgent),e&&e.headers&&"string"==typeof e.headers["user-agent"]&&(e=e.headers["user-agent"]),"string"!=typeof e)return!1;var r=t.tablet?i.test(e):n.test(e);return!r&&t.tablet&&t.featureDetect&&navigator&&navigator.maxTouchPoints>1&&-1!==e.indexOf("Macintosh")&&-1!==e.indexOf("Safari")&&(r=!0),r}},{}],468:[function(t,e,r){"use strict";e.exports=function(t){var e=typeof t;return null!==t&&("object"===e||"function"===e)}},{}],469:[function(t,e,r){"use strict";var n=Object.prototype.toString;e.exports=function(t){var e;return"[object Object]"===n.call(t)&&(null===(e=Object.getPrototypeOf(t))||e===Object.getPrototypeOf({}))}},{}],470:[function(t,e,r){"use strict";e.exports=function(t){for(var e,r=t.length,n=0;n13)&&32!==e&&133!==e&&160!==e&&5760!==e&&6158!==e&&(e<8192||e>8205)&&8232!==e&&8233!==e&&8239!==e&&8287!==e&&8288!==e&&12288!==e&&65279!==e)return!1;return!0}},{}],471:[function(t,e,r){"use strict";e.exports=function(t){return"string"==typeof t&&(t=t.trim(),!!(/^[mzlhvcsqta]\s*[-+.0-9][^mlhvzcsqta]+/i.test(t)&&/[\dz]$/i.test(t)&&t.length>4))}},{}],472:[function(t,e,r){e.exports=function(t,e,r){return t*(1-r)+e*r}},{}],473:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?e.exports=n():(t=t||self).mapboxgl=n()}(this,(function(){"use strict";var t,e,r;function n(n,i){if(t)if(e){var a="var sharedChunk = {}; ("+t+")(sharedChunk); ("+e+")(sharedChunk);",o={};t(o),(r=i(o)).workerUrl=window.URL.createObjectURL(new Blob([a],{type:"text/javascript"}))}else e=i;else t=i}return n(0,(function(t){function e(t,e){return t(e={exports:{}},e.exports),e.exports}var r=n;function n(t,e,r,n){this.cx=3*t,this.bx=3*(r-t)-this.cx,this.ax=1-this.cx-this.bx,this.cy=3*e,this.by=3*(n-e)-this.cy,this.ay=1-this.cy-this.by,this.p1x=t,this.p1y=n,this.p2x=r,this.p2y=n}n.prototype.sampleCurveX=function(t){return((this.ax*t+this.bx)*t+this.cx)*t},n.prototype.sampleCurveY=function(t){return((this.ay*t+this.by)*t+this.cy)*t},n.prototype.sampleCurveDerivativeX=function(t){return(3*this.ax*t+2*this.bx)*t+this.cx},n.prototype.solveCurveX=function(t,e){var r,n,i,a,o;for(void 0===e&&(e=1e-6),i=t,o=0;o<8;o++){if(a=this.sampleCurveX(i)-t,Math.abs(a)(n=1))return n;for(;ra?r=i:n=i,i=.5*(n-r)+r}return i},n.prototype.solve=function(t,e){return this.sampleCurveY(this.solveCurveX(t,e))};var i=a;function a(t,e){this.x=t,this.y=e}function o(t,e,n,i){var a=new r(t,e,n,i);return function(t){return a.solve(t)}}a.prototype={clone:function(){return new a(this.x,this.y)},add:function(t){return this.clone()._add(t)},sub:function(t){return this.clone()._sub(t)},multByPoint:function(t){return this.clone()._multByPoint(t)},divByPoint:function(t){return this.clone()._divByPoint(t)},mult:function(t){return this.clone()._mult(t)},div:function(t){return this.clone()._div(t)},rotate:function(t){return this.clone()._rotate(t)},rotateAround:function(t,e){return this.clone()._rotateAround(t,e)},matMult:function(t){return this.clone()._matMult(t)},unit:function(){return this.clone()._unit()},perp:function(){return this.clone()._perp()},round:function(){return this.clone()._round()},mag:function(){return Math.sqrt(this.x*this.x+this.y*this.y)},equals:function(t){return this.x===t.x&&this.y===t.y},dist:function(t){return Math.sqrt(this.distSqr(t))},distSqr:function(t){var e=t.x-this.x,r=t.y-this.y;return e*e+r*r},angle:function(){return Math.atan2(this.y,this.x)},angleTo:function(t){return Math.atan2(this.y-t.y,this.x-t.x)},angleWith:function(t){return this.angleWithSep(t.x,t.y)},angleWithSep:function(t,e){return Math.atan2(this.x*e-this.y*t,this.x*t+this.y*e)},_matMult:function(t){var e=t[2]*this.x+t[3]*this.y;return this.x=t[0]*this.x+t[1]*this.y,this.y=e,this},_add:function(t){return this.x+=t.x,this.y+=t.y,this},_sub:function(t){return this.x-=t.x,this.y-=t.y,this},_mult:function(t){return this.x*=t,this.y*=t,this},_div:function(t){return this.x/=t,this.y/=t,this},_multByPoint:function(t){return this.x*=t.x,this.y*=t.y,this},_divByPoint:function(t){return this.x/=t.x,this.y/=t.y,this},_unit:function(){return this._div(this.mag()),this},_perp:function(){var t=this.y;return this.y=this.x,this.x=-t,this},_rotate:function(t){var e=Math.cos(t),r=Math.sin(t),n=r*this.x+e*this.y;return this.x=e*this.x-r*this.y,this.y=n,this},_rotateAround:function(t,e){var r=Math.cos(t),n=Math.sin(t),i=e.y+n*(this.x-e.x)+r*(this.y-e.y);return this.x=e.x+r*(this.x-e.x)-n*(this.y-e.y),this.y=i,this},_round:function(){return this.x=Math.round(this.x),this.y=Math.round(this.y),this}},a.convert=function(t){return t instanceof a?t:Array.isArray(t)?new a(t[0],t[1]):t};var s=o(.25,.1,.25,1);function l(t,e,r){return Math.min(r,Math.max(e,t))}function c(t,e,r){var n=r-e,i=((t-e)%n+n)%n+e;return i===e?r:i}function u(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];for(var n=0,i=e;n>e/4).toString(16):([1e7]+-[1e3]+-4e3+-8e3+-1e11).replace(/[018]/g,t)}()}function d(t){return!!t&&/^[0-9a-f]{8}-[0-9a-f]{4}-[4][0-9a-f]{3}-[89ab][0-9a-f]{3}-[0-9a-f]{12}$/i.test(t)}function g(t,e){t.forEach((function(t){e[t]&&(e[t]=e[t].bind(e))}))}function m(t,e){return-1!==t.indexOf(e,t.length-e.length)}function v(t,e,r){var n={};for(var i in t)n[i]=e.call(r||this,t[i],i,t);return n}function y(t,e,r){var n={};for(var i in t)e.call(r||this,t[i],i,t)&&(n[i]=t[i]);return n}function x(t){return Array.isArray(t)?t.map(x):"object"==typeof t&&t?v(t,x):t}var b={};function _(t){b[t]||("undefined"!=typeof console&&console.warn(t),b[t]=!0)}function w(t,e,r){return(r.y-t.y)*(e.x-t.x)>(e.y-t.y)*(r.x-t.x)}function T(t){for(var e=0,r=0,n=t.length,i=n-1,a=void 0,o=void 0;r@\,;\:\\"\/\[\]\?\=\{\}\x7F]+)(?:\=(?:([^\x00-\x20\(\)<>@\,;\:\\"\/\[\]\?\=\{\}\x7F]+)|(?:\"((?:[^"\\]|\\.)*)\")))?/g,(function(t,r,n,i){var a=n||i;return e[r]=!a||a.toLowerCase(),""})),e["max-age"]){var r=parseInt(e["max-age"],10);isNaN(r)?delete e["max-age"]:e["max-age"]=r}return e}var A=null;function S(t){if(null==A){var e=t.navigator?t.navigator.userAgent:null;A=!!t.safari||!(!e||!(/\b(iPad|iPhone|iPod)\b/.test(e)||e.match("Safari")&&!e.match("Chrome")))}return A}function E(t){try{var e=self[t];return e.setItem("_mapbox_test_",1),e.removeItem("_mapbox_test_"),!0}catch(t){return!1}}var C,L,I,P,z=self.performance&&self.performance.now?self.performance.now.bind(self.performance):Date.now.bind(Date),O=self.requestAnimationFrame||self.mozRequestAnimationFrame||self.webkitRequestAnimationFrame||self.msRequestAnimationFrame,D=self.cancelAnimationFrame||self.mozCancelAnimationFrame||self.webkitCancelAnimationFrame||self.msCancelAnimationFrame,R={now:z,frame:function(t){var e=O(t);return{cancel:function(){return D(e)}}},getImageData:function(t,e){void 0===e&&(e=0);var r=self.document.createElement("canvas"),n=r.getContext("2d");if(!n)throw new Error("failed to create canvas 2d context");return r.width=t.width,r.height=t.height,n.drawImage(t,0,0,t.width,t.height),n.getImageData(-e,-e,t.width+2*e,t.height+2*e)},resolveURL:function(t){return C||(C=self.document.createElement("a")),C.href=t,C.href},hardwareConcurrency:self.navigator.hardwareConcurrency||4,get devicePixelRatio(){return self.devicePixelRatio},get prefersReducedMotion(){return!!self.matchMedia&&(null==L&&(L=self.matchMedia("(prefers-reduced-motion: reduce)")),L.matches)}},F={API_URL:"https://api.mapbox.com",get EVENTS_URL(){return this.API_URL?0===this.API_URL.indexOf("https://api.mapbox.cn")?"https://events.mapbox.cn/events/v2":0===this.API_URL.indexOf("https://api.mapbox.com")?"https://events.mapbox.com/events/v2":null:null},FEEDBACK_URL:"https://apps.mapbox.com/feedback",REQUIRE_ACCESS_TOKEN:!0,ACCESS_TOKEN:null,MAX_PARALLEL_IMAGE_REQUESTS:16},B={supported:!1,testSupport:function(t){!N&&P&&(j?U(t):I=t)}},N=!1,j=!1;function U(t){var e=t.createTexture();t.bindTexture(t.TEXTURE_2D,e);try{if(t.texImage2D(t.TEXTURE_2D,0,t.RGBA,t.RGBA,t.UNSIGNED_BYTE,P),t.isContextLost())return;B.supported=!0}catch(t){}t.deleteTexture(e),N=!0}self.document&&((P=self.document.createElement("img")).onload=function(){I&&U(I),I=null,j=!0},P.onerror=function(){N=!0,I=null},P.src="data:image/webp;base64,UklGRh4AAABXRUJQVlA4TBEAAAAvAQAAAAfQ//73v/+BiOh/AAA=");var V="01",q=function(t,e){this._transformRequestFn=t,this._customAccessToken=e,this._createSkuToken()};function H(t){return 0===t.indexOf("mapbox:")}q.prototype._createSkuToken=function(){var t=function(){for(var t="",e=0;e<10;e++)t+="0123456789abcdefghijklmnopqrstuvwxyzABCDEFGHIJKLMNOPQRSTUVWXYZ"[Math.floor(62*Math.random())];return{token:["1",V,t].join(""),tokenExpiresAt:Date.now()+432e5}}();this._skuToken=t.token,this._skuTokenExpiresAt=t.tokenExpiresAt},q.prototype._isSkuTokenExpired=function(){return Date.now()>this._skuTokenExpiresAt},q.prototype.transformRequest=function(t,e){return this._transformRequestFn&&this._transformRequestFn(t,e)||{url:t}},q.prototype.normalizeStyleURL=function(t,e){if(!H(t))return t;var r=X(t);return r.path="/styles/v1"+r.path,this._makeAPIURL(r,this._customAccessToken||e)},q.prototype.normalizeGlyphsURL=function(t,e){if(!H(t))return t;var r=X(t);return r.path="/fonts/v1"+r.path,this._makeAPIURL(r,this._customAccessToken||e)},q.prototype.normalizeSourceURL=function(t,e){if(!H(t))return t;var r=X(t);return r.path="/v4/"+r.authority+".json",r.params.push("secure"),this._makeAPIURL(r,this._customAccessToken||e)},q.prototype.normalizeSpriteURL=function(t,e,r,n){var i=X(t);return H(t)?(i.path="/styles/v1"+i.path+"/sprite"+e+r,this._makeAPIURL(i,this._customAccessToken||n)):(i.path+=""+e+r,Z(i))},q.prototype.normalizeTileURL=function(t,e){if(this._isSkuTokenExpired()&&this._createSkuToken(),t&&!H(t))return t;var r=X(t);r.path=r.path.replace(/(\.(png|jpg)\d*)(?=$)/,(R.devicePixelRatio>=2||512===e?"@2x":"")+(B.supported?".webp":"$1")),r.path=r.path.replace(/^.+\/v4\//,"/"),r.path="/v4"+r.path;var n=this._customAccessToken||function(t){for(var e=0,r=t;e=1&&self.localStorage.setItem(e,JSON.stringify(this.eventData))}catch(t){_("Unable to write to LocalStorage")}},K.prototype.processRequests=function(t){},K.prototype.postEvent=function(t,e,r,n){var i=this;if(F.EVENTS_URL){var a=X(F.EVENTS_URL);a.params.push("access_token="+(n||F.ACCESS_TOKEN||""));var o={event:this.type,created:new Date(t).toISOString(),sdkIdentifier:"mapbox-gl-js",sdkVersion:"1.10.1",skuId:V,userId:this.anonId},s=e?u(o,e):o,l={url:Z(a),headers:{"Content-Type":"text/plain"},body:JSON.stringify([s])};this.pendingRequest=xt(l,(function(t){i.pendingRequest=null,r(t),i.saveEventData(),i.processRequests(n)}))}},K.prototype.queueRequest=function(t,e){this.queue.push(t),this.processRequests(e)};var Q,$,tt=function(t){function e(){t.call(this,"map.load"),this.success={},this.skuToken=""}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.postMapLoadEvent=function(t,e,r,n){this.skuToken=r,(F.EVENTS_URL&&n||F.ACCESS_TOKEN&&Array.isArray(t)&&t.some((function(t){return H(t)||Y(t)})))&&this.queueRequest({id:e,timestamp:Date.now()},n)},e.prototype.processRequests=function(t){var e=this;if(!this.pendingRequest&&0!==this.queue.length){var r=this.queue.shift(),n=r.id,i=r.timestamp;n&&this.success[n]||(this.anonId||this.fetchEventData(),d(this.anonId)||(this.anonId=p()),this.postEvent(i,{skuToken:this.skuToken},(function(t){t||n&&(e.success[n]=!0)}),t))}},e}(K),et=new(function(t){function e(e){t.call(this,"appUserTurnstile"),this._customAccessToken=e}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.postTurnstileEvent=function(t,e){F.EVENTS_URL&&F.ACCESS_TOKEN&&Array.isArray(t)&&t.some((function(t){return H(t)||Y(t)}))&&this.queueRequest(Date.now(),e)},e.prototype.processRequests=function(t){var e=this;if(!this.pendingRequest&&0!==this.queue.length){this.anonId&&this.eventData.lastSuccess&&this.eventData.tokenU||this.fetchEventData();var r=J(F.ACCESS_TOKEN),n=r?r.u:F.ACCESS_TOKEN,i=n!==this.eventData.tokenU;d(this.anonId)||(this.anonId=p(),i=!0);var a=this.queue.shift();if(this.eventData.lastSuccess){var o=new Date(this.eventData.lastSuccess),s=new Date(a),l=(a-this.eventData.lastSuccess)/864e5;i=i||l>=1||l<-1||o.getDate()!==s.getDate()}else i=!0;if(!i)return this.processRequests();this.postEvent(a,{"enabled.telemetry":!1},(function(t){t||(e.eventData.lastSuccess=a,e.eventData.tokenU=n)}),t)}},e}(K)),rt=et.postTurnstileEvent.bind(et),nt=new tt,it=nt.postMapLoadEvent.bind(nt),at=500,ot=50;function st(){self.caches&&!Q&&(Q=self.caches.open("mapbox-tiles"))}function lt(t){var e=t.indexOf("?");return e<0?t:t.slice(0,e)}var ct,ut=1/0;function ft(){return null==ct&&(ct=self.OffscreenCanvas&&new self.OffscreenCanvas(1,1).getContext("2d")&&"function"==typeof self.createImageBitmap),ct}var ht={Unknown:"Unknown",Style:"Style",Source:"Source",Tile:"Tile",Glyphs:"Glyphs",SpriteImage:"SpriteImage",SpriteJSON:"SpriteJSON",Image:"Image"};"function"==typeof Object.freeze&&Object.freeze(ht);var pt,dt,gt=function(t){function e(e,r,n){401===r&&Y(n)&&(e+=": you may have provided an invalid Mapbox access token. See https://www.mapbox.com/api-documentation/#access-tokens-and-token-scopes"),t.call(this,e),this.status=r,this.url=n,this.name=this.constructor.name,this.message=e}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.toString=function(){return this.name+": "+this.message+" ("+this.status+"): "+this.url},e}(Error),mt=k()?function(){return self.worker&&self.worker.referrer}:function(){return("blob:"===self.location.protocol?self.parent:self).location.href},vt=function(t,e){if(!(/^file:/.test(r=t.url)||/^file:/.test(mt())&&!/^\w+:/.test(r))){if(self.fetch&&self.Request&&self.AbortController&&self.Request.prototype.hasOwnProperty("signal"))return function(t,e){var r,n=new self.AbortController,i=new self.Request(t.url,{method:t.method||"GET",body:t.body,credentials:t.credentials,headers:t.headers,referrer:mt(),signal:n.signal}),a=!1,o=!1,s=(r=i.url).indexOf("sku=")>0&&Y(r);"json"===t.type&&i.headers.set("Accept","application/json");var l=function(r,n,a){if(!o){if(r&&"SecurityError"!==r.message&&_(r),n&&a)return c(n);var l=Date.now();self.fetch(i).then((function(r){if(r.ok){var n=s?r.clone():null;return c(r,n,l)}return e(new gt(r.statusText,r.status,t.url))})).catch((function(t){20!==t.code&&e(new Error(t.message))}))}},c=function(r,n,s){("arrayBuffer"===t.type?r.arrayBuffer():"json"===t.type?r.json():r.text()).then((function(t){o||(n&&s&&function(t,e,r){if(st(),Q){var n={status:e.status,statusText:e.statusText,headers:new self.Headers};e.headers.forEach((function(t,e){return n.headers.set(e,t)}));var i=M(e.headers.get("Cache-Control")||"");i["no-store"]||(i["max-age"]&&n.headers.set("Expires",new Date(r+1e3*i["max-age"]).toUTCString()),new Date(n.headers.get("Expires")).getTime()-r<42e4||function(t,e){if(void 0===$)try{new Response(new ReadableStream),$=!0}catch(t){$=!1}$?e(t.body):t.blob().then(e)}(e,(function(e){var r=new self.Response(e,n);st(),Q&&Q.then((function(e){return e.put(lt(t.url),r)})).catch((function(t){return _(t.message)}))})))}}(i,n,s),a=!0,e(null,t,r.headers.get("Cache-Control"),r.headers.get("Expires")))})).catch((function(t){o||e(new Error(t.message))}))};return s?function(t,e){if(st(),!Q)return e(null);var r=lt(t.url);Q.then((function(t){t.match(r).then((function(n){var i=function(t){if(!t)return!1;var e=new Date(t.headers.get("Expires")||0),r=M(t.headers.get("Cache-Control")||"");return e>Date.now()&&!r["no-cache"]}(n);t.delete(r),i&&t.put(r,n.clone()),e(null,n,i)})).catch(e)})).catch(e)}(i,l):l(null,null),{cancel:function(){o=!0,a||n.abort()}}}(t,e);if(k()&&self.worker&&self.worker.actor)return self.worker.actor.send("getResource",t,e,void 0,!0)}var r;return function(t,e){var r=new self.XMLHttpRequest;for(var n in r.open(t.method||"GET",t.url,!0),"arrayBuffer"===t.type&&(r.responseType="arraybuffer"),t.headers)r.setRequestHeader(n,t.headers[n]);return"json"===t.type&&(r.responseType="text",r.setRequestHeader("Accept","application/json")),r.withCredentials="include"===t.credentials,r.onerror=function(){e(new Error(r.statusText))},r.onload=function(){if((r.status>=200&&r.status<300||0===r.status)&&null!==r.response){var n=r.response;if("json"===t.type)try{n=JSON.parse(r.response)}catch(t){return e(t)}e(null,n,r.getResponseHeader("Cache-Control"),r.getResponseHeader("Expires"))}else e(new gt(r.statusText,r.status,t.url))},r.send(t.body),{cancel:function(){return r.abort()}}}(t,e)},yt=function(t,e){return vt(u(t,{type:"arrayBuffer"}),e)},xt=function(t,e){return vt(u(t,{method:"POST"}),e)};pt=[],dt=0;var bt=function(t,e){if(B.supported&&(t.headers||(t.headers={}),t.headers.accept="image/webp,*/*"),dt>=F.MAX_PARALLEL_IMAGE_REQUESTS){var r={requestParameters:t,callback:e,cancelled:!1,cancel:function(){this.cancelled=!0}};return pt.push(r),r}dt++;var n=!1,i=function(){if(!n)for(n=!0,dt--;pt.length&&dt0||this._oneTimeListeners&&this._oneTimeListeners[t]&&this._oneTimeListeners[t].length>0||this._eventedParent&&this._eventedParent.listens(t)},Mt.prototype.setEventedParent=function(t,e){return this._eventedParent=t,this._eventedParentData=e,this};var At={$version:8,$root:{version:{required:!0,type:"enum",values:[8]},name:{type:"string"},metadata:{type:"*"},center:{type:"array",value:"number"},zoom:{type:"number"},bearing:{type:"number",default:0,period:360,units:"degrees"},pitch:{type:"number",default:0,units:"degrees"},light:{type:"light"},sources:{required:!0,type:"sources"},sprite:{type:"string"},glyphs:{type:"string"},transition:{type:"transition"},layers:{required:!0,type:"array",value:"layer"}},sources:{"*":{type:"source"}},source:["source_vector","source_raster","source_raster_dem","source_geojson","source_video","source_image"],source_vector:{type:{required:!0,type:"enum",values:{vector:{}}},url:{type:"string"},tiles:{type:"array",value:"string"},bounds:{type:"array",value:"number",length:4,default:[-180,-85.051129,180,85.051129]},scheme:{type:"enum",values:{xyz:{},tms:{}},default:"xyz"},minzoom:{type:"number",default:0},maxzoom:{type:"number",default:22},attribution:{type:"string"},promoteId:{type:"promoteId"},"*":{type:"*"}},source_raster:{type:{required:!0,type:"enum",values:{raster:{}}},url:{type:"string"},tiles:{type:"array",value:"string"},bounds:{type:"array",value:"number",length:4,default:[-180,-85.051129,180,85.051129]},minzoom:{type:"number",default:0},maxzoom:{type:"number",default:22},tileSize:{type:"number",default:512,units:"pixels"},scheme:{type:"enum",values:{xyz:{},tms:{}},default:"xyz"},attribution:{type:"string"},"*":{type:"*"}},source_raster_dem:{type:{required:!0,type:"enum",values:{"raster-dem":{}}},url:{type:"string"},tiles:{type:"array",value:"string"},bounds:{type:"array",value:"number",length:4,default:[-180,-85.051129,180,85.051129]},minzoom:{type:"number",default:0},maxzoom:{type:"number",default:22},tileSize:{type:"number",default:512,units:"pixels"},attribution:{type:"string"},encoding:{type:"enum",values:{terrarium:{},mapbox:{}},default:"mapbox"},"*":{type:"*"}},source_geojson:{type:{required:!0,type:"enum",values:{geojson:{}}},data:{type:"*"},maxzoom:{type:"number",default:18},attribution:{type:"string"},buffer:{type:"number",default:128,maximum:512,minimum:0},tolerance:{type:"number",default:.375},cluster:{type:"boolean",default:!1},clusterRadius:{type:"number",default:50,minimum:0},clusterMaxZoom:{type:"number"},clusterProperties:{type:"*"},lineMetrics:{type:"boolean",default:!1},generateId:{type:"boolean",default:!1},promoteId:{type:"promoteId"}},source_video:{type:{required:!0,type:"enum",values:{video:{}}},urls:{required:!0,type:"array",value:"string"},coordinates:{required:!0,type:"array",length:4,value:{type:"array",length:2,value:"number"}}},source_image:{type:{required:!0,type:"enum",values:{image:{}}},url:{required:!0,type:"string"},coordinates:{required:!0,type:"array",length:4,value:{type:"array",length:2,value:"number"}}},layer:{id:{type:"string",required:!0},type:{type:"enum",values:{fill:{},line:{},symbol:{},circle:{},heatmap:{},"fill-extrusion":{},raster:{},hillshade:{},background:{}},required:!0},metadata:{type:"*"},source:{type:"string"},"source-layer":{type:"string"},minzoom:{type:"number",minimum:0,maximum:24},maxzoom:{type:"number",minimum:0,maximum:24},filter:{type:"filter"},layout:{type:"layout"},paint:{type:"paint"}},layout:["layout_fill","layout_line","layout_circle","layout_heatmap","layout_fill-extrusion","layout_symbol","layout_raster","layout_hillshade","layout_background"],layout_background:{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_fill:{"fill-sort-key":{type:"number",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_circle:{"circle-sort-key":{type:"number",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_heatmap:{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},"layout_fill-extrusion":{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_line:{"line-cap":{type:"enum",values:{butt:{},round:{},square:{}},default:"butt",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"line-join":{type:"enum",values:{bevel:{},round:{},miter:{}},default:"miter",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"line-miter-limit":{type:"number",default:2,requires:[{"line-join":"miter"}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"line-round-limit":{type:"number",default:1.05,requires:[{"line-join":"round"}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"line-sort-key":{type:"number",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_symbol:{"symbol-placement":{type:"enum",values:{point:{},line:{},"line-center":{}},default:"point",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"symbol-spacing":{type:"number",default:250,minimum:1,units:"pixels",requires:[{"symbol-placement":"line"}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"symbol-avoid-edges":{type:"boolean",default:!1,expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"symbol-sort-key":{type:"number",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"symbol-z-order":{type:"enum",values:{auto:{},"viewport-y":{},source:{}},default:"auto",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-allow-overlap":{type:"boolean",default:!1,requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-ignore-placement":{type:"boolean",default:!1,requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-optional":{type:"boolean",default:!1,requires:["icon-image","text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-rotation-alignment":{type:"enum",values:{map:{},viewport:{},auto:{}},default:"auto",requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-size":{type:"number",default:1,minimum:0,units:"factor of the original icon size",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-text-fit":{type:"enum",values:{none:{},width:{},height:{},both:{}},default:"none",requires:["icon-image","text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-text-fit-padding":{type:"array",value:"number",length:4,default:[0,0,0,0],units:"pixels",requires:["icon-image","text-field",{"icon-text-fit":["both","width","height"]}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"icon-image":{type:"resolvedImage",tokens:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-rotate":{type:"number",default:0,period:360,units:"degrees",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-padding":{type:"number",default:2,minimum:0,units:"pixels",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"icon-keep-upright":{type:"boolean",default:!1,requires:["icon-image",{"icon-rotation-alignment":"map"},{"symbol-placement":["line","line-center"]}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-offset":{type:"array",value:"number",length:2,default:[0,0],requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-anchor":{type:"enum",values:{center:{},left:{},right:{},top:{},bottom:{},"top-left":{},"top-right":{},"bottom-left":{},"bottom-right":{}},default:"center",requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-pitch-alignment":{type:"enum",values:{map:{},viewport:{},auto:{}},default:"auto",requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-pitch-alignment":{type:"enum",values:{map:{},viewport:{},auto:{}},default:"auto",requires:["text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-rotation-alignment":{type:"enum",values:{map:{},viewport:{},auto:{}},default:"auto",requires:["text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-field":{type:"formatted",default:"",tokens:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-font":{type:"array",value:"string",default:["Open Sans Regular","Arial Unicode MS Regular"],requires:["text-field"],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-size":{type:"number",default:16,minimum:0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-max-width":{type:"number",default:10,minimum:0,units:"ems",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-line-height":{type:"number",default:1.2,units:"ems",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"text-letter-spacing":{type:"number",default:0,units:"ems",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-justify":{type:"enum",values:{auto:{},left:{},center:{},right:{}},default:"center",requires:["text-field"],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-radial-offset":{type:"number",units:"ems",default:0,requires:["text-field"],"property-type":"data-driven",expression:{interpolated:!0,parameters:["zoom","feature"]}},"text-variable-anchor":{type:"array",value:"enum",values:{center:{},left:{},right:{},top:{},bottom:{},"top-left":{},"top-right":{},"bottom-left":{},"bottom-right":{}},requires:["text-field",{"symbol-placement":["point"]}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-anchor":{type:"enum",values:{center:{},left:{},right:{},top:{},bottom:{},"top-left":{},"top-right":{},"bottom-left":{},"bottom-right":{}},default:"center",requires:["text-field",{"!":"text-variable-anchor"}],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-max-angle":{type:"number",default:45,units:"degrees",requires:["text-field",{"symbol-placement":["line","line-center"]}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"text-writing-mode":{type:"array",value:"enum",values:{horizontal:{},vertical:{}},requires:["text-field",{"symbol-placement":["point"]}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-rotate":{type:"number",default:0,period:360,units:"degrees",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-padding":{type:"number",default:2,minimum:0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"text-keep-upright":{type:"boolean",default:!0,requires:["text-field",{"text-rotation-alignment":"map"},{"symbol-placement":["line","line-center"]}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-transform":{type:"enum",values:{none:{},uppercase:{},lowercase:{}},default:"none",requires:["text-field"],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-offset":{type:"array",value:"number",units:"ems",length:2,default:[0,0],requires:["text-field",{"!":"text-radial-offset"}],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-allow-overlap":{type:"boolean",default:!1,requires:["text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-ignore-placement":{type:"boolean",default:!1,requires:["text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-optional":{type:"boolean",default:!1,requires:["text-field","icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_raster:{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_hillshade:{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},filter:{type:"array",value:"*"},filter_operator:{type:"enum",values:{"==":{},"!=":{},">":{},">=":{},"<":{},"<=":{},in:{},"!in":{},all:{},any:{},none:{},has:{},"!has":{},within:{}}},geometry_type:{type:"enum",values:{Point:{},LineString:{},Polygon:{}}},function:{expression:{type:"expression"},stops:{type:"array",value:"function_stop"},base:{type:"number",default:1,minimum:0},property:{type:"string",default:"$zoom"},type:{type:"enum",values:{identity:{},exponential:{},interval:{},categorical:{}},default:"exponential"},colorSpace:{type:"enum",values:{rgb:{},lab:{},hcl:{}},default:"rgb"},default:{type:"*",required:!1}},function_stop:{type:"array",minimum:0,maximum:24,value:["number","color"],length:2},expression:{type:"array",value:"*",minimum:1},expression_name:{type:"enum",values:{let:{group:"Variable binding"},var:{group:"Variable binding"},literal:{group:"Types"},array:{group:"Types"},at:{group:"Lookup"},in:{group:"Lookup"},"index-of":{group:"Lookup"},slice:{group:"Lookup"},case:{group:"Decision"},match:{group:"Decision"},coalesce:{group:"Decision"},step:{group:"Ramps, scales, curves"},interpolate:{group:"Ramps, scales, curves"},"interpolate-hcl":{group:"Ramps, scales, curves"},"interpolate-lab":{group:"Ramps, scales, curves"},ln2:{group:"Math"},pi:{group:"Math"},e:{group:"Math"},typeof:{group:"Types"},string:{group:"Types"},number:{group:"Types"},boolean:{group:"Types"},object:{group:"Types"},collator:{group:"Types"},format:{group:"Types"},image:{group:"Types"},"number-format":{group:"Types"},"to-string":{group:"Types"},"to-number":{group:"Types"},"to-boolean":{group:"Types"},"to-rgba":{group:"Color"},"to-color":{group:"Types"},rgb:{group:"Color"},rgba:{group:"Color"},get:{group:"Lookup"},has:{group:"Lookup"},length:{group:"Lookup"},properties:{group:"Feature data"},"feature-state":{group:"Feature data"},"geometry-type":{group:"Feature data"},id:{group:"Feature data"},zoom:{group:"Zoom"},"heatmap-density":{group:"Heatmap"},"line-progress":{group:"Feature data"},accumulated:{group:"Feature data"},"+":{group:"Math"},"*":{group:"Math"},"-":{group:"Math"},"/":{group:"Math"},"%":{group:"Math"},"^":{group:"Math"},sqrt:{group:"Math"},log10:{group:"Math"},ln:{group:"Math"},log2:{group:"Math"},sin:{group:"Math"},cos:{group:"Math"},tan:{group:"Math"},asin:{group:"Math"},acos:{group:"Math"},atan:{group:"Math"},min:{group:"Math"},max:{group:"Math"},round:{group:"Math"},abs:{group:"Math"},ceil:{group:"Math"},floor:{group:"Math"},distance:{group:"Math"},"==":{group:"Decision"},"!=":{group:"Decision"},">":{group:"Decision"},"<":{group:"Decision"},">=":{group:"Decision"},"<=":{group:"Decision"},all:{group:"Decision"},any:{group:"Decision"},"!":{group:"Decision"},within:{group:"Decision"},"is-supported-script":{group:"String"},upcase:{group:"String"},downcase:{group:"String"},concat:{group:"String"},"resolved-locale":{group:"String"}}},light:{anchor:{type:"enum",default:"viewport",values:{map:{},viewport:{}},"property-type":"data-constant",transition:!1,expression:{interpolated:!1,parameters:["zoom"]}},position:{type:"array",default:[1.15,210,30],length:3,value:"number","property-type":"data-constant",transition:!0,expression:{interpolated:!0,parameters:["zoom"]}},color:{type:"color","property-type":"data-constant",default:"#ffffff",expression:{interpolated:!0,parameters:["zoom"]},transition:!0},intensity:{type:"number","property-type":"data-constant",default:.5,minimum:0,maximum:1,expression:{interpolated:!0,parameters:["zoom"]},transition:!0}},paint:["paint_fill","paint_line","paint_circle","paint_heatmap","paint_fill-extrusion","paint_symbol","paint_raster","paint_hillshade","paint_background"],paint_fill:{"fill-antialias":{type:"boolean",default:!0,expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"fill-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-color":{type:"color",default:"#000000",transition:!0,requires:[{"!":"fill-pattern"}],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-outline-color":{type:"color",transition:!0,requires:[{"!":"fill-pattern"},{"fill-antialias":!0}],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"fill-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["fill-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"fill-pattern":{type:"resolvedImage",transition:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"cross-faded-data-driven"}},"paint_fill-extrusion":{"fill-extrusion-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"fill-extrusion-color":{type:"color",default:"#000000",transition:!0,requires:[{"!":"fill-extrusion-pattern"}],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-extrusion-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"fill-extrusion-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["fill-extrusion-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"fill-extrusion-pattern":{type:"resolvedImage",transition:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"cross-faded-data-driven"},"fill-extrusion-height":{type:"number",default:0,minimum:0,units:"meters",transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-extrusion-base":{type:"number",default:0,minimum:0,units:"meters",transition:!0,requires:["fill-extrusion-height"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-extrusion-vertical-gradient":{type:"boolean",default:!0,transition:!1,expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"}},paint_line:{"line-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-color":{type:"color",default:"#000000",transition:!0,requires:[{"!":"line-pattern"}],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"line-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["line-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"line-width":{type:"number",default:1,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-gap-width":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-offset":{type:"number",default:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-blur":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-dasharray":{type:"array",value:"number",minimum:0,transition:!0,units:"line widths",requires:[{"!":"line-pattern"}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"cross-faded"},"line-pattern":{type:"resolvedImage",transition:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"cross-faded-data-driven"},"line-gradient":{type:"color",transition:!1,requires:[{"!":"line-dasharray"},{"!":"line-pattern"},{source:"geojson",has:{lineMetrics:!0}}],expression:{interpolated:!0,parameters:["line-progress"]},"property-type":"color-ramp"}},paint_circle:{"circle-radius":{type:"number",default:5,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-color":{type:"color",default:"#000000",transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-blur":{type:"number",default:0,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"circle-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["circle-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"circle-pitch-scale":{type:"enum",values:{map:{},viewport:{}},default:"map",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"circle-pitch-alignment":{type:"enum",values:{map:{},viewport:{}},default:"viewport",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"circle-stroke-width":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-stroke-color":{type:"color",default:"#000000",transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-stroke-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"}},paint_heatmap:{"heatmap-radius":{type:"number",default:30,minimum:1,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"heatmap-weight":{type:"number",default:1,minimum:0,transition:!1,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"heatmap-intensity":{type:"number",default:1,minimum:0,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"heatmap-color":{type:"color",default:["interpolate",["linear"],["heatmap-density"],0,"rgba(0, 0, 255, 0)",.1,"royalblue",.3,"cyan",.5,"lime",.7,"yellow",1,"red"],transition:!1,expression:{interpolated:!0,parameters:["heatmap-density"]},"property-type":"color-ramp"},"heatmap-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"}},paint_symbol:{"icon-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-color":{type:"color",default:"#000000",transition:!0,requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-halo-color":{type:"color",default:"rgba(0, 0, 0, 0)",transition:!0,requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-halo-width":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-halo-blur":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"icon-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["icon-image","icon-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-color":{type:"color",default:"#000000",transition:!0,overridable:!0,requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-halo-color":{type:"color",default:"rgba(0, 0, 0, 0)",transition:!0,requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-halo-width":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-halo-blur":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"text-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["text-field","text-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"}},paint_raster:{"raster-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-hue-rotate":{type:"number",default:0,period:360,transition:!0,units:"degrees",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-brightness-min":{type:"number",default:0,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-brightness-max":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-saturation":{type:"number",default:0,minimum:-1,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-contrast":{type:"number",default:0,minimum:-1,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-resampling":{type:"enum",values:{linear:{},nearest:{}},default:"linear",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"raster-fade-duration":{type:"number",default:300,minimum:0,transition:!1,units:"milliseconds",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"}},paint_hillshade:{"hillshade-illumination-direction":{type:"number",default:335,minimum:0,maximum:359,transition:!1,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-illumination-anchor":{type:"enum",values:{map:{},viewport:{}},default:"viewport",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-exaggeration":{type:"number",default:.5,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-shadow-color":{type:"color",default:"#000000",transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-highlight-color":{type:"color",default:"#FFFFFF",transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-accent-color":{type:"color",default:"#000000",transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"}},paint_background:{"background-color":{type:"color",default:"#000000",transition:!0,requires:[{"!":"background-pattern"}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"background-pattern":{type:"resolvedImage",transition:!0,expression:{interpolated:!1,parameters:["zoom"]},"property-type":"cross-faded"},"background-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"}},transition:{duration:{type:"number",default:300,minimum:0,units:"milliseconds"},delay:{type:"number",default:0,minimum:0,units:"milliseconds"}},"property-type":{"data-driven":{type:"property-type"},"cross-faded":{type:"property-type"},"cross-faded-data-driven":{type:"property-type"},"color-ramp":{type:"property-type"},"data-constant":{type:"property-type"},constant:{type:"property-type"}},promoteId:{"*":{type:"string"}}},St=function(t,e,r,n){this.message=(t?t+": ":"")+r,n&&(this.identifier=n),null!=e&&e.__line__&&(this.line=e.__line__)};function Et(t){var e=t.value;return e?[new St(t.key,e,"constants have been deprecated as of v8")]:[]}function Ct(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];for(var n=0,i=e;n":"value"===t.itemType.kind?"array":"array<"+e+">"}return t.kind}var Yt=[Ot,Dt,Rt,Ft,Bt,Vt,Nt,Ht(jt),qt];function Wt(t,e){if("error"===e.kind)return null;if("array"===t.kind){if("array"===e.kind&&(0===e.N&&"value"===e.itemType.kind||!Wt(t.itemType,e.itemType))&&("number"!=typeof t.N||t.N===e.N))return null}else{if(t.kind===e.kind)return null;if("value"===t.kind)for(var r=0,n=Yt;r255?255:t}function i(t){return n("%"===t[t.length-1]?parseFloat(t)/100*255:parseInt(t))}function a(t){return(e="%"===t[t.length-1]?parseFloat(t)/100:parseFloat(t))<0?0:e>1?1:e;var e}function o(t,e,r){return r<0?r+=1:r>1&&(r-=1),6*r<1?t+(e-t)*r*6:2*r<1?e:3*r<2?t+(e-t)*(2/3-r)*6:t}try{e.parseCSSColor=function(t){var e,s=t.replace(/ /g,"").toLowerCase();if(s in r)return r[s].slice();if("#"===s[0])return 4===s.length?(e=parseInt(s.substr(1),16))>=0&&e<=4095?[(3840&e)>>4|(3840&e)>>8,240&e|(240&e)>>4,15&e|(15&e)<<4,1]:null:7===s.length&&(e=parseInt(s.substr(1),16))>=0&&e<=16777215?[(16711680&e)>>16,(65280&e)>>8,255&e,1]:null;var l=s.indexOf("("),c=s.indexOf(")");if(-1!==l&&c+1===s.length){var u=s.substr(0,l),f=s.substr(l+1,c-(l+1)).split(","),h=1;switch(u){case"rgba":if(4!==f.length)return null;h=a(f.pop());case"rgb":return 3!==f.length?null:[i(f[0]),i(f[1]),i(f[2]),h];case"hsla":if(4!==f.length)return null;h=a(f.pop());case"hsl":if(3!==f.length)return null;var p=(parseFloat(f[0])%360+360)%360/360,d=a(f[1]),g=a(f[2]),m=g<=.5?g*(d+1):g+d-g*d,v=2*g-m;return[n(255*o(v,m,p+1/3)),n(255*o(v,m,p)),n(255*o(v,m,p-1/3)),h];default:return null}}return null}}catch(t){}})).parseCSSColor,Kt=function(t,e,r,n){void 0===n&&(n=1),this.r=t,this.g=e,this.b=r,this.a=n};Kt.parse=function(t){if(t){if(t instanceof Kt)return t;if("string"==typeof t){var e=Jt(t);if(e)return new Kt(e[0]/255*e[3],e[1]/255*e[3],e[2]/255*e[3],e[3])}}},Kt.prototype.toString=function(){var t=this.toArray(),e=t[1],r=t[2],n=t[3];return"rgba("+Math.round(t[0])+","+Math.round(e)+","+Math.round(r)+","+n+")"},Kt.prototype.toArray=function(){var t=this.a;return 0===t?[0,0,0,0]:[255*this.r/t,255*this.g/t,255*this.b/t,t]},Kt.black=new Kt(0,0,0,1),Kt.white=new Kt(1,1,1,1),Kt.transparent=new Kt(0,0,0,0),Kt.red=new Kt(1,0,0,1);var Qt=function(t,e,r){this.sensitivity=t?e?"variant":"case":e?"accent":"base",this.locale=r,this.collator=new Intl.Collator(this.locale?this.locale:[],{sensitivity:this.sensitivity,usage:"search"})};Qt.prototype.compare=function(t,e){return this.collator.compare(t,e)},Qt.prototype.resolvedLocale=function(){return new Intl.Collator(this.locale?this.locale:[]).resolvedOptions().locale};var $t=function(t,e,r,n,i){this.text=t,this.image=e,this.scale=r,this.fontStack=n,this.textColor=i},te=function(t){this.sections=t};te.fromString=function(t){return new te([new $t(t,null,null,null,null)])},te.prototype.isEmpty=function(){return 0===this.sections.length||!this.sections.some((function(t){return 0!==t.text.length||t.image&&0!==t.image.name.length}))},te.factory=function(t){return t instanceof te?t:te.fromString(t)},te.prototype.toString=function(){return 0===this.sections.length?"":this.sections.map((function(t){return t.text})).join("")},te.prototype.serialize=function(){for(var t=["format"],e=0,r=this.sections;e=0&&t<=255&&"number"==typeof e&&e>=0&&e<=255&&"number"==typeof r&&r>=0&&r<=255?void 0===n||"number"==typeof n&&n>=0&&n<=1?null:"Invalid rgba value ["+[t,e,r,n].join(", ")+"]: 'a' must be between 0 and 1.":"Invalid rgba value ["+("number"==typeof n?[t,e,r,n]:[t,e,r]).join(", ")+"]: 'r', 'g', and 'b' must be between 0 and 255."}function ne(t){if(null===t)return!0;if("string"==typeof t)return!0;if("boolean"==typeof t)return!0;if("number"==typeof t)return!0;if(t instanceof Kt)return!0;if(t instanceof Qt)return!0;if(t instanceof te)return!0;if(t instanceof ee)return!0;if(Array.isArray(t)){for(var e=0,r=t;e2){var s=t[1];if("string"!=typeof s||!(s in le)||"object"===s)return e.error('The item type argument of "array" must be one of string, number, boolean',1);a=le[s],n++}else a=jt;if(t.length>3){if(null!==t[2]&&("number"!=typeof t[2]||t[2]<0||t[2]!==Math.floor(t[2])))return e.error('The length argument to "array" must be a positive integer literal',2);o=t[2],n++}r=Ht(a,o)}else r=le[i];for(var l=[];n1)&&e.push(n)}}return e.concat(this.args.map((function(t){return t.serialize()})))};var ue=function(t){this.type=Vt,this.sections=t};ue.parse=function(t,e){if(t.length<2)return e.error("Expected at least one argument.");var r=t[1];if(!Array.isArray(r)&&"object"==typeof r)return e.error("First argument must be an image or text section.");for(var n=[],i=!1,a=1;a<=t.length-1;++a){var o=t[a];if(i&&"object"==typeof o&&!Array.isArray(o)){i=!1;var s=null;if(o["font-scale"]&&!(s=e.parse(o["font-scale"],1,Dt)))return null;var l=null;if(o["text-font"]&&!(l=e.parse(o["text-font"],1,Ht(Rt))))return null;var c=null;if(o["text-color"]&&!(c=e.parse(o["text-color"],1,Bt)))return null;var u=n[n.length-1];u.scale=s,u.font=l,u.textColor=c}else{var f=e.parse(t[a],1,jt);if(!f)return null;var h=f.type.kind;if("string"!==h&&"value"!==h&&"null"!==h&&"resolvedImage"!==h)return e.error("Formatted text type must be 'string', 'value', 'image' or 'null'.");i=!0,n.push({content:f,scale:null,font:null,textColor:null})}}return new ue(n)},ue.prototype.evaluate=function(t){return new te(this.sections.map((function(e){var r=e.content.evaluate(t);return ie(r)===qt?new $t("",r,null,null,null):new $t(ae(r),null,e.scale?e.scale.evaluate(t):null,e.font?e.font.evaluate(t).join(","):null,e.textColor?e.textColor.evaluate(t):null)})))},ue.prototype.eachChild=function(t){for(var e=0,r=this.sections;e-1),r},fe.prototype.eachChild=function(t){t(this.input)},fe.prototype.outputDefined=function(){return!1},fe.prototype.serialize=function(){return["image",this.input.serialize()]};var he={"to-boolean":Ft,"to-color":Bt,"to-number":Dt,"to-string":Rt},pe=function(t,e){this.type=t,this.args=e};pe.parse=function(t,e){if(t.length<2)return e.error("Expected at least one argument.");var r=t[0];if(("to-boolean"===r||"to-string"===r)&&2!==t.length)return e.error("Expected one argument.");for(var n=he[r],i=[],a=1;a4?"Invalid rbga value "+JSON.stringify(e)+": expected an array containing either three or four numeric values.":re(e[0],e[1],e[2],e[3])))return new Kt(e[0]/255,e[1]/255,e[2]/255,e[3])}throw new se(r||"Could not parse color from value '"+("string"==typeof e?e:String(JSON.stringify(e)))+"'")}if("number"===this.type.kind){for(var o=null,s=0,l=this.args;s=e[2]||t[1]<=e[1]||t[3]>=e[3])}function be(t,e){var r=(180+t[0])/360,n=(180-180/Math.PI*Math.log(Math.tan(Math.PI/4+t[1]*Math.PI/360)))/360,i=Math.pow(2,e.z);return[Math.round(r*i*8192),Math.round(n*i*8192)]}function _e(t,e,r){return e[1]>t[1]!=r[1]>t[1]&&t[0]<(r[0]-e[0])*(t[1]-e[1])/(r[1]-e[1])+e[0]}function we(t,e){for(var r,n,i,a,o,s,l,c=!1,u=0,f=e.length;u0&&s<0||o<0&&s>0}function Me(t,e,r){for(var n=0,i=r;nr[2]){var i=.5*n,a=t[0]-r[0]>i?-n:r[0]-t[0]>i?n:0;0===a&&(a=t[0]-r[2]>i?-n:r[2]-t[0]>i?n:0),t[0]+=a}ye(e,t)}function Ie(t,e,r,n){for(var i=8192*Math.pow(2,n.z),a=[8192*n.x,8192*n.y],o=[],s=0,l=t;s=0)return!1;var r=!0;return t.eachChild((function(t){r&&!Re(t,e)&&(r=!1)})),r}ze.parse=function(t,e){if(2!==t.length)return e.error("'within' expression requires exactly one argument, but found "+(t.length-1)+" instead.");if(ne(t[1])){var r=t[1];if("FeatureCollection"===r.type)for(var n=0;ne))throw new se("Input is not a number.");a=o-1}return 0}Be.prototype.parse=function(t,e,r,n,i){return void 0===i&&(i={}),e?this.concat(e,r,n)._parse(t,i):this._parse(t,i)},Be.prototype._parse=function(t,e){function r(t,e,r){return"assert"===r?new ce(e,[t]):"coerce"===r?new pe(e,[t]):t}if(null!==t&&"string"!=typeof t&&"boolean"!=typeof t&&"number"!=typeof t||(t=["literal",t]),Array.isArray(t)){if(0===t.length)return this.error('Expected an array with at least one element. If you wanted a literal array, use ["literal", []].');var n=t[0];if("string"!=typeof n)return this.error("Expression name must be a string, but found "+typeof n+' instead. If you wanted a literal array, use ["literal", [...]].',0),null;var i=this.registry[n];if(i){var a=i.parse(t,this);if(!a)return null;if(this.expectedType){var o=this.expectedType,s=a.type;if("string"!==o.kind&&"number"!==o.kind&&"boolean"!==o.kind&&"object"!==o.kind&&"array"!==o.kind||"value"!==s.kind)if("color"!==o.kind&&"formatted"!==o.kind&&"resolvedImage"!==o.kind||"value"!==s.kind&&"string"!==s.kind){if(this.checkSubtype(o,s))return null}else a=r(a,o,e.typeAnnotation||"coerce");else a=r(a,o,e.typeAnnotation||"assert")}if(!(a instanceof oe)&&"resolvedImage"!==a.type.kind&&function t(e){if(e instanceof Fe)return t(e.boundExpression);if(e instanceof me&&"error"===e.name)return!1;if(e instanceof ve)return!1;if(e instanceof ze)return!1;var r=e instanceof pe||e instanceof ce,n=!0;return e.eachChild((function(e){n=r?n&&t(e):n&&e instanceof oe})),!!n&&Oe(e)&&Re(e,["zoom","heatmap-density","line-progress","accumulated","is-supported-script"])}(a)){var l=new ge;try{a=new oe(a.type,a.evaluate(l))}catch(t){return this.error(t.message),null}}return a}return this.error('Unknown expression "'+n+'". If you wanted a literal array, use ["literal", [...]].',0)}return this.error(void 0===t?"'undefined' value invalid. Use null instead.":"object"==typeof t?'Bare objects invalid. Use ["literal", {...}] instead.':"Expected an array, but found "+typeof t+" instead.")},Be.prototype.concat=function(t,e,r){var n="number"==typeof t?this.path.concat(t):this.path,i=r?this.scope.concat(r):this.scope;return new Be(this.registry,n,e||null,i,this.errors)},Be.prototype.error=function(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];var n=""+this.key+e.map((function(t){return"["+t+"]"})).join("");this.errors.push(new Pt(n,t))},Be.prototype.checkSubtype=function(t,e){var r=Wt(t,e);return r&&this.error(r),r};var je=function(t,e,r){this.type=t,this.input=e,this.labels=[],this.outputs=[];for(var n=0,i=r;n=o)return e.error('Input/output pairs for "step" expressions must be arranged with input values in strictly ascending order.',l);var u=e.parse(s,c,i);if(!u)return null;i=i||u.type,n.push([o,u])}return new je(i,r,n)},je.prototype.evaluate=function(t){var e=this.labels,r=this.outputs;if(1===e.length)return r[0].evaluate(t);var n=this.input.evaluate(t);if(n<=e[0])return r[0].evaluate(t);var i=e.length;return n>=e[i-1]?r[i-1].evaluate(t):r[Ne(e,n)].evaluate(t)},je.prototype.eachChild=function(t){t(this.input);for(var e=0,r=this.outputs;e0&&t.push(this.labels[e]),t.push(this.outputs[e].serialize());return t};var Ve=Object.freeze({__proto__:null,number:Ue,color:function(t,e,r){return new Kt(Ue(t.r,e.r,r),Ue(t.g,e.g,r),Ue(t.b,e.b,r),Ue(t.a,e.a,r))},array:function(t,e,r){return t.map((function(t,n){return Ue(t,e[n],r)}))}}),qe=6/29*3*(6/29),He=Math.PI/180,Ge=180/Math.PI;function Ye(t){return t>.008856451679035631?Math.pow(t,1/3):t/qe+4/29}function We(t){return t>6/29?t*t*t:qe*(t-4/29)}function Xe(t){return 255*(t<=.0031308?12.92*t:1.055*Math.pow(t,1/2.4)-.055)}function Ze(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function Je(t){var e=Ze(t.r),r=Ze(t.g),n=Ze(t.b),i=Ye((.4124564*e+.3575761*r+.1804375*n)/.95047),a=Ye((.2126729*e+.7151522*r+.072175*n)/1);return{l:116*a-16,a:500*(i-a),b:200*(a-Ye((.0193339*e+.119192*r+.9503041*n)/1.08883)),alpha:t.a}}function Ke(t){var e=(t.l+16)/116,r=isNaN(t.a)?e:e+t.a/500,n=isNaN(t.b)?e:e-t.b/200;return e=1*We(e),r=.95047*We(r),n=1.08883*We(n),new Kt(Xe(3.2404542*r-1.5371385*e-.4985314*n),Xe(-.969266*r+1.8760108*e+.041556*n),Xe(.0556434*r-.2040259*e+1.0572252*n),t.alpha)}function Qe(t,e,r){var n=e-t;return t+r*(n>180||n<-180?n-360*Math.round(n/360):n)}var $e={forward:Je,reverse:Ke,interpolate:function(t,e,r){return{l:Ue(t.l,e.l,r),a:Ue(t.a,e.a,r),b:Ue(t.b,e.b,r),alpha:Ue(t.alpha,e.alpha,r)}}},tr={forward:function(t){var e=Je(t),r=e.l,n=e.a,i=e.b,a=Math.atan2(i,n)*Ge;return{h:a<0?a+360:a,c:Math.sqrt(n*n+i*i),l:r,alpha:t.a}},reverse:function(t){var e=t.h*He,r=t.c;return Ke({l:t.l,a:Math.cos(e)*r,b:Math.sin(e)*r,alpha:t.alpha})},interpolate:function(t,e,r){return{h:Qe(t.h,e.h,r),c:Ue(t.c,e.c,r),l:Ue(t.l,e.l,r),alpha:Ue(t.alpha,e.alpha,r)}}},er=Object.freeze({__proto__:null,lab:$e,hcl:tr}),rr=function(t,e,r,n,i){this.type=t,this.operator=e,this.interpolation=r,this.input=n,this.labels=[],this.outputs=[];for(var a=0,o=i;a1})))return e.error("Cubic bezier interpolation requires four numeric arguments with values between 0 and 1.",1);n={name:"cubic-bezier",controlPoints:s}}if(t.length-1<4)return e.error("Expected at least 4 arguments, but found only "+(t.length-1)+".");if((t.length-1)%2!=0)return e.error("Expected an even number of arguments.");if(!(i=e.parse(i,2,Dt)))return null;var l=[],c=null;"interpolate-hcl"===r||"interpolate-lab"===r?c=Bt:e.expectedType&&"value"!==e.expectedType.kind&&(c=e.expectedType);for(var u=0;u=f)return e.error('Input/output pairs for "interpolate" expressions must be arranged with input values in strictly ascending order.',p);var g=e.parse(h,d,c);if(!g)return null;c=c||g.type,l.push([f,g])}return"number"===c.kind||"color"===c.kind||"array"===c.kind&&"number"===c.itemType.kind&&"number"==typeof c.N?new rr(c,r,n,i,l):e.error("Type "+Gt(c)+" is not interpolatable.")},rr.prototype.evaluate=function(t){var e=this.labels,r=this.outputs;if(1===e.length)return r[0].evaluate(t);var n=this.input.evaluate(t);if(n<=e[0])return r[0].evaluate(t);var i=e.length;if(n>=e[i-1])return r[i-1].evaluate(t);var a=Ne(e,n),o=rr.interpolationFactor(this.interpolation,n,e[a],e[a+1]),s=r[a].evaluate(t),l=r[a+1].evaluate(t);return"interpolate"===this.operator?Ve[this.type.kind.toLowerCase()](s,l,o):"interpolate-hcl"===this.operator?tr.reverse(tr.interpolate(tr.forward(s),tr.forward(l),o)):$e.reverse($e.interpolate($e.forward(s),$e.forward(l),o))},rr.prototype.eachChild=function(t){t(this.input);for(var e=0,r=this.outputs;e=r.length)throw new se("Array index out of bounds: "+e+" > "+(r.length-1)+".");if(e!==Math.floor(e))throw new se("Array index must be an integer, but found "+e+" instead.");return r[e]},or.prototype.eachChild=function(t){t(this.index),t(this.input)},or.prototype.outputDefined=function(){return!1},or.prototype.serialize=function(){return["at",this.index.serialize(),this.input.serialize()]};var sr=function(t,e){this.type=Ft,this.needle=t,this.haystack=e};sr.parse=function(t,e){if(3!==t.length)return e.error("Expected 2 arguments, but found "+(t.length-1)+" instead.");var r=e.parse(t[1],1,jt),n=e.parse(t[2],2,jt);return r&&n?Xt(r.type,[Ft,Rt,Dt,Ot,jt])?new sr(r,n):e.error("Expected first argument to be of type boolean, string, number or null, but found "+Gt(r.type)+" instead"):null},sr.prototype.evaluate=function(t){var e=this.needle.evaluate(t),r=this.haystack.evaluate(t);if(!r)return!1;if(!Zt(e,["boolean","string","number","null"]))throw new se("Expected first argument to be of type boolean, string, number or null, but found "+Gt(ie(e))+" instead.");if(!Zt(r,["string","array"]))throw new se("Expected second argument to be of type array or string, but found "+Gt(ie(r))+" instead.");return r.indexOf(e)>=0},sr.prototype.eachChild=function(t){t(this.needle),t(this.haystack)},sr.prototype.outputDefined=function(){return!0},sr.prototype.serialize=function(){return["in",this.needle.serialize(),this.haystack.serialize()]};var lr=function(t,e,r){this.type=Dt,this.needle=t,this.haystack=e,this.fromIndex=r};lr.parse=function(t,e){if(t.length<=2||t.length>=5)return e.error("Expected 3 or 4 arguments, but found "+(t.length-1)+" instead.");var r=e.parse(t[1],1,jt),n=e.parse(t[2],2,jt);if(!r||!n)return null;if(!Xt(r.type,[Ft,Rt,Dt,Ot,jt]))return e.error("Expected first argument to be of type boolean, string, number or null, but found "+Gt(r.type)+" instead");if(4===t.length){var i=e.parse(t[3],3,Dt);return i?new lr(r,n,i):null}return new lr(r,n)},lr.prototype.evaluate=function(t){var e=this.needle.evaluate(t),r=this.haystack.evaluate(t);if(!Zt(e,["boolean","string","number","null"]))throw new se("Expected first argument to be of type boolean, string, number or null, but found "+Gt(ie(e))+" instead.");if(!Zt(r,["string","array"]))throw new se("Expected second argument to be of type array or string, but found "+Gt(ie(r))+" instead.");if(this.fromIndex){var n=this.fromIndex.evaluate(t);return r.indexOf(e,n)}return r.indexOf(e)},lr.prototype.eachChild=function(t){t(this.needle),t(this.haystack),this.fromIndex&&t(this.fromIndex)},lr.prototype.outputDefined=function(){return!1},lr.prototype.serialize=function(){if(null!=this.fromIndex&&void 0!==this.fromIndex){var t=this.fromIndex.serialize();return["index-of",this.needle.serialize(),this.haystack.serialize(),t]}return["index-of",this.needle.serialize(),this.haystack.serialize()]};var cr=function(t,e,r,n,i,a){this.inputType=t,this.type=e,this.input=r,this.cases=n,this.outputs=i,this.otherwise=a};cr.parse=function(t,e){if(t.length<5)return e.error("Expected at least 4 arguments, but found only "+(t.length-1)+".");if(t.length%2!=1)return e.error("Expected an even number of arguments.");var r,n;e.expectedType&&"value"!==e.expectedType.kind&&(n=e.expectedType);for(var i={},a=[],o=2;oNumber.MAX_SAFE_INTEGER)return c.error("Branch labels must be integers no larger than "+Number.MAX_SAFE_INTEGER+".");if("number"==typeof h&&Math.floor(h)!==h)return c.error("Numeric branch labels must be integer values.");if(r){if(c.checkSubtype(r,ie(h)))return null}else r=ie(h);if(void 0!==i[String(h)])return c.error("Branch labels must be unique.");i[String(h)]=a.length}var p=e.parse(l,o,n);if(!p)return null;n=n||p.type,a.push(p)}var d=e.parse(t[1],1,jt);if(!d)return null;var g=e.parse(t[t.length-1],t.length-1,n);return g?"value"!==d.type.kind&&e.concat(1).checkSubtype(r,d.type)?null:new cr(r,n,d,i,a,g):null},cr.prototype.evaluate=function(t){var e=this.input.evaluate(t);return(ie(e)===this.inputType&&this.outputs[this.cases[e]]||this.otherwise).evaluate(t)},cr.prototype.eachChild=function(t){t(this.input),this.outputs.forEach(t),t(this.otherwise)},cr.prototype.outputDefined=function(){return this.outputs.every((function(t){return t.outputDefined()}))&&this.otherwise.outputDefined()},cr.prototype.serialize=function(){for(var t=this,e=["match",this.input.serialize()],r=[],n={},i=0,a=Object.keys(this.cases).sort();i=5)return e.error("Expected 3 or 4 arguments, but found "+(t.length-1)+" instead.");var r=e.parse(t[1],1,jt),n=e.parse(t[2],2,Dt);if(!r||!n)return null;if(!Xt(r.type,[Ht(jt),Rt,jt]))return e.error("Expected first argument to be of type array or string, but found "+Gt(r.type)+" instead");if(4===t.length){var i=e.parse(t[3],3,Dt);return i?new fr(r.type,r,n,i):null}return new fr(r.type,r,n)},fr.prototype.evaluate=function(t){var e=this.input.evaluate(t),r=this.beginIndex.evaluate(t);if(!Zt(e,["string","array"]))throw new se("Expected first argument to be of type array or string, but found "+Gt(ie(e))+" instead.");if(this.endIndex){var n=this.endIndex.evaluate(t);return e.slice(r,n)}return e.slice(r)},fr.prototype.eachChild=function(t){t(this.input),t(this.beginIndex),this.endIndex&&t(this.endIndex)},fr.prototype.outputDefined=function(){return!1},fr.prototype.serialize=function(){if(null!=this.endIndex&&void 0!==this.endIndex){var t=this.endIndex.serialize();return["slice",this.input.serialize(),this.beginIndex.serialize(),t]}return["slice",this.input.serialize(),this.beginIndex.serialize()]};var gr=dr("==",(function(t,e,r){return e===r}),pr),mr=dr("!=",(function(t,e,r){return e!==r}),(function(t,e,r,n){return!pr(0,e,r,n)})),vr=dr("<",(function(t,e,r){return e",(function(t,e,r){return e>r}),(function(t,e,r,n){return n.compare(e,r)>0})),xr=dr("<=",(function(t,e,r){return e<=r}),(function(t,e,r,n){return n.compare(e,r)<=0})),br=dr(">=",(function(t,e,r){return e>=r}),(function(t,e,r,n){return n.compare(e,r)>=0})),_r=function(t,e,r,n,i){this.type=Rt,this.number=t,this.locale=e,this.currency=r,this.minFractionDigits=n,this.maxFractionDigits=i};_r.parse=function(t,e){if(3!==t.length)return e.error("Expected two arguments.");var r=e.parse(t[1],1,Dt);if(!r)return null;var n=t[2];if("object"!=typeof n||Array.isArray(n))return e.error("NumberFormat options argument must be an object.");var i=null;if(n.locale&&!(i=e.parse(n.locale,1,Rt)))return null;var a=null;if(n.currency&&!(a=e.parse(n.currency,1,Rt)))return null;var o=null;if(n["min-fraction-digits"]&&!(o=e.parse(n["min-fraction-digits"],1,Dt)))return null;var s=null;return n["max-fraction-digits"]&&!(s=e.parse(n["max-fraction-digits"],1,Dt))?null:new _r(r,i,a,o,s)},_r.prototype.evaluate=function(t){return new Intl.NumberFormat(this.locale?this.locale.evaluate(t):[],{style:this.currency?"currency":"decimal",currency:this.currency?this.currency.evaluate(t):void 0,minimumFractionDigits:this.minFractionDigits?this.minFractionDigits.evaluate(t):void 0,maximumFractionDigits:this.maxFractionDigits?this.maxFractionDigits.evaluate(t):void 0}).format(this.number.evaluate(t))},_r.prototype.eachChild=function(t){t(this.number),this.locale&&t(this.locale),this.currency&&t(this.currency),this.minFractionDigits&&t(this.minFractionDigits),this.maxFractionDigits&&t(this.maxFractionDigits)},_r.prototype.outputDefined=function(){return!1},_r.prototype.serialize=function(){var t={};return this.locale&&(t.locale=this.locale.serialize()),this.currency&&(t.currency=this.currency.serialize()),this.minFractionDigits&&(t["min-fraction-digits"]=this.minFractionDigits.serialize()),this.maxFractionDigits&&(t["max-fraction-digits"]=this.maxFractionDigits.serialize()),["number-format",this.number.serialize(),t]};var wr=function(t){this.type=Dt,this.input=t};wr.parse=function(t,e){if(2!==t.length)return e.error("Expected 1 argument, but found "+(t.length-1)+" instead.");var r=e.parse(t[1],1);return r?"array"!==r.type.kind&&"string"!==r.type.kind&&"value"!==r.type.kind?e.error("Expected argument of type string or array, but found "+Gt(r.type)+" instead."):new wr(r):null},wr.prototype.evaluate=function(t){var e=this.input.evaluate(t);if("string"==typeof e)return e.length;if(Array.isArray(e))return e.length;throw new se("Expected value to be of type string or array, but found "+Gt(ie(e))+" instead.")},wr.prototype.eachChild=function(t){t(this.input)},wr.prototype.outputDefined=function(){return!1},wr.prototype.serialize=function(){var t=["length"];return this.eachChild((function(e){t.push(e.serialize())})),t};var Tr={"==":gr,"!=":mr,">":yr,"<":vr,">=":br,"<=":xr,array:ce,at:or,boolean:ce,case:ur,coalesce:ir,collator:ve,format:ue,image:fe,in:sr,"index-of":lr,interpolate:rr,"interpolate-hcl":rr,"interpolate-lab":rr,length:wr,let:ar,literal:oe,match:cr,number:ce,"number-format":_r,object:ce,slice:fr,step:je,string:ce,"to-boolean":pe,"to-color":pe,"to-number":pe,"to-string":pe,var:Fe,within:ze};function kr(t,e){var r=e[0],n=e[1],i=e[2],a=e[3];r=r.evaluate(t),n=n.evaluate(t),i=i.evaluate(t);var o=a?a.evaluate(t):1,s=re(r,n,i,o);if(s)throw new se(s);return new Kt(r/255*o,n/255*o,i/255*o,o)}function Mr(t,e){return t in e}function Ar(t,e){var r=e[t];return void 0===r?null:r}function Sr(t){return{type:t}}function Er(t){return{result:"success",value:t}}function Cr(t){return{result:"error",value:t}}function Lr(t){return"data-driven"===t["property-type"]||"cross-faded-data-driven"===t["property-type"]}function Ir(t){return!!t.expression&&t.expression.parameters.indexOf("zoom")>-1}function Pr(t){return!!t.expression&&t.expression.interpolated}function zr(t){return t instanceof Number?"number":t instanceof String?"string":t instanceof Boolean?"boolean":Array.isArray(t)?"array":null===t?"null":typeof t}function Or(t){return"object"==typeof t&&null!==t&&!Array.isArray(t)}function Dr(t){return t}function Rr(t,e,r){return void 0!==t?t:void 0!==e?e:void 0!==r?r:void 0}function Fr(t,e,r,n,i){return Rr(typeof r===i?n[r]:void 0,t.default,e.default)}function Br(t,e,r){if("number"!==zr(r))return Rr(t.default,e.default);var n=t.stops.length;if(1===n)return t.stops[0][1];if(r<=t.stops[0][0])return t.stops[0][1];if(r>=t.stops[n-1][0])return t.stops[n-1][1];var i=Ne(t.stops.map((function(t){return t[0]})),r);return t.stops[i][1]}function Nr(t,e,r){var n=void 0!==t.base?t.base:1;if("number"!==zr(r))return Rr(t.default,e.default);var i=t.stops.length;if(1===i)return t.stops[0][1];if(r<=t.stops[0][0])return t.stops[0][1];if(r>=t.stops[i-1][0])return t.stops[i-1][1];var a=Ne(t.stops.map((function(t){return t[0]})),r),o=function(t,e,r,n){var i=n-r,a=t-r;return 0===i?0:1===e?a/i:(Math.pow(e,a)-1)/(Math.pow(e,i)-1)}(r,n,t.stops[a][0],t.stops[a+1][0]),s=t.stops[a][1],l=t.stops[a+1][1],c=Ve[e.type]||Dr;if(t.colorSpace&&"rgb"!==t.colorSpace){var u=er[t.colorSpace];c=function(t,e){return u.reverse(u.interpolate(u.forward(t),u.forward(e),o))}}return"function"==typeof s.evaluate?{evaluate:function(){for(var t=[],e=arguments.length;e--;)t[e]=arguments[e];var r=s.evaluate.apply(void 0,t),n=l.evaluate.apply(void 0,t);if(void 0!==r&&void 0!==n)return c(r,n,o)}}:c(s,l,o)}function jr(t,e,r){return"color"===e.type?r=Kt.parse(r):"formatted"===e.type?r=te.fromString(r.toString()):"resolvedImage"===e.type?r=ee.fromString(r.toString()):zr(r)===e.type||"enum"===e.type&&e.values[r]||(r=void 0),Rr(r,t.default,e.default)}me.register(Tr,{error:[{kind:"error"},[Rt],function(t,e){throw new se(e[0].evaluate(t))}],typeof:[Rt,[jt],function(t,e){return Gt(ie(e[0].evaluate(t)))}],"to-rgba":[Ht(Dt,4),[Bt],function(t,e){return e[0].evaluate(t).toArray()}],rgb:[Bt,[Dt,Dt,Dt],kr],rgba:[Bt,[Dt,Dt,Dt,Dt],kr],has:{type:Ft,overloads:[[[Rt],function(t,e){return Mr(e[0].evaluate(t),t.properties())}],[[Rt,Nt],function(t,e){var r=e[1];return Mr(e[0].evaluate(t),r.evaluate(t))}]]},get:{type:jt,overloads:[[[Rt],function(t,e){return Ar(e[0].evaluate(t),t.properties())}],[[Rt,Nt],function(t,e){var r=e[1];return Ar(e[0].evaluate(t),r.evaluate(t))}]]},"feature-state":[jt,[Rt],function(t,e){return Ar(e[0].evaluate(t),t.featureState||{})}],properties:[Nt,[],function(t){return t.properties()}],"geometry-type":[Rt,[],function(t){return t.geometryType()}],id:[jt,[],function(t){return t.id()}],zoom:[Dt,[],function(t){return t.globals.zoom}],"heatmap-density":[Dt,[],function(t){return t.globals.heatmapDensity||0}],"line-progress":[Dt,[],function(t){return t.globals.lineProgress||0}],accumulated:[jt,[],function(t){return void 0===t.globals.accumulated?null:t.globals.accumulated}],"+":[Dt,Sr(Dt),function(t,e){for(var r=0,n=0,i=e;n":[Ft,[Rt,jt],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i>a}],"filter-id->":[Ft,[jt],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n>i}],"filter-<=":[Ft,[Rt,jt],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i<=a}],"filter-id-<=":[Ft,[jt],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n<=i}],"filter->=":[Ft,[Rt,jt],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i>=a}],"filter-id->=":[Ft,[jt],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n>=i}],"filter-has":[Ft,[jt],function(t,e){return e[0].value in t.properties()}],"filter-has-id":[Ft,[],function(t){return null!==t.id()&&void 0!==t.id()}],"filter-type-in":[Ft,[Ht(Rt)],function(t,e){return e[0].value.indexOf(t.geometryType())>=0}],"filter-id-in":[Ft,[Ht(jt)],function(t,e){return e[0].value.indexOf(t.id())>=0}],"filter-in-small":[Ft,[Rt,Ht(jt)],function(t,e){var r=e[0];return e[1].value.indexOf(t.properties()[r.value])>=0}],"filter-in-large":[Ft,[Rt,Ht(jt)],function(t,e){var r=e[0],n=e[1];return function(t,e,r,n){for(;r<=n;){var i=r+n>>1;if(e[i]===t)return!0;e[i]>t?n=i-1:r=i+1}return!1}(t.properties()[r.value],n.value,0,n.value.length-1)}],all:{type:Ft,overloads:[[[Ft,Ft],function(t,e){var r=e[1];return e[0].evaluate(t)&&r.evaluate(t)}],[Sr(Ft),function(t,e){for(var r=0,n=e;r0&&"string"==typeof t[0]&&t[0]in Tr}function qr(t,e){var r=new Be(Tr,[],e?function(t){var e={color:Bt,string:Rt,number:Dt,enum:Rt,boolean:Ft,formatted:Vt,resolvedImage:qt};return"array"===t.type?Ht(e[t.value]||jt,t.length):e[t.type]}(e):void 0),n=r.parse(t,void 0,void 0,void 0,e&&"string"===e.type?{typeAnnotation:"coerce"}:void 0);return n?Er(new Ur(n,e)):Cr(r.errors)}Ur.prototype.evaluateWithoutErrorHandling=function(t,e,r,n,i,a){return this._evaluator.globals=t,this._evaluator.feature=e,this._evaluator.featureState=r,this._evaluator.canonical=n,this._evaluator.availableImages=i||null,this._evaluator.formattedSection=a,this.expression.evaluate(this._evaluator)},Ur.prototype.evaluate=function(t,e,r,n,i,a){this._evaluator.globals=t,this._evaluator.feature=e||null,this._evaluator.featureState=r||null,this._evaluator.canonical=n,this._evaluator.availableImages=i||null,this._evaluator.formattedSection=a||null;try{var o=this.expression.evaluate(this._evaluator);if(null==o||"number"==typeof o&&o!=o)return this._defaultValue;if(this._enumValues&&!(o in this._enumValues))throw new se("Expected value to be one of "+Object.keys(this._enumValues).map((function(t){return JSON.stringify(t)})).join(", ")+", but found "+JSON.stringify(o)+" instead.");return o}catch(t){return this._warningHistory[t.message]||(this._warningHistory[t.message]=!0,"undefined"!=typeof console&&console.warn(t.message)),this._defaultValue}};var Hr=function(t,e){this.kind=t,this._styleExpression=e,this.isStateDependent="constant"!==t&&!De(e.expression)};Hr.prototype.evaluateWithoutErrorHandling=function(t,e,r,n,i,a){return this._styleExpression.evaluateWithoutErrorHandling(t,e,r,n,i,a)},Hr.prototype.evaluate=function(t,e,r,n,i,a){return this._styleExpression.evaluate(t,e,r,n,i,a)};var Gr=function(t,e,r,n){this.kind=t,this.zoomStops=r,this._styleExpression=e,this.isStateDependent="camera"!==t&&!De(e.expression),this.interpolationType=n};function Yr(t,e){if("error"===(t=qr(t,e)).result)return t;var r=t.value.expression,n=Oe(r);if(!n&&!Lr(e))return Cr([new Pt("","data expressions not supported")]);var i=Re(r,["zoom"]);if(!i&&!Ir(e))return Cr([new Pt("","zoom expressions not supported")]);var a=function t(e){var r=null;if(e instanceof ar)r=t(e.result);else if(e instanceof ir)for(var n=0,i=e.args;nn.maximum?[new St(e,r,r+" is greater than the maximum value "+n.maximum)]:[]}function Kr(t){var e,r,n,i=t.valueSpec,a=Lt(t.value.type),o={},s="categorical"!==a&&void 0===t.value.property,l=!s,c="array"===zr(t.value.stops)&&"array"===zr(t.value.stops[0])&&"object"===zr(t.value.stops[0][0]),u=Xr({key:t.key,value:t.value,valueSpec:t.styleSpec.function,style:t.style,styleSpec:t.styleSpec,objectElementValidators:{stops:function(t){if("identity"===a)return[new St(t.key,t.value,'identity function may not have a "stops" property')];var e=[],r=t.value;return e=e.concat(Zr({key:t.key,value:r,valueSpec:t.valueSpec,style:t.style,styleSpec:t.styleSpec,arrayElementValidator:f})),"array"===zr(r)&&0===r.length&&e.push(new St(t.key,r,"array must have at least one stop")),e},default:function(t){return bn({key:t.key,value:t.value,valueSpec:i,style:t.style,styleSpec:t.styleSpec})}}});return"identity"===a&&s&&u.push(new St(t.key,t.value,'missing required property "property"')),"identity"===a||t.value.stops||u.push(new St(t.key,t.value,'missing required property "stops"')),"exponential"===a&&t.valueSpec.expression&&!Pr(t.valueSpec)&&u.push(new St(t.key,t.value,"exponential functions not supported")),t.styleSpec.$version>=8&&(l&&!Lr(t.valueSpec)?u.push(new St(t.key,t.value,"property functions not supported")):s&&!Ir(t.valueSpec)&&u.push(new St(t.key,t.value,"zoom functions not supported"))),"categorical"!==a&&!c||void 0!==t.value.property||u.push(new St(t.key,t.value,'"property" property is required')),u;function f(t){var e=[],a=t.value,s=t.key;if("array"!==zr(a))return[new St(s,a,"array expected, "+zr(a)+" found")];if(2!==a.length)return[new St(s,a,"array length 2 expected, length "+a.length+" found")];if(c){if("object"!==zr(a[0]))return[new St(s,a,"object expected, "+zr(a[0])+" found")];if(void 0===a[0].zoom)return[new St(s,a,"object stop key must have zoom")];if(void 0===a[0].value)return[new St(s,a,"object stop key must have value")];if(n&&n>Lt(a[0].zoom))return[new St(s,a[0].zoom,"stop zoom values must appear in ascending order")];Lt(a[0].zoom)!==n&&(n=Lt(a[0].zoom),r=void 0,o={}),e=e.concat(Xr({key:s+"[0]",value:a[0],valueSpec:{zoom:{}},style:t.style,styleSpec:t.styleSpec,objectElementValidators:{zoom:Jr,value:h}}))}else e=e.concat(h({key:s+"[0]",value:a[0],valueSpec:{},style:t.style,styleSpec:t.styleSpec},a));return Vr(It(a[1]))?e.concat([new St(s+"[1]",a[1],"expressions are not allowed in function stops.")]):e.concat(bn({key:s+"[1]",value:a[1],valueSpec:i,style:t.style,styleSpec:t.styleSpec}))}function h(t,n){var s=zr(t.value),l=Lt(t.value),c=null!==t.value?t.value:n;if(e){if(s!==e)return[new St(t.key,c,s+" stop domain type must match previous stop domain type "+e)]}else e=s;if("number"!==s&&"string"!==s&&"boolean"!==s)return[new St(t.key,c,"stop domain value must be a number, string, or boolean")];if("number"!==s&&"categorical"!==a){var u="number expected, "+s+" found";return Lr(i)&&void 0===a&&(u+='\nIf you intended to use a categorical function, specify `"type": "categorical"`.'),[new St(t.key,c,u)]}return"categorical"!==a||"number"!==s||isFinite(l)&&Math.floor(l)===l?"categorical"!==a&&"number"===s&&void 0!==r&&l=2&&"$id"!==t[1]&&"$type"!==t[1];case"in":return t.length>=3&&("string"!=typeof t[1]||Array.isArray(t[2]));case"!in":case"!has":case"none":return!1;case"==":case"!=":case">":case">=":case"<":case"<=":return 3!==t.length||Array.isArray(t[1])||Array.isArray(t[2]);case"any":case"all":for(var e=0,r=t.slice(1);ee?1:0}function an(t){if(!t)return!0;var e,r=t[0];return t.length<=1?"any"!==r:"=="===r?on(t[1],t[2],"=="):"!="===r?cn(on(t[1],t[2],"==")):"<"===r||">"===r||"<="===r||">="===r?on(t[1],t[2],r):"any"===r?(e=t.slice(1),["any"].concat(e.map(an))):"all"===r?["all"].concat(t.slice(1).map(an)):"none"===r?["all"].concat(t.slice(1).map(an).map(cn)):"in"===r?sn(t[1],t.slice(2)):"!in"===r?cn(sn(t[1],t.slice(2))):"has"===r?ln(t[1]):"!has"===r?cn(ln(t[1])):"within"!==r||t}function on(t,e,r){switch(t){case"$type":return["filter-type-"+r,e];case"$id":return["filter-id-"+r,e];default:return["filter-"+r,t,e]}}function sn(t,e){if(0===e.length)return!1;switch(t){case"$type":return["filter-type-in",["literal",e]];case"$id":return["filter-id-in",["literal",e]];default:return e.length>200&&!e.some((function(t){return typeof t!=typeof e[0]}))?["filter-in-large",t,["literal",e.sort(nn)]]:["filter-in-small",t,["literal",e]]}}function ln(t){switch(t){case"$type":return!0;case"$id":return["filter-has-id"];default:return["filter-has",t]}}function cn(t){return["!",t]}function un(t){return tn(It(t.value))?Qr(Ct({},t,{expressionContext:"filter",valueSpec:{value:"boolean"}})):function t(e){var r=e.value,n=e.key;if("array"!==zr(r))return[new St(n,r,"array expected, "+zr(r)+" found")];var i,a=e.styleSpec,o=[];if(r.length<1)return[new St(n,r,"filter array must have at least 1 element")];switch(o=o.concat($r({key:n+"[0]",value:r[0],valueSpec:a.filter_operator,style:e.style,styleSpec:e.styleSpec})),Lt(r[0])){case"<":case"<=":case">":case">=":r.length>=2&&"$type"===Lt(r[1])&&o.push(new St(n,r,'"$type" cannot be use with operator "'+r[0]+'"'));case"==":case"!=":3!==r.length&&o.push(new St(n,r,'filter array for operator "'+r[0]+'" must have 3 elements'));case"in":case"!in":r.length>=2&&"string"!==(i=zr(r[1]))&&o.push(new St(n+"[1]",r[1],"string expected, "+i+" found"));for(var s=2;s=u[p+0]&&n>=u[p+1])?(o[h]=!0,a.push(c[h])):o[h]=!1}}},In.prototype._forEachCell=function(t,e,r,n,i,a,o,s){for(var l=this._convertToCellCoord(t),c=this._convertToCellCoord(e),u=this._convertToCellCoord(r),f=this._convertToCellCoord(n),h=l;h<=u;h++)for(var p=c;p<=f;p++){var d=this.d*p+h;if((!s||s(this._convertFromCellCoord(h),this._convertFromCellCoord(p),this._convertFromCellCoord(h+1),this._convertFromCellCoord(p+1)))&&i.call(this,t,e,r,n,d,a,o,s))return}},In.prototype._convertFromCellCoord=function(t){return(t-this.padding)/this.scale},In.prototype._convertToCellCoord=function(t){return Math.max(0,Math.min(this.d-1,Math.floor(t*this.scale)+this.padding))},In.prototype.toArrayBuffer=function(){if(this.arrayBuffer)return this.arrayBuffer;for(var t=this.cells,e=3+this.cells.length+1+1,r=0,n=0;n=0)){var u=t[c];l[c]=On[s].shallow.indexOf(c)>=0?u:Nn(u,e)}t instanceof Error&&(l.message=t.message)}if(l.$name)throw new Error("$name property is reserved for worker serialization logic.");return"Object"!==s&&(l.$name=s),l}throw new Error("can't serialize object of type "+typeof t)}function jn(t){if(null==t||"boolean"==typeof t||"number"==typeof t||"string"==typeof t||t instanceof Boolean||t instanceof Number||t instanceof String||t instanceof Date||t instanceof RegExp||Fn(t)||Bn(t)||ArrayBuffer.isView(t)||t instanceof Pn)return t;if(Array.isArray(t))return t.map(jn);if("object"==typeof t){var e=t.$name||"Object",r=On[e].klass;if(!r)throw new Error("can't deserialize unregistered class "+e);if(r.deserialize)return r.deserialize(t);for(var n=Object.create(r.prototype),i=0,a=Object.keys(t);i=0?s:jn(s)}}return n}throw new Error("can't deserialize object of type "+typeof t)}var Un=function(){this.first=!0};Un.prototype.update=function(t,e){var r=Math.floor(t);return this.first?(this.first=!1,this.lastIntegerZoom=r,this.lastIntegerZoomTime=0,this.lastZoom=t,this.lastFloorZoom=r,!0):(this.lastFloorZoom>r?(this.lastIntegerZoom=r+1,this.lastIntegerZoomTime=e):this.lastFloorZoom=128&&t<=255},Arabic:function(t){return t>=1536&&t<=1791},"Arabic Supplement":function(t){return t>=1872&&t<=1919},"Arabic Extended-A":function(t){return t>=2208&&t<=2303},"Hangul Jamo":function(t){return t>=4352&&t<=4607},"Unified Canadian Aboriginal Syllabics":function(t){return t>=5120&&t<=5759},Khmer:function(t){return t>=6016&&t<=6143},"Unified Canadian Aboriginal Syllabics Extended":function(t){return t>=6320&&t<=6399},"General Punctuation":function(t){return t>=8192&&t<=8303},"Letterlike Symbols":function(t){return t>=8448&&t<=8527},"Number Forms":function(t){return t>=8528&&t<=8591},"Miscellaneous Technical":function(t){return t>=8960&&t<=9215},"Control Pictures":function(t){return t>=9216&&t<=9279},"Optical Character Recognition":function(t){return t>=9280&&t<=9311},"Enclosed Alphanumerics":function(t){return t>=9312&&t<=9471},"Geometric Shapes":function(t){return t>=9632&&t<=9727},"Miscellaneous Symbols":function(t){return t>=9728&&t<=9983},"Miscellaneous Symbols and Arrows":function(t){return t>=11008&&t<=11263},"CJK Radicals Supplement":function(t){return t>=11904&&t<=12031},"Kangxi Radicals":function(t){return t>=12032&&t<=12255},"Ideographic Description Characters":function(t){return t>=12272&&t<=12287},"CJK Symbols and Punctuation":function(t){return t>=12288&&t<=12351},Hiragana:function(t){return t>=12352&&t<=12447},Katakana:function(t){return t>=12448&&t<=12543},Bopomofo:function(t){return t>=12544&&t<=12591},"Hangul Compatibility Jamo":function(t){return t>=12592&&t<=12687},Kanbun:function(t){return t>=12688&&t<=12703},"Bopomofo Extended":function(t){return t>=12704&&t<=12735},"CJK Strokes":function(t){return t>=12736&&t<=12783},"Katakana Phonetic Extensions":function(t){return t>=12784&&t<=12799},"Enclosed CJK Letters and Months":function(t){return t>=12800&&t<=13055},"CJK Compatibility":function(t){return t>=13056&&t<=13311},"CJK Unified Ideographs Extension A":function(t){return t>=13312&&t<=19903},"Yijing Hexagram Symbols":function(t){return t>=19904&&t<=19967},"CJK Unified Ideographs":function(t){return t>=19968&&t<=40959},"Yi Syllables":function(t){return t>=40960&&t<=42127},"Yi Radicals":function(t){return t>=42128&&t<=42191},"Hangul Jamo Extended-A":function(t){return t>=43360&&t<=43391},"Hangul Syllables":function(t){return t>=44032&&t<=55215},"Hangul Jamo Extended-B":function(t){return t>=55216&&t<=55295},"Private Use Area":function(t){return t>=57344&&t<=63743},"CJK Compatibility Ideographs":function(t){return t>=63744&&t<=64255},"Arabic Presentation Forms-A":function(t){return t>=64336&&t<=65023},"Vertical Forms":function(t){return t>=65040&&t<=65055},"CJK Compatibility Forms":function(t){return t>=65072&&t<=65103},"Small Form Variants":function(t){return t>=65104&&t<=65135},"Arabic Presentation Forms-B":function(t){return t>=65136&&t<=65279},"Halfwidth and Fullwidth Forms":function(t){return t>=65280&&t<=65519}};function qn(t){for(var e=0,r=t;e=65097&&t<=65103)||Vn["CJK Compatibility Ideographs"](t)||Vn["CJK Compatibility"](t)||Vn["CJK Radicals Supplement"](t)||Vn["CJK Strokes"](t)||!(!Vn["CJK Symbols and Punctuation"](t)||t>=12296&&t<=12305||t>=12308&&t<=12319||12336===t)||Vn["CJK Unified Ideographs Extension A"](t)||Vn["CJK Unified Ideographs"](t)||Vn["Enclosed CJK Letters and Months"](t)||Vn["Hangul Compatibility Jamo"](t)||Vn["Hangul Jamo Extended-A"](t)||Vn["Hangul Jamo Extended-B"](t)||Vn["Hangul Jamo"](t)||Vn["Hangul Syllables"](t)||Vn.Hiragana(t)||Vn["Ideographic Description Characters"](t)||Vn.Kanbun(t)||Vn["Kangxi Radicals"](t)||Vn["Katakana Phonetic Extensions"](t)||Vn.Katakana(t)&&12540!==t||!(!Vn["Halfwidth and Fullwidth Forms"](t)||65288===t||65289===t||65293===t||t>=65306&&t<=65310||65339===t||65341===t||65343===t||t>=65371&&t<=65503||65507===t||t>=65512&&t<=65519)||!(!Vn["Small Form Variants"](t)||t>=65112&&t<=65118||t>=65123&&t<=65126)||Vn["Unified Canadian Aboriginal Syllabics"](t)||Vn["Unified Canadian Aboriginal Syllabics Extended"](t)||Vn["Vertical Forms"](t)||Vn["Yijing Hexagram Symbols"](t)||Vn["Yi Syllables"](t)||Vn["Yi Radicals"](t))))}function Gn(t){return!(Hn(t)||function(t){return!!(Vn["Latin-1 Supplement"](t)&&(167===t||169===t||174===t||177===t||188===t||189===t||190===t||215===t||247===t)||Vn["General Punctuation"](t)&&(8214===t||8224===t||8225===t||8240===t||8241===t||8251===t||8252===t||8258===t||8263===t||8264===t||8265===t||8273===t)||Vn["Letterlike Symbols"](t)||Vn["Number Forms"](t)||Vn["Miscellaneous Technical"](t)&&(t>=8960&&t<=8967||t>=8972&&t<=8991||t>=8996&&t<=9e3||9003===t||t>=9085&&t<=9114||t>=9150&&t<=9165||9167===t||t>=9169&&t<=9179||t>=9186&&t<=9215)||Vn["Control Pictures"](t)&&9251!==t||Vn["Optical Character Recognition"](t)||Vn["Enclosed Alphanumerics"](t)||Vn["Geometric Shapes"](t)||Vn["Miscellaneous Symbols"](t)&&!(t>=9754&&t<=9759)||Vn["Miscellaneous Symbols and Arrows"](t)&&(t>=11026&&t<=11055||t>=11088&&t<=11097||t>=11192&&t<=11243)||Vn["CJK Symbols and Punctuation"](t)||Vn.Katakana(t)||Vn["Private Use Area"](t)||Vn["CJK Compatibility Forms"](t)||Vn["Small Form Variants"](t)||Vn["Halfwidth and Fullwidth Forms"](t)||8734===t||8756===t||8757===t||t>=9984&&t<=10087||t>=10102&&t<=10131||65532===t||65533===t)}(t))}function Yn(t){return t>=1424&&t<=2303||Vn["Arabic Presentation Forms-A"](t)||Vn["Arabic Presentation Forms-B"](t)}function Wn(t,e){return!(!e&&Yn(t)||t>=2304&&t<=3583||t>=3840&&t<=4255||Vn.Khmer(t))}function Xn(t){for(var e=0,r=t;e-1&&(Jn="error"),Zn&&Zn(t)};function $n(){ti.fire(new Tt("pluginStateChange",{pluginStatus:Jn,pluginURL:Kn}))}var ti=new Mt,ei=function(){return Jn},ri=function(){if("deferred"!==Jn||!Kn)throw new Error("rtl-text-plugin cannot be downloaded unless a pluginURL is specified");Jn="loading",$n(),Kn&&yt({url:Kn},(function(t){t?Qn(t):(Jn="loaded",$n())}))},ni={applyArabicShaping:null,processBidirectionalText:null,processStyledBidirectionalText:null,isLoaded:function(){return"loaded"===Jn||null!=ni.applyArabicShaping},isLoading:function(){return"loading"===Jn},setState:function(t){Jn=t.pluginStatus,Kn=t.pluginURL},isParsed:function(){return null!=ni.applyArabicShaping&&null!=ni.processBidirectionalText&&null!=ni.processStyledBidirectionalText},getPluginURL:function(){return Kn}},ii=function(t,e){this.zoom=t,e?(this.now=e.now,this.fadeDuration=e.fadeDuration,this.zoomHistory=e.zoomHistory,this.transition=e.transition):(this.now=0,this.fadeDuration=0,this.zoomHistory=new Un,this.transition={})};ii.prototype.isSupportedScript=function(t){return function(t,e){for(var r=0,n=t;rthis.zoomHistory.lastIntegerZoom?{fromScale:2,toScale:1,t:e+(1-e)*r}:{fromScale:.5,toScale:1,t:1-(1-r)*e}};var ai=function(t,e){this.property=t,this.value=e,this.expression=function(t,e){if(Or(t))return new Wr(t,e);if(Vr(t)){var r=Yr(t,e);if("error"===r.result)throw new Error(r.value.map((function(t){return t.key+": "+t.message})).join(", "));return r.value}var n=t;return"string"==typeof t&&"color"===e.type&&(n=Kt.parse(t)),{kind:"constant",evaluate:function(){return n}}}(void 0===e?t.specification.default:e,t.specification)};ai.prototype.isDataDriven=function(){return"source"===this.expression.kind||"composite"===this.expression.kind},ai.prototype.possiblyEvaluate=function(t,e,r){return this.property.possiblyEvaluate(this,t,e,r)};var oi=function(t){this.property=t,this.value=new ai(t,void 0)};oi.prototype.transitioned=function(t,e){return new li(this.property,this.value,e,u({},t.transition,this.transition),t.now)},oi.prototype.untransitioned=function(){return new li(this.property,this.value,null,{},0)};var si=function(t){this._properties=t,this._values=Object.create(t.defaultTransitionablePropertyValues)};si.prototype.getValue=function(t){return x(this._values[t].value.value)},si.prototype.setValue=function(t,e){this._values.hasOwnProperty(t)||(this._values[t]=new oi(this._values[t].property)),this._values[t].value=new ai(this._values[t].property,null===e?void 0:x(e))},si.prototype.getTransition=function(t){return x(this._values[t].transition)},si.prototype.setTransition=function(t,e){this._values.hasOwnProperty(t)||(this._values[t]=new oi(this._values[t].property)),this._values[t].transition=x(e)||void 0},si.prototype.serialize=function(){for(var t={},e=0,r=Object.keys(this._values);ethis.end)return this.prior=null,i;if(this.value.isDataDriven())return this.prior=null,i;if(n=1)return 1;var e=t*t,r=e*t;return 4*(t<.5?r:3*(t-e)+r-.75)}(o))}return i};var ci=function(t){this._properties=t,this._values=Object.create(t.defaultTransitioningPropertyValues)};ci.prototype.possiblyEvaluate=function(t,e,r){for(var n=new hi(this._properties),i=0,a=Object.keys(this._values);in.zoomHistory.lastIntegerZoom?{from:t,to:e}:{from:r,to:e}},e.prototype.interpolate=function(t){return t},e}(di),mi=function(t){this.specification=t};mi.prototype.possiblyEvaluate=function(t,e,r,n){if(void 0!==t.value){if("constant"===t.expression.kind){var i=t.expression.evaluate(e,null,{},r,n);return this._calculate(i,i,i,e)}return this._calculate(t.expression.evaluate(new ii(Math.floor(e.zoom-1),e)),t.expression.evaluate(new ii(Math.floor(e.zoom),e)),t.expression.evaluate(new ii(Math.floor(e.zoom+1),e)),e)}},mi.prototype._calculate=function(t,e,r,n){return n.zoom>n.zoomHistory.lastIntegerZoom?{from:t,to:e}:{from:r,to:e}},mi.prototype.interpolate=function(t){return t};var vi=function(t){this.specification=t};vi.prototype.possiblyEvaluate=function(t,e,r,n){return!!t.expression.evaluate(e,null,{},r,n)},vi.prototype.interpolate=function(){return!1};var yi=function(t){for(var e in this.properties=t,this.defaultPropertyValues={},this.defaultTransitionablePropertyValues={},this.defaultTransitioningPropertyValues={},this.defaultPossiblyEvaluatedValues={},this.overridableProperties=[],t){var r=t[e];r.specification.overridable&&this.overridableProperties.push(e);var n=this.defaultPropertyValues[e]=new ai(r,void 0),i=this.defaultTransitionablePropertyValues[e]=new oi(r);this.defaultTransitioningPropertyValues[e]=i.untransitioned(),this.defaultPossiblyEvaluatedValues[e]=n.possiblyEvaluate({})}};Dn("DataDrivenProperty",di),Dn("DataConstantProperty",pi),Dn("CrossFadedDataDrivenProperty",gi),Dn("CrossFadedProperty",mi),Dn("ColorRampProperty",vi);var xi=function(t){function e(e,r){if(t.call(this),this.id=e.id,this.type=e.type,this._featureFilter={filter:function(){return!0},needGeometry:!1},"custom"!==e.type&&(this.metadata=(e=e).metadata,this.minzoom=e.minzoom,this.maxzoom=e.maxzoom,"background"!==e.type&&(this.source=e.source,this.sourceLayer=e["source-layer"],this.filter=e.filter),r.layout&&(this._unevaluatedLayout=new ui(r.layout)),r.paint)){for(var n in this._transitionablePaint=new si(r.paint),e.paint)this.setPaintProperty(n,e.paint[n],{validate:!1});for(var i in e.layout)this.setLayoutProperty(i,e.layout[i],{validate:!1});this._transitioningPaint=this._transitionablePaint.untransitioned(),this.paint=new hi(r.paint)}}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.getCrossfadeParameters=function(){return this._crossfadeParameters},e.prototype.getLayoutProperty=function(t){return"visibility"===t?this.visibility:this._unevaluatedLayout.getValue(t)},e.prototype.setLayoutProperty=function(t,e,r){void 0===r&&(r={}),null!=e&&this._validate(En,"layers."+this.id+".layout."+t,t,e,r)||("visibility"!==t?this._unevaluatedLayout.setValue(t,e):this.visibility=e)},e.prototype.getPaintProperty=function(t){return m(t,"-transition")?this._transitionablePaint.getTransition(t.slice(0,-"-transition".length)):this._transitionablePaint.getValue(t)},e.prototype.setPaintProperty=function(t,e,r){if(void 0===r&&(r={}),null!=e&&this._validate(Sn,"layers."+this.id+".paint."+t,t,e,r))return!1;if(m(t,"-transition"))return this._transitionablePaint.setTransition(t.slice(0,-"-transition".length),e||void 0),!1;var n=this._transitionablePaint._values[t],i="cross-faded-data-driven"===n.property.specification["property-type"],a=n.value.isDataDriven(),o=n.value;this._transitionablePaint.setValue(t,e),this._handleSpecialPaintPropertyUpdate(t);var s=this._transitionablePaint._values[t].value;return s.isDataDriven()||a||i||this._handleOverridablePaintPropertyUpdate(t,o,s)},e.prototype._handleSpecialPaintPropertyUpdate=function(t){},e.prototype._handleOverridablePaintPropertyUpdate=function(t,e,r){return!1},e.prototype.isHidden=function(t){return!!(this.minzoom&&t=this.maxzoom)||"none"===this.visibility},e.prototype.updateTransitions=function(t){this._transitioningPaint=this._transitionablePaint.transitioned(t,this._transitioningPaint)},e.prototype.hasTransition=function(){return this._transitioningPaint.hasTransition()},e.prototype.recalculate=function(t,e){t.getCrossfadeParameters&&(this._crossfadeParameters=t.getCrossfadeParameters()),this._unevaluatedLayout&&(this.layout=this._unevaluatedLayout.possiblyEvaluate(t,void 0,e)),this.paint=this._transitioningPaint.possiblyEvaluate(t,void 0,e)},e.prototype.serialize=function(){var t={id:this.id,type:this.type,source:this.source,"source-layer":this.sourceLayer,metadata:this.metadata,minzoom:this.minzoom,maxzoom:this.maxzoom,filter:this.filter,layout:this._unevaluatedLayout&&this._unevaluatedLayout.serialize(),paint:this._transitionablePaint&&this._transitionablePaint.serialize()};return this.visibility&&(t.layout=t.layout||{},t.layout.visibility=this.visibility),y(t,(function(t,e){return!(void 0===t||"layout"===e&&!Object.keys(t).length||"paint"===e&&!Object.keys(t).length)}))},e.prototype._validate=function(t,e,r,n,i){return void 0===i&&(i={}),(!i||!1!==i.validate)&&Cn(this,t.call(Mn,{key:e,layerType:this.type,objectKey:r,value:n,styleSpec:At,style:{glyphs:!0,sprite:!0}}))},e.prototype.is3D=function(){return!1},e.prototype.isTileClipped=function(){return!1},e.prototype.hasOffscreenPass=function(){return!1},e.prototype.resize=function(){},e.prototype.isStateDependent=function(){for(var t in this.paint._values){var e=this.paint.get(t);if(e instanceof fi&&Lr(e.property.specification)&&("source"===e.value.kind||"composite"===e.value.kind)&&e.value.isStateDependent)return!0}return!1},e}(Mt),bi={Int8:Int8Array,Uint8:Uint8Array,Int16:Int16Array,Uint16:Uint16Array,Int32:Int32Array,Uint32:Uint32Array,Float32:Float32Array},_i=function(t,e){this._structArray=t,this._pos1=e*this.size,this._pos2=this._pos1/2,this._pos4=this._pos1/4,this._pos8=this._pos1/8},wi=function(){this.isTransferred=!1,this.capacity=-1,this.resize(0)};function Ti(t,e){void 0===e&&(e=1);var r=0,n=0;return{members:t.map((function(t){var i=bi[t.type].BYTES_PER_ELEMENT,a=r=ki(r,Math.max(e,i)),o=t.components||1;return n=Math.max(n,i),r+=i*o,{name:t.name,type:t.type,components:o,offset:a}})),size:ki(r,Math.max(n,e)),alignment:e}}function ki(t,e){return Math.ceil(t/e)*e}wi.serialize=function(t,e){return t._trim(),e&&(t.isTransferred=!0,e.push(t.arrayBuffer)),{length:t.length,arrayBuffer:t.arrayBuffer}},wi.deserialize=function(t){var e=Object.create(this.prototype);return e.arrayBuffer=t.arrayBuffer,e.length=t.length,e.capacity=t.arrayBuffer.byteLength/e.bytesPerElement,e._refreshViews(),e},wi.prototype._trim=function(){this.length!==this.capacity&&(this.capacity=this.length,this.arrayBuffer=this.arrayBuffer.slice(0,this.length*this.bytesPerElement),this._refreshViews())},wi.prototype.clear=function(){this.length=0},wi.prototype.resize=function(t){this.reserve(t),this.length=t},wi.prototype.reserve=function(t){if(t>this.capacity){this.capacity=Math.max(t,Math.floor(5*this.capacity),128),this.arrayBuffer=new ArrayBuffer(this.capacity*this.bytesPerElement);var e=this.uint8;this._refreshViews(),e&&this.uint8.set(e)}},wi.prototype._refreshViews=function(){throw new Error("_refreshViews() must be implemented by each concrete StructArray layout")};var Mi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;return this.resize(r+1),this.emplace(r,t,e)},e.prototype.emplace=function(t,e,r){var n=2*t;return this.int16[n+0]=e,this.int16[n+1]=r,t},e}(wi);Mi.prototype.bytesPerElement=4,Dn("StructArrayLayout2i4",Mi);var Ai=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n){var i=this.length;return this.resize(i+1),this.emplace(i,t,e,r,n)},e.prototype.emplace=function(t,e,r,n,i){var a=4*t;return this.int16[a+0]=e,this.int16[a+1]=r,this.int16[a+2]=n,this.int16[a+3]=i,t},e}(wi);Ai.prototype.bytesPerElement=8,Dn("StructArrayLayout4i8",Ai);var Si=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a){var o=this.length;return this.resize(o+1),this.emplace(o,t,e,r,n,i,a)},e.prototype.emplace=function(t,e,r,n,i,a,o){var s=6*t;return this.int16[s+0]=e,this.int16[s+1]=r,this.int16[s+2]=n,this.int16[s+3]=i,this.int16[s+4]=a,this.int16[s+5]=o,t},e}(wi);Si.prototype.bytesPerElement=12,Dn("StructArrayLayout2i4i12",Si);var Ei=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a){var o=this.length;return this.resize(o+1),this.emplace(o,t,e,r,n,i,a)},e.prototype.emplace=function(t,e,r,n,i,a,o){var s=4*t,l=8*t;return this.int16[s+0]=e,this.int16[s+1]=r,this.uint8[l+4]=n,this.uint8[l+5]=i,this.uint8[l+6]=a,this.uint8[l+7]=o,t},e}(wi);Ei.prototype.bytesPerElement=8,Dn("StructArrayLayout2i4ub8",Ei);var Ci=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c){var u=this.length;return this.resize(u+1),this.emplace(u,t,e,r,n,i,a,o,s,l,c)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c,u){var f=9*t,h=18*t;return this.uint16[f+0]=e,this.uint16[f+1]=r,this.uint16[f+2]=n,this.uint16[f+3]=i,this.uint16[f+4]=a,this.uint16[f+5]=o,this.uint16[f+6]=s,this.uint16[f+7]=l,this.uint8[h+16]=c,this.uint8[h+17]=u,t},e}(wi);Ci.prototype.bytesPerElement=18,Dn("StructArrayLayout8ui2ub18",Ci);var Li=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c,u,f){var h=this.length;return this.resize(h+1),this.emplace(h,t,e,r,n,i,a,o,s,l,c,u,f)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c,u,f,h){var p=12*t;return this.int16[p+0]=e,this.int16[p+1]=r,this.int16[p+2]=n,this.int16[p+3]=i,this.uint16[p+4]=a,this.uint16[p+5]=o,this.uint16[p+6]=s,this.uint16[p+7]=l,this.int16[p+8]=c,this.int16[p+9]=u,this.int16[p+10]=f,this.int16[p+11]=h,t},e}(wi);Li.prototype.bytesPerElement=24,Dn("StructArrayLayout4i4ui4i24",Li);var Ii=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;return this.resize(n+1),this.emplace(n,t,e,r)},e.prototype.emplace=function(t,e,r,n){var i=3*t;return this.float32[i+0]=e,this.float32[i+1]=r,this.float32[i+2]=n,t},e}(wi);Ii.prototype.bytesPerElement=12,Dn("StructArrayLayout3f12",Ii);var Pi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t){var e=this.length;return this.resize(e+1),this.emplace(e,t)},e.prototype.emplace=function(t,e){return this.uint32[1*t+0]=e,t},e}(wi);Pi.prototype.bytesPerElement=4,Dn("StructArrayLayout1ul4",Pi);var zi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l){var c=this.length;return this.resize(c+1),this.emplace(c,t,e,r,n,i,a,o,s,l)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c){var u=10*t,f=5*t;return this.int16[u+0]=e,this.int16[u+1]=r,this.int16[u+2]=n,this.int16[u+3]=i,this.int16[u+4]=a,this.int16[u+5]=o,this.uint32[f+3]=s,this.uint16[u+8]=l,this.uint16[u+9]=c,t},e}(wi);zi.prototype.bytesPerElement=20,Dn("StructArrayLayout6i1ul2ui20",zi);var Oi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a){var o=this.length;return this.resize(o+1),this.emplace(o,t,e,r,n,i,a)},e.prototype.emplace=function(t,e,r,n,i,a,o){var s=6*t;return this.int16[s+0]=e,this.int16[s+1]=r,this.int16[s+2]=n,this.int16[s+3]=i,this.int16[s+4]=a,this.int16[s+5]=o,t},e}(wi);Oi.prototype.bytesPerElement=12,Dn("StructArrayLayout2i2i2i12",Oi);var Di=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i){var a=this.length;return this.resize(a+1),this.emplace(a,t,e,r,n,i)},e.prototype.emplace=function(t,e,r,n,i,a){var o=4*t,s=8*t;return this.float32[o+0]=e,this.float32[o+1]=r,this.float32[o+2]=n,this.int16[s+6]=i,this.int16[s+7]=a,t},e}(wi);Di.prototype.bytesPerElement=16,Dn("StructArrayLayout2f1f2i16",Di);var Ri=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n){var i=this.length;return this.resize(i+1),this.emplace(i,t,e,r,n)},e.prototype.emplace=function(t,e,r,n,i){var a=12*t,o=3*t;return this.uint8[a+0]=e,this.uint8[a+1]=r,this.float32[o+1]=n,this.float32[o+2]=i,t},e}(wi);Ri.prototype.bytesPerElement=12,Dn("StructArrayLayout2ub2f12",Ri);var Fi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;return this.resize(n+1),this.emplace(n,t,e,r)},e.prototype.emplace=function(t,e,r,n){var i=3*t;return this.uint16[i+0]=e,this.uint16[i+1]=r,this.uint16[i+2]=n,t},e}(wi);Fi.prototype.bytesPerElement=6,Dn("StructArrayLayout3ui6",Fi);var Bi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m){var v=this.length;return this.resize(v+1),this.emplace(v,t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v){var y=24*t,x=12*t,b=48*t;return this.int16[y+0]=e,this.int16[y+1]=r,this.uint16[y+2]=n,this.uint16[y+3]=i,this.uint32[x+2]=a,this.uint32[x+3]=o,this.uint32[x+4]=s,this.uint16[y+10]=l,this.uint16[y+11]=c,this.uint16[y+12]=u,this.float32[x+7]=f,this.float32[x+8]=h,this.uint8[b+36]=p,this.uint8[b+37]=d,this.uint8[b+38]=g,this.uint32[x+10]=m,this.int16[y+22]=v,t},e}(wi);Bi.prototype.bytesPerElement=48,Dn("StructArrayLayout2i2ui3ul3ui2f3ub1ul1i48",Bi);var Ni=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,_,w,T,k,M,A,S){var E=this.length;return this.resize(E+1),this.emplace(E,t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,_,w,T,k,M,A,S)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,_,w,T,k,M,A,S,E){var C=34*t,L=17*t;return this.int16[C+0]=e,this.int16[C+1]=r,this.int16[C+2]=n,this.int16[C+3]=i,this.int16[C+4]=a,this.int16[C+5]=o,this.int16[C+6]=s,this.int16[C+7]=l,this.uint16[C+8]=c,this.uint16[C+9]=u,this.uint16[C+10]=f,this.uint16[C+11]=h,this.uint16[C+12]=p,this.uint16[C+13]=d,this.uint16[C+14]=g,this.uint16[C+15]=m,this.uint16[C+16]=v,this.uint16[C+17]=y,this.uint16[C+18]=x,this.uint16[C+19]=b,this.uint16[C+20]=_,this.uint16[C+21]=w,this.uint16[C+22]=T,this.uint32[L+12]=k,this.float32[L+13]=M,this.float32[L+14]=A,this.float32[L+15]=S,this.float32[L+16]=E,t},e}(wi);Ni.prototype.bytesPerElement=68,Dn("StructArrayLayout8i15ui1ul4f68",Ni);var ji=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t){var e=this.length;return this.resize(e+1),this.emplace(e,t)},e.prototype.emplace=function(t,e){return this.float32[1*t+0]=e,t},e}(wi);ji.prototype.bytesPerElement=4,Dn("StructArrayLayout1f4",ji);var Ui=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;return this.resize(n+1),this.emplace(n,t,e,r)},e.prototype.emplace=function(t,e,r,n){var i=3*t;return this.int16[i+0]=e,this.int16[i+1]=r,this.int16[i+2]=n,t},e}(wi);Ui.prototype.bytesPerElement=6,Dn("StructArrayLayout3i6",Ui);var Vi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;return this.resize(n+1),this.emplace(n,t,e,r)},e.prototype.emplace=function(t,e,r,n){var i=4*t;return this.uint32[2*t+0]=e,this.uint16[i+2]=r,this.uint16[i+3]=n,t},e}(wi);Vi.prototype.bytesPerElement=8,Dn("StructArrayLayout1ul2ui8",Vi);var qi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;return this.resize(r+1),this.emplace(r,t,e)},e.prototype.emplace=function(t,e,r){var n=2*t;return this.uint16[n+0]=e,this.uint16[n+1]=r,t},e}(wi);qi.prototype.bytesPerElement=4,Dn("StructArrayLayout2ui4",qi);var Hi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t){var e=this.length;return this.resize(e+1),this.emplace(e,t)},e.prototype.emplace=function(t,e){return this.uint16[1*t+0]=e,t},e}(wi);Hi.prototype.bytesPerElement=2,Dn("StructArrayLayout1ui2",Hi);var Gi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;return this.resize(r+1),this.emplace(r,t,e)},e.prototype.emplace=function(t,e,r){var n=2*t;return this.float32[n+0]=e,this.float32[n+1]=r,t},e}(wi);Gi.prototype.bytesPerElement=8,Dn("StructArrayLayout2f8",Gi);var Yi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n){var i=this.length;return this.resize(i+1),this.emplace(i,t,e,r,n)},e.prototype.emplace=function(t,e,r,n,i){var a=4*t;return this.float32[a+0]=e,this.float32[a+1]=r,this.float32[a+2]=n,this.float32[a+3]=i,t},e}(wi);Yi.prototype.bytesPerElement=16,Dn("StructArrayLayout4f16",Yi);var Wi=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e;var r={anchorPointX:{configurable:!0},anchorPointY:{configurable:!0},x1:{configurable:!0},y1:{configurable:!0},x2:{configurable:!0},y2:{configurable:!0},featureIndex:{configurable:!0},sourceLayerIndex:{configurable:!0},bucketIndex:{configurable:!0},anchorPoint:{configurable:!0}};return r.anchorPointX.get=function(){return this._structArray.int16[this._pos2+0]},r.anchorPointY.get=function(){return this._structArray.int16[this._pos2+1]},r.x1.get=function(){return this._structArray.int16[this._pos2+2]},r.y1.get=function(){return this._structArray.int16[this._pos2+3]},r.x2.get=function(){return this._structArray.int16[this._pos2+4]},r.y2.get=function(){return this._structArray.int16[this._pos2+5]},r.featureIndex.get=function(){return this._structArray.uint32[this._pos4+3]},r.sourceLayerIndex.get=function(){return this._structArray.uint16[this._pos2+8]},r.bucketIndex.get=function(){return this._structArray.uint16[this._pos2+9]},r.anchorPoint.get=function(){return new i(this.anchorPointX,this.anchorPointY)},Object.defineProperties(e.prototype,r),e}(_i);Wi.prototype.size=20;var Xi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.get=function(t){return new Wi(this,t)},e}(zi);Dn("CollisionBoxArray",Xi);var Zi=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e;var r={anchorX:{configurable:!0},anchorY:{configurable:!0},glyphStartIndex:{configurable:!0},numGlyphs:{configurable:!0},vertexStartIndex:{configurable:!0},lineStartIndex:{configurable:!0},lineLength:{configurable:!0},segment:{configurable:!0},lowerSize:{configurable:!0},upperSize:{configurable:!0},lineOffsetX:{configurable:!0},lineOffsetY:{configurable:!0},writingMode:{configurable:!0},placedOrientation:{configurable:!0},hidden:{configurable:!0},crossTileID:{configurable:!0},associatedIconIndex:{configurable:!0}};return r.anchorX.get=function(){return this._structArray.int16[this._pos2+0]},r.anchorY.get=function(){return this._structArray.int16[this._pos2+1]},r.glyphStartIndex.get=function(){return this._structArray.uint16[this._pos2+2]},r.numGlyphs.get=function(){return this._structArray.uint16[this._pos2+3]},r.vertexStartIndex.get=function(){return this._structArray.uint32[this._pos4+2]},r.lineStartIndex.get=function(){return this._structArray.uint32[this._pos4+3]},r.lineLength.get=function(){return this._structArray.uint32[this._pos4+4]},r.segment.get=function(){return this._structArray.uint16[this._pos2+10]},r.lowerSize.get=function(){return this._structArray.uint16[this._pos2+11]},r.upperSize.get=function(){return this._structArray.uint16[this._pos2+12]},r.lineOffsetX.get=function(){return this._structArray.float32[this._pos4+7]},r.lineOffsetY.get=function(){return this._structArray.float32[this._pos4+8]},r.writingMode.get=function(){return this._structArray.uint8[this._pos1+36]},r.placedOrientation.get=function(){return this._structArray.uint8[this._pos1+37]},r.placedOrientation.set=function(t){this._structArray.uint8[this._pos1+37]=t},r.hidden.get=function(){return this._structArray.uint8[this._pos1+38]},r.hidden.set=function(t){this._structArray.uint8[this._pos1+38]=t},r.crossTileID.get=function(){return this._structArray.uint32[this._pos4+10]},r.crossTileID.set=function(t){this._structArray.uint32[this._pos4+10]=t},r.associatedIconIndex.get=function(){return this._structArray.int16[this._pos2+22]},Object.defineProperties(e.prototype,r),e}(_i);Zi.prototype.size=48;var Ji=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.get=function(t){return new Zi(this,t)},e}(Bi);Dn("PlacedSymbolArray",Ji);var Ki=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e;var r={anchorX:{configurable:!0},anchorY:{configurable:!0},rightJustifiedTextSymbolIndex:{configurable:!0},centerJustifiedTextSymbolIndex:{configurable:!0},leftJustifiedTextSymbolIndex:{configurable:!0},verticalPlacedTextSymbolIndex:{configurable:!0},placedIconSymbolIndex:{configurable:!0},verticalPlacedIconSymbolIndex:{configurable:!0},key:{configurable:!0},textBoxStartIndex:{configurable:!0},textBoxEndIndex:{configurable:!0},verticalTextBoxStartIndex:{configurable:!0},verticalTextBoxEndIndex:{configurable:!0},iconBoxStartIndex:{configurable:!0},iconBoxEndIndex:{configurable:!0},verticalIconBoxStartIndex:{configurable:!0},verticalIconBoxEndIndex:{configurable:!0},featureIndex:{configurable:!0},numHorizontalGlyphVertices:{configurable:!0},numVerticalGlyphVertices:{configurable:!0},numIconVertices:{configurable:!0},numVerticalIconVertices:{configurable:!0},useRuntimeCollisionCircles:{configurable:!0},crossTileID:{configurable:!0},textBoxScale:{configurable:!0},textOffset0:{configurable:!0},textOffset1:{configurable:!0},collisionCircleDiameter:{configurable:!0}};return r.anchorX.get=function(){return this._structArray.int16[this._pos2+0]},r.anchorY.get=function(){return this._structArray.int16[this._pos2+1]},r.rightJustifiedTextSymbolIndex.get=function(){return this._structArray.int16[this._pos2+2]},r.centerJustifiedTextSymbolIndex.get=function(){return this._structArray.int16[this._pos2+3]},r.leftJustifiedTextSymbolIndex.get=function(){return this._structArray.int16[this._pos2+4]},r.verticalPlacedTextSymbolIndex.get=function(){return this._structArray.int16[this._pos2+5]},r.placedIconSymbolIndex.get=function(){return this._structArray.int16[this._pos2+6]},r.verticalPlacedIconSymbolIndex.get=function(){return this._structArray.int16[this._pos2+7]},r.key.get=function(){return this._structArray.uint16[this._pos2+8]},r.textBoxStartIndex.get=function(){return this._structArray.uint16[this._pos2+9]},r.textBoxEndIndex.get=function(){return this._structArray.uint16[this._pos2+10]},r.verticalTextBoxStartIndex.get=function(){return this._structArray.uint16[this._pos2+11]},r.verticalTextBoxEndIndex.get=function(){return this._structArray.uint16[this._pos2+12]},r.iconBoxStartIndex.get=function(){return this._structArray.uint16[this._pos2+13]},r.iconBoxEndIndex.get=function(){return this._structArray.uint16[this._pos2+14]},r.verticalIconBoxStartIndex.get=function(){return this._structArray.uint16[this._pos2+15]},r.verticalIconBoxEndIndex.get=function(){return this._structArray.uint16[this._pos2+16]},r.featureIndex.get=function(){return this._structArray.uint16[this._pos2+17]},r.numHorizontalGlyphVertices.get=function(){return this._structArray.uint16[this._pos2+18]},r.numVerticalGlyphVertices.get=function(){return this._structArray.uint16[this._pos2+19]},r.numIconVertices.get=function(){return this._structArray.uint16[this._pos2+20]},r.numVerticalIconVertices.get=function(){return this._structArray.uint16[this._pos2+21]},r.useRuntimeCollisionCircles.get=function(){return this._structArray.uint16[this._pos2+22]},r.crossTileID.get=function(){return this._structArray.uint32[this._pos4+12]},r.crossTileID.set=function(t){this._structArray.uint32[this._pos4+12]=t},r.textBoxScale.get=function(){return this._structArray.float32[this._pos4+13]},r.textOffset0.get=function(){return this._structArray.float32[this._pos4+14]},r.textOffset1.get=function(){return this._structArray.float32[this._pos4+15]},r.collisionCircleDiameter.get=function(){return this._structArray.float32[this._pos4+16]},Object.defineProperties(e.prototype,r),e}(_i);Ki.prototype.size=68;var Qi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.get=function(t){return new Ki(this,t)},e}(Ni);Dn("SymbolInstanceArray",Qi);var $i=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.getoffsetX=function(t){return this.float32[1*t+0]},e}(ji);Dn("GlyphOffsetArray",$i);var ta=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.getx=function(t){return this.int16[3*t+0]},e.prototype.gety=function(t){return this.int16[3*t+1]},e.prototype.gettileUnitDistanceFromAnchor=function(t){return this.int16[3*t+2]},e}(Ui);Dn("SymbolLineVertexArray",ta);var ea=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e;var r={featureIndex:{configurable:!0},sourceLayerIndex:{configurable:!0},bucketIndex:{configurable:!0}};return r.featureIndex.get=function(){return this._structArray.uint32[this._pos4+0]},r.sourceLayerIndex.get=function(){return this._structArray.uint16[this._pos2+2]},r.bucketIndex.get=function(){return this._structArray.uint16[this._pos2+3]},Object.defineProperties(e.prototype,r),e}(_i);ea.prototype.size=8;var ra=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.get=function(t){return new ea(this,t)},e}(Vi);Dn("FeatureIndexArray",ra);var na=Ti([{name:"a_pos",components:2,type:"Int16"}],4).members,ia=function(t){void 0===t&&(t=[]),this.segments=t};function aa(t,e){return 256*(t=l(Math.floor(t),0,255))+l(Math.floor(e),0,255)}ia.prototype.prepareSegment=function(t,e,r,n){var i=this.segments[this.segments.length-1];return t>ia.MAX_VERTEX_ARRAY_LENGTH&&_("Max vertices per segment is "+ia.MAX_VERTEX_ARRAY_LENGTH+": bucket requested "+t),(!i||i.vertexLength+t>ia.MAX_VERTEX_ARRAY_LENGTH||i.sortKey!==n)&&(i={vertexOffset:e.length,primitiveOffset:r.length,vertexLength:0,primitiveLength:0},void 0!==n&&(i.sortKey=n),this.segments.push(i)),i},ia.prototype.get=function(){return this.segments},ia.prototype.destroy=function(){for(var t=0,e=this.segments;t>>16)*o&65535)<<16)&4294967295)<<15|l>>>17))*s+(((l>>>16)*s&65535)<<16)&4294967295)<<13|i>>>19))+((5*(i>>>16)&65535)<<16)&4294967295))+((58964+(a>>>16)&65535)<<16);switch(l=0,r){case 3:l^=(255&t.charCodeAt(c+2))<<16;case 2:l^=(255&t.charCodeAt(c+1))<<8;case 1:i^=l=(65535&(l=(l=(65535&(l^=255&t.charCodeAt(c)))*o+(((l>>>16)*o&65535)<<16)&4294967295)<<15|l>>>17))*s+(((l>>>16)*s&65535)<<16)&4294967295}return i^=t.length,i=2246822507*(65535&(i^=i>>>16))+((2246822507*(i>>>16)&65535)<<16)&4294967295,i=3266489909*(65535&(i^=i>>>13))+((3266489909*(i>>>16)&65535)<<16)&4294967295,(i^=i>>>16)>>>0}})),la=e((function(t){t.exports=function(t,e){for(var r,n=t.length,i=e^n,a=0;n>=4;)r=1540483477*(65535&(r=255&t.charCodeAt(a)|(255&t.charCodeAt(++a))<<8|(255&t.charCodeAt(++a))<<16|(255&t.charCodeAt(++a))<<24))+((1540483477*(r>>>16)&65535)<<16),i=1540483477*(65535&i)+((1540483477*(i>>>16)&65535)<<16)^(r=1540483477*(65535&(r^=r>>>24))+((1540483477*(r>>>16)&65535)<<16)),n-=4,++a;switch(n){case 3:i^=(255&t.charCodeAt(a+2))<<16;case 2:i^=(255&t.charCodeAt(a+1))<<8;case 1:i=1540483477*(65535&(i^=255&t.charCodeAt(a)))+((1540483477*(i>>>16)&65535)<<16)}return i=1540483477*(65535&(i^=i>>>13))+((1540483477*(i>>>16)&65535)<<16),(i^=i>>>15)>>>0}})),ca=sa,ua=la;ca.murmur3=sa,ca.murmur2=ua;var fa=function(){this.ids=[],this.positions=[],this.indexed=!1};fa.prototype.add=function(t,e,r,n){this.ids.push(pa(t)),this.positions.push(e,r,n)},fa.prototype.getPositions=function(t){for(var e=pa(t),r=0,n=this.ids.length-1;r>1;this.ids[i]>=e?n=i:r=i+1}for(var a=[];this.ids[r]===e;)a.push({index:this.positions[3*r],start:this.positions[3*r+1],end:this.positions[3*r+2]}),r++;return a},fa.serialize=function(t,e){var r=new Float64Array(t.ids),n=new Uint32Array(t.positions);return function t(e,r,n,i){for(;n>1],o=n-1,s=i+1;;){do{o++}while(e[o]a);if(o>=s)break;da(e,o,s),da(r,3*o,3*s),da(r,3*o+1,3*s+1),da(r,3*o+2,3*s+2)}s-nOa.max||o.yOa.max)&&(_("Geometry exceeds allowed extent, reduce your vector tile buffer size"),o.x=l(o.x,Oa.min,Oa.max),o.y=l(o.y,Oa.min,Oa.max))}return r}function Ra(t,e,r,n,i){t.emplaceBack(2*e+(n+1)/2,2*r+(i+1)/2)}var Fa=function(t){this.zoom=t.zoom,this.overscaling=t.overscaling,this.layers=t.layers,this.layerIds=this.layers.map((function(t){return t.id})),this.index=t.index,this.hasPattern=!1,this.layoutVertexArray=new Mi,this.indexArray=new Fi,this.segments=new ia,this.programConfigurations=new Ia(na,t.layers,t.zoom),this.stateDependentLayerIds=this.layers.filter((function(t){return t.isStateDependent()})).map((function(t){return t.id}))};function Ba(t,e){for(var r=0;r1){if(Va(t,e))return!0;for(var n=0;n1?r:r.sub(e)._mult(i)._add(e))}function Ya(t,e){for(var r,n,i,a=!1,o=0;oe.y!=(i=r[l]).y>e.y&&e.x<(i.x-n.x)*(e.y-n.y)/(i.y-n.y)+n.x&&(a=!a);return a}function Wa(t,e){for(var r=!1,n=0,i=t.length-1;ne.y!=o.y>e.y&&e.x<(o.x-a.x)*(e.y-a.y)/(o.y-a.y)+a.x&&(r=!r)}return r}function Xa(t,e,r){var n=r[0],i=r[2];if(t.xi.x&&e.x>i.x||t.yi.y&&e.y>i.y)return!1;var a=w(t,e,r[0]);return a!==w(t,e,r[1])||a!==w(t,e,r[2])||a!==w(t,e,r[3])}function Za(t,e,r){var n=e.paint.get(t).value;return"constant"===n.kind?n.value:r.programConfigurations.get(e.id).getMaxValue(t)}function Ja(t){return Math.sqrt(t[0]*t[0]+t[1]*t[1])}function Ka(t,e,r,n,a){if(!e[0]&&!e[1])return t;var o=i.convert(e)._mult(a);"viewport"===r&&o._rotate(-n);for(var s=[],l=0;l=8192||u<0||u>=8192)){var f=this.segments.prepareSegment(4,this.layoutVertexArray,this.indexArray,t.sortKey),h=f.vertexLength;Ra(this.layoutVertexArray,c,u,-1,-1),Ra(this.layoutVertexArray,c,u,1,-1),Ra(this.layoutVertexArray,c,u,1,1),Ra(this.layoutVertexArray,c,u,-1,1),this.indexArray.emplaceBack(h,h+1,h+2),this.indexArray.emplaceBack(h,h+3,h+2),f.vertexLength+=4,f.primitiveLength+=2}}this.programConfigurations.populatePaintArrays(this.layoutVertexArray.length,t,r,{},n)},Dn("CircleBucket",Fa,{omit:["layers"]});var Qa=new yi({"circle-sort-key":new di(At.layout_circle["circle-sort-key"])}),$a={paint:new yi({"circle-radius":new di(At.paint_circle["circle-radius"]),"circle-color":new di(At.paint_circle["circle-color"]),"circle-blur":new di(At.paint_circle["circle-blur"]),"circle-opacity":new di(At.paint_circle["circle-opacity"]),"circle-translate":new pi(At.paint_circle["circle-translate"]),"circle-translate-anchor":new pi(At.paint_circle["circle-translate-anchor"]),"circle-pitch-scale":new pi(At.paint_circle["circle-pitch-scale"]),"circle-pitch-alignment":new pi(At.paint_circle["circle-pitch-alignment"]),"circle-stroke-width":new di(At.paint_circle["circle-stroke-width"]),"circle-stroke-color":new di(At.paint_circle["circle-stroke-color"]),"circle-stroke-opacity":new di(At.paint_circle["circle-stroke-opacity"])}),layout:Qa},to="undefined"!=typeof Float32Array?Float32Array:Array;function eo(t){return t[0]=1,t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[5]=1,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[10]=1,t[11]=0,t[12]=0,t[13]=0,t[14]=0,t[15]=1,t}function ro(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3],s=e[4],l=e[5],c=e[6],u=e[7],f=e[8],h=e[9],p=e[10],d=e[11],g=e[12],m=e[13],v=e[14],y=e[15],x=r[0],b=r[1],_=r[2],w=r[3];return t[0]=x*n+b*s+_*f+w*g,t[1]=x*i+b*l+_*h+w*m,t[2]=x*a+b*c+_*p+w*v,t[3]=x*o+b*u+_*d+w*y,t[4]=(x=r[4])*n+(b=r[5])*s+(_=r[6])*f+(w=r[7])*g,t[5]=x*i+b*l+_*h+w*m,t[6]=x*a+b*c+_*p+w*v,t[7]=x*o+b*u+_*d+w*y,t[8]=(x=r[8])*n+(b=r[9])*s+(_=r[10])*f+(w=r[11])*g,t[9]=x*i+b*l+_*h+w*m,t[10]=x*a+b*c+_*p+w*v,t[11]=x*o+b*u+_*d+w*y,t[12]=(x=r[12])*n+(b=r[13])*s+(_=r[14])*f+(w=r[15])*g,t[13]=x*i+b*l+_*h+w*m,t[14]=x*a+b*c+_*p+w*v,t[15]=x*o+b*u+_*d+w*y,t}Math.hypot||(Math.hypot=function(){for(var t=arguments,e=0,r=arguments.length;r--;)e+=t[r]*t[r];return Math.sqrt(e)});var no,io=ro;function ao(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3];return t[0]=r[0]*n+r[4]*i+r[8]*a+r[12]*o,t[1]=r[1]*n+r[5]*i+r[9]*a+r[13]*o,t[2]=r[2]*n+r[6]*i+r[10]*a+r[14]*o,t[3]=r[3]*n+r[7]*i+r[11]*a+r[15]*o,t}no=new to(3),to!=Float32Array&&(no[0]=0,no[1]=0,no[2]=0),function(){var t=new to(4);to!=Float32Array&&(t[0]=0,t[1]=0,t[2]=0,t[3]=0)}();var oo=(function(){var t=new to(2);to!=Float32Array&&(t[0]=0,t[1]=0)}(),function(t){function e(e){t.call(this,e,$a)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.createBucket=function(t){return new Fa(t)},e.prototype.queryRadius=function(t){var e=t;return Za("circle-radius",this,e)+Za("circle-stroke-width",this,e)+Ja(this.paint.get("circle-translate"))},e.prototype.queryIntersectsFeature=function(t,e,r,n,i,a,o,s){for(var l=Ka(t,this.paint.get("circle-translate"),this.paint.get("circle-translate-anchor"),a.angle,o),c=this.paint.get("circle-radius").evaluate(e,r)+this.paint.get("circle-stroke-width").evaluate(e,r),u="map"===this.paint.get("circle-pitch-alignment"),f=u?l:function(t,e){return t.map((function(t){return so(t,e)}))}(l,s),h=u?c*o:c,p=0,d=n;pt.width||i.height>t.height||r.x>t.width-i.width||r.y>t.height-i.height)throw new RangeError("out of range source coordinates for image copy");if(i.width>e.width||i.height>e.height||n.x>e.width-i.width||n.y>e.height-i.height)throw new RangeError("out of range destination coordinates for image copy");for(var o=t.data,s=e.data,l=0;l80*r){n=a=t[0],i=o=t[1];for(var d=r;da&&(a=s),l>o&&(o=l);c=0!==(c=Math.max(a-n,o-i))?1/c:0}return Ao(h,p,r,n,i,c),p}function ko(t,e,r,n,i){var a,o;if(i===Xo(t,e,r,n)>0)for(a=e;a=e;a-=n)o=Go(a,t[a],t[a+1],o);return o&&No(o,o.next)&&(Yo(o),o=o.next),o}function Mo(t,e){if(!t)return t;e||(e=t);var r,n=t;do{if(r=!1,n.steiner||!No(n,n.next)&&0!==Bo(n.prev,n,n.next))n=n.next;else{if(Yo(n),(n=e=n.prev)===n.next)break;r=!0}}while(r||n!==e);return e}function Ao(t,e,r,n,i,a,o){if(t){!o&&a&&function(t,e,r,n){var i=t;do{null===i.z&&(i.z=Oo(i.x,i.y,e,r,n)),i.prevZ=i.prev,i.nextZ=i.next,i=i.next}while(i!==t);i.prevZ.nextZ=null,i.prevZ=null,function(t){var e,r,n,i,a,o,s,l,c=1;do{for(r=t,t=null,a=null,o=0;r;){for(o++,n=r,s=0,e=0;e0||l>0&&n;)0!==s&&(0===l||!n||r.z<=n.z)?(i=r,r=r.nextZ,s--):(i=n,n=n.nextZ,l--),a?a.nextZ=i:t=i,i.prevZ=a,a=i;r=n}a.nextZ=null,c*=2}while(o>1)}(i)}(t,n,i,a);for(var s,l,c=t;t.prev!==t.next;)if(s=t.prev,l=t.next,a?Eo(t,n,i,a):So(t))e.push(s.i/r),e.push(t.i/r),e.push(l.i/r),Yo(t),t=l.next,c=l.next;else if((t=l)===c){o?1===o?Ao(t=Co(Mo(t),e,r),e,r,n,i,a,2):2===o&&Lo(t,e,r,n,i,a):Ao(Mo(t),e,r,n,i,a,1);break}}}function So(t){var e=t.prev,r=t,n=t.next;if(Bo(e,r,n)>=0)return!1;for(var i=t.next.next;i!==t.prev;){if(Ro(e.x,e.y,r.x,r.y,n.x,n.y,i.x,i.y)&&Bo(i.prev,i,i.next)>=0)return!1;i=i.next}return!0}function Eo(t,e,r,n){var i=t.prev,a=t,o=t.next;if(Bo(i,a,o)>=0)return!1;for(var s=i.x>a.x?i.x>o.x?i.x:o.x:a.x>o.x?a.x:o.x,l=i.y>a.y?i.y>o.y?i.y:o.y:a.y>o.y?a.y:o.y,c=Oo(i.x=c&&h&&h.z<=u;){if(f!==t.prev&&f!==t.next&&Ro(i.x,i.y,a.x,a.y,o.x,o.y,f.x,f.y)&&Bo(f.prev,f,f.next)>=0)return!1;if(f=f.prevZ,h!==t.prev&&h!==t.next&&Ro(i.x,i.y,a.x,a.y,o.x,o.y,h.x,h.y)&&Bo(h.prev,h,h.next)>=0)return!1;h=h.nextZ}for(;f&&f.z>=c;){if(f!==t.prev&&f!==t.next&&Ro(i.x,i.y,a.x,a.y,o.x,o.y,f.x,f.y)&&Bo(f.prev,f,f.next)>=0)return!1;f=f.prevZ}for(;h&&h.z<=u;){if(h!==t.prev&&h!==t.next&&Ro(i.x,i.y,a.x,a.y,o.x,o.y,h.x,h.y)&&Bo(h.prev,h,h.next)>=0)return!1;h=h.nextZ}return!0}function Co(t,e,r){var n=t;do{var i=n.prev,a=n.next.next;!No(i,a)&&jo(i,n,n.next,a)&&qo(i,a)&&qo(a,i)&&(e.push(i.i/r),e.push(n.i/r),e.push(a.i/r),Yo(n),Yo(n.next),n=t=a),n=n.next}while(n!==t);return Mo(n)}function Lo(t,e,r,n,i,a){var o=t;do{for(var s=o.next.next;s!==o.prev;){if(o.i!==s.i&&Fo(o,s)){var l=Ho(o,s);return o=Mo(o,o.next),l=Mo(l,l.next),Ao(o,e,r,n,i,a),void Ao(l,e,r,n,i,a)}s=s.next}o=o.next}while(o!==t)}function Io(t,e){return t.x-e.x}function Po(t,e){if(e=function(t,e){var r,n=e,i=t.x,a=t.y,o=-1/0;do{if(a<=n.y&&a>=n.next.y&&n.next.y!==n.y){var s=n.x+(a-n.y)*(n.next.x-n.x)/(n.next.y-n.y);if(s<=i&&s>o){if(o=s,s===i){if(a===n.y)return n;if(a===n.next.y)return n.next}r=n.x=n.x&&n.x>=u&&i!==n.x&&Ro(ar.x||n.x===r.x&&zo(r,n)))&&(r=n,h=l)),n=n.next}while(n!==c);return r}(t,e)){var r=Ho(e,t);Mo(e,e.next),Mo(r,r.next)}}function zo(t,e){return Bo(t.prev,t,e.prev)<0&&Bo(e.next,t,t.next)<0}function Oo(t,e,r,n,i){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t=32767*(t-r)*i)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e=32767*(e-n)*i)|e<<8))|e<<4))|e<<2))|e<<1))<<1}function Do(t){var e=t,r=t;do{(e.x=0&&(t-o)*(n-s)-(r-o)*(e-s)>=0&&(r-o)*(a-s)-(i-o)*(n-s)>=0}function Fo(t,e){return t.next.i!==e.i&&t.prev.i!==e.i&&!function(t,e){var r=t;do{if(r.i!==t.i&&r.next.i!==t.i&&r.i!==e.i&&r.next.i!==e.i&&jo(r,r.next,t,e))return!0;r=r.next}while(r!==t);return!1}(t,e)&&(qo(t,e)&&qo(e,t)&&function(t,e){var r=t,n=!1,i=(t.x+e.x)/2,a=(t.y+e.y)/2;do{r.y>a!=r.next.y>a&&r.next.y!==r.y&&i<(r.next.x-r.x)*(a-r.y)/(r.next.y-r.y)+r.x&&(n=!n),r=r.next}while(r!==t);return n}(t,e)&&(Bo(t.prev,t,e.prev)||Bo(t,e.prev,e))||No(t,e)&&Bo(t.prev,t,t.next)>0&&Bo(e.prev,e,e.next)>0)}function Bo(t,e,r){return(e.y-t.y)*(r.x-e.x)-(e.x-t.x)*(r.y-e.y)}function No(t,e){return t.x===e.x&&t.y===e.y}function jo(t,e,r,n){var i=Vo(Bo(t,e,r)),a=Vo(Bo(t,e,n)),o=Vo(Bo(r,n,t)),s=Vo(Bo(r,n,e));return i!==a&&o!==s||!(0!==i||!Uo(t,r,e))||!(0!==a||!Uo(t,n,e))||!(0!==o||!Uo(r,t,n))||!(0!==s||!Uo(r,e,n))}function Uo(t,e,r){return e.x<=Math.max(t.x,r.x)&&e.x>=Math.min(t.x,r.x)&&e.y<=Math.max(t.y,r.y)&&e.y>=Math.min(t.y,r.y)}function Vo(t){return t>0?1:t<0?-1:0}function qo(t,e){return Bo(t.prev,t,t.next)<0?Bo(t,e,t.next)>=0&&Bo(t,t.prev,e)>=0:Bo(t,e,t.prev)<0||Bo(t,t.next,e)<0}function Ho(t,e){var r=new Wo(t.i,t.x,t.y),n=new Wo(e.i,e.x,e.y),i=t.next,a=e.prev;return t.next=e,e.prev=t,r.next=i,i.prev=r,n.next=r,r.prev=n,a.next=n,n.prev=a,n}function Go(t,e,r,n){var i=new Wo(t,e,r);return n?(i.next=n.next,i.prev=n,n.next.prev=i,n.next=i):(i.prev=i,i.next=i),i}function Yo(t){t.next.prev=t.prev,t.prev.next=t.next,t.prevZ&&(t.prevZ.nextZ=t.nextZ),t.nextZ&&(t.nextZ.prevZ=t.prevZ)}function Wo(t,e,r){this.i=t,this.x=e,this.y=r,this.prev=null,this.next=null,this.z=null,this.prevZ=null,this.nextZ=null,this.steiner=!1}function Xo(t,e,r,n){for(var i=0,a=e,o=r-n;an;){if(i-n>600){var o=i-n+1,s=r-n+1,l=Math.log(o),c=.5*Math.exp(2*l/3),u=.5*Math.sqrt(l*c*(o-c)/o)*(s-o/2<0?-1:1);t(e,r,Math.max(n,Math.floor(r-s*c/o+u)),Math.min(i,Math.floor(r+(o-s)*c/o+u)),a)}var f=e[r],h=n,p=i;for(Jo(e,n,r),a(e[i],f)>0&&Jo(e,n,i);h0;)p--}0===a(e[n],f)?Jo(e,n,p):Jo(e,++p,i),p<=r&&(n=p+1),r<=p&&(i=p-1)}}(t,e,r||0,n||t.length-1,i||Ko)}function Jo(t,e,r){var n=t[e];t[e]=t[r],t[r]=n}function Ko(t,e){return te?1:0}function Qo(t,e){var r=t.length;if(r<=1)return[t];for(var n,i,a=[],o=0;o1)for(var l=0;l0&&r.holes.push(n+=t[i-1].length)}return r},_o.default=wo;var rs=function(t){this.zoom=t.zoom,this.overscaling=t.overscaling,this.layers=t.layers,this.layerIds=this.layers.map((function(t){return t.id})),this.index=t.index,this.hasPattern=!1,this.patternFeatures=[],this.layoutVertexArray=new Mi,this.indexArray=new Fi,this.indexArray2=new qi,this.programConfigurations=new Ia(bo,t.layers,t.zoom),this.segments=new ia,this.segments2=new ia,this.stateDependentLayerIds=this.layers.filter((function(t){return t.isStateDependent()})).map((function(t){return t.id}))};rs.prototype.populate=function(t,e,r){this.hasPattern=ts("fill",this.layers,e);for(var n=this.layers[0].layout.get("fill-sort-key"),i=[],a=0,o=t;a>3}if(a--,1===n||2===n)o+=t.readSVarint(),s+=t.readSVarint(),1===n&&(e&&l.push(e),e=[]),e.push(new i(o,s));else{if(7!==n)throw new Error("unknown command "+n);e&&e.push(e[0].clone())}}return e&&l.push(e),l},ls.prototype.bbox=function(){var t=this._pbf;t.pos=this._geometry;for(var e=t.readVarint()+t.pos,r=1,n=0,i=0,a=0,o=1/0,s=-1/0,l=1/0,c=-1/0;t.pos>3}if(n--,1===r||2===r)(i+=t.readSVarint())s&&(s=i),(a+=t.readSVarint())c&&(c=a);else if(7!==r)throw new Error("unknown command "+r)}return[o,l,s,c]},ls.prototype.toGeoJSON=function(t,e,r){var n,i,a=this.extent*Math.pow(2,r),o=this.extent*t,s=this.extent*e,l=this.loadGeometry(),c=ls.types[this.type];function u(t){for(var e=0;e>3;e=1===n?t.readString():2===n?t.readFloat():3===n?t.readDouble():4===n?t.readVarint64():5===n?t.readVarint():6===n?t.readSVarint():7===n?t.readBoolean():null}return e}(r))}function ds(t,e,r){if(3===t){var n=new fs(r,r.readVarint()+r.pos);n.length&&(e[n.name]=n)}}hs.prototype.feature=function(t){if(t<0||t>=this._features.length)throw new Error("feature index out of bounds");this._pbf.pos=this._features[t];var e=this._pbf.readVarint()+this._pbf.pos;return new ss(this._pbf,e,this.extent,this._keys,this._values)};var gs={VectorTile:function(t,e){this.layers=t.readFields(ds,{},e)},VectorTileFeature:ss,VectorTileLayer:fs},ms=gs.VectorTileFeature.types,vs=Math.pow(2,13);function ys(t,e,r,n,i,a,o,s){t.emplaceBack(e,r,2*Math.floor(n*vs)+o,i*vs*2,a*vs*2,Math.round(s))}var xs=function(t){this.zoom=t.zoom,this.overscaling=t.overscaling,this.layers=t.layers,this.layerIds=this.layers.map((function(t){return t.id})),this.index=t.index,this.hasPattern=!1,this.layoutVertexArray=new Si,this.indexArray=new Fi,this.programConfigurations=new Ia(os,t.layers,t.zoom),this.segments=new ia,this.stateDependentLayerIds=this.layers.filter((function(t){return t.isStateDependent()})).map((function(t){return t.id}))};function bs(t,e){return t.x===e.x&&(t.x<0||t.x>8192)||t.y===e.y&&(t.y<0||t.y>8192)}xs.prototype.populate=function(t,e,r){this.features=[],this.hasPattern=ts("fill-extrusion",this.layers,e);for(var n=0,i=t;n8192}))||P.every((function(t){return t.y<0}))||P.every((function(t){return t.y>8192}))))for(var g=0,m=0;m=1){var y=d[m-1];if(!bs(v,y)){f.vertexLength+4>ia.MAX_VERTEX_ARRAY_LENGTH&&(f=this.segments.prepareSegment(4,this.layoutVertexArray,this.indexArray));var x=v.sub(y)._perp()._unit(),b=y.dist(v);g+b>32768&&(g=0),ys(this.layoutVertexArray,v.x,v.y,x.x,x.y,0,0,g),ys(this.layoutVertexArray,v.x,v.y,x.x,x.y,0,1,g),ys(this.layoutVertexArray,y.x,y.y,x.x,x.y,0,0,g+=b),ys(this.layoutVertexArray,y.x,y.y,x.x,x.y,0,1,g);var _=f.vertexLength;this.indexArray.emplaceBack(_,_+2,_+1),this.indexArray.emplaceBack(_+1,_+2,_+3),f.vertexLength+=4,f.primitiveLength+=2}}}}if(f.vertexLength+l>ia.MAX_VERTEX_ARRAY_LENGTH&&(f=this.segments.prepareSegment(l,this.layoutVertexArray,this.indexArray)),"Polygon"===ms[t.type]){for(var w=[],T=[],k=f.vertexLength,M=0,A=s;M=2&&t[l-1].equals(t[l-2]);)l--;for(var c=0;c0;if(T&&v>c){var M=u.dist(p);if(M>2*f){var A=u.sub(u.sub(p)._mult(f/M)._round());this.updateDistance(p,A),this.addCurrentVertex(A,g,0,0,h),p=A}}var S=p&&d,E=S?r:s?"butt":n;if(S&&"round"===E&&(_i&&(E="bevel"),"bevel"===E&&(_>2&&(E="flipbevel"),_100)y=m.mult(-1);else{var C=_*g.add(m).mag()/g.sub(m).mag();y._perp()._mult(C*(k?-1:1))}this.addCurrentVertex(u,y,0,0,h),this.addCurrentVertex(u,y.mult(-1),0,0,h)}else if("bevel"===E||"fakeround"===E){var L=-Math.sqrt(_*_-1),I=k?L:0,P=k?0:L;if(p&&this.addCurrentVertex(u,g,I,P,h),"fakeround"===E)for(var z=Math.round(180*w/Math.PI/20),O=1;O2*f){var j=u.add(d.sub(u)._mult(f/N)._round());this.updateDistance(u,j),this.addCurrentVertex(j,m,0,0,h),u=j}}}}},Cs.prototype.addCurrentVertex=function(t,e,r,n,i,a){void 0===a&&(a=!1);var o=e.y*n-e.x,s=-e.y-e.x*n;this.addHalfVertex(t,e.x+e.y*r,e.y-e.x*r,a,!1,r,i),this.addHalfVertex(t,o,s,a,!0,-n,i),this.distance>Es/2&&0===this.totalDistance&&(this.distance=0,this.addCurrentVertex(t,e,r,n,i,a))},Cs.prototype.addHalfVertex=function(t,e,r,n,i,a,o){var s=.5*this.scaledDistance;this.layoutVertexArray.emplaceBack((t.x<<1)+(n?1:0),(t.y<<1)+(i?1:0),Math.round(63*e)+128,Math.round(63*r)+128,1+(0===a?0:a<0?-1:1)|(63&s)<<2,s>>6);var l=o.vertexLength++;this.e1>=0&&this.e2>=0&&(this.indexArray.emplaceBack(this.e1,this.e2,l),o.primitiveLength++),i?this.e2=l:this.e1=l},Cs.prototype.updateScaledDistance=function(){this.scaledDistance=this.totalDistance>0?(this.clipStart+(this.clipEnd-this.clipStart)*this.distance/this.totalDistance)*(Es-1):this.distance},Cs.prototype.updateDistance=function(t,e){this.distance+=t.dist(e),this.updateScaledDistance()},Dn("LineBucket",Cs,{omit:["layers","patternFeatures"]});var Ls=new yi({"line-cap":new pi(At.layout_line["line-cap"]),"line-join":new di(At.layout_line["line-join"]),"line-miter-limit":new pi(At.layout_line["line-miter-limit"]),"line-round-limit":new pi(At.layout_line["line-round-limit"]),"line-sort-key":new di(At.layout_line["line-sort-key"])}),Is={paint:new yi({"line-opacity":new di(At.paint_line["line-opacity"]),"line-color":new di(At.paint_line["line-color"]),"line-translate":new pi(At.paint_line["line-translate"]),"line-translate-anchor":new pi(At.paint_line["line-translate-anchor"]),"line-width":new di(At.paint_line["line-width"]),"line-gap-width":new di(At.paint_line["line-gap-width"]),"line-offset":new di(At.paint_line["line-offset"]),"line-blur":new di(At.paint_line["line-blur"]),"line-dasharray":new mi(At.paint_line["line-dasharray"]),"line-pattern":new gi(At.paint_line["line-pattern"]),"line-gradient":new vi(At.paint_line["line-gradient"])}),layout:Ls},Ps=new(function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.possiblyEvaluate=function(e,r){return r=new ii(Math.floor(r.zoom),{now:r.now,fadeDuration:r.fadeDuration,zoomHistory:r.zoomHistory,transition:r.transition}),t.prototype.possiblyEvaluate.call(this,e,r)},e.prototype.evaluate=function(e,r,n,i){return r=u({},r,{zoom:Math.floor(r.zoom)}),t.prototype.evaluate.call(this,e,r,n,i)},e}(di))(Is.paint.properties["line-width"].specification);Ps.useIntegerZoom=!0;var zs=function(t){function e(e){t.call(this,e,Is)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._handleSpecialPaintPropertyUpdate=function(t){"line-gradient"===t&&this._updateGradient()},e.prototype._updateGradient=function(){this.gradient=mo(this._transitionablePaint._values["line-gradient"].value.expression,"lineProgress"),this.gradientTexture=null},e.prototype.recalculate=function(e,r){t.prototype.recalculate.call(this,e,r),this.paint._values["line-floorwidth"]=Ps.possiblyEvaluate(this._transitioningPaint._values["line-width"].value,e)},e.prototype.createBucket=function(t){return new Cs(t)},e.prototype.queryRadius=function(t){var e=t,r=Os(Za("line-width",this,e),Za("line-gap-width",this,e)),n=Za("line-offset",this,e);return r/2+Math.abs(n)+Ja(this.paint.get("line-translate"))},e.prototype.queryIntersectsFeature=function(t,e,r,n,a,o,s){var l=Ka(t,this.paint.get("line-translate"),this.paint.get("line-translate-anchor"),o.angle,s),c=s/2*Os(this.paint.get("line-width").evaluate(e,r),this.paint.get("line-gap-width").evaluate(e,r)),u=this.paint.get("line-offset").evaluate(e,r);return u&&(n=function(t,e){for(var r=[],n=new i(0,0),a=0;a=3)for(var a=0;a0?e+2*t:t}var Ds=Ti([{name:"a_pos_offset",components:4,type:"Int16"},{name:"a_data",components:4,type:"Uint16"},{name:"a_pixeloffset",components:4,type:"Int16"}],4),Rs=Ti([{name:"a_projected_pos",components:3,type:"Float32"}],4),Fs=(Ti([{name:"a_fade_opacity",components:1,type:"Uint32"}],4),Ti([{name:"a_placed",components:2,type:"Uint8"},{name:"a_shift",components:2,type:"Float32"}])),Bs=(Ti([{type:"Int16",name:"anchorPointX"},{type:"Int16",name:"anchorPointY"},{type:"Int16",name:"x1"},{type:"Int16",name:"y1"},{type:"Int16",name:"x2"},{type:"Int16",name:"y2"},{type:"Uint32",name:"featureIndex"},{type:"Uint16",name:"sourceLayerIndex"},{type:"Uint16",name:"bucketIndex"}]),Ti([{name:"a_pos",components:2,type:"Int16"},{name:"a_anchor_pos",components:2,type:"Int16"},{name:"a_extrude",components:2,type:"Int16"}],4)),Ns=Ti([{name:"a_pos",components:2,type:"Float32"},{name:"a_radius",components:1,type:"Float32"},{name:"a_flags",components:2,type:"Int16"}],4);function js(t,e,r){return t.sections.forEach((function(t){t.text=function(t,e,r){var n=e.layout.get("text-transform").evaluate(r,{});return"uppercase"===n?t=t.toLocaleUpperCase():"lowercase"===n&&(t=t.toLocaleLowerCase()),ni.applyArabicShaping&&(t=ni.applyArabicShaping(t)),t}(t.text,e,r)})),t}Ti([{name:"triangle",components:3,type:"Uint16"}]),Ti([{type:"Int16",name:"anchorX"},{type:"Int16",name:"anchorY"},{type:"Uint16",name:"glyphStartIndex"},{type:"Uint16",name:"numGlyphs"},{type:"Uint32",name:"vertexStartIndex"},{type:"Uint32",name:"lineStartIndex"},{type:"Uint32",name:"lineLength"},{type:"Uint16",name:"segment"},{type:"Uint16",name:"lowerSize"},{type:"Uint16",name:"upperSize"},{type:"Float32",name:"lineOffsetX"},{type:"Float32",name:"lineOffsetY"},{type:"Uint8",name:"writingMode"},{type:"Uint8",name:"placedOrientation"},{type:"Uint8",name:"hidden"},{type:"Uint32",name:"crossTileID"},{type:"Int16",name:"associatedIconIndex"}]),Ti([{type:"Int16",name:"anchorX"},{type:"Int16",name:"anchorY"},{type:"Int16",name:"rightJustifiedTextSymbolIndex"},{type:"Int16",name:"centerJustifiedTextSymbolIndex"},{type:"Int16",name:"leftJustifiedTextSymbolIndex"},{type:"Int16",name:"verticalPlacedTextSymbolIndex"},{type:"Int16",name:"placedIconSymbolIndex"},{type:"Int16",name:"verticalPlacedIconSymbolIndex"},{type:"Uint16",name:"key"},{type:"Uint16",name:"textBoxStartIndex"},{type:"Uint16",name:"textBoxEndIndex"},{type:"Uint16",name:"verticalTextBoxStartIndex"},{type:"Uint16",name:"verticalTextBoxEndIndex"},{type:"Uint16",name:"iconBoxStartIndex"},{type:"Uint16",name:"iconBoxEndIndex"},{type:"Uint16",name:"verticalIconBoxStartIndex"},{type:"Uint16",name:"verticalIconBoxEndIndex"},{type:"Uint16",name:"featureIndex"},{type:"Uint16",name:"numHorizontalGlyphVertices"},{type:"Uint16",name:"numVerticalGlyphVertices"},{type:"Uint16",name:"numIconVertices"},{type:"Uint16",name:"numVerticalIconVertices"},{type:"Uint16",name:"useRuntimeCollisionCircles"},{type:"Uint32",name:"crossTileID"},{type:"Float32",name:"textBoxScale"},{type:"Float32",components:2,name:"textOffset"},{type:"Float32",name:"collisionCircleDiameter"}]),Ti([{type:"Float32",name:"offsetX"}]),Ti([{type:"Int16",name:"x"},{type:"Int16",name:"y"},{type:"Int16",name:"tileUnitDistanceFromAnchor"}]);var Us={"!":"\ufe15","#":"\uff03",$:"\uff04","%":"\uff05","&":"\uff06","(":"\ufe35",")":"\ufe36","*":"\uff0a","+":"\uff0b",",":"\ufe10","-":"\ufe32",".":"\u30fb","/":"\uff0f",":":"\ufe13",";":"\ufe14","<":"\ufe3f","=":"\uff1d",">":"\ufe40","?":"\ufe16","@":"\uff20","[":"\ufe47","\\":"\uff3c","]":"\ufe48","^":"\uff3e",_:"\ufe33","`":"\uff40","{":"\ufe37","|":"\u2015","}":"\ufe38","~":"\uff5e","\xa2":"\uffe0","\xa3":"\uffe1","\xa5":"\uffe5","\xa6":"\uffe4","\xac":"\uffe2","\xaf":"\uffe3","\u2013":"\ufe32","\u2014":"\ufe31","\u2018":"\ufe43","\u2019":"\ufe44","\u201c":"\ufe41","\u201d":"\ufe42","\u2026":"\ufe19","\u2027":"\u30fb","\u20a9":"\uffe6","\u3001":"\ufe11","\u3002":"\ufe12","\u3008":"\ufe3f","\u3009":"\ufe40","\u300a":"\ufe3d","\u300b":"\ufe3e","\u300c":"\ufe41","\u300d":"\ufe42","\u300e":"\ufe43","\u300f":"\ufe44","\u3010":"\ufe3b","\u3011":"\ufe3c","\u3014":"\ufe39","\u3015":"\ufe3a","\u3016":"\ufe17","\u3017":"\ufe18","\uff01":"\ufe15","\uff08":"\ufe35","\uff09":"\ufe36","\uff0c":"\ufe10","\uff0d":"\ufe32","\uff0e":"\u30fb","\uff1a":"\ufe13","\uff1b":"\ufe14","\uff1c":"\ufe3f","\uff1e":"\ufe40","\uff1f":"\ufe16","\uff3b":"\ufe47","\uff3d":"\ufe48","\uff3f":"\ufe33","\uff5b":"\ufe37","\uff5c":"\u2015","\uff5d":"\ufe38","\uff5f":"\ufe35","\uff60":"\ufe36","\uff61":"\ufe12","\uff62":"\ufe41","\uff63":"\ufe42"},Vs=function(t,e,r,n,i){var a,o,s=8*i-n-1,l=(1<>1,u=-7,f=r?i-1:0,h=r?-1:1,p=t[e+f];for(f+=h,a=p&(1<<-u)-1,p>>=-u,u+=s;u>0;a=256*a+t[e+f],f+=h,u-=8);for(o=a&(1<<-u)-1,a>>=-u,u+=n;u>0;o=256*o+t[e+f],f+=h,u-=8);if(0===a)a=1-c;else{if(a===l)return o?NaN:1/0*(p?-1:1);o+=Math.pow(2,n),a-=c}return(p?-1:1)*o*Math.pow(2,a-n)},qs=function(t,e,r,n,i,a){var o,s,l,c=8*a-i-1,u=(1<>1,h=23===i?Math.pow(2,-24)-Math.pow(2,-77):0,p=n?0:a-1,d=n?1:-1,g=e<0||0===e&&1/e<0?1:0;for(e=Math.abs(e),isNaN(e)||e===1/0?(s=isNaN(e)?1:0,o=u):(o=Math.floor(Math.log(e)/Math.LN2),e*(l=Math.pow(2,-o))<1&&(o--,l*=2),(e+=o+f>=1?h/l:h*Math.pow(2,1-f))*l>=2&&(o++,l/=2),o+f>=u?(s=0,o=u):o+f>=1?(s=(e*l-1)*Math.pow(2,i),o+=f):(s=e*Math.pow(2,f-1)*Math.pow(2,i),o=0));i>=8;t[r+p]=255&s,p+=d,s/=256,i-=8);for(o=o<0;t[r+p]=255&o,p+=d,o/=256,c-=8);t[r+p-d]|=128*g},Hs=Gs;function Gs(t){this.buf=ArrayBuffer.isView&&ArrayBuffer.isView(t)?t:new Uint8Array(t||0),this.pos=0,this.type=0,this.length=this.buf.length}Gs.Varint=0,Gs.Fixed64=1,Gs.Bytes=2,Gs.Fixed32=5;var Ys="undefined"==typeof TextDecoder?null:new TextDecoder("utf8");function Ws(t){return t.type===Gs.Bytes?t.readVarint()+t.pos:t.pos+1}function Xs(t,e,r){return r?4294967296*e+(t>>>0):4294967296*(e>>>0)+(t>>>0)}function Zs(t,e,r){var n=e<=16383?1:e<=2097151?2:e<=268435455?3:Math.floor(Math.log(e)/(7*Math.LN2));r.realloc(n);for(var i=r.pos-1;i>=t;i--)r.buf[i+n]=r.buf[i]}function Js(t,e){for(var r=0;r>>8,t[r+2]=e>>>16,t[r+3]=e>>>24}function sl(t,e){return(t[e]|t[e+1]<<8|t[e+2]<<16)+(t[e+3]<<24)}function ll(t,e,r){1===t&&r.readMessage(cl,e)}function cl(t,e,r){if(3===t){var n=r.readMessage(ul,{}),i=n.width,a=n.height,o=n.left,s=n.top,l=n.advance;e.push({id:n.id,bitmap:new ho({width:i+6,height:a+6},n.bitmap),metrics:{width:i,height:a,left:o,top:s,advance:l}})}}function ul(t,e,r){1===t?e.id=r.readVarint():2===t?e.bitmap=r.readBytes():3===t?e.width=r.readVarint():4===t?e.height=r.readVarint():5===t?e.left=r.readSVarint():6===t?e.top=r.readSVarint():7===t&&(e.advance=r.readVarint())}function fl(t){for(var e=0,r=0,n=0,i=t;n=0;h--){var p=o[h];if(!(f.w>p.w||f.h>p.h)){if(f.x=p.x,f.y=p.y,l=Math.max(l,f.y+f.h),s=Math.max(s,f.x+f.w),f.w===p.w&&f.h===p.h){var d=o.pop();h>3,a=this.pos;this.type=7&n,t(i,e,this),this.pos===a&&this.skip(n)}return e},readMessage:function(t,e){return this.readFields(t,e,this.readVarint()+this.pos)},readFixed32:function(){var t=al(this.buf,this.pos);return this.pos+=4,t},readSFixed32:function(){var t=sl(this.buf,this.pos);return this.pos+=4,t},readFixed64:function(){var t=al(this.buf,this.pos)+4294967296*al(this.buf,this.pos+4);return this.pos+=8,t},readSFixed64:function(){var t=al(this.buf,this.pos)+4294967296*sl(this.buf,this.pos+4);return this.pos+=8,t},readFloat:function(){var t=Vs(this.buf,this.pos,!0,23,4);return this.pos+=4,t},readDouble:function(){var t=Vs(this.buf,this.pos,!0,52,8);return this.pos+=8,t},readVarint:function(t){var e,r,n=this.buf;return e=127&(r=n[this.pos++]),r<128?e:(e|=(127&(r=n[this.pos++]))<<7,r<128?e:(e|=(127&(r=n[this.pos++]))<<14,r<128?e:(e|=(127&(r=n[this.pos++]))<<21,r<128?e:function(t,e,r){var n,i,a=r.buf;if(n=(112&(i=a[r.pos++]))>>4,i<128)return Xs(t,n,e);if(n|=(127&(i=a[r.pos++]))<<3,i<128)return Xs(t,n,e);if(n|=(127&(i=a[r.pos++]))<<10,i<128)return Xs(t,n,e);if(n|=(127&(i=a[r.pos++]))<<17,i<128)return Xs(t,n,e);if(n|=(127&(i=a[r.pos++]))<<24,i<128)return Xs(t,n,e);if(n|=(1&(i=a[r.pos++]))<<31,i<128)return Xs(t,n,e);throw new Error("Expected varint not more than 10 bytes")}(e|=(15&(r=n[this.pos]))<<28,t,this))))},readVarint64:function(){return this.readVarint(!0)},readSVarint:function(){var t=this.readVarint();return t%2==1?(t+1)/-2:t/2},readBoolean:function(){return Boolean(this.readVarint())},readString:function(){var t=this.readVarint()+this.pos,e=this.pos;return this.pos=t,t-e>=12&&Ys?function(t,e,r){return Ys.decode(t.subarray(e,r))}(this.buf,e,t):function(t,e,r){for(var n="",i=e;i239?4:l>223?3:l>191?2:1;if(i+u>r)break;1===u?l<128&&(c=l):2===u?128==(192&(a=t[i+1]))&&(c=(31&l)<<6|63&a)<=127&&(c=null):3===u?(o=t[i+2],128==(192&(a=t[i+1]))&&128==(192&o)&&((c=(15&l)<<12|(63&a)<<6|63&o)<=2047||c>=55296&&c<=57343)&&(c=null)):4===u&&(o=t[i+2],s=t[i+3],128==(192&(a=t[i+1]))&&128==(192&o)&&128==(192&s)&&((c=(15&l)<<18|(63&a)<<12|(63&o)<<6|63&s)<=65535||c>=1114112)&&(c=null)),null===c?(c=65533,u=1):c>65535&&(c-=65536,n+=String.fromCharCode(c>>>10&1023|55296),c=56320|1023&c),n+=String.fromCharCode(c),i+=u}return n}(this.buf,e,t)},readBytes:function(){var t=this.readVarint()+this.pos,e=this.buf.subarray(this.pos,t);return this.pos=t,e},readPackedVarint:function(t,e){if(this.type!==Gs.Bytes)return t.push(this.readVarint(e));var r=Ws(this);for(t=t||[];this.pos127;);else if(e===Gs.Bytes)this.pos=this.readVarint()+this.pos;else if(e===Gs.Fixed32)this.pos+=4;else{if(e!==Gs.Fixed64)throw new Error("Unimplemented type: "+e);this.pos+=8}},writeTag:function(t,e){this.writeVarint(t<<3|e)},realloc:function(t){for(var e=this.length||16;e268435455||t<0?function(t,e){var r,n;if(t>=0?(r=t%4294967296|0,n=t/4294967296|0):(n=~(-t/4294967296),4294967295^(r=~(-t%4294967296))?r=r+1|0:(r=0,n=n+1|0)),t>=0x10000000000000000||t<-0x10000000000000000)throw new Error("Given varint doesn't fit into 10 bytes");e.realloc(10),function(t,e,r){r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,r.buf[r.pos]=127&(t>>>=7)}(r,0,e),function(t,e){var r=(7&t)<<4;e.buf[e.pos++]|=r|((t>>>=3)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t)))))}(n,e)}(t,this):(this.realloc(4),this.buf[this.pos++]=127&t|(t>127?128:0),t<=127||(this.buf[this.pos++]=127&(t>>>=7)|(t>127?128:0),t<=127||(this.buf[this.pos++]=127&(t>>>=7)|(t>127?128:0),t<=127||(this.buf[this.pos++]=t>>>7&127))))},writeSVarint:function(t){this.writeVarint(t<0?2*-t-1:2*t)},writeBoolean:function(t){this.writeVarint(Boolean(t))},writeString:function(t){t=String(t),this.realloc(4*t.length),this.pos++;var e=this.pos;this.pos=function(t,e,r){for(var n,i,a=0;a55295&&n<57344){if(!i){n>56319||a+1===e.length?(t[r++]=239,t[r++]=191,t[r++]=189):i=n;continue}if(n<56320){t[r++]=239,t[r++]=191,t[r++]=189,i=n;continue}n=i-55296<<10|n-56320|65536,i=null}else i&&(t[r++]=239,t[r++]=191,t[r++]=189,i=null);n<128?t[r++]=n:(n<2048?t[r++]=n>>6|192:(n<65536?t[r++]=n>>12|224:(t[r++]=n>>18|240,t[r++]=n>>12&63|128),t[r++]=n>>6&63|128),t[r++]=63&n|128)}return r}(this.buf,t,this.pos);var r=this.pos-e;r>=128&&Zs(e,r,this),this.pos=e-1,this.writeVarint(r),this.pos+=r},writeFloat:function(t){this.realloc(4),qs(this.buf,t,this.pos,!0,23,4),this.pos+=4},writeDouble:function(t){this.realloc(8),qs(this.buf,t,this.pos,!0,52,8),this.pos+=8},writeBytes:function(t){var e=t.length;this.writeVarint(e),this.realloc(e);for(var r=0;r=128&&Zs(r,n,this),this.pos=r-1,this.writeVarint(n),this.pos+=n},writeMessage:function(t,e,r){this.writeTag(t,Gs.Bytes),this.writeRawMessage(e,r)},writePackedVarint:function(t,e){e.length&&this.writeMessage(t,Js,e)},writePackedSVarint:function(t,e){e.length&&this.writeMessage(t,Ks,e)},writePackedBoolean:function(t,e){e.length&&this.writeMessage(t,tl,e)},writePackedFloat:function(t,e){e.length&&this.writeMessage(t,Qs,e)},writePackedDouble:function(t,e){e.length&&this.writeMessage(t,$s,e)},writePackedFixed32:function(t,e){e.length&&this.writeMessage(t,el,e)},writePackedSFixed32:function(t,e){e.length&&this.writeMessage(t,rl,e)},writePackedFixed64:function(t,e){e.length&&this.writeMessage(t,nl,e)},writePackedSFixed64:function(t,e){e.length&&this.writeMessage(t,il,e)},writeBytesField:function(t,e){this.writeTag(t,Gs.Bytes),this.writeBytes(e)},writeFixed32Field:function(t,e){this.writeTag(t,Gs.Fixed32),this.writeFixed32(e)},writeSFixed32Field:function(t,e){this.writeTag(t,Gs.Fixed32),this.writeSFixed32(e)},writeFixed64Field:function(t,e){this.writeTag(t,Gs.Fixed64),this.writeFixed64(e)},writeSFixed64Field:function(t,e){this.writeTag(t,Gs.Fixed64),this.writeSFixed64(e)},writeVarintField:function(t,e){this.writeTag(t,Gs.Varint),this.writeVarint(e)},writeSVarintField:function(t,e){this.writeTag(t,Gs.Varint),this.writeSVarint(e)},writeStringField:function(t,e){this.writeTag(t,Gs.Bytes),this.writeString(e)},writeFloatField:function(t,e){this.writeTag(t,Gs.Fixed32),this.writeFloat(e)},writeDoubleField:function(t,e){this.writeTag(t,Gs.Fixed64),this.writeDouble(e)},writeBooleanField:function(t,e){this.writeVarintField(t,Boolean(e))}};var hl=function(t,e){var r=e.pixelRatio,n=e.version,i=e.stretchX,a=e.stretchY,o=e.content;this.paddedRect=t,this.pixelRatio=r,this.stretchX=i,this.stretchY=a,this.content=o,this.version=n},pl={tl:{configurable:!0},br:{configurable:!0},tlbr:{configurable:!0},displaySize:{configurable:!0}};pl.tl.get=function(){return[this.paddedRect.x+1,this.paddedRect.y+1]},pl.br.get=function(){return[this.paddedRect.x+this.paddedRect.w-1,this.paddedRect.y+this.paddedRect.h-1]},pl.tlbr.get=function(){return this.tl.concat(this.br)},pl.displaySize.get=function(){return[(this.paddedRect.w-2)/this.pixelRatio,(this.paddedRect.h-2)/this.pixelRatio]},Object.defineProperties(hl.prototype,pl);var dl=function(t,e){var r={},n={};this.haveRenderCallbacks=[];var i=[];this.addImages(t,r,i),this.addImages(e,n,i);var a=fl(i),o=new po({width:a.w||1,height:a.h||1});for(var s in t){var l=t[s],c=r[s].paddedRect;po.copy(l.data,o,{x:0,y:0},{x:c.x+1,y:c.y+1},l.data)}for(var u in e){var f=e[u],h=n[u].paddedRect,p=h.x+1,d=h.y+1,g=f.data.width,m=f.data.height;po.copy(f.data,o,{x:0,y:0},{x:p,y:d},f.data),po.copy(f.data,o,{x:0,y:m-1},{x:p,y:d-1},{width:g,height:1}),po.copy(f.data,o,{x:0,y:0},{x:p,y:d+m},{width:g,height:1}),po.copy(f.data,o,{x:g-1,y:0},{x:p-1,y:d},{width:1,height:m}),po.copy(f.data,o,{x:0,y:0},{x:p+g,y:d},{width:1,height:m})}this.image=o,this.iconPositions=r,this.patternPositions=n};dl.prototype.addImages=function(t,e,r){for(var n in t){var i=t[n],a={x:0,y:0,w:i.data.width+2,h:i.data.height+2};r.push(a),e[n]=new hl(a,i),i.hasRenderCallback&&this.haveRenderCallbacks.push(n)}},dl.prototype.patchUpdatedImages=function(t,e){for(var r in t.dispatchRenderCallbacks(this.haveRenderCallbacks),t.updatedImages)this.patchUpdatedImage(this.iconPositions[r],t.getImage(r),e),this.patchUpdatedImage(this.patternPositions[r],t.getImage(r),e)},dl.prototype.patchUpdatedImage=function(t,e,r){if(t&&e&&t.version!==e.version){t.version=e.version;var n=t.tl;r.update(e.data,void 0,{x:n[0],y:n[1]})}},Dn("ImagePosition",hl),Dn("ImageAtlas",dl);var gl={horizontal:1,vertical:2,horizontalOnly:3},ml=function(){this.scale=1,this.fontStack="",this.imageName=null};ml.forText=function(t,e){var r=new ml;return r.scale=t||1,r.fontStack=e,r},ml.forImage=function(t){var e=new ml;return e.imageName=t,e};var vl=function(){this.text="",this.sectionIndex=[],this.sections=[],this.imageSectionID=null};function yl(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g){var m,v=vl.fromFeature(t,i);f===gl.vertical&&v.verticalizePunctuation();var y=ni.processBidirectionalText,x=ni.processStyledBidirectionalText;if(y&&1===v.sections.length){m=[];for(var b=0,_=y(v.toString(),Ml(v,c,a,e,n,p,d));b<_.length;b+=1){var w=_[b],T=new vl;T.text=w,T.sections=v.sections;for(var k=0;k0&&B>M&&(M=B)}else{var N=r[S.fontStack],j=N&&N[C];if(j&&j.rect)P=j.rect,I=j.metrics;else{var U=e[S.fontStack],V=U&&U[C];if(!V)continue;I=V.metrics}L=24*(_-S.scale)}D?(t.verticalizable=!0,k.push({glyph:C,imageName:z,x:h,y:p+L,vertical:D,scale:S.scale,fontStack:S.fontStack,sectionIndex:E,metrics:I,rect:P}),h+=O*S.scale+c):(k.push({glyph:C,imageName:z,x:h,y:p+L,vertical:D,scale:S.scale,fontStack:S.fontStack,sectionIndex:E,metrics:I,rect:P}),h+=I.advance*S.scale+c)}0!==k.length&&(d=Math.max(h-c,d),Sl(k,0,k.length-1,m,M)),h=0;var q=a*_+M;T.lineOffset=Math.max(M,w),p+=q,g=Math.max(q,g),++v}else p+=a,++v}var H,G=p- -17,Y=Al(o),W=Y.horizontalAlign,X=Y.verticalAlign;(function(t,e,r,n,i,a,o,s,l){var c,u=(e-r)*i;c=a!==o?-s*n- -17:(-n*l+.5)*o;for(var f=0,h=t;f=0&&n>=t&&xl[this.text.charCodeAt(n)];n--)r--;this.text=this.text.substring(t,r),this.sectionIndex=this.sectionIndex.slice(t,r)},vl.prototype.substring=function(t,e){var r=new vl;return r.text=this.text.substring(t,e),r.sectionIndex=this.sectionIndex.slice(t,e),r.sections=this.sections,r},vl.prototype.toString=function(){return this.text},vl.prototype.getMaxScale=function(){var t=this;return this.sectionIndex.reduce((function(e,r){return Math.max(e,t.sections[r].scale)}),0)},vl.prototype.addTextSection=function(t,e){this.text+=t.text,this.sections.push(ml.forText(t.scale,t.fontStack||e));for(var r=this.sections.length-1,n=0;n=63743?null:++this.imageSectionID:(this.imageSectionID=57344,this.imageSectionID)};var xl={9:!0,10:!0,11:!0,12:!0,13:!0,32:!0},bl={};function _l(t,e,r,n,i,a){if(e.imageName){var o=n[e.imageName];return o?o.displaySize[0]*e.scale*24/a+i:0}var s=r[e.fontStack],l=s&&s[t];return l?l.metrics.advance*e.scale+i:0}function wl(t,e,r,n){var i=Math.pow(t-e,2);return n?t=0,f=0,h=0;h-r/2;){if(--o<0)return!1;s-=t[o].dist(a),a=t[o]}s+=t[o].dist(t[o+1]),o++;for(var l=[],c=0;sn;)c-=l.shift().angleDelta;if(c>i)return!1;o++,s+=u.dist(f)}return!0}function Dl(t){for(var e=0,r=0;rc){var d=(c-l)/p,g=Ue(f.x,h.x,d),m=Ue(f.y,h.y,d),v=new Cl(g,m,h.angleTo(f),u);return v._round(),!o||Ol(t,v,s,o,e)?v:void 0}l+=p}}function Nl(t,e,r,n,i,a,o,s,l){var c=Rl(n,a,o),u=Fl(n,i),f=u*o,h=0===t[0].x||t[0].x===l||0===t[0].y||t[0].y===l;return e-f=0&&_=0&&w=0&&p+u<=f){var T=new Cl(_,w,x,g);T._round(),i&&!Ol(e,T,o,i,a)||d.push(T)}}h+=y}return l||d.length||s||(d=t(e,h/2,n,i,a,o,s,!0,c)),d}(t,h?e/2*s%e:(u/2+2*a)*o*s%e,e,c,r,f,h,!1,l)}function jl(t,e,r,n,a){for(var o=[],s=0;s=n&&h.x>=n||(f.x>=n?f=new i(n,f.y+(n-f.x)/(h.x-f.x)*(h.y-f.y))._round():h.x>=n&&(h=new i(n,f.y+(n-f.x)/(h.x-f.x)*(h.y-f.y))._round()),f.y>=a&&h.y>=a||(f.y>=a?f=new i(f.x+(a-f.y)/(h.y-f.y)*(h.x-f.x),a)._round():h.y>=a&&(h=new i(f.x+(a-f.y)/(h.y-f.y)*(h.x-f.x),a)._round()),c&&f.equals(c[c.length-1])||o.push(c=[f]),c.push(h)))))}return o}function Ul(t,e,r,n){var a=[],o=t.image,s=o.pixelRatio,l=o.paddedRect.w-2,c=o.paddedRect.h-2,u=t.right-t.left,f=t.bottom-t.top,h=o.stretchX||[[0,l]],p=o.stretchY||[[0,c]],d=function(t,e){return t+e[1]-e[0]},g=h.reduce(d,0),m=p.reduce(d,0),v=l-g,y=c-m,x=0,b=g,_=0,w=m,T=0,k=v,M=0,A=y;if(o.content&&n){var S=o.content;x=Vl(h,0,S[0]),_=Vl(p,0,S[1]),b=Vl(h,S[0],S[2]),w=Vl(p,S[1],S[3]),T=S[0]-x,M=S[1]-_,k=S[2]-S[0]-b,A=S[3]-S[1]-w}var E=function(n,a,l,c){var h=Hl(n.stretch-x,b,u,t.left),p=Gl(n.fixed-T,k,n.stretch,g),d=Hl(a.stretch-_,w,f,t.top),v=Gl(a.fixed-M,A,a.stretch,m),y=Hl(l.stretch-x,b,u,t.left),S=Gl(l.fixed-T,k,l.stretch,g),E=Hl(c.stretch-_,w,f,t.top),C=Gl(c.fixed-M,A,c.stretch,m),L=new i(h,d),I=new i(y,d),P=new i(y,E),z=new i(h,E),O=new i(p/s,v/s),D=new i(S/s,C/s),R=e*Math.PI/180;if(R){var F=Math.sin(R),B=Math.cos(R),N=[B,-F,F,B];L._matMult(N),I._matMult(N),z._matMult(N),P._matMult(N)}var j=n.stretch+n.fixed,U=a.stretch+a.fixed;return{tl:L,tr:I,bl:z,br:P,tex:{x:o.paddedRect.x+1+j,y:o.paddedRect.y+1+U,w:l.stretch+l.fixed-j,h:c.stretch+c.fixed-U},writingMode:void 0,glyphOffset:[0,0],sectionIndex:0,pixelOffsetTL:O,pixelOffsetBR:D,minFontScaleX:k/s/u,minFontScaleY:A/s/f,isSDF:r}};if(n&&(o.stretchX||o.stretchY))for(var C=ql(h,v,g),L=ql(p,y,m),I=0;I0&&(d=Math.max(10,d),this.circleDiameter=d)}else{var g=o.top*s-l,m=o.bottom*s+l,v=o.left*s-l,y=o.right*s+l,x=o.collisionPadding;if(x&&(v-=x[0]*s,g-=x[1]*s,y+=x[2]*s,m+=x[3]*s),u){var b=new i(v,g),_=new i(y,g),w=new i(v,m),T=new i(y,m),k=u*Math.PI/180;b._rotate(k),_._rotate(k),w._rotate(k),T._rotate(k),v=Math.min(b.x,_.x,w.x,T.x),y=Math.max(b.x,_.x,w.x,T.x),g=Math.min(b.y,_.y,w.y,T.y),m=Math.max(b.y,_.y,w.y,T.y)}t.emplaceBack(e.x,e.y,v,g,y,m,r,n,a)}this.boxEndIndex=t.length},Wl=function(t,e){if(void 0===t&&(t=[]),void 0===e&&(e=Xl),this.data=t,this.length=this.data.length,this.compare=e,this.length>0)for(var r=(this.length>>1)-1;r>=0;r--)this._down(r)};function Xl(t,e){return te?1:0}function Zl(t,e,r){void 0===e&&(e=1),void 0===r&&(r=!1);for(var n=1/0,a=1/0,o=-1/0,s=-1/0,l=t[0],c=0;co)&&(o=u.x),(!c||u.y>s)&&(s=u.y)}var f=Math.min(o-n,s-a),h=f/2,p=new Wl([],Jl);if(0===f)return new i(n,a);for(var d=n;dm.d||!m.d)&&(m=y,r&&console.log("found best %d after %d probes",Math.round(1e4*y.d)/1e4,v)),y.max-m.d<=e||(p.push(new Kl(y.p.x-(h=y.h/2),y.p.y-h,h,t)),p.push(new Kl(y.p.x+h,y.p.y-h,h,t)),p.push(new Kl(y.p.x-h,y.p.y+h,h,t)),p.push(new Kl(y.p.x+h,y.p.y+h,h,t)),v+=4)}return r&&(console.log("num probes: "+v),console.log("best distance: "+m.d)),m.p}function Jl(t,e){return e.max-t.max}function Kl(t,e,r,n){this.p=new i(t,e),this.h=r,this.d=function(t,e){for(var r=!1,n=1/0,i=0;it.y!=u.y>t.y&&t.x<(u.x-c.x)*(t.y-c.y)/(u.y-c.y)+c.x&&(r=!r),n=Math.min(n,Ga(t,c,u))}return(r?1:-1)*Math.sqrt(n)}(this.p,n),this.max=this.d+this.h*Math.SQRT2}Wl.prototype.push=function(t){this.data.push(t),this.length++,this._up(this.length-1)},Wl.prototype.pop=function(){if(0!==this.length){var t=this.data[0],e=this.data.pop();return this.length--,this.length>0&&(this.data[0]=e,this._down(0)),t}},Wl.prototype.peek=function(){return this.data[0]},Wl.prototype._up=function(t){for(var e=this.data,r=this.compare,n=e[t];t>0;){var i=t-1>>1,a=e[i];if(r(n,a)>=0)break;e[t]=a,t=i}e[t]=n},Wl.prototype._down=function(t){for(var e=this.data,r=this.compare,n=this.length>>1,i=e[t];t=0)break;e[t]=o,t=a}e[t]=i};var Ql=Number.POSITIVE_INFINITY;function $l(t,e){return e[1]!==Ql?function(t,e,r){var n=0,i=0;switch(e=Math.abs(e),r=Math.abs(r),t){case"top-right":case"top-left":case"top":i=r-7;break;case"bottom-right":case"bottom-left":case"bottom":i=7-r}switch(t){case"top-right":case"bottom-right":case"right":n=-e;break;case"top-left":case"bottom-left":case"left":n=e}return[n,i]}(t,e[0],e[1]):function(t,e){var r=0,n=0;e<0&&(e=0);var i=e/Math.sqrt(2);switch(t){case"top-right":case"top-left":n=i-7;break;case"bottom-right":case"bottom-left":n=7-i;break;case"bottom":n=7-e;break;case"top":n=e-7}switch(t){case"top-right":case"bottom-right":r=-i;break;case"top-left":case"bottom-left":r=i;break;case"left":r=e;break;case"right":r=-e}return[r,n]}(t,e[0])}function tc(t){switch(t){case"right":case"top-right":case"bottom-right":return"right";case"left":case"top-left":case"bottom-left":return"left"}return"center"}function ec(t,e,r,n,a,o,s,l,c,u,f,h,p,d,g){var m=function(t,e,r,n,a,o,s,l){for(var c=n.layout.get("text-rotate").evaluate(o,{})*Math.PI/180,u=[],f=0,h=e.positionedLines;f32640&&_(t.layerIds[0]+': Value for "text-size" is >= 255. Reduce your "text-size".'):"composite"===v.kind&&((y=[128*d.compositeTextSizes[0].evaluate(s,{},g),128*d.compositeTextSizes[1].evaluate(s,{},g)])[0]>32640||y[1]>32640)&&_(t.layerIds[0]+': Value for "text-size" is >= 255. Reduce your "text-size".'),t.addSymbols(t.text,m,y,l,o,s,u,e,c.lineStartIndex,c.lineLength,p,g);for(var x=0,b=f;x=0;o--)if(n.dist(a[o])0)&&("constant"!==a.value.kind||a.value.value.length>0),c="constant"!==s.value.kind||!!s.value.value||Object.keys(s.parameters).length>0,u=i.get("symbol-sort-key");if(this.features=[],l||c){for(var f=e.iconDependencies,h=e.glyphDependencies,p=e.availableImages,d=new ii(this.zoom),g=0,m=t;g=0;for(var z=0,O=k.sections;z=0;s--)a[s]={x:e[s].x,y:e[s].y,tileUnitDistanceFromAnchor:i},s>0&&(i+=e[s-1].dist(e[s]));for(var l=0;l0},fc.prototype.hasIconData=function(){return this.icon.segments.get().length>0},fc.prototype.hasDebugData=function(){return this.textCollisionBox&&this.iconCollisionBox},fc.prototype.hasTextCollisionBoxData=function(){return this.hasDebugData()&&this.textCollisionBox.segments.get().length>0},fc.prototype.hasIconCollisionBoxData=function(){return this.hasDebugData()&&this.iconCollisionBox.segments.get().length>0},fc.prototype.addIndicesForPlacedSymbol=function(t,e){for(var r=t.placedSymbolArray.get(e),n=r.vertexStartIndex+4*r.numGlyphs,i=r.vertexStartIndex;i1||this.icon.segments.get().length>1)){this.symbolInstanceIndexes=this.getSortedSymbolIndexes(t),this.sortedAngle=t,this.text.indexArray.clear(),this.icon.indexArray.clear(),this.featureSortOrder=[];for(var r=0,n=this.symbolInstanceIndexes;r=0&&n.indexOf(t)===r&&e.addIndicesForPlacedSymbol(e.text,t)})),i.verticalPlacedTextSymbolIndex>=0&&this.addIndicesForPlacedSymbol(this.text,i.verticalPlacedTextSymbolIndex),i.placedIconSymbolIndex>=0&&this.addIndicesForPlacedSymbol(this.icon,i.placedIconSymbolIndex),i.verticalPlacedIconSymbolIndex>=0&&this.addIndicesForPlacedSymbol(this.icon,i.verticalPlacedIconSymbolIndex)}this.text.indexBuffer&&this.text.indexBuffer.updateData(this.text.indexArray),this.icon.indexBuffer&&this.icon.indexBuffer.updateData(this.icon.indexArray)}},Dn("SymbolBucket",fc,{omit:["layers","collisionBoxArray","features","compareText"]}),fc.MAX_GLYPHS=65535,fc.addDynamicAttributes=sc;var hc=new yi({"symbol-placement":new pi(At.layout_symbol["symbol-placement"]),"symbol-spacing":new pi(At.layout_symbol["symbol-spacing"]),"symbol-avoid-edges":new pi(At.layout_symbol["symbol-avoid-edges"]),"symbol-sort-key":new di(At.layout_symbol["symbol-sort-key"]),"symbol-z-order":new pi(At.layout_symbol["symbol-z-order"]),"icon-allow-overlap":new pi(At.layout_symbol["icon-allow-overlap"]),"icon-ignore-placement":new pi(At.layout_symbol["icon-ignore-placement"]),"icon-optional":new pi(At.layout_symbol["icon-optional"]),"icon-rotation-alignment":new pi(At.layout_symbol["icon-rotation-alignment"]),"icon-size":new di(At.layout_symbol["icon-size"]),"icon-text-fit":new pi(At.layout_symbol["icon-text-fit"]),"icon-text-fit-padding":new pi(At.layout_symbol["icon-text-fit-padding"]),"icon-image":new di(At.layout_symbol["icon-image"]),"icon-rotate":new di(At.layout_symbol["icon-rotate"]),"icon-padding":new pi(At.layout_symbol["icon-padding"]),"icon-keep-upright":new pi(At.layout_symbol["icon-keep-upright"]),"icon-offset":new di(At.layout_symbol["icon-offset"]),"icon-anchor":new di(At.layout_symbol["icon-anchor"]),"icon-pitch-alignment":new pi(At.layout_symbol["icon-pitch-alignment"]),"text-pitch-alignment":new pi(At.layout_symbol["text-pitch-alignment"]),"text-rotation-alignment":new pi(At.layout_symbol["text-rotation-alignment"]),"text-field":new di(At.layout_symbol["text-field"]),"text-font":new di(At.layout_symbol["text-font"]),"text-size":new di(At.layout_symbol["text-size"]),"text-max-width":new di(At.layout_symbol["text-max-width"]),"text-line-height":new pi(At.layout_symbol["text-line-height"]),"text-letter-spacing":new di(At.layout_symbol["text-letter-spacing"]),"text-justify":new di(At.layout_symbol["text-justify"]),"text-radial-offset":new di(At.layout_symbol["text-radial-offset"]),"text-variable-anchor":new pi(At.layout_symbol["text-variable-anchor"]),"text-anchor":new di(At.layout_symbol["text-anchor"]),"text-max-angle":new pi(At.layout_symbol["text-max-angle"]),"text-writing-mode":new pi(At.layout_symbol["text-writing-mode"]),"text-rotate":new di(At.layout_symbol["text-rotate"]),"text-padding":new pi(At.layout_symbol["text-padding"]),"text-keep-upright":new pi(At.layout_symbol["text-keep-upright"]),"text-transform":new di(At.layout_symbol["text-transform"]),"text-offset":new di(At.layout_symbol["text-offset"]),"text-allow-overlap":new pi(At.layout_symbol["text-allow-overlap"]),"text-ignore-placement":new pi(At.layout_symbol["text-ignore-placement"]),"text-optional":new pi(At.layout_symbol["text-optional"])}),pc={paint:new yi({"icon-opacity":new di(At.paint_symbol["icon-opacity"]),"icon-color":new di(At.paint_symbol["icon-color"]),"icon-halo-color":new di(At.paint_symbol["icon-halo-color"]),"icon-halo-width":new di(At.paint_symbol["icon-halo-width"]),"icon-halo-blur":new di(At.paint_symbol["icon-halo-blur"]),"icon-translate":new pi(At.paint_symbol["icon-translate"]),"icon-translate-anchor":new pi(At.paint_symbol["icon-translate-anchor"]),"text-opacity":new di(At.paint_symbol["text-opacity"]),"text-color":new di(At.paint_symbol["text-color"],{runtimeType:Bt,getOverride:function(t){return t.textColor},hasOverride:function(t){return!!t.textColor}}),"text-halo-color":new di(At.paint_symbol["text-halo-color"]),"text-halo-width":new di(At.paint_symbol["text-halo-width"]),"text-halo-blur":new di(At.paint_symbol["text-halo-blur"]),"text-translate":new pi(At.paint_symbol["text-translate"]),"text-translate-anchor":new pi(At.paint_symbol["text-translate-anchor"])}),layout:hc},dc=function(t){this.type=t.property.overrides?t.property.overrides.runtimeType:Ot,this.defaultValue=t};dc.prototype.evaluate=function(t){if(t.formattedSection){var e=this.defaultValue.property.overrides;if(e&&e.hasOverride(t.formattedSection))return e.getOverride(t.formattedSection)}return t.feature&&t.featureState?this.defaultValue.evaluate(t.feature,t.featureState):this.defaultValue.property.specification.default},dc.prototype.eachChild=function(t){this.defaultValue.isConstant()||t(this.defaultValue.value._styleExpression.expression)},dc.prototype.outputDefined=function(){return!1},dc.prototype.serialize=function(){return null},Dn("FormatSectionOverride",dc,{omit:["defaultValue"]});var gc=function(t){function e(e){t.call(this,e,pc)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.recalculate=function(e,r){if(t.prototype.recalculate.call(this,e,r),"auto"===this.layout.get("icon-rotation-alignment")&&(this.layout._values["icon-rotation-alignment"]="point"!==this.layout.get("symbol-placement")?"map":"viewport"),"auto"===this.layout.get("text-rotation-alignment")&&(this.layout._values["text-rotation-alignment"]="point"!==this.layout.get("symbol-placement")?"map":"viewport"),"auto"===this.layout.get("text-pitch-alignment")&&(this.layout._values["text-pitch-alignment"]=this.layout.get("text-rotation-alignment")),"auto"===this.layout.get("icon-pitch-alignment")&&(this.layout._values["icon-pitch-alignment"]=this.layout.get("icon-rotation-alignment")),"point"===this.layout.get("symbol-placement")){var n=this.layout.get("text-writing-mode");if(n){for(var i=[],a=0,o=n;a",targetMapId:n,sourceMapId:a.mapId})}}},Cc.prototype.receive=function(t){var e=t.data,r=e.id;if(r&&(!e.targetMapId||this.mapId===e.targetMapId))if(""===e.type){delete this.tasks[r];var n=this.cancelCallbacks[r];delete this.cancelCallbacks[r],n&&n()}else k()||e.mustQueue?(this.tasks[r]=e,this.taskQueue.push(r),this.invoker.trigger()):this.processTask(r,e)},Cc.prototype.process=function(){if(this.taskQueue.length){var t=this.taskQueue.shift(),e=this.tasks[t];delete this.tasks[t],this.taskQueue.length&&this.invoker.trigger(),e&&this.processTask(t,e)}},Cc.prototype.processTask=function(t,e){var r=this;if(""===e.type){var n=this.callbacks[t];delete this.callbacks[t],n&&(e.error?n(jn(e.error)):n(null,jn(e.data)))}else{var i=!1,a=S(this.globalScope)?void 0:[],o=e.hasCallback?function(e,n){i=!0,delete r.cancelCallbacks[t],r.target.postMessage({id:t,type:"",sourceMapId:r.mapId,error:e?Nn(e):null,data:Nn(n,a)},a)}:function(t){i=!0},s=null,l=jn(e.data);if(this.parent[e.type])s=this.parent[e.type](e.sourceMapId,l,o);else if(this.parent.getWorkerSource){var c=e.type.split(".");s=this.parent.getWorkerSource(e.sourceMapId,c[0],l.source)[c[1]](l,o)}else o(new Error("Could not find function "+e.type));!i&&s&&s.cancel&&(this.cancelCallbacks[t]=s.cancel)}},Cc.prototype.remove=function(){this.invoker.remove(),this.target.removeEventListener("message",this.receive,!1)};var Ic=function(t,e){t&&(e?this.setSouthWest(t).setNorthEast(e):4===t.length?this.setSouthWest([t[0],t[1]]).setNorthEast([t[2],t[3]]):this.setSouthWest(t[0]).setNorthEast(t[1]))};Ic.prototype.setNorthEast=function(t){return this._ne=t instanceof Pc?new Pc(t.lng,t.lat):Pc.convert(t),this},Ic.prototype.setSouthWest=function(t){return this._sw=t instanceof Pc?new Pc(t.lng,t.lat):Pc.convert(t),this},Ic.prototype.extend=function(t){var e,r,n=this._sw,i=this._ne;if(t instanceof Pc)e=t,r=t;else{if(!(t instanceof Ic))return Array.isArray(t)?4===t.length||t.every(Array.isArray)?this.extend(Ic.convert(t)):this.extend(Pc.convert(t)):this;if(r=t._ne,!(e=t._sw)||!r)return this}return n||i?(n.lng=Math.min(e.lng,n.lng),n.lat=Math.min(e.lat,n.lat),i.lng=Math.max(r.lng,i.lng),i.lat=Math.max(r.lat,i.lat)):(this._sw=new Pc(e.lng,e.lat),this._ne=new Pc(r.lng,r.lat)),this},Ic.prototype.getCenter=function(){return new Pc((this._sw.lng+this._ne.lng)/2,(this._sw.lat+this._ne.lat)/2)},Ic.prototype.getSouthWest=function(){return this._sw},Ic.prototype.getNorthEast=function(){return this._ne},Ic.prototype.getNorthWest=function(){return new Pc(this.getWest(),this.getNorth())},Ic.prototype.getSouthEast=function(){return new Pc(this.getEast(),this.getSouth())},Ic.prototype.getWest=function(){return this._sw.lng},Ic.prototype.getSouth=function(){return this._sw.lat},Ic.prototype.getEast=function(){return this._ne.lng},Ic.prototype.getNorth=function(){return this._ne.lat},Ic.prototype.toArray=function(){return[this._sw.toArray(),this._ne.toArray()]},Ic.prototype.toString=function(){return"LngLatBounds("+this._sw.toString()+", "+this._ne.toString()+")"},Ic.prototype.isEmpty=function(){return!(this._sw&&this._ne)},Ic.prototype.contains=function(t){var e=Pc.convert(t),r=e.lng,n=e.lat,i=this._sw.lng<=r&&r<=this._ne.lng;return this._sw.lng>this._ne.lng&&(i=this._sw.lng>=r&&r>=this._ne.lng),this._sw.lat<=n&&n<=this._ne.lat&&i},Ic.convert=function(t){return!t||t instanceof Ic?t:new Ic(t)};var Pc=function(t,e){if(isNaN(t)||isNaN(e))throw new Error("Invalid LngLat object: ("+t+", "+e+")");if(this.lng=+t,this.lat=+e,this.lat>90||this.lat<-90)throw new Error("Invalid LngLat latitude value: must be between -90 and 90")};Pc.prototype.wrap=function(){return new Pc(c(this.lng,-180,180),this.lat)},Pc.prototype.toArray=function(){return[this.lng,this.lat]},Pc.prototype.toString=function(){return"LngLat("+this.lng+", "+this.lat+")"},Pc.prototype.distanceTo=function(t){var e=Math.PI/180,r=this.lat*e,n=t.lat*e,i=Math.sin(r)*Math.sin(n)+Math.cos(r)*Math.cos(n)*Math.cos((t.lng-this.lng)*e);return 6371008.8*Math.acos(Math.min(i,1))},Pc.prototype.toBounds=function(t){void 0===t&&(t=0);var e=360*t/40075017,r=e/Math.cos(Math.PI/180*this.lat);return new Ic(new Pc(this.lng-r,this.lat-e),new Pc(this.lng+r,this.lat+e))},Pc.convert=function(t){if(t instanceof Pc)return t;if(Array.isArray(t)&&(2===t.length||3===t.length))return new Pc(Number(t[0]),Number(t[1]));if(!Array.isArray(t)&&"object"==typeof t&&null!==t)return new Pc(Number("lng"in t?t.lng:t.lon),Number(t.lat));throw new Error("`LngLatLike` argument must be specified as a LngLat instance, an object {lng: , lat: }, an object {lon: , lat: }, or an array of [, ]")};var zc=2*Math.PI*6371008.8;function Oc(t){return zc*Math.cos(t*Math.PI/180)}function Dc(t){return(180+t)/360}function Rc(t){return(180-180/Math.PI*Math.log(Math.tan(Math.PI/4+t*Math.PI/360)))/360}function Fc(t,e){return t/Oc(e)}function Bc(t){return 360/Math.PI*Math.atan(Math.exp((180-360*t)*Math.PI/180))-90}var Nc=function(t,e,r){void 0===r&&(r=0),this.x=+t,this.y=+e,this.z=+r};Nc.fromLngLat=function(t,e){void 0===e&&(e=0);var r=Pc.convert(t);return new Nc(Dc(r.lng),Rc(r.lat),Fc(e,r.lat))},Nc.prototype.toLngLat=function(){return new Pc(360*this.x-180,Bc(this.y))},Nc.prototype.toAltitude=function(){return this.z*Oc(Bc(this.y))},Nc.prototype.meterInMercatorCoordinateUnits=function(){return 1/zc*(t=Bc(this.y),1/Math.cos(t*Math.PI/180));var t};var jc=function(t,e,r){this.z=t,this.x=e,this.y=r,this.key=qc(0,t,t,e,r)};jc.prototype.equals=function(t){return this.z===t.z&&this.x===t.x&&this.y===t.y},jc.prototype.url=function(t,e){var r,n,i,a,o,s=(n=this.y,i=this.z,a=Lc(256*(r=this.x),256*(n=Math.pow(2,i)-n-1),i),o=Lc(256*(r+1),256*(n+1),i),a[0]+","+a[1]+","+o[0]+","+o[1]),l=function(t,e,r){for(var n,i="",a=t;a>0;a--)i+=(e&(n=1<this.canonical.z?new Vc(t,this.wrap,this.canonical.z,this.canonical.x,this.canonical.y):new Vc(t,this.wrap,t,this.canonical.x>>e,this.canonical.y>>e)},Vc.prototype.calculateScaledKey=function(t,e){var r=this.canonical.z-t;return t>this.canonical.z?qc(this.wrap*+e,t,this.canonical.z,this.canonical.x,this.canonical.y):qc(this.wrap*+e,t,t,this.canonical.x>>r,this.canonical.y>>r)},Vc.prototype.isChildOf=function(t){if(t.wrap!==this.wrap)return!1;var e=this.canonical.z-t.canonical.z;return 0===t.overscaledZ||t.overscaledZ>e&&t.canonical.y===this.canonical.y>>e},Vc.prototype.children=function(t){if(this.overscaledZ>=t)return[new Vc(this.overscaledZ+1,this.wrap,this.canonical.z,this.canonical.x,this.canonical.y)];var e=this.canonical.z+1,r=2*this.canonical.x,n=2*this.canonical.y;return[new Vc(e,this.wrap,e,r,n),new Vc(e,this.wrap,e,r+1,n),new Vc(e,this.wrap,e,r,n+1),new Vc(e,this.wrap,e,r+1,n+1)]},Vc.prototype.isLessThan=function(t){return this.wrapt.wrap)&&(this.overscaledZt.overscaledZ)&&(this.canonical.xt.canonical.x)&&this.canonical.y=this.dim+1||e<-1||e>=this.dim+1)throw new RangeError("out of range source coordinates for DEM data");return(e+1)*this.stride+(t+1)},Hc.prototype._unpackMapbox=function(t,e,r){return(256*t*256+256*e+r)/10-1e4},Hc.prototype._unpackTerrarium=function(t,e,r){return 256*t+e+r/256-32768},Hc.prototype.getPixels=function(){return new po({width:this.stride,height:this.stride},new Uint8Array(this.data.buffer))},Hc.prototype.backfillBorder=function(t,e,r){if(this.dim!==t.dim)throw new Error("dem dimension mismatch");var n=e*this.dim,i=e*this.dim+this.dim,a=r*this.dim,o=r*this.dim+this.dim;switch(e){case-1:n=i-1;break;case 1:i=n+1}switch(r){case-1:a=o-1;break;case 1:o=a+1}for(var s=-e*this.dim,l=-r*this.dim,c=a;c=0&&u[3]>=0&&s.insert(o,u[0],u[1],u[2],u[3])}},Zc.prototype.loadVTLayers=function(){return this.vtLayers||(this.vtLayers=new gs.VectorTile(new Hs(this.rawTileData)).layers,this.sourceLayerCoder=new Gc(this.vtLayers?Object.keys(this.vtLayers).sort():["_geojsonTileLayer"])),this.vtLayers},Zc.prototype.query=function(t,e,r,n){var a=this;this.loadVTLayers();for(var o=t.params||{},s=8192/t.tileSize/t.scale,l=rn(o.filter),c=t.queryGeometry,u=t.queryPadding*s,f=Kc(c),h=this.grid.query(f.minX-u,f.minY-u,f.maxX+u,f.maxY+u),p=Kc(t.cameraQueryGeometry),d=0,g=this.grid3D.query(p.minX-u,p.minY-u,p.maxX+u,p.maxY+u,(function(e,r,n,a){return function(t,e,r,n,a){for(var o=0,s=t;o=l.x&&a>=l.y)return!0}var c=[new i(e,r),new i(e,a),new i(n,a),new i(n,r)];if(t.length>2)for(var u=0,f=c;u=0)return!0;return!1}(a,f)){var h=this.sourceLayerCoder.decode(r),p=this.vtLayers[h].feature(n);if(i.filter(new ii(this.tileID.overscaledZ),p))for(var d=this.getId(p,h),g=0;gn)i=!1;else if(e)if(this.expirationTimeot&&(t.getActor().send("enforceCacheSizeLimit",at),ut=0)},t.clamp=l,t.clearTileCache=function(t){var e=self.caches.delete("mapbox-tiles");t&&e.catch(t).then((function(){return t()}))},t.clipLine=jl,t.clone=function(t){var e=new to(16);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e[3]=t[3],e[4]=t[4],e[5]=t[5],e[6]=t[6],e[7]=t[7],e[8]=t[8],e[9]=t[9],e[10]=t[10],e[11]=t[11],e[12]=t[12],e[13]=t[13],e[14]=t[14],e[15]=t[15],e},t.clone$1=x,t.clone$2=function(t){var e=new to(3);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e},t.collisionCircleLayout=Ns,t.config=F,t.create=function(){var t=new to(16);return to!=Float32Array&&(t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[11]=0,t[12]=0,t[13]=0,t[14]=0),t[0]=1,t[5]=1,t[10]=1,t[15]=1,t},t.create$1=function(){var t=new to(9);return to!=Float32Array&&(t[1]=0,t[2]=0,t[3]=0,t[5]=0,t[6]=0,t[7]=0),t[0]=1,t[4]=1,t[8]=1,t},t.create$2=function(){var t=new to(4);return to!=Float32Array&&(t[1]=0,t[2]=0),t[0]=1,t[3]=1,t},t.createCommonjsModule=e,t.createExpression=qr,t.createLayout=Ti,t.createStyleLayer=function(t){return"custom"===t.type?new bc(t):new _c[t.type](t)},t.cross=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2];return t[0]=i*l-a*s,t[1]=a*o-n*l,t[2]=n*s-i*o,t},t.deepEqual=function t(e,r){if(Array.isArray(e)){if(!Array.isArray(r)||e.length!==r.length)return!1;for(var n=0;n0&&(a=1/Math.sqrt(a)),t[0]=e[0]*a,t[1]=e[1]*a,t[2]=e[2]*a,t},t.number=Ue,t.offscreenCanvasSupported=ft,t.ortho=function(t,e,r,n,i,a,o){var s=1/(e-r),l=1/(n-i),c=1/(a-o);return t[0]=-2*s,t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[5]=-2*l,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[10]=2*c,t[11]=0,t[12]=(e+r)*s,t[13]=(i+n)*l,t[14]=(o+a)*c,t[15]=1,t},t.parseGlyphPBF=function(t){return new Hs(t).readFields(ll,[])},t.pbf=Hs,t.performSymbolLayout=function(t,e,r,n,i,a,o){t.createArrays(),t.tilePixelRatio=8192/(512*t.overscaling),t.compareText={},t.iconsNeedLinear=!1;var s=t.layers[0].layout,l=t.layers[0]._unevaluatedLayout._values,c={};if("composite"===t.textSizeData.kind){var u=t.textSizeData,f=u.maxZoom;c.compositeTextSizes=[l["text-size"].possiblyEvaluate(new ii(u.minZoom),o),l["text-size"].possiblyEvaluate(new ii(f),o)]}if("composite"===t.iconSizeData.kind){var h=t.iconSizeData,p=h.maxZoom;c.compositeIconSizes=[l["icon-size"].possiblyEvaluate(new ii(h.minZoom),o),l["icon-size"].possiblyEvaluate(new ii(p),o)]}c.layoutTextSize=l["text-size"].possiblyEvaluate(new ii(t.zoom+1),o),c.layoutIconSize=l["icon-size"].possiblyEvaluate(new ii(t.zoom+1),o),c.textMaxSize=l["text-size"].possiblyEvaluate(new ii(18));for(var d=24*s.get("text-line-height"),g="map"===s.get("text-rotation-alignment")&&"point"!==s.get("symbol-placement"),m=s.get("text-keep-upright"),v=s.get("text-size"),y=function(){var a=b[x],l=s.get("text-font").evaluate(a,{},o).join(","),u=v.evaluate(a,{},o),f=c.layoutTextSize.evaluate(a,{},o),h=c.layoutIconSize.evaluate(a,{},o),p={horizontal:{},vertical:void 0},y=a.text,w=[0,0];if(y){var T=y.toString(),k=24*s.get("text-letter-spacing").evaluate(a,{},o),M=function(t){for(var e=0,r=t;e=8192||f.y<0||f.y>=8192||function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,w,T,k,M){var A,S,E,C,L,I=t.addToLineVertexArray(e,r),P=0,z=0,O=0,D=0,R=-1,F=-1,B={},N=ca(""),j=0,U=0;if(void 0===s._unevaluatedLayout.getValue("text-radial-offset")?(j=(A=s.layout.get("text-offset").evaluate(b,{},k).map((function(t){return 24*t})))[0],U=A[1]):(j=24*s.layout.get("text-radial-offset").evaluate(b,{},k),U=Ql),t.allowVerticalPlacement&&n.vertical){var V=s.layout.get("text-rotate").evaluate(b,{},k)+90;C=new Yl(l,e,c,u,f,n.vertical,h,p,d,V),o&&(L=new Yl(l,e,c,u,f,o,m,v,d,V))}if(i){var q=s.layout.get("icon-rotate").evaluate(b,{}),H="none"!==s.layout.get("icon-text-fit"),G=Ul(i,q,T,H),Y=o?Ul(o,q,T,H):void 0;E=new Yl(l,e,c,u,f,i,m,v,!1,q),P=4*G.length;var W=t.iconSizeData,X=null;"source"===W.kind?(X=[128*s.layout.get("icon-size").evaluate(b,{})])[0]>32640&&_(t.layerIds[0]+': Value for "icon-size" is >= 255. Reduce your "icon-size".'):"composite"===W.kind&&((X=[128*w.compositeIconSizes[0].evaluate(b,{},k),128*w.compositeIconSizes[1].evaluate(b,{},k)])[0]>32640||X[1]>32640)&&_(t.layerIds[0]+': Value for "icon-size" is >= 255. Reduce your "icon-size".'),t.addSymbols(t.icon,G,X,x,y,b,!1,e,I.lineStartIndex,I.lineLength,-1,k),R=t.icon.placedSymbolArray.length-1,Y&&(z=4*Y.length,t.addSymbols(t.icon,Y,X,x,y,b,gl.vertical,e,I.lineStartIndex,I.lineLength,-1,k),F=t.icon.placedSymbolArray.length-1)}for(var Z in n.horizontal){var J=n.horizontal[Z];if(!S){N=ca(J.text);var K=s.layout.get("text-rotate").evaluate(b,{},k);S=new Yl(l,e,c,u,f,J,h,p,d,K)}var Q=1===J.positionedLines.length;if(O+=ec(t,e,J,a,s,d,b,g,I,n.vertical?gl.horizontal:gl.horizontalOnly,Q?Object.keys(n.horizontal):[Z],B,R,w,k),Q)break}n.vertical&&(D+=ec(t,e,n.vertical,a,s,d,b,g,I,gl.vertical,["vertical"],B,F,w,k));var $=S?S.boxStartIndex:t.collisionBoxArray.length,tt=S?S.boxEndIndex:t.collisionBoxArray.length,et=C?C.boxStartIndex:t.collisionBoxArray.length,rt=C?C.boxEndIndex:t.collisionBoxArray.length,nt=E?E.boxStartIndex:t.collisionBoxArray.length,it=E?E.boxEndIndex:t.collisionBoxArray.length,at=L?L.boxStartIndex:t.collisionBoxArray.length,ot=L?L.boxEndIndex:t.collisionBoxArray.length,st=-1,lt=function(t,e){return t&&t.circleDiameter?Math.max(t.circleDiameter,e):e};st=lt(S,st),st=lt(C,st),st=lt(E,st);var ct=(st=lt(L,st))>-1?1:0;ct&&(st*=M/24),t.glyphOffsetArray.length>=fc.MAX_GLYPHS&&_("Too many glyphs being rendered in a tile. See https://github.com/mapbox/mapbox-gl-js/issues/2907"),void 0!==b.sortKey&&t.addToSortKeyRanges(t.symbolInstances.length,b.sortKey),t.symbolInstances.emplaceBack(e.x,e.y,B.right>=0?B.right:-1,B.center>=0?B.center:-1,B.left>=0?B.left:-1,B.vertical||-1,R,F,N,$,tt,et,rt,nt,it,at,ot,c,O,D,P,z,ct,0,h,j,U,st)}(t,f,s,r,n,i,h,t.layers[0],t.collisionBoxArray,e.index,e.sourceLayerIndex,t.index,v,w,M,l,x,T,A,d,e,a,c,u,o)};if("line"===S)for(var I=0,P=jl(e.geometry,0,0,8192,8192);I1){var j=Bl(N,k,r.vertical||g,n,24,y);j&&L(N,j)}}else if("Polygon"===e.type)for(var U=0,V=Qo(e.geometry,0);U=E.maxzoom||"none"!==E.visibility&&(o(S,this.zoom,n),(g[E.id]=E.createBucket({index:u.bucketLayerIDs.length,layers:S,zoom:this.zoom,pixelRatio:this.pixelRatio,overscaling:this.overscaling,collisionBoxArray:this.collisionBoxArray,sourceLayerIndex:b,sourceID:this.source})).populate(_,m,this.tileID.canonical),u.bucketLayerIDs.push(S.map((function(t){return t.id}))))}}}var C=t.mapObject(m.glyphDependencies,(function(t){return Object.keys(t).map(Number)}));Object.keys(C).length?a.send("getGlyphs",{uid:this.uid,stacks:C},(function(t,e){f||(f=t,h=e,P.call(l))})):h={};var L=Object.keys(m.iconDependencies);L.length?a.send("getImages",{icons:L,source:this.source,tileID:this.tileID,type:"icons"},(function(t,e){f||(f=t,p=e,P.call(l))})):p={};var I=Object.keys(m.patternDependencies);function P(){if(f)return s(f);if(h&&p&&d){var e=new i(h),r=new t.ImageAtlas(p,d);for(var a in g){var l=g[a];l instanceof t.SymbolBucket?(o(l.layers,this.zoom,n),t.performSymbolLayout(l,h,e.positions,p,r.iconPositions,this.showCollisionBoxes,this.tileID.canonical)):l.hasPattern&&(l instanceof t.LineBucket||l instanceof t.FillBucket||l instanceof t.FillExtrusionBucket)&&(o(l.layers,this.zoom,n),l.addFeatures(m,this.tileID.canonical,r.patternPositions))}this.status="done",s(null,{buckets:t.values(g).filter((function(t){return!t.isEmpty()})),featureIndex:u,collisionBoxArray:this.collisionBoxArray,glyphAtlasImage:e.image,imageAtlas:r,glyphMap:this.returnDependencies?h:null,iconMap:this.returnDependencies?p:null,glyphPositions:this.returnDependencies?e.positions:null})}}I.length?a.send("getImages",{icons:I,source:this.source,tileID:this.tileID,type:"patterns"},(function(t,e){f||(f=t,d=e,P.call(l))})):d={},P.call(this)};var l=function(t,e,r,n){this.actor=t,this.layerIndex=e,this.availableImages=r,this.loadVectorData=n||s,this.loading={},this.loaded={}};l.prototype.loadTile=function(e,r){var n=this,i=e.uid;this.loading||(this.loading={});var o=!!(e&&e.request&&e.request.collectResourceTiming)&&new t.RequestPerformance(e.request),s=this.loading[i]=new a(e);s.abort=this.loadVectorData(e,(function(e,a){if(delete n.loading[i],e||!a)return s.status="done",n.loaded[i]=s,r(e);var l=a.rawData,c={};a.expires&&(c.expires=a.expires),a.cacheControl&&(c.cacheControl=a.cacheControl);var u={};if(o){var f=o.finish();f&&(u.resourceTiming=JSON.parse(JSON.stringify(f)))}s.vectorTile=a.vectorTile,s.parse(a.vectorTile,n.layerIndex,n.availableImages,n.actor,(function(e,n){if(e||!n)return r(e);r(null,t.extend({rawTileData:l.slice(0)},n,c,u))})),n.loaded=n.loaded||{},n.loaded[i]=s}))},l.prototype.reloadTile=function(t,e){var r=this,n=this.loaded,i=t.uid,a=this;if(n&&n[i]){var o=n[i];o.showCollisionBoxes=t.showCollisionBoxes;var s=function(t,n){var i=o.reloadCallback;i&&(delete o.reloadCallback,o.parse(o.vectorTile,a.layerIndex,r.availableImages,a.actor,i)),e(t,n)};"parsing"===o.status?o.reloadCallback=s:"done"===o.status&&(o.vectorTile?o.parse(o.vectorTile,this.layerIndex,this.availableImages,this.actor,s):s())}},l.prototype.abortTile=function(t,e){var r=this.loading,n=t.uid;r&&r[n]&&r[n].abort&&(r[n].abort(),delete r[n]),e()},l.prototype.removeTile=function(t,e){var r=this.loaded,n=t.uid;r&&r[n]&&delete r[n],e()};var c=t.window.ImageBitmap,u=function(){this.loaded={}};function f(t,e){if(0!==t.length){h(t[0],e);for(var r=1;r=0!=!!e&&t.reverse()}u.prototype.loadTile=function(e,r){var n=e.uid,i=e.encoding,a=e.rawImageData,o=c&&a instanceof c?this.getImageData(a):a,s=new t.DEMData(n,o,i);this.loaded=this.loaded||{},this.loaded[n]=s,r(null,s)},u.prototype.getImageData=function(e){this.offscreenCanvas&&this.offscreenCanvasContext||(this.offscreenCanvas=new OffscreenCanvas(e.width,e.height),this.offscreenCanvasContext=this.offscreenCanvas.getContext("2d")),this.offscreenCanvas.width=e.width,this.offscreenCanvas.height=e.height,this.offscreenCanvasContext.drawImage(e,0,0,e.width,e.height);var r=this.offscreenCanvasContext.getImageData(-1,-1,e.width+2,e.height+2);return this.offscreenCanvasContext.clearRect(0,0,this.offscreenCanvas.width,this.offscreenCanvas.height),new t.RGBAImage({width:r.width,height:r.height},r.data)},u.prototype.removeTile=function(t){var e=this.loaded,r=t.uid;e&&e[r]&&delete e[r]};var p=t.vectorTile.VectorTileFeature.prototype.toGeoJSON,d=function(e){this._feature=e,this.extent=t.EXTENT,this.type=e.type,this.properties=e.tags,"id"in e&&!isNaN(e.id)&&(this.id=parseInt(e.id,10))};d.prototype.loadGeometry=function(){if(1===this._feature.type){for(var e=[],r=0,n=this._feature.geometry;r>31}function E(t,e){for(var r=t.loadGeometry(),n=t.type,i=0,a=0,o=r.length,s=0;s>1;!function t(e,r,n,i,a,o){for(;a>i;){if(a-i>600){var s=a-i+1,l=n-i+1,c=Math.log(s),u=.5*Math.exp(2*c/3),f=.5*Math.sqrt(c*u*(s-u)/s)*(l-s/2<0?-1:1);t(e,r,n,Math.max(i,Math.floor(n-l*u/s+f)),Math.min(a,Math.floor(n+(s-l)*u/s+f)),o)}var h=r[2*n+o],p=i,d=a;for(L(e,r,i,n),r[2*a+o]>h&&L(e,r,i,a);ph;)d--}r[2*i+o]===h?L(e,r,i,d):L(e,r,++d,a),d<=n&&(i=d+1),n<=d&&(a=d-1)}}(e,r,s,i,a,o%2),t(e,r,n,i,s-1,o+1),t(e,r,n,s+1,a,o+1)}}(o,s,n,0,o.length-1,0)};D.prototype.range=function(t,e,r,n){return function(t,e,r,n,i,a,o){for(var s,l,c=[0,t.length-1,0],u=[];c.length;){var f=c.pop(),h=c.pop(),p=c.pop();if(h-p<=o)for(var d=p;d<=h;d++)l=e[2*d+1],(s=e[2*d])>=r&&s<=i&&l>=n&&l<=a&&u.push(t[d]);else{var g=Math.floor((p+h)/2);l=e[2*g+1],(s=e[2*g])>=r&&s<=i&&l>=n&&l<=a&&u.push(t[g]);var m=(f+1)%2;(0===f?r<=s:n<=l)&&(c.push(p),c.push(g-1),c.push(m)),(0===f?i>=s:a>=l)&&(c.push(g+1),c.push(h),c.push(m))}}return u}(this.ids,this.coords,t,e,r,n,this.nodeSize)},D.prototype.within=function(t,e,r){return function(t,e,r,n,i,a){for(var o=[0,t.length-1,0],s=[],l=i*i;o.length;){var c=o.pop(),u=o.pop(),f=o.pop();if(u-f<=a)for(var h=f;h<=u;h++)P(e[2*h],e[2*h+1],r,n)<=l&&s.push(t[h]);else{var p=Math.floor((f+u)/2),d=e[2*p],g=e[2*p+1];P(d,g,r,n)<=l&&s.push(t[p]);var m=(c+1)%2;(0===c?r-i<=d:n-i<=g)&&(o.push(f),o.push(p-1),o.push(m)),(0===c?r+i>=d:n+i>=g)&&(o.push(p+1),o.push(u),o.push(m))}}return s}(this.ids,this.coords,t,e,r,this.nodeSize)};var R={minZoom:0,maxZoom:16,radius:40,extent:512,nodeSize:64,log:!1,generateId:!1,reduce:null,map:function(t){return t}},F=function(t){this.options=H(Object.create(R),t),this.trees=new Array(this.options.maxZoom+1)};function B(t,e,r,n,i){return{x:t,y:e,zoom:1/0,id:r,parentId:-1,numPoints:n,properties:i}}function N(t,e){var r=t.geometry.coordinates,n=r[1];return{x:V(r[0]),y:q(n),zoom:1/0,index:e,parentId:-1}}function j(t){return{type:"Feature",id:t.id,properties:U(t),geometry:{type:"Point",coordinates:[(n=t.x,360*(n-.5)),(e=t.y,r=(180-360*e)*Math.PI/180,360*Math.atan(Math.exp(r))/Math.PI-90)]}};var e,r,n}function U(t){var e=t.numPoints,r=e>=1e4?Math.round(e/1e3)+"k":e>=1e3?Math.round(e/100)/10+"k":e;return H(H({},t.properties),{cluster:!0,cluster_id:t.id,point_count:e,point_count_abbreviated:r})}function V(t){return t/360+.5}function q(t){var e=Math.sin(t*Math.PI/180),r=.5-.25*Math.log((1+e)/(1-e))/Math.PI;return r<0?0:r>1?1:r}function H(t,e){for(var r in e)t[r]=e[r];return t}function G(t){return t.x}function Y(t){return t.y}function W(t,e,r,n,i,a){var o=i-r,s=a-n;if(0!==o||0!==s){var l=((t-r)*o+(e-n)*s)/(o*o+s*s);l>1?(r=i,n=a):l>0&&(r+=o*l,n+=s*l)}return(o=t-r)*o+(s=e-n)*s}function X(t,e,r,n){var i={id:void 0===t?null:t,type:e,geometry:r,tags:n,minX:1/0,minY:1/0,maxX:-1/0,maxY:-1/0};return function(t){var e=t.geometry,r=t.type;if("Point"===r||"MultiPoint"===r||"LineString"===r)Z(t,e);else if("Polygon"===r||"MultiLineString"===r)for(var n=0;n0&&(o+=n?(i*c-l*a)/2:Math.sqrt(Math.pow(l-i,2)+Math.pow(c-a,2))),i=l,a=c}var u=e.length-3;e[2]=1,function t(e,r,n,i){for(var a,o=i,s=n-r>>1,l=n-r,c=e[r],u=e[r+1],f=e[n],h=e[n+1],p=r+3;po)a=p,o=d;else if(d===o){var g=Math.abs(p-s);gi&&(a-r>3&&t(e,r,a,i),e[a+2]=o,n-a>3&&t(e,a,n,i))}(e,0,u,r),e[u+2]=1,e.size=Math.abs(o),e.start=0,e.end=e.size}function $(t,e,r,n){for(var i=0;i1?1:r}function rt(t,e,r,n,i,a,o,s){if(n/=e,a>=(r/=e)&&o=n)return null;for(var l=[],c=0;c=r&&d=n)){var g=[];if("Point"===h||"MultiPoint"===h)nt(f,g,r,n,i);else if("LineString"===h)it(f,g,r,n,i,!1,s.lineMetrics);else if("MultiLineString"===h)ot(f,g,r,n,i,!1);else if("Polygon"===h)ot(f,g,r,n,i,!0);else if("MultiPolygon"===h)for(var m=0;m=r&&o<=n&&(e.push(t[a]),e.push(t[a+1]),e.push(t[a+2]))}}function it(t,e,r,n,i,a,o){for(var s,l,c=at(t),u=0===i?lt:ct,f=t.start,h=0;hr&&(l=u(c,p,d,m,v,r),o&&(c.start=f+s*l)):y>n?x=r&&(l=u(c,p,d,m,v,r),b=!0),x>n&&y<=n&&(l=u(c,p,d,m,v,n),b=!0),!a&&b&&(o&&(c.end=f+s*l),e.push(c),c=at(t)),o&&(f+=s)}var _=t.length-3;p=t[_],d=t[_+1],g=t[_+2],(y=0===i?p:d)>=r&&y<=n&&st(c,p,d,g),_=c.length-3,a&&_>=3&&(c[_]!==c[0]||c[_+1]!==c[1])&&st(c,c[0],c[1],c[2]),c.length&&e.push(c)}function at(t){var e=[];return e.size=t.size,e.start=t.start,e.end=t.end,e}function ot(t,e,r,n,i,a){for(var o=0;oo.maxX&&(o.maxX=u),f>o.maxY&&(o.maxY=f)}return o}function gt(t,e,r,n){var i=e.geometry,a=e.type,o=[];if("Point"===a||"MultiPoint"===a)for(var s=0;s0&&e.size<(i?o:n))r.numPoints+=e.length/3;else{for(var s=[],l=0;lo)&&(r.numSimplified++,s.push(e[l]),s.push(e[l+1])),r.numPoints++;i&&function(t,e){for(var r=0,n=0,i=t.length,a=i-2;n0===e)for(n=0,i=t.length;n24)throw new Error("maxZoom should be in the 0-24 range");if(e.promoteId&&e.generateId)throw new Error("promoteId and generateId cannot be used together.");var n=function(t,e){var r=[];if("FeatureCollection"===t.type)for(var n=0;n=n;c--){var u=+Date.now();s=this._cluster(s,c),this.trees[c]=new D(s,G,Y,a,Float32Array),r&&console.log("z%d: %d clusters in %dms",c,s.length,+Date.now()-u)}return r&&console.timeEnd("total time"),this},F.prototype.getClusters=function(t,e){var r=((t[0]+180)%360+360)%360-180,n=Math.max(-90,Math.min(90,t[1])),i=180===t[2]?180:((t[2]+180)%360+360)%360-180,a=Math.max(-90,Math.min(90,t[3]));if(t[2]-t[0]>=360)r=-180,i=180;else if(r>i){var o=this.getClusters([r,n,180,a],e),s=this.getClusters([-180,n,i,a],e);return o.concat(s)}for(var l=this.trees[this._limitZoom(e)],c=[],u=0,f=l.range(V(r),q(a),V(i),q(n));u1?this._map(s,!0):null,d=(o<<5)+(e+1)+this.points.length,g=0,m=c;g>5},F.prototype._getOriginZoom=function(t){return(t-this.points.length)%32},F.prototype._map=function(t,e){if(t.numPoints)return e?H({},t.properties):t.properties;var r=this.points[t.index].properties,n=this.options.map(r);return e&&n===r?H({},n):n},vt.prototype.options={maxZoom:14,indexMaxZoom:5,indexMaxPoints:1e5,tolerance:3,extent:4096,buffer:64,lineMetrics:!1,promoteId:null,generateId:!1,debug:0},vt.prototype.splitTile=function(t,e,r,n,i,a,o){for(var s=[t,e,r,n],l=this.options,c=l.debug;s.length;){n=s.pop(),r=s.pop(),e=s.pop(),t=s.pop();var u=1<1&&console.time("creation"),h=this.tiles[f]=dt(t,e,r,n,l),this.tileCoords.push({z:e,x:r,y:n}),c)){c>1&&(console.log("tile z%d-%d-%d (features: %d, points: %d, simplified: %d)",e,r,n,h.numFeatures,h.numPoints,h.numSimplified),console.timeEnd("creation"));var p="z"+e;this.stats[p]=(this.stats[p]||0)+1,this.total++}if(h.source=t,i){if(e===l.maxZoom||e===i)continue;var d=1<1&&console.time("clipping");var g,m,v,y,x,b,_=.5*l.buffer/l.extent,w=.5-_,T=.5+_,k=1+_;g=m=v=y=null,x=rt(t,u,r-_,r+T,0,h.minX,h.maxX,l),b=rt(t,u,r+w,r+k,0,h.minX,h.maxX,l),t=null,x&&(g=rt(x,u,n-_,n+T,1,h.minY,h.maxY,l),m=rt(x,u,n+w,n+k,1,h.minY,h.maxY,l),x=null),b&&(v=rt(b,u,n-_,n+T,1,h.minY,h.maxY,l),y=rt(b,u,n+w,n+k,1,h.minY,h.maxY,l),b=null),c>1&&console.timeEnd("clipping"),s.push(g||[],e+1,2*r,2*n),s.push(m||[],e+1,2*r,2*n+1),s.push(v||[],e+1,2*r+1,2*n),s.push(y||[],e+1,2*r+1,2*n+1)}}},vt.prototype.getTile=function(t,e,r){var n=this.options,i=n.extent,a=n.debug;if(t<0||t>24)return null;var o=1<1&&console.log("drilling down to z%d-%d-%d",t,e,r);for(var l,c=t,u=e,f=r;!l&&c>0;)c--,u=Math.floor(u/2),f=Math.floor(f/2),l=this.tiles[yt(c,u,f)];return l&&l.source?(a>1&&console.log("found parent tile z%d-%d-%d",c,u,f),a>1&&console.time("drilling down"),this.splitTile(l.source,c,u,f,t,e,r),a>1&&console.timeEnd("drilling down"),this.tiles[s]?ht(this.tiles[s],i):null):null};var bt=function(e){function r(t,r,n,i){e.call(this,t,r,n,xt),i&&(this.loadGeoJSON=i)}return e&&(r.__proto__=e),(r.prototype=Object.create(e&&e.prototype)).constructor=r,r.prototype.loadData=function(t,e){this._pendingCallback&&this._pendingCallback(null,{abandoned:!0}),this._pendingCallback=e,this._pendingLoadDataParams=t,this._state&&"Idle"!==this._state?this._state="NeedsLoadData":(this._state="Coalescing",this._loadData())},r.prototype._loadData=function(){var e=this;if(this._pendingCallback&&this._pendingLoadDataParams){var r=this._pendingCallback,n=this._pendingLoadDataParams;delete this._pendingCallback,delete this._pendingLoadDataParams;var i=!!(n&&n.request&&n.request.collectResourceTiming)&&new t.RequestPerformance(n.request);this.loadGeoJSON(n,(function(a,o){if(a||!o)return r(a);if("object"!=typeof o)return r(new Error("Input data given to '"+n.source+"' is not a valid GeoJSON object."));!function t(e,r){var n,i=e&&e.type;if("FeatureCollection"===i)for(n=0;n=0?0:e.button},r.remove=function(t){t.parentNode&&t.parentNode.removeChild(t)};var h=function(e){function r(){e.call(this),this.images={},this.updatedImages={},this.callbackDispatchedThisFrame={},this.loaded=!1,this.requestors=[],this.patterns={},this.atlasImage=new t.RGBAImage({width:1,height:1}),this.dirty=!0}return e&&(r.__proto__=e),(r.prototype=Object.create(e&&e.prototype)).constructor=r,r.prototype.isLoaded=function(){return this.loaded},r.prototype.setLoaded=function(t){if(this.loaded!==t&&(this.loaded=t,t)){for(var e=0,r=this.requestors;e=0?1.2:1))}function v(t,e,r,n,i,a,o){for(var s=0;s65535)e(new Error("glyphs > 65535 not supported"));else if(a.ranges[s])e(null,{stack:r,id:i,glyph:o});else{var l=a.requests[s];l||(l=a.requests[s]=[],x.loadGlyphRange(r,s,n.url,n.requestManager,(function(t,e){if(e){for(var r in e)n._doesCharSupportLocalGlyph(+r)||(a.glyphs[+r]=e[+r]);a.ranges[s]=!0}for(var i=0,o=l;i1&&(s=t[++o]);var c=Math.abs(l-s.left),u=Math.abs(l-s.right),f=Math.min(c,u),h=void 0,p=i/r*(n+1);if(s.isDash){var d=n-Math.abs(p);h=Math.sqrt(f*f+d*d)}else h=n-Math.sqrt(f*f+p*p);this.data[a+l]=Math.max(0,Math.min(255,h+128))}},T.prototype.addRegularDash=function(t){for(var e=t.length-1;e>=0;--e){var r=t[e],n=t[e+1];r.zeroLength?t.splice(e,1):n&&n.isDash===r.isDash&&(n.left=r.left,t.splice(e,1))}var i=t[0],a=t[t.length-1];i.isDash===a.isDash&&(i.left=a.left-this.width,a.right=i.right+this.width);for(var o=this.width*this.nextRow,s=0,l=t[s],c=0;c1&&(l=t[++s]);var u=Math.abs(c-l.left),f=Math.abs(c-l.right),h=Math.min(u,f);this.data[o+c]=Math.max(0,Math.min(255,(l.isDash?h:-h)+128))}},T.prototype.addDash=function(e,r){var n=r?7:0,i=2*n+1;if(this.nextRow+i>this.height)return t.warnOnce("LineAtlas out of space"),null;for(var a=0,o=0;o=n&&e.x=i&&e.y0&&(l[new t.OverscaledTileID(e.overscaledZ,a,r.z,i,r.y-1).key]={backfilled:!1},l[new t.OverscaledTileID(e.overscaledZ,e.wrap,r.z,r.x,r.y-1).key]={backfilled:!1},l[new t.OverscaledTileID(e.overscaledZ,s,r.z,o,r.y-1).key]={backfilled:!1}),r.y+10&&(n.resourceTiming=e._resourceTiming,e._resourceTiming=[]),e.fire(new t.Event("data",n))}}))},r.prototype.onAdd=function(t){this.map=t,this.load()},r.prototype.setData=function(e){var r=this;return this._data=e,this.fire(new t.Event("dataloading",{dataType:"source"})),this._updateWorkerData((function(e){if(e)r.fire(new t.ErrorEvent(e));else{var n={dataType:"source",sourceDataType:"content"};r._collectResourceTiming&&r._resourceTiming&&r._resourceTiming.length>0&&(n.resourceTiming=r._resourceTiming,r._resourceTiming=[]),r.fire(new t.Event("data",n))}})),this},r.prototype.getClusterExpansionZoom=function(t,e){return this.actor.send("geojson.getClusterExpansionZoom",{clusterId:t,source:this.id},e),this},r.prototype.getClusterChildren=function(t,e){return this.actor.send("geojson.getClusterChildren",{clusterId:t,source:this.id},e),this},r.prototype.getClusterLeaves=function(t,e,r,n){return this.actor.send("geojson.getClusterLeaves",{source:this.id,clusterId:t,limit:e,offset:r},n),this},r.prototype._updateWorkerData=function(e){var r=this;this._loaded=!1;var n=t.extend({},this.workerOptions),i=this._data;"string"==typeof i?(n.request=this.map._requestManager.transformRequest(t.browser.resolveURL(i),t.ResourceType.Source),n.request.collectResourceTiming=this._collectResourceTiming):n.data=JSON.stringify(i),this.actor.send(this.type+".loadData",n,(function(t,i){r._removed||i&&i.abandoned||(r._loaded=!0,i&&i.resourceTiming&&i.resourceTiming[r.id]&&(r._resourceTiming=i.resourceTiming[r.id].slice(0)),r.actor.send(r.type+".coalesce",{source:n.source},null),e(t))}))},r.prototype.loaded=function(){return this._loaded},r.prototype.loadTile=function(e,r){var n=this,i=e.actor?"reloadTile":"loadTile";e.actor=this.actor,e.request=this.actor.send(i,{type:this.type,uid:e.uid,tileID:e.tileID,zoom:e.tileID.overscaledZ,maxZoom:this.maxzoom,tileSize:this.tileSize,source:this.id,pixelRatio:t.browser.devicePixelRatio,showCollisionBoxes:this.map.showCollisionBoxes,promoteId:this.promoteId},(function(t,a){return delete e.request,e.unloadVectorData(),e.aborted?r(null):t?r(t):(e.loadVectorData(a,n.map.painter,"reloadTile"===i),r(null))}))},r.prototype.abortTile=function(t){t.request&&(t.request.cancel(),delete t.request),t.aborted=!0},r.prototype.unloadTile=function(t){t.unloadVectorData(),this.actor.send("removeTile",{uid:t.uid,type:this.type,source:this.id})},r.prototype.onRemove=function(){this._removed=!0,this.actor.send("removeSource",{type:this.type,source:this.id})},r.prototype.serialize=function(){return t.extend({},this._options,{type:this.type,data:this._data})},r.prototype.hasTransition=function(){return!1},r}(t.Evented),I=t.createLayout([{name:"a_pos",type:"Int16",components:2},{name:"a_texture_pos",type:"Int16",components:2}]),P=function(e){function r(t,r,n,i){e.call(this),this.id=t,this.dispatcher=n,this.coordinates=r.coordinates,this.type="image",this.minzoom=0,this.maxzoom=22,this.tileSize=512,this.tiles={},this._loaded=!1,this.setEventedParent(i),this.options=r}return e&&(r.__proto__=e),(r.prototype=Object.create(e&&e.prototype)).constructor=r,r.prototype.load=function(e,r){var n=this;this._loaded=!1,this.fire(new t.Event("dataloading",{dataType:"source"})),this.url=this.options.url,t.getImage(this.map._requestManager.transformRequest(this.url,t.ResourceType.Image),(function(i,a){n._loaded=!0,i?n.fire(new t.ErrorEvent(i)):a&&(n.image=a,e&&(n.coordinates=e),r&&r(),n._finishLoading())}))},r.prototype.loaded=function(){return this._loaded},r.prototype.updateImage=function(t){var e=this;return this.image&&t.url?(this.options.url=t.url,this.load(t.coordinates,(function(){e.texture=null})),this):this},r.prototype._finishLoading=function(){this.map&&(this.setCoordinates(this.coordinates),this.fire(new t.Event("data",{dataType:"source",sourceDataType:"metadata"})))},r.prototype.onAdd=function(t){this.map=t,this.load()},r.prototype.setCoordinates=function(e){var r=this;this.coordinates=e;var n=e.map(t.MercatorCoordinate.fromLngLat);this.tileID=function(e){for(var r=1/0,n=1/0,i=-1/0,a=-1/0,o=0,s=e;or.end(0)?this.fire(new t.ErrorEvent(new t.ValidationError("sources."+this.id,null,"Playback for this video can be set only between the "+r.start(0)+" and "+r.end(0)+"-second mark."))):this.video.currentTime=e}},r.prototype.getVideo=function(){return this.video},r.prototype.onAdd=function(t){this.map||(this.map=t,this.load(),this.video&&(this.video.play(),this.setCoordinates(this.coordinates)))},r.prototype.prepare=function(){if(!(0===Object.keys(this.tiles).length||this.video.readyState<2)){var e=this.map.painter.context,r=e.gl;for(var n in this.boundsBuffer||(this.boundsBuffer=e.createVertexBuffer(this._boundsArray,I.members)),this.boundsSegments||(this.boundsSegments=t.SegmentVector.simpleSegment(0,0,4,2)),this.texture?this.video.paused||(this.texture.bind(r.LINEAR,r.CLAMP_TO_EDGE),r.texSubImage2D(r.TEXTURE_2D,0,0,0,r.RGBA,r.UNSIGNED_BYTE,this.video)):(this.texture=new t.Texture(e,this.video,r.RGBA),this.texture.bind(r.LINEAR,r.CLAMP_TO_EDGE)),this.tiles){var i=this.tiles[n];"loaded"!==i.state&&(i.state="loaded",i.texture=this.texture)}}},r.prototype.serialize=function(){return{type:"video",urls:this.urls,coordinates:this.coordinates}},r.prototype.hasTransition=function(){return this.video&&!this.video.paused},r}(P),O=function(e){function r(r,n,i,a){e.call(this,r,n,i,a),n.coordinates?Array.isArray(n.coordinates)&&4===n.coordinates.length&&!n.coordinates.some((function(t){return!Array.isArray(t)||2!==t.length||t.some((function(t){return"number"!=typeof t}))}))||this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'"coordinates" property must be an array of 4 longitude/latitude array pairs'))):this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'missing required property "coordinates"'))),n.animate&&"boolean"!=typeof n.animate&&this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'optional "animate" property must be a boolean value'))),n.canvas?"string"==typeof n.canvas||n.canvas instanceof t.window.HTMLCanvasElement||this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'"canvas" must be either a string representing the ID of the canvas element from which to read, or an HTMLCanvasElement instance'))):this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'missing required property "canvas"'))),this.options=n,this.animate=void 0===n.animate||n.animate}return e&&(r.__proto__=e),(r.prototype=Object.create(e&&e.prototype)).constructor=r,r.prototype.load=function(){this._loaded=!0,this.canvas||(this.canvas=this.options.canvas instanceof t.window.HTMLCanvasElement?this.options.canvas:t.window.document.getElementById(this.options.canvas)),this.width=this.canvas.width,this.height=this.canvas.height,this._hasInvalidDimensions()?this.fire(new t.ErrorEvent(new Error("Canvas dimensions cannot be less than or equal to zero."))):(this.play=function(){this._playing=!0,this.map.triggerRepaint()},this.pause=function(){this._playing&&(this.prepare(),this._playing=!1)},this._finishLoading())},r.prototype.getCanvas=function(){return this.canvas},r.prototype.onAdd=function(t){this.map=t,this.load(),this.canvas&&this.animate&&this.play()},r.prototype.onRemove=function(){this.pause()},r.prototype.prepare=function(){var e=!1;if(this.canvas.width!==this.width&&(this.width=this.canvas.width,e=!0),this.canvas.height!==this.height&&(this.height=this.canvas.height,e=!0),!this._hasInvalidDimensions()&&0!==Object.keys(this.tiles).length){var r=this.map.painter.context,n=r.gl;for(var i in this.boundsBuffer||(this.boundsBuffer=r.createVertexBuffer(this._boundsArray,I.members)),this.boundsSegments||(this.boundsSegments=t.SegmentVector.simpleSegment(0,0,4,2)),this.texture?(e||this._playing)&&this.texture.update(this.canvas,{premultiply:!0}):this.texture=new t.Texture(r,this.canvas,n.RGBA,{premultiply:!0}),this.tiles){var a=this.tiles[i];"loaded"!==a.state&&(a.state="loaded",a.texture=this.texture)}}},r.prototype.serialize=function(){return{type:"canvas",coordinates:this.coordinates}},r.prototype.hasTransition=function(){return this._playing},r.prototype._hasInvalidDimensions=function(){for(var t=0,e=[this.canvas.width,this.canvas.height];tthis.max){var o=this._getAndRemoveByKey(this.order[0]);o&&this.onRemove(o)}return this},N.prototype.has=function(t){return t.wrapped().key in this.data},N.prototype.getAndRemove=function(t){return this.has(t)?this._getAndRemoveByKey(t.wrapped().key):null},N.prototype._getAndRemoveByKey=function(t){var e=this.data[t].shift();return e.timeout&&clearTimeout(e.timeout),0===this.data[t].length&&delete this.data[t],this.order.splice(this.order.indexOf(t),1),e.value},N.prototype.getByKey=function(t){var e=this.data[t];return e?e[0].value:null},N.prototype.get=function(t){return this.has(t)?this.data[t.wrapped().key][0].value:null},N.prototype.remove=function(t,e){if(!this.has(t))return this;var r=t.wrapped().key,n=void 0===e?0:this.data[r].indexOf(e),i=this.data[r][n];return this.data[r].splice(n,1),i.timeout&&clearTimeout(i.timeout),0===this.data[r].length&&delete this.data[r],this.onRemove(i.value),this.order.splice(this.order.indexOf(r),1),this},N.prototype.setMaxSize=function(t){for(this.max=t;this.order.length>this.max;){var e=this._getAndRemoveByKey(this.order[0]);e&&this.onRemove(e)}return this},N.prototype.filter=function(t){var e=[];for(var r in this.data)for(var n=0,i=this.data[r];n1||(Math.abs(r)>1&&(1===Math.abs(r+i)?r+=i:1===Math.abs(r-i)&&(r-=i)),e.dem&&t.dem&&(t.dem.backfillBorder(e.dem,r,n),t.neighboringTiles&&t.neighboringTiles[a]&&(t.neighboringTiles[a].backfilled=!0)))}},r.prototype.getTile=function(t){return this.getTileByID(t.key)},r.prototype.getTileByID=function(t){return this._tiles[t]},r.prototype._retainLoadedChildren=function(t,e,r,n){for(var i in this._tiles){var a=this._tiles[i];if(!(n[i]||!a.hasData()||a.tileID.overscaledZ<=e||a.tileID.overscaledZ>r)){for(var o=a.tileID;a&&a.tileID.overscaledZ>e+1;){var s=a.tileID.scaledTo(a.tileID.overscaledZ-1);(a=this._tiles[s.key])&&a.hasData()&&(o=s)}for(var l=o;l.overscaledZ>e;)if(t[(l=l.scaledTo(l.overscaledZ-1)).key]){n[o.key]=o;break}}}},r.prototype.findLoadedParent=function(t,e){if(t.key in this._loadedParentTiles){var r=this._loadedParentTiles[t.key];return r&&r.tileID.overscaledZ>=e?r:null}for(var n=t.overscaledZ-1;n>=e;n--){var i=t.scaledTo(n),a=this._getLoadedTile(i);if(a)return a}},r.prototype._getLoadedTile=function(t){var e=this._tiles[t.key];return e&&e.hasData()?e:this._cache.getByKey(t.wrapped().key)},r.prototype.updateCacheSize=function(t){var e=Math.ceil(t.width/this._source.tileSize)+1,r=Math.ceil(t.height/this._source.tileSize)+1,n=Math.floor(e*r*5),i="number"==typeof this._maxTileCacheSize?Math.min(this._maxTileCacheSize,n):n;this._cache.setMaxSize(i)},r.prototype.handleWrapJump=function(t){var e=Math.round((t-(void 0===this._prevLng?t:this._prevLng))/360);if(this._prevLng=t,e){var r={};for(var n in this._tiles){var i=this._tiles[n];i.tileID=i.tileID.unwrapTo(i.tileID.wrap+e),r[i.tileID.key]=i}for(var a in this._tiles=r,this._timers)clearTimeout(this._timers[a]),delete this._timers[a];for(var o in this._tiles)this._setTileReloadTimer(o,this._tiles[o])}},r.prototype.update=function(e){var n=this;if(this.transform=e,this._sourceLoaded&&!this._paused){var i;this.updateCacheSize(e),this.handleWrapJump(this.transform.center.lng),this._coveredTiles={},this.used?this._source.tileID?i=e.getVisibleUnwrappedCoordinates(this._source.tileID).map((function(e){return new t.OverscaledTileID(e.canonical.z,e.wrap,e.canonical.z,e.canonical.x,e.canonical.y)})):(i=e.coveringTiles({tileSize:this._source.tileSize,minzoom:this._source.minzoom,maxzoom:this._source.maxzoom,roundZoom:this._source.roundZoom,reparseOverscaled:this._source.reparseOverscaled}),this._source.hasTile&&(i=i.filter((function(t){return n._source.hasTile(t)})))):i=[];var a=e.coveringZoomLevel(this._source),o=Math.max(a-r.maxOverzooming,this._source.minzoom),s=Math.max(a+r.maxUnderzooming,this._source.minzoom),l=this._updateRetainedTiles(i,a);if(Pt(this._source.type)){for(var c={},u={},f=0,h=Object.keys(l);fthis._source.maxzoom){var m=d.children(this._source.maxzoom)[0],v=this.getTile(m);if(v&&v.hasData()){n[m.key]=m;continue}}else{var y=d.children(this._source.maxzoom);if(n[y[0].key]&&n[y[1].key]&&n[y[2].key]&&n[y[3].key])continue}for(var x=g.wasRequested(),b=d.overscaledZ-1;b>=a;--b){var _=d.scaledTo(b);if(i[_.key])break;if(i[_.key]=!0,!(g=this.getTile(_))&&x&&(g=this._addTile(_)),g&&(n[_.key]=_,x=g.wasRequested(),g.hasData()))break}}}return n},r.prototype._updateLoadedParentTileCache=function(){for(var t in this._loadedParentTiles={},this._tiles){for(var e=[],r=void 0,n=this._tiles[t].tileID;n.overscaledZ>0;){if(n.key in this._loadedParentTiles){r=this._loadedParentTiles[n.key];break}e.push(n.key);var i=n.scaledTo(n.overscaledZ-1);if(r=this._getLoadedTile(i))break;n=i}for(var a=0,o=e;a0||(e.hasData()&&"reloading"!==e.state?this._cache.add(e.tileID,e,e.getExpiryTimeout()):(e.aborted=!0,this._abortTile(e),this._unloadTile(e))))},r.prototype.clearTiles=function(){for(var t in this._shouldReloadOnResume=!1,this._paused=!1,this._tiles)this._removeTile(t);this._cache.reset()},r.prototype.tilesIn=function(e,r,n){var i=this,a=[],o=this.transform;if(!o)return a;for(var s=n?o.getCameraQueryGeometry(e):e,l=e.map((function(t){return o.pointCoordinate(t)})),c=s.map((function(t){return o.pointCoordinate(t)})),u=this.getIds(),f=1/0,h=1/0,p=-1/0,d=-1/0,g=0,m=c;g=0&&v[1].y+m>=0){var y=l.map((function(t){return s.getTilePoint(t)})),x=c.map((function(t){return s.getTilePoint(t)}));a.push({tile:n,tileID:s,queryGeometry:y,cameraQueryGeometry:x,scale:g})}}},x=0;x=t.browser.now())return!0}return!1},r.prototype.setFeatureState=function(t,e,r){this._state.updateState(t=t||"_geojsonTileLayer",e,r)},r.prototype.removeFeatureState=function(t,e,r){this._state.removeFeatureState(t=t||"_geojsonTileLayer",e,r)},r.prototype.getFeatureState=function(t,e){return this._state.getState(t=t||"_geojsonTileLayer",e)},r.prototype.setDependencies=function(t,e,r){var n=this._tiles[t];n&&n.setDependencies(e,r)},r.prototype.reloadTilesForDependencies=function(t,e){for(var r in this._tiles)this._tiles[r].hasDependency(t,e)&&this._reloadTile(r,"reloading");this._cache.filter((function(r){return!r.hasDependency(t,e)}))},r}(t.Evented);function It(t,e){var r=Math.abs(2*t.wrap)-+(t.wrap<0),n=Math.abs(2*e.wrap)-+(e.wrap<0);return t.overscaledZ-e.overscaledZ||n-r||e.canonical.y-t.canonical.y||e.canonical.x-t.canonical.x}function Pt(t){return"raster"===t||"image"===t||"video"===t}function zt(){return new t.window.Worker(Yi.workerUrl)}Lt.maxOverzooming=10,Lt.maxUnderzooming=3;var Ot="mapboxgl_preloaded_worker_pool",Dt=function(){this.active={}};Dt.prototype.acquire=function(t){if(!this.workers)for(this.workers=[];this.workers.length0?(i-o)/s:0;return this.points[a].mult(1-l).add(this.points[r].mult(l))};var Jt=function(t,e,r){var n=this.boxCells=[],i=this.circleCells=[];this.xCellCount=Math.ceil(t/r),this.yCellCount=Math.ceil(e/r);for(var a=0;a=-e[0]&&r<=e[0]&&n>=-e[1]&&n<=e[1]}function re(e,r,n,i,a,o,s,l){var c=i?e.textSizeData:e.iconSizeData,u=t.evaluateSizeForZoom(c,n.transform.zoom),f=[256/n.width*2+1,256/n.height*2+1],h=i?e.text.dynamicLayoutVertexArray:e.icon.dynamicLayoutVertexArray;h.clear();for(var p=e.lineVertexArray,d=i?e.text.placedSymbolArray:e.icon.placedSymbolArray,g=n.transform.width/n.transform.height,m=!1,v=0;vMath.abs(n.x-r.x)*i?{useVertical:!0}:(e===t.WritingMode.vertical?r.yn.x)?{needsFlipping:!0}:null}function ae(e,r,n,i,a,o,s,l,c,u,f,h,p,d){var g,m=r/24,v=e.lineOffsetX*m,y=e.lineOffsetY*m;if(e.numGlyphs>1){var x=e.glyphStartIndex+e.numGlyphs,b=e.lineStartIndex,_=e.lineStartIndex+e.lineLength,w=ne(m,l,v,y,n,f,h,e,c,o,p);if(!w)return{notEnoughRoom:!0};var T=$t(w.first.point,s).point,k=$t(w.last.point,s).point;if(i&&!n){var M=ie(e.writingMode,T,k,d);if(M)return M}g=[w.first];for(var A=e.glyphStartIndex+1;A0?L.point:oe(h,C,S,1,a),P=ie(e.writingMode,S,I,d);if(P)return P}var z=se(m*l.getoffsetX(e.glyphStartIndex),v,y,n,f,h,e.segment,e.lineStartIndex,e.lineStartIndex+e.lineLength,c,o,p);if(!z)return{notEnoughRoom:!0};g=[z]}for(var O=0,D=g;O0?1:-1,g=0;i&&(d*=-1,g=Math.PI),d<0&&(g+=Math.PI);for(var m=d>0?l+s:l+s+1,v=a,y=a,x=0,b=0,_=Math.abs(p),w=[];x+b<=_;){if((m+=d)=c)return null;if(y=v,w.push(v),void 0===(v=h[m])){var T=new t.Point(u.getx(m),u.gety(m)),k=$t(T,f);if(k.signedDistanceFromCamera>0)v=h[m]=k.point;else{var M=m-d;v=oe(0===x?o:new t.Point(u.getx(M),u.gety(M)),T,y,_-x+1,f)}}x+=b,b=y.dist(v)}var A=(_-x)/b,S=v.sub(y),E=S.mult(A)._add(y);E._add(S._unit()._perp()._mult(n*d));var C=g+Math.atan2(v.y-y.y,v.x-y.x);return w.push(E),{point:E,angle:C,path:w}}Jt.prototype.keysLength=function(){return this.boxKeys.length+this.circleKeys.length},Jt.prototype.insert=function(t,e,r,n,i){this._forEachCell(e,r,n,i,this._insertBoxCell,this.boxUid++),this.boxKeys.push(t),this.bboxes.push(e),this.bboxes.push(r),this.bboxes.push(n),this.bboxes.push(i)},Jt.prototype.insertCircle=function(t,e,r,n){this._forEachCell(e-n,r-n,e+n,r+n,this._insertCircleCell,this.circleUid++),this.circleKeys.push(t),this.circles.push(e),this.circles.push(r),this.circles.push(n)},Jt.prototype._insertBoxCell=function(t,e,r,n,i,a){this.boxCells[i].push(a)},Jt.prototype._insertCircleCell=function(t,e,r,n,i,a){this.circleCells[i].push(a)},Jt.prototype._query=function(t,e,r,n,i,a){if(r<0||t>this.width||n<0||e>this.height)return!i&&[];var o=[];if(t<=0&&e<=0&&this.width<=r&&this.height<=n){if(i)return!0;for(var s=0;s0:o},Jt.prototype._queryCircle=function(t,e,r,n,i){var a=t-r,o=t+r,s=e-r,l=e+r;if(o<0||a>this.width||l<0||s>this.height)return!n&&[];var c=[];return this._forEachCell(a,s,o,l,this._queryCellCircle,c,{hitTest:n,circle:{x:t,y:e,radius:r},seenUids:{box:{},circle:{}}},i),n?c.length>0:c},Jt.prototype.query=function(t,e,r,n,i){return this._query(t,e,r,n,!1,i)},Jt.prototype.hitTest=function(t,e,r,n,i){return this._query(t,e,r,n,!0,i)},Jt.prototype.hitTestCircle=function(t,e,r,n){return this._queryCircle(t,e,r,!0,n)},Jt.prototype._queryCell=function(t,e,r,n,i,a,o,s){var l=o.seenUids,c=this.boxCells[i];if(null!==c)for(var u=this.bboxes,f=0,h=c;f=u[d+0]&&n>=u[d+1]&&(!s||s(this.boxKeys[p]))){if(o.hitTest)return a.push(!0),!0;a.push({key:this.boxKeys[p],x1:u[d],y1:u[d+1],x2:u[d+2],y2:u[d+3]})}}}var g=this.circleCells[i];if(null!==g)for(var m=this.circles,v=0,y=g;vo*o+s*s},Jt.prototype._circleAndRectCollide=function(t,e,r,n,i,a,o){var s=(a-n)/2,l=Math.abs(t-(n+s));if(l>s+r)return!1;var c=(o-i)/2,u=Math.abs(e-(i+c));if(u>c+r)return!1;if(l<=s||u<=c)return!0;var f=l-s,h=u-c;return f*f+h*h<=r*r};var le=new Float32Array([-1/0,-1/0,0,-1/0,-1/0,0,-1/0,-1/0,0,-1/0,-1/0,0]);function ce(t,e){for(var r=0;r=1;I--)L.push(E.path[I]);for(var P=1;P0){for(var R=L[0].clone(),F=L[0].clone(),B=1;B=M.x&&F.x<=A.x&&R.y>=M.y&&F.y<=A.y?[L]:F.xA.x||F.yA.y?[]:t.clipLine([L],M.x,M.y,A.x,A.y)}for(var N=0,j=D;N=this.screenRightBoundary||n<100||e>this.screenBottomBoundary},fe.prototype.isInsideGrid=function(t,e,r,n){return r>=0&&t=0&&e0?(this.prevPlacement&&this.prevPlacement.variableOffsets[f.crossTileID]&&this.prevPlacement.placements[f.crossTileID]&&this.prevPlacement.placements[f.crossTileID].text&&(g=this.prevPlacement.variableOffsets[f.crossTileID].anchor),this.variableOffsets[f.crossTileID]={textOffset:m,width:r,height:n,anchor:t,textBoxScale:i,prevAnchor:g},this.markUsedJustification(h,t,f,p),h.allowVerticalPlacement&&(this.markUsedOrientation(h,p,f),this.placedOrientations[f.crossTileID]=p),{shift:v,placedGlyphBoxes:y}):void 0},_e.prototype.placeLayerBucketPart=function(e,r,n){var i=this,a=e.parameters,o=a.bucket,s=a.layout,l=a.posMatrix,c=a.textLabelPlaneMatrix,u=a.labelToScreenMatrix,f=a.textPixelRatio,h=a.holdingForFade,p=a.collisionBoxArray,d=a.partiallyEvaluatedTextSize,g=a.collisionGroup,m=s.get("text-optional"),v=s.get("icon-optional"),y=s.get("text-allow-overlap"),x=s.get("icon-allow-overlap"),b="map"===s.get("text-rotation-alignment"),_="map"===s.get("text-pitch-alignment"),w="none"!==s.get("icon-text-fit"),T="viewport-y"===s.get("symbol-z-order"),k=y&&(x||!o.hasIconData()||v),M=x&&(y||!o.hasTextData()||m);!o.collisionArrays&&p&&o.deserializeCollisionBoxes(p);var A=function(e,a){if(!r[e.crossTileID])if(h)i.placements[e.crossTileID]=new ge(!1,!1,!1);else{var p,T=!1,A=!1,S=!0,E=null,C={box:null,offscreen:null},L={box:null,offscreen:null},I=null,P=null,z=0,O=0,D=0;a.textFeatureIndex?z=a.textFeatureIndex:e.useRuntimeCollisionCircles&&(z=e.featureIndex),a.verticalTextFeatureIndex&&(O=a.verticalTextFeatureIndex);var R=a.textBox;if(R){var F=function(r){var n=t.WritingMode.horizontal;if(o.allowVerticalPlacement&&!r&&i.prevPlacement){var a=i.prevPlacement.placedOrientations[e.crossTileID];a&&(i.placedOrientations[e.crossTileID]=a,i.markUsedOrientation(o,n=a,e))}return n},B=function(r,n){if(o.allowVerticalPlacement&&e.numVerticalGlyphVertices>0&&a.verticalTextBox)for(var i=0,s=o.writingModes;i0&&(N=N.filter((function(t){return t!==j.anchor}))).unshift(j.anchor)}var U=function(t,r,n){for(var a=t.x2-t.x1,s=t.y2-t.y1,c=e.textBoxScale,u=w&&!x?r:null,h={box:[],offscreen:!1},p=y?2*N.length:N.length,d=0;d=N.length,e,o,n,u);if(m&&(h=m.placedGlyphBoxes)&&h.box&&h.box.length){T=!0,E=m.shift;break}}return h};B((function(){return U(R,a.iconBox,t.WritingMode.horizontal)}),(function(){var r=a.verticalTextBox;return o.allowVerticalPlacement&&!(C&&C.box&&C.box.length)&&e.numVerticalGlyphVertices>0&&r?U(r,a.verticalIconBox,t.WritingMode.vertical):{box:null,offscreen:null}})),C&&(T=C.box,S=C.offscreen);var V=F(C&&C.box);if(!T&&i.prevPlacement){var q=i.prevPlacement.variableOffsets[e.crossTileID];q&&(i.variableOffsets[e.crossTileID]=q,i.markUsedJustification(o,q.anchor,e,V))}}else{var H=function(t,r){var n=i.collisionIndex.placeCollisionBox(t,y,f,l,g.predicate);return n&&n.box&&n.box.length&&(i.markUsedOrientation(o,r,e),i.placedOrientations[e.crossTileID]=r),n};B((function(){return H(R,t.WritingMode.horizontal)}),(function(){var r=a.verticalTextBox;return o.allowVerticalPlacement&&e.numVerticalGlyphVertices>0&&r?H(r,t.WritingMode.vertical):{box:null,offscreen:null}})),F(C&&C.box&&C.box.length)}}if(T=(p=C)&&p.box&&p.box.length>0,S=p&&p.offscreen,e.useRuntimeCollisionCircles){var G=o.text.placedSymbolArray.get(e.centerJustifiedTextSymbolIndex),Y=t.evaluateSizeForFeature(o.textSizeData,d,G),W=s.get("text-padding");I=i.collisionIndex.placeCollisionCircles(y,G,o.lineVertexArray,o.glyphOffsetArray,Y,l,c,u,n,_,g.predicate,e.collisionCircleDiameter,W),T=y||I.circles.length>0&&!I.collisionDetected,S=S&&I.offscreen}if(a.iconFeatureIndex&&(D=a.iconFeatureIndex),a.iconBox){var X=function(t){var e=w&&E?be(t,E.x,E.y,b,_,i.transform.angle):t;return i.collisionIndex.placeCollisionBox(e,x,f,l,g.predicate)};A=L&&L.box&&L.box.length&&a.verticalIconBox?(P=X(a.verticalIconBox)).box.length>0:(P=X(a.iconBox)).box.length>0,S=S&&P.offscreen}var Z=m||0===e.numHorizontalGlyphVertices&&0===e.numVerticalGlyphVertices,J=v||0===e.numIconVertices;if(Z||J?J?Z||(A=A&&T):T=A&&T:A=T=A&&T,T&&p&&p.box&&i.collisionIndex.insertCollisionBox(p.box,s.get("text-ignore-placement"),o.bucketInstanceId,L&&L.box&&O?O:z,g.ID),A&&P&&i.collisionIndex.insertCollisionBox(P.box,s.get("icon-ignore-placement"),o.bucketInstanceId,D,g.ID),I&&(T&&i.collisionIndex.insertCollisionCircles(I.circles,s.get("text-ignore-placement"),o.bucketInstanceId,z,g.ID),n)){var K=o.bucketInstanceId,Q=i.collisionCircleArrays[K];void 0===Q&&(Q=i.collisionCircleArrays[K]=new me);for(var $=0;$=0;--E){var C=S[E];A(o.symbolInstances.get(C),o.collisionArrays[C])}else for(var L=e.symbolInstanceStart;L=0&&(e.text.placedSymbolArray.get(l).crossTileID=a>=0&&l!==a?0:n.crossTileID)}},_e.prototype.markUsedOrientation=function(e,r,n){for(var i=r===t.WritingMode.horizontal||r===t.WritingMode.horizontalOnly?r:0,a=r===t.WritingMode.vertical?r:0,o=0,s=[n.leftJustifiedTextSymbolIndex,n.centerJustifiedTextSymbolIndex,n.rightJustifiedTextSymbolIndex];o0,y=i.placedOrientations[a.crossTileID],x=y===t.WritingMode.vertical,b=y===t.WritingMode.horizontal||y===t.WritingMode.horizontalOnly;if(s>0||l>0){var _=Le(m.text);d(e.text,s,x?Ie:_),d(e.text,l,b?Ie:_);var w=m.text.isHidden();[a.rightJustifiedTextSymbolIndex,a.centerJustifiedTextSymbolIndex,a.leftJustifiedTextSymbolIndex].forEach((function(t){t>=0&&(e.text.placedSymbolArray.get(t).hidden=w||x?1:0)})),a.verticalPlacedTextSymbolIndex>=0&&(e.text.placedSymbolArray.get(a.verticalPlacedTextSymbolIndex).hidden=w||b?1:0);var T=i.variableOffsets[a.crossTileID];T&&i.markUsedJustification(e,T.anchor,a,y);var k=i.placedOrientations[a.crossTileID];k&&(i.markUsedJustification(e,"left",a,k),i.markUsedOrientation(e,k,a))}if(v){var M=Le(m.icon),A=!(h&&a.verticalPlacedIconSymbolIndex&&x);a.placedIconSymbolIndex>=0&&(d(e.icon,a.numIconVertices,A?M:Ie),e.icon.placedSymbolArray.get(a.placedIconSymbolIndex).hidden=m.icon.isHidden()),a.verticalPlacedIconSymbolIndex>=0&&(d(e.icon,a.numVerticalIconVertices,A?Ie:M),e.icon.placedSymbolArray.get(a.verticalPlacedIconSymbolIndex).hidden=m.icon.isHidden())}if(e.hasIconCollisionBoxData()||e.hasTextCollisionBoxData()){var S=e.collisionArrays[n];if(S){var E=new t.Point(0,0);if(S.textBox||S.verticalTextBox){var C=!0;if(c){var L=i.variableOffsets[g];L?(E=xe(L.anchor,L.width,L.height,L.textOffset,L.textBoxScale),u&&E._rotate(f?i.transform.angle:-i.transform.angle)):C=!1}S.textBox&&we(e.textCollisionBox.collisionVertexArray,m.text.placed,!C||x,E.x,E.y),S.verticalTextBox&&we(e.textCollisionBox.collisionVertexArray,m.text.placed,!C||b,E.x,E.y)}var I=Boolean(!b&&S.verticalIconBox);S.iconBox&&we(e.iconCollisionBox.collisionVertexArray,m.icon.placed,I,h?E.x:0,h?E.y:0),S.verticalIconBox&&we(e.iconCollisionBox.collisionVertexArray,m.icon.placed,!I,h?E.x:0,h?E.y:0)}}},m=0;mt},_e.prototype.setStale=function(){this.stale=!0};var Te=Math.pow(2,25),ke=Math.pow(2,24),Me=Math.pow(2,17),Ae=Math.pow(2,16),Se=Math.pow(2,9),Ee=Math.pow(2,8),Ce=Math.pow(2,1);function Le(t){if(0===t.opacity&&!t.placed)return 0;if(1===t.opacity&&t.placed)return 4294967295;var e=t.placed?1:0,r=Math.floor(127*t.opacity);return r*Te+e*ke+r*Me+e*Ae+r*Se+e*Ee+r*Ce+e}var Ie=0,Pe=function(t){this._sortAcrossTiles="viewport-y"!==t.layout.get("symbol-z-order")&&void 0!==t.layout.get("symbol-sort-key").constantOr(1),this._currentTileIndex=0,this._currentPartIndex=0,this._seenCrossTileIDs={},this._bucketParts=[]};Pe.prototype.continuePlacement=function(t,e,r,n,i){for(var a=this._bucketParts;this._currentTileIndex2};this._currentPlacementIndex>=0;){var s=r[e[this._currentPlacementIndex]],l=this.placement.collisionIndex.transform.zoom;if("symbol"===s.type&&(!s.minzoom||s.minzoom<=l)&&(!s.maxzoom||s.maxzoom>l)){if(this._inProgressLayer||(this._inProgressLayer=new Pe(s)),this._inProgressLayer.continuePlacement(n[s.source],this.placement,this._showCollisionBoxes,s,o))return;delete this._inProgressLayer}this._currentPlacementIndex--}this._done=!0},ze.prototype.commit=function(t){return this.placement.commit(t),this.placement};var Oe=512/t.EXTENT/2,De=function(t,e,r){this.tileID=t,this.indexedSymbolInstances={},this.bucketInstanceId=r;for(var n=0;nt.overscaledZ)for(var s in o){var l=o[s];l.tileID.isChildOf(t)&&l.findMatches(e.symbolInstances,t,i)}else{var c=o[t.scaledTo(Number(a)).key];c&&c.findMatches(e.symbolInstances,t,i)}}for(var u=0;u1?"@2x":"",l=t.getJSON(r.transformRequest(r.normalizeSpriteURL(e,s,".json"),t.ResourceType.SpriteJSON),(function(t,e){l=null,o||(o=t,i=e,u())})),c=t.getImage(r.transformRequest(r.normalizeSpriteURL(e,s,".png"),t.ResourceType.SpriteImage),(function(t,e){c=null,o||(o=t,a=e,u())}));function u(){if(o)n(o);else if(i&&a){var e=t.browser.getImageData(a),r={};for(var s in i){var l=i[s],c=l.width,u=l.height,f=l.x,h=l.y,p=l.sdf,d=l.pixelRatio,g=l.stretchX,m=l.stretchY,v=l.content,y=new t.RGBAImage({width:c,height:u});t.RGBAImage.copy(e,y,{x:f,y:h},{x:0,y:0},{width:c,height:u}),r[s]={data:y,pixelRatio:d,sdf:p,stretchX:g,stretchY:m,content:v}}n(null,r)}}return{cancel:function(){l&&(l.cancel(),l=null),c&&(c.cancel(),c=null)}}}(e,this.map._requestManager,(function(e,n){if(r._spriteRequest=null,e)r.fire(new t.ErrorEvent(e));else if(n)for(var i in n)r.imageManager.addImage(i,n[i]);r.imageManager.setLoaded(!0),r._availableImages=r.imageManager.listImages(),r.dispatcher.broadcast("setImages",r._availableImages),r.fire(new t.Event("data",{dataType:"style"}))}))},r.prototype._validateLayer=function(e){var r=this.sourceCaches[e.source];if(r){var n=e.sourceLayer;if(n){var i=r.getSource();("geojson"===i.type||i.vectorLayerIds&&-1===i.vectorLayerIds.indexOf(n))&&this.fire(new t.ErrorEvent(new Error('Source layer "'+n+'" does not exist on source "'+i.id+'" as specified by style layer "'+e.id+'"')))}}},r.prototype.loaded=function(){if(!this._loaded)return!1;if(Object.keys(this._updatedSources).length)return!1;for(var t in this.sourceCaches)if(!this.sourceCaches[t].loaded())return!1;return!!this.imageManager.isLoaded()},r.prototype._serializeLayers=function(t){for(var e=[],r=0,n=t;r0)throw new Error("Unimplemented: "+i.map((function(t){return t.command})).join(", ")+".");return n.forEach((function(t){"setTransition"!==t.command&&r[t.command].apply(r,t.args)})),this.stylesheet=e,!0},r.prototype.addImage=function(e,r){if(this.getImage(e))return this.fire(new t.ErrorEvent(new Error("An image with this name already exists.")));this.imageManager.addImage(e,r),this._availableImages=this.imageManager.listImages(),this._changedImages[e]=!0,this._changed=!0,this.fire(new t.Event("data",{dataType:"style"}))},r.prototype.updateImage=function(t,e){this.imageManager.updateImage(t,e)},r.prototype.getImage=function(t){return this.imageManager.getImage(t)},r.prototype.removeImage=function(e){if(!this.getImage(e))return this.fire(new t.ErrorEvent(new Error("No image with this name exists.")));this.imageManager.removeImage(e),this._availableImages=this.imageManager.listImages(),this._changedImages[e]=!0,this._changed=!0,this.fire(new t.Event("data",{dataType:"style"}))},r.prototype.listImages=function(){return this._checkLoaded(),this.imageManager.listImages()},r.prototype.addSource=function(e,r,n){var i=this;if(void 0===n&&(n={}),this._checkLoaded(),void 0!==this.sourceCaches[e])throw new Error("There is already a source with this ID");if(!r.type)throw new Error("The type property must be defined, but the only the following properties were given: "+Object.keys(r).join(", ")+".");if(!(["vector","raster","geojson","video","image"].indexOf(r.type)>=0&&this._validate(t.validateStyle.source,"sources."+e,r,null,n))){this.map&&this.map._collectResourceTiming&&(r.collectResourceTiming=!0);var a=this.sourceCaches[e]=new Lt(e,r,this.dispatcher);a.style=this,a.setEventedParent(this,(function(){return{isSourceLoaded:i.loaded(),source:a.serialize(),sourceId:e}})),a.onAdd(this.map),this._changed=!0}},r.prototype.removeSource=function(e){if(this._checkLoaded(),void 0===this.sourceCaches[e])throw new Error("There is no source with this ID");for(var r in this._layers)if(this._layers[r].source===e)return this.fire(new t.ErrorEvent(new Error('Source "'+e+'" cannot be removed while layer "'+r+'" is using it.')));var n=this.sourceCaches[e];delete this.sourceCaches[e],delete this._updatedSources[e],n.fire(new t.Event("data",{sourceDataType:"metadata",dataType:"source",sourceId:e})),n.setEventedParent(null),n.clearTiles(),n.onRemove&&n.onRemove(this.map),this._changed=!0},r.prototype.setGeoJSONSourceData=function(t,e){this._checkLoaded(),this.sourceCaches[t].getSource().setData(e),this._changed=!0},r.prototype.getSource=function(t){return this.sourceCaches[t]&&this.sourceCaches[t].getSource()},r.prototype.addLayer=function(e,r,n){void 0===n&&(n={}),this._checkLoaded();var i=e.id;if(this.getLayer(i))this.fire(new t.ErrorEvent(new Error('Layer with id "'+i+'" already exists on this map')));else{var a;if("custom"===e.type){if(Ne(this,t.validateCustomStyleLayer(e)))return;a=t.createStyleLayer(e)}else{if("object"==typeof e.source&&(this.addSource(i,e.source),e=t.clone$1(e),e=t.extend(e,{source:i})),this._validate(t.validateStyle.layer,"layers."+i,e,{arrayIndex:-1},n))return;a=t.createStyleLayer(e),this._validateLayer(a),a.setEventedParent(this,{layer:{id:i}}),this._serializedLayers[a.id]=a.serialize()}var o=r?this._order.indexOf(r):this._order.length;if(r&&-1===o)this.fire(new t.ErrorEvent(new Error('Layer with id "'+r+'" does not exist on this map.')));else{if(this._order.splice(o,0,i),this._layerOrderChanged=!0,this._layers[i]=a,this._removedLayers[i]&&a.source&&"custom"!==a.type){var s=this._removedLayers[i];delete this._removedLayers[i],s.type!==a.type?this._updatedSources[a.source]="clear":(this._updatedSources[a.source]="reload",this.sourceCaches[a.source].pause())}this._updateLayer(a),a.onAdd&&a.onAdd(this.map)}}},r.prototype.moveLayer=function(e,r){if(this._checkLoaded(),this._changed=!0,this._layers[e]){if(e!==r){var n=this._order.indexOf(e);this._order.splice(n,1);var i=r?this._order.indexOf(r):this._order.length;r&&-1===i?this.fire(new t.ErrorEvent(new Error('Layer with id "'+r+'" does not exist on this map.'))):(this._order.splice(i,0,e),this._layerOrderChanged=!0)}}else this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be moved.")))},r.prototype.removeLayer=function(e){this._checkLoaded();var r=this._layers[e];if(r){r.setEventedParent(null);var n=this._order.indexOf(e);this._order.splice(n,1),this._layerOrderChanged=!0,this._changed=!0,this._removedLayers[e]=r,delete this._layers[e],delete this._serializedLayers[e],delete this._updatedLayers[e],delete this._updatedPaintProps[e],r.onRemove&&r.onRemove(this.map)}else this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be removed.")))},r.prototype.getLayer=function(t){return this._layers[t]},r.prototype.hasLayer=function(t){return t in this._layers},r.prototype.setLayerZoomRange=function(e,r,n){this._checkLoaded();var i=this.getLayer(e);i?i.minzoom===r&&i.maxzoom===n||(null!=r&&(i.minzoom=r),null!=n&&(i.maxzoom=n),this._updateLayer(i)):this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot have zoom extent.")))},r.prototype.setFilter=function(e,r,n){void 0===n&&(n={}),this._checkLoaded();var i=this.getLayer(e);if(i){if(!t.deepEqual(i.filter,r))return null==r?(i.filter=void 0,void this._updateLayer(i)):void(this._validate(t.validateStyle.filter,"layers."+i.id+".filter",r,null,n)||(i.filter=t.clone$1(r),this._updateLayer(i)))}else this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be filtered.")))},r.prototype.getFilter=function(e){return t.clone$1(this.getLayer(e).filter)},r.prototype.setLayoutProperty=function(e,r,n,i){void 0===i&&(i={}),this._checkLoaded();var a=this.getLayer(e);a?t.deepEqual(a.getLayoutProperty(r),n)||(a.setLayoutProperty(r,n,i),this._updateLayer(a)):this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be styled.")))},r.prototype.getLayoutProperty=function(e,r){var n=this.getLayer(e);if(n)return n.getLayoutProperty(r);this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style.")))},r.prototype.setPaintProperty=function(e,r,n,i){void 0===i&&(i={}),this._checkLoaded();var a=this.getLayer(e);a?t.deepEqual(a.getPaintProperty(r),n)||(a.setPaintProperty(r,n,i)&&this._updateLayer(a),this._changed=!0,this._updatedPaintProps[e]=!0):this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be styled.")))},r.prototype.getPaintProperty=function(t,e){return this.getLayer(t).getPaintProperty(e)},r.prototype.setFeatureState=function(e,r){this._checkLoaded();var n=e.source,i=e.sourceLayer,a=this.sourceCaches[n];if(void 0!==a){var o=a.getSource().type;"geojson"===o&&i?this.fire(new t.ErrorEvent(new Error("GeoJSON sources cannot have a sourceLayer parameter."))):"vector"!==o||i?(void 0===e.id&&this.fire(new t.ErrorEvent(new Error("The feature id parameter must be provided."))),a.setFeatureState(i,e.id,r)):this.fire(new t.ErrorEvent(new Error("The sourceLayer parameter must be provided for vector source types.")))}else this.fire(new t.ErrorEvent(new Error("The source '"+n+"' does not exist in the map's style.")))},r.prototype.removeFeatureState=function(e,r){this._checkLoaded();var n=e.source,i=this.sourceCaches[n];if(void 0!==i){var a=i.getSource().type,o="vector"===a?e.sourceLayer:void 0;"vector"!==a||o?r&&"string"!=typeof e.id&&"number"!=typeof e.id?this.fire(new t.ErrorEvent(new Error("A feature id is requred to remove its specific state property."))):i.removeFeatureState(o,e.id,r):this.fire(new t.ErrorEvent(new Error("The sourceLayer parameter must be provided for vector source types.")))}else this.fire(new t.ErrorEvent(new Error("The source '"+n+"' does not exist in the map's style.")))},r.prototype.getFeatureState=function(e){this._checkLoaded();var r=e.source,n=e.sourceLayer,i=this.sourceCaches[r];if(void 0!==i){if("vector"!==i.getSource().type||n)return void 0===e.id&&this.fire(new t.ErrorEvent(new Error("The feature id parameter must be provided."))),i.getFeatureState(n,e.id);this.fire(new t.ErrorEvent(new Error("The sourceLayer parameter must be provided for vector source types.")))}else this.fire(new t.ErrorEvent(new Error("The source '"+r+"' does not exist in the map's style.")))},r.prototype.getTransition=function(){return t.extend({duration:300,delay:0},this.stylesheet&&this.stylesheet.transition)},r.prototype.serialize=function(){return t.filterObject({version:this.stylesheet.version,name:this.stylesheet.name,metadata:this.stylesheet.metadata,light:this.stylesheet.light,center:this.stylesheet.center,zoom:this.stylesheet.zoom,bearing:this.stylesheet.bearing,pitch:this.stylesheet.pitch,sprite:this.stylesheet.sprite,glyphs:this.stylesheet.glyphs,transition:this.stylesheet.transition,sources:t.mapObject(this.sourceCaches,(function(t){return t.serialize()})),layers:this._serializeLayers(this._order)},(function(t){return void 0!==t}))},r.prototype._updateLayer=function(t){this._updatedLayers[t.id]=!0,t.source&&!this._updatedSources[t.source]&&"raster"!==this.sourceCaches[t.source].getSource().type&&(this._updatedSources[t.source]="reload",this.sourceCaches[t.source].pause()),this._changed=!0},r.prototype._flattenAndSortRenderedFeatures=function(t){for(var e=this,r=function(t){return"fill-extrusion"===e._layers[t].type},n={},i=[],a=this._order.length-1;a>=0;a--){var o=this._order[a];if(r(o)){n[o]=a;for(var s=0,l=t;s=0;p--){var d=this._order[p];if(r(d))for(var g=i.length-1;g>=0;g--){var m=i[g].feature;if(n[m.layer.id] 0.5) {gl_FragColor=vec4(0.0,0.0,1.0,0.5)*alpha;}if (v_notUsed > 0.5) {gl_FragColor*=.1;}}","attribute vec2 a_pos;attribute vec2 a_anchor_pos;attribute vec2 a_extrude;attribute vec2 a_placed;attribute vec2 a_shift;uniform mat4 u_matrix;uniform vec2 u_extrude_scale;uniform float u_camera_to_center_distance;varying float v_placed;varying float v_notUsed;void main() {vec4 projectedPoint=u_matrix*vec4(a_anchor_pos,0,1);highp float camera_to_anchor_distance=projectedPoint.w;highp float collision_perspective_ratio=clamp(0.5+0.5*(u_camera_to_center_distance/camera_to_anchor_distance),0.0,4.0);gl_Position=u_matrix*vec4(a_pos,0.0,1.0);gl_Position.xy+=(a_extrude+a_shift)*u_extrude_scale*gl_Position.w*collision_perspective_ratio;v_placed=a_placed.x;v_notUsed=a_placed.y;}"),$e=vr("varying float v_radius;varying vec2 v_extrude;varying float v_perspective_ratio;varying float v_collision;void main() {float alpha=0.5*min(v_perspective_ratio,1.0);float stroke_radius=0.9*max(v_perspective_ratio,1.0);float distance_to_center=length(v_extrude);float distance_to_edge=abs(distance_to_center-v_radius);float opacity_t=smoothstep(-stroke_radius,0.0,-distance_to_edge);vec4 color=mix(vec4(0.0,0.0,1.0,0.5),vec4(1.0,0.0,0.0,1.0),v_collision);gl_FragColor=color*alpha*opacity_t;}","attribute vec2 a_pos;attribute float a_radius;attribute vec2 a_flags;uniform mat4 u_matrix;uniform mat4 u_inv_matrix;uniform vec2 u_viewport_size;uniform float u_camera_to_center_distance;varying float v_radius;varying vec2 v_extrude;varying float v_perspective_ratio;varying float v_collision;vec3 toTilePosition(vec2 screenPos) {vec4 rayStart=u_inv_matrix*vec4(screenPos,-1.0,1.0);vec4 rayEnd =u_inv_matrix*vec4(screenPos, 1.0,1.0);rayStart.xyz/=rayStart.w;rayEnd.xyz /=rayEnd.w;highp float t=(0.0-rayStart.z)/(rayEnd.z-rayStart.z);return mix(rayStart.xyz,rayEnd.xyz,t);}void main() {vec2 quadCenterPos=a_pos;float radius=a_radius;float collision=a_flags.x;float vertexIdx=a_flags.y;vec2 quadVertexOffset=vec2(mix(-1.0,1.0,float(vertexIdx >=2.0)),mix(-1.0,1.0,float(vertexIdx >=1.0 && vertexIdx <=2.0)));vec2 quadVertexExtent=quadVertexOffset*radius;vec3 tilePos=toTilePosition(quadCenterPos);vec4 clipPos=u_matrix*vec4(tilePos,1.0);highp float camera_to_anchor_distance=clipPos.w;highp float collision_perspective_ratio=clamp(0.5+0.5*(u_camera_to_center_distance/camera_to_anchor_distance),0.0,4.0);float padding_factor=1.2;v_radius=radius;v_extrude=quadVertexExtent*padding_factor;v_perspective_ratio=collision_perspective_ratio;v_collision=collision;gl_Position=vec4(clipPos.xyz/clipPos.w,1.0)+vec4(quadVertexExtent*padding_factor/u_viewport_size*2.0,0.0,0.0);}"),tr=vr("uniform highp vec4 u_color;uniform sampler2D u_overlay;varying vec2 v_uv;void main() {vec4 overlay_color=texture2D(u_overlay,v_uv);gl_FragColor=mix(u_color,overlay_color,overlay_color.a);}","attribute vec2 a_pos;varying vec2 v_uv;uniform mat4 u_matrix;uniform float u_overlay_scale;void main() {v_uv=a_pos/8192.0;gl_Position=u_matrix*vec4(a_pos*u_overlay_scale,0,1);}"),er=vr("#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float opacity\ngl_FragColor=color*opacity;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","attribute vec2 a_pos;uniform mat4 u_matrix;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float opacity\ngl_Position=u_matrix*vec4(a_pos,0,1);}"),rr=vr("varying vec2 v_pos;\n#pragma mapbox: define highp vec4 outline_color\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 outline_color\n#pragma mapbox: initialize lowp float opacity\nfloat dist=length(v_pos-gl_FragCoord.xy);float alpha=1.0-smoothstep(0.0,1.0,dist);gl_FragColor=outline_color*(alpha*opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","attribute vec2 a_pos;uniform mat4 u_matrix;uniform vec2 u_world;varying vec2 v_pos;\n#pragma mapbox: define highp vec4 outline_color\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 outline_color\n#pragma mapbox: initialize lowp float opacity\ngl_Position=u_matrix*vec4(a_pos,0,1);v_pos=(gl_Position.xy/gl_Position.w+1.0)/2.0*u_world;}"),nr=vr("uniform vec2 u_texsize;uniform sampler2D u_image;uniform float u_fade;varying vec2 v_pos_a;varying vec2 v_pos_b;varying vec2 v_pos;\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;vec2 imagecoord=mod(v_pos_a,1.0);vec2 pos=mix(pattern_tl_a/u_texsize,pattern_br_a/u_texsize,imagecoord);vec4 color1=texture2D(u_image,pos);vec2 imagecoord_b=mod(v_pos_b,1.0);vec2 pos2=mix(pattern_tl_b/u_texsize,pattern_br_b/u_texsize,imagecoord_b);vec4 color2=texture2D(u_image,pos2);float dist=length(v_pos-gl_FragCoord.xy);float alpha=1.0-smoothstep(0.0,1.0,dist);gl_FragColor=mix(color1,color2,u_fade)*alpha*opacity;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_world;uniform vec2 u_pixel_coord_upper;uniform vec2 u_pixel_coord_lower;uniform vec3 u_scale;attribute vec2 a_pos;varying vec2 v_pos_a;varying vec2 v_pos_b;varying vec2 v_pos;\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;float tileRatio=u_scale.x;float fromScale=u_scale.y;float toScale=u_scale.z;gl_Position=u_matrix*vec4(a_pos,0,1);vec2 display_size_a=(pattern_br_a-pattern_tl_a)/pixel_ratio_from;vec2 display_size_b=(pattern_br_b-pattern_tl_b)/pixel_ratio_to;v_pos_a=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,fromScale*display_size_a,tileRatio,a_pos);v_pos_b=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,toScale*display_size_b,tileRatio,a_pos);v_pos=(gl_Position.xy/gl_Position.w+1.0)/2.0*u_world;}"),ir=vr("uniform vec2 u_texsize;uniform float u_fade;uniform sampler2D u_image;varying vec2 v_pos_a;varying vec2 v_pos_b;\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;vec2 imagecoord=mod(v_pos_a,1.0);vec2 pos=mix(pattern_tl_a/u_texsize,pattern_br_a/u_texsize,imagecoord);vec4 color1=texture2D(u_image,pos);vec2 imagecoord_b=mod(v_pos_b,1.0);vec2 pos2=mix(pattern_tl_b/u_texsize,pattern_br_b/u_texsize,imagecoord_b);vec4 color2=texture2D(u_image,pos2);gl_FragColor=mix(color1,color2,u_fade)*opacity;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_pixel_coord_upper;uniform vec2 u_pixel_coord_lower;uniform vec3 u_scale;attribute vec2 a_pos;varying vec2 v_pos_a;varying vec2 v_pos_b;\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;float tileZoomRatio=u_scale.x;float fromScale=u_scale.y;float toScale=u_scale.z;vec2 display_size_a=(pattern_br_a-pattern_tl_a)/pixel_ratio_from;vec2 display_size_b=(pattern_br_b-pattern_tl_b)/pixel_ratio_to;gl_Position=u_matrix*vec4(a_pos,0,1);v_pos_a=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,fromScale*display_size_a,tileZoomRatio,a_pos);v_pos_b=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,toScale*display_size_b,tileZoomRatio,a_pos);}"),ar=vr("varying vec4 v_color;void main() {gl_FragColor=v_color;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec3 u_lightcolor;uniform lowp vec3 u_lightpos;uniform lowp float u_lightintensity;uniform float u_vertical_gradient;uniform lowp float u_opacity;attribute vec2 a_pos;attribute vec4 a_normal_ed;varying vec4 v_color;\n#pragma mapbox: define highp float base\n#pragma mapbox: define highp float height\n#pragma mapbox: define highp vec4 color\nvoid main() {\n#pragma mapbox: initialize highp float base\n#pragma mapbox: initialize highp float height\n#pragma mapbox: initialize highp vec4 color\nvec3 normal=a_normal_ed.xyz;base=max(0.0,base);height=max(0.0,height);float t=mod(normal.x,2.0);gl_Position=u_matrix*vec4(a_pos,t > 0.0 ? height : base,1);float colorvalue=color.r*0.2126+color.g*0.7152+color.b*0.0722;v_color=vec4(0.0,0.0,0.0,1.0);vec4 ambientlight=vec4(0.03,0.03,0.03,1.0);color+=ambientlight;float directional=clamp(dot(normal/16384.0,u_lightpos),0.0,1.0);directional=mix((1.0-u_lightintensity),max((1.0-colorvalue+u_lightintensity),1.0),directional);if (normal.y !=0.0) {directional*=((1.0-u_vertical_gradient)+(u_vertical_gradient*clamp((t+base)*pow(height/150.0,0.5),mix(0.7,0.98,1.0-u_lightintensity),1.0)));}v_color.r+=clamp(color.r*directional*u_lightcolor.r,mix(0.0,0.3,1.0-u_lightcolor.r),1.0);v_color.g+=clamp(color.g*directional*u_lightcolor.g,mix(0.0,0.3,1.0-u_lightcolor.g),1.0);v_color.b+=clamp(color.b*directional*u_lightcolor.b,mix(0.0,0.3,1.0-u_lightcolor.b),1.0);v_color*=u_opacity;}"),or=vr("uniform vec2 u_texsize;uniform float u_fade;uniform sampler2D u_image;varying vec2 v_pos_a;varying vec2 v_pos_b;varying vec4 v_lighting;\n#pragma mapbox: define lowp float base\n#pragma mapbox: define lowp float height\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float base\n#pragma mapbox: initialize lowp float height\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;vec2 imagecoord=mod(v_pos_a,1.0);vec2 pos=mix(pattern_tl_a/u_texsize,pattern_br_a/u_texsize,imagecoord);vec4 color1=texture2D(u_image,pos);vec2 imagecoord_b=mod(v_pos_b,1.0);vec2 pos2=mix(pattern_tl_b/u_texsize,pattern_br_b/u_texsize,imagecoord_b);vec4 color2=texture2D(u_image,pos2);vec4 mixedColor=mix(color1,color2,u_fade);gl_FragColor=mixedColor*v_lighting;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_pixel_coord_upper;uniform vec2 u_pixel_coord_lower;uniform float u_height_factor;uniform vec3 u_scale;uniform float u_vertical_gradient;uniform lowp float u_opacity;uniform vec3 u_lightcolor;uniform lowp vec3 u_lightpos;uniform lowp float u_lightintensity;attribute vec2 a_pos;attribute vec4 a_normal_ed;varying vec2 v_pos_a;varying vec2 v_pos_b;varying vec4 v_lighting;\n#pragma mapbox: define lowp float base\n#pragma mapbox: define lowp float height\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float base\n#pragma mapbox: initialize lowp float height\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;float tileRatio=u_scale.x;float fromScale=u_scale.y;float toScale=u_scale.z;vec3 normal=a_normal_ed.xyz;float edgedistance=a_normal_ed.w;vec2 display_size_a=(pattern_br_a-pattern_tl_a)/pixel_ratio_from;vec2 display_size_b=(pattern_br_b-pattern_tl_b)/pixel_ratio_to;base=max(0.0,base);height=max(0.0,height);float t=mod(normal.x,2.0);float z=t > 0.0 ? height : base;gl_Position=u_matrix*vec4(a_pos,z,1);vec2 pos=normal.x==1.0 && normal.y==0.0 && normal.z==16384.0\n? a_pos\n: vec2(edgedistance,z*u_height_factor);v_pos_a=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,fromScale*display_size_a,tileRatio,pos);v_pos_b=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,toScale*display_size_b,tileRatio,pos);v_lighting=vec4(0.0,0.0,0.0,1.0);float directional=clamp(dot(normal/16383.0,u_lightpos),0.0,1.0);directional=mix((1.0-u_lightintensity),max((0.5+u_lightintensity),1.0),directional);if (normal.y !=0.0) {directional*=((1.0-u_vertical_gradient)+(u_vertical_gradient*clamp((t+base)*pow(height/150.0,0.5),mix(0.7,0.98,1.0-u_lightintensity),1.0)));}v_lighting.rgb+=clamp(directional*u_lightcolor,mix(vec3(0.0),vec3(0.3),1.0-u_lightcolor),vec3(1.0));v_lighting*=u_opacity;}"),sr=vr("#ifdef GL_ES\nprecision highp float;\n#endif\nuniform sampler2D u_image;varying vec2 v_pos;uniform vec2 u_dimension;uniform float u_zoom;uniform float u_maxzoom;uniform vec4 u_unpack;float getElevation(vec2 coord,float bias) {vec4 data=texture2D(u_image,coord)*255.0;data.a=-1.0;return dot(data,u_unpack)/4.0;}void main() {vec2 epsilon=1.0/u_dimension;float a=getElevation(v_pos+vec2(-epsilon.x,-epsilon.y),0.0);float b=getElevation(v_pos+vec2(0,-epsilon.y),0.0);float c=getElevation(v_pos+vec2(epsilon.x,-epsilon.y),0.0);float d=getElevation(v_pos+vec2(-epsilon.x,0),0.0);float e=getElevation(v_pos,0.0);float f=getElevation(v_pos+vec2(epsilon.x,0),0.0);float g=getElevation(v_pos+vec2(-epsilon.x,epsilon.y),0.0);float h=getElevation(v_pos+vec2(0,epsilon.y),0.0);float i=getElevation(v_pos+vec2(epsilon.x,epsilon.y),0.0);float exaggeration=u_zoom < 2.0 ? 0.4 : u_zoom < 4.5 ? 0.35 : 0.3;vec2 deriv=vec2((c+f+f+i)-(a+d+d+g),(g+h+h+i)-(a+b+b+c))/ pow(2.0,(u_zoom-u_maxzoom)*exaggeration+19.2562-u_zoom);gl_FragColor=clamp(vec4(deriv.x/2.0+0.5,deriv.y/2.0+0.5,1.0,1.0),0.0,1.0);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_dimension;attribute vec2 a_pos;attribute vec2 a_texture_pos;varying vec2 v_pos;void main() {gl_Position=u_matrix*vec4(a_pos,0,1);highp vec2 epsilon=1.0/u_dimension;float scale=(u_dimension.x-2.0)/u_dimension.x;v_pos=(a_texture_pos/8192.0)*scale+epsilon;}"),lr=vr("uniform sampler2D u_image;varying vec2 v_pos;uniform vec2 u_latrange;uniform vec2 u_light;uniform vec4 u_shadow;uniform vec4 u_highlight;uniform vec4 u_accent;\n#define PI 3.141592653589793\nvoid main() {vec4 pixel=texture2D(u_image,v_pos);vec2 deriv=((pixel.rg*2.0)-1.0);float scaleFactor=cos(radians((u_latrange[0]-u_latrange[1])*(1.0-v_pos.y)+u_latrange[1]));float slope=atan(1.25*length(deriv)/scaleFactor);float aspect=deriv.x !=0.0 ? atan(deriv.y,-deriv.x) : PI/2.0*(deriv.y > 0.0 ? 1.0 :-1.0);float intensity=u_light.x;float azimuth=u_light.y+PI;float base=1.875-intensity*1.75;float maxValue=0.5*PI;float scaledSlope=intensity !=0.5 ? ((pow(base,slope)-1.0)/(pow(base,maxValue)-1.0))*maxValue : slope;float accent=cos(scaledSlope);vec4 accent_color=(1.0-accent)*u_accent*clamp(intensity*2.0,0.0,1.0);float shade=abs(mod((aspect+azimuth)/PI+0.5,2.0)-1.0);vec4 shade_color=mix(u_shadow,u_highlight,shade)*sin(scaledSlope)*clamp(intensity*2.0,0.0,1.0);gl_FragColor=accent_color*(1.0-shade_color.a)+shade_color;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;attribute vec2 a_pos;attribute vec2 a_texture_pos;varying vec2 v_pos;void main() {gl_Position=u_matrix*vec4(a_pos,0,1);v_pos=a_texture_pos/8192.0;}"),cr=vr("uniform lowp float u_device_pixel_ratio;varying vec2 v_width2;varying vec2 v_normal;varying float v_gamma_scale;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\nfloat dist=length(v_normal)*v_width2.s;float blur2=(blur+1.0/u_device_pixel_ratio)*v_gamma_scale;float alpha=clamp(min(dist-(v_width2.t-blur2),v_width2.s-dist)/blur2,0.0,1.0);gl_FragColor=color*(alpha*opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","\n#define scale 0.015873016\nattribute vec2 a_pos_normal;attribute vec4 a_data;uniform mat4 u_matrix;uniform mediump float u_ratio;uniform vec2 u_units_to_pixels;uniform lowp float u_device_pixel_ratio;varying vec2 v_normal;varying vec2 v_width2;varying float v_gamma_scale;varying highp float v_linesofar;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define mediump float gapwidth\n#pragma mapbox: define lowp float offset\n#pragma mapbox: define mediump float width\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump float gapwidth\n#pragma mapbox: initialize lowp float offset\n#pragma mapbox: initialize mediump float width\nfloat ANTIALIASING=1.0/u_device_pixel_ratio/2.0;vec2 a_extrude=a_data.xy-128.0;float a_direction=mod(a_data.z,4.0)-1.0;v_linesofar=(floor(a_data.z/4.0)+a_data.w*64.0)*2.0;vec2 pos=floor(a_pos_normal*0.5);mediump vec2 normal=a_pos_normal-2.0*pos;normal.y=normal.y*2.0-1.0;v_normal=normal;gapwidth=gapwidth/2.0;float halfwidth=width/2.0;offset=-1.0*offset;float inset=gapwidth+(gapwidth > 0.0 ? ANTIALIASING : 0.0);float outset=gapwidth+halfwidth*(gapwidth > 0.0 ? 2.0 : 1.0)+(halfwidth==0.0 ? 0.0 : ANTIALIASING);mediump vec2 dist=outset*a_extrude*scale;mediump float u=0.5*a_direction;mediump float t=1.0-abs(u);mediump vec2 offset2=offset*a_extrude*scale*normal.y*mat2(t,-u,u,t);vec4 projected_extrude=u_matrix*vec4(dist/u_ratio,0.0,0.0);gl_Position=u_matrix*vec4(pos+offset2/u_ratio,0.0,1.0)+projected_extrude;float extrude_length_without_perspective=length(dist);float extrude_length_with_perspective=length(projected_extrude.xy/gl_Position.w*u_units_to_pixels);v_gamma_scale=extrude_length_without_perspective/extrude_length_with_perspective;v_width2=vec2(outset,inset);}"),ur=vr("uniform lowp float u_device_pixel_ratio;uniform sampler2D u_image;varying vec2 v_width2;varying vec2 v_normal;varying float v_gamma_scale;varying highp float v_lineprogress;\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\nfloat dist=length(v_normal)*v_width2.s;float blur2=(blur+1.0/u_device_pixel_ratio)*v_gamma_scale;float alpha=clamp(min(dist-(v_width2.t-blur2),v_width2.s-dist)/blur2,0.0,1.0);vec4 color=texture2D(u_image,vec2(v_lineprogress,0.5));gl_FragColor=color*(alpha*opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","\n#define MAX_LINE_DISTANCE 32767.0\n#define scale 0.015873016\nattribute vec2 a_pos_normal;attribute vec4 a_data;uniform mat4 u_matrix;uniform mediump float u_ratio;uniform lowp float u_device_pixel_ratio;uniform vec2 u_units_to_pixels;varying vec2 v_normal;varying vec2 v_width2;varying float v_gamma_scale;varying highp float v_lineprogress;\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define mediump float gapwidth\n#pragma mapbox: define lowp float offset\n#pragma mapbox: define mediump float width\nvoid main() {\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump float gapwidth\n#pragma mapbox: initialize lowp float offset\n#pragma mapbox: initialize mediump float width\nfloat ANTIALIASING=1.0/u_device_pixel_ratio/2.0;vec2 a_extrude=a_data.xy-128.0;float a_direction=mod(a_data.z,4.0)-1.0;v_lineprogress=(floor(a_data.z/4.0)+a_data.w*64.0)*2.0/MAX_LINE_DISTANCE;vec2 pos=floor(a_pos_normal*0.5);mediump vec2 normal=a_pos_normal-2.0*pos;normal.y=normal.y*2.0-1.0;v_normal=normal;gapwidth=gapwidth/2.0;float halfwidth=width/2.0;offset=-1.0*offset;float inset=gapwidth+(gapwidth > 0.0 ? ANTIALIASING : 0.0);float outset=gapwidth+halfwidth*(gapwidth > 0.0 ? 2.0 : 1.0)+(halfwidth==0.0 ? 0.0 : ANTIALIASING);mediump vec2 dist=outset*a_extrude*scale;mediump float u=0.5*a_direction;mediump float t=1.0-abs(u);mediump vec2 offset2=offset*a_extrude*scale*normal.y*mat2(t,-u,u,t);vec4 projected_extrude=u_matrix*vec4(dist/u_ratio,0.0,0.0);gl_Position=u_matrix*vec4(pos+offset2/u_ratio,0.0,1.0)+projected_extrude;float extrude_length_without_perspective=length(dist);float extrude_length_with_perspective=length(projected_extrude.xy/gl_Position.w*u_units_to_pixels);v_gamma_scale=extrude_length_without_perspective/extrude_length_with_perspective;v_width2=vec2(outset,inset);}"),fr=vr("uniform lowp float u_device_pixel_ratio;uniform vec2 u_texsize;uniform float u_fade;uniform mediump vec3 u_scale;uniform sampler2D u_image;varying vec2 v_normal;varying vec2 v_width2;varying float v_linesofar;varying float v_gamma_scale;varying float v_width;\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;float tileZoomRatio=u_scale.x;float fromScale=u_scale.y;float toScale=u_scale.z;vec2 display_size_a=(pattern_br_a-pattern_tl_a)/pixel_ratio_from;vec2 display_size_b=(pattern_br_b-pattern_tl_b)/pixel_ratio_to;vec2 pattern_size_a=vec2(display_size_a.x*fromScale/tileZoomRatio,display_size_a.y);vec2 pattern_size_b=vec2(display_size_b.x*toScale/tileZoomRatio,display_size_b.y);float aspect_a=display_size_a.y/v_width;float aspect_b=display_size_b.y/v_width;float dist=length(v_normal)*v_width2.s;float blur2=(blur+1.0/u_device_pixel_ratio)*v_gamma_scale;float alpha=clamp(min(dist-(v_width2.t-blur2),v_width2.s-dist)/blur2,0.0,1.0);float x_a=mod(v_linesofar/pattern_size_a.x*aspect_a,1.0);float x_b=mod(v_linesofar/pattern_size_b.x*aspect_b,1.0);float y=0.5*v_normal.y+0.5;vec2 texel_size=1.0/u_texsize;vec2 pos_a=mix(pattern_tl_a*texel_size-texel_size,pattern_br_a*texel_size+texel_size,vec2(x_a,y));vec2 pos_b=mix(pattern_tl_b*texel_size-texel_size,pattern_br_b*texel_size+texel_size,vec2(x_b,y));vec4 color=mix(texture2D(u_image,pos_a),texture2D(u_image,pos_b),u_fade);gl_FragColor=color*alpha*opacity;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","\n#define scale 0.015873016\n#define LINE_DISTANCE_SCALE 2.0\nattribute vec2 a_pos_normal;attribute vec4 a_data;uniform mat4 u_matrix;uniform vec2 u_units_to_pixels;uniform mediump float u_ratio;uniform lowp float u_device_pixel_ratio;varying vec2 v_normal;varying vec2 v_width2;varying float v_linesofar;varying float v_gamma_scale;varying float v_width;\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float offset\n#pragma mapbox: define mediump float gapwidth\n#pragma mapbox: define mediump float width\n#pragma mapbox: define lowp float floorwidth\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float offset\n#pragma mapbox: initialize mediump float gapwidth\n#pragma mapbox: initialize mediump float width\n#pragma mapbox: initialize lowp float floorwidth\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nfloat ANTIALIASING=1.0/u_device_pixel_ratio/2.0;vec2 a_extrude=a_data.xy-128.0;float a_direction=mod(a_data.z,4.0)-1.0;float a_linesofar=(floor(a_data.z/4.0)+a_data.w*64.0)*LINE_DISTANCE_SCALE;vec2 pos=floor(a_pos_normal*0.5);mediump vec2 normal=a_pos_normal-2.0*pos;normal.y=normal.y*2.0-1.0;v_normal=normal;gapwidth=gapwidth/2.0;float halfwidth=width/2.0;offset=-1.0*offset;float inset=gapwidth+(gapwidth > 0.0 ? ANTIALIASING : 0.0);float outset=gapwidth+halfwidth*(gapwidth > 0.0 ? 2.0 : 1.0)+(halfwidth==0.0 ? 0.0 : ANTIALIASING);mediump vec2 dist=outset*a_extrude*scale;mediump float u=0.5*a_direction;mediump float t=1.0-abs(u);mediump vec2 offset2=offset*a_extrude*scale*normal.y*mat2(t,-u,u,t);vec4 projected_extrude=u_matrix*vec4(dist/u_ratio,0.0,0.0);gl_Position=u_matrix*vec4(pos+offset2/u_ratio,0.0,1.0)+projected_extrude;float extrude_length_without_perspective=length(dist);float extrude_length_with_perspective=length(projected_extrude.xy/gl_Position.w*u_units_to_pixels);v_gamma_scale=extrude_length_without_perspective/extrude_length_with_perspective;v_linesofar=a_linesofar;v_width2=vec2(outset,inset);v_width=floorwidth;}"),hr=vr("uniform lowp float u_device_pixel_ratio;uniform sampler2D u_image;uniform float u_sdfgamma;uniform float u_mix;varying vec2 v_normal;varying vec2 v_width2;varying vec2 v_tex_a;varying vec2 v_tex_b;varying float v_gamma_scale;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define mediump float width\n#pragma mapbox: define lowp float floorwidth\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump float width\n#pragma mapbox: initialize lowp float floorwidth\nfloat dist=length(v_normal)*v_width2.s;float blur2=(blur+1.0/u_device_pixel_ratio)*v_gamma_scale;float alpha=clamp(min(dist-(v_width2.t-blur2),v_width2.s-dist)/blur2,0.0,1.0);float sdfdist_a=texture2D(u_image,v_tex_a).a;float sdfdist_b=texture2D(u_image,v_tex_b).a;float sdfdist=mix(sdfdist_a,sdfdist_b,u_mix);alpha*=smoothstep(0.5-u_sdfgamma/floorwidth,0.5+u_sdfgamma/floorwidth,sdfdist);gl_FragColor=color*(alpha*opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","\n#define scale 0.015873016\n#define LINE_DISTANCE_SCALE 2.0\nattribute vec2 a_pos_normal;attribute vec4 a_data;uniform mat4 u_matrix;uniform mediump float u_ratio;uniform lowp float u_device_pixel_ratio;uniform vec2 u_patternscale_a;uniform float u_tex_y_a;uniform vec2 u_patternscale_b;uniform float u_tex_y_b;uniform vec2 u_units_to_pixels;varying vec2 v_normal;varying vec2 v_width2;varying vec2 v_tex_a;varying vec2 v_tex_b;varying float v_gamma_scale;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define mediump float gapwidth\n#pragma mapbox: define lowp float offset\n#pragma mapbox: define mediump float width\n#pragma mapbox: define lowp float floorwidth\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump float gapwidth\n#pragma mapbox: initialize lowp float offset\n#pragma mapbox: initialize mediump float width\n#pragma mapbox: initialize lowp float floorwidth\nfloat ANTIALIASING=1.0/u_device_pixel_ratio/2.0;vec2 a_extrude=a_data.xy-128.0;float a_direction=mod(a_data.z,4.0)-1.0;float a_linesofar=(floor(a_data.z/4.0)+a_data.w*64.0)*LINE_DISTANCE_SCALE;vec2 pos=floor(a_pos_normal*0.5);mediump vec2 normal=a_pos_normal-2.0*pos;normal.y=normal.y*2.0-1.0;v_normal=normal;gapwidth=gapwidth/2.0;float halfwidth=width/2.0;offset=-1.0*offset;float inset=gapwidth+(gapwidth > 0.0 ? ANTIALIASING : 0.0);float outset=gapwidth+halfwidth*(gapwidth > 0.0 ? 2.0 : 1.0)+(halfwidth==0.0 ? 0.0 : ANTIALIASING);mediump vec2 dist=outset*a_extrude*scale;mediump float u=0.5*a_direction;mediump float t=1.0-abs(u);mediump vec2 offset2=offset*a_extrude*scale*normal.y*mat2(t,-u,u,t);vec4 projected_extrude=u_matrix*vec4(dist/u_ratio,0.0,0.0);gl_Position=u_matrix*vec4(pos+offset2/u_ratio,0.0,1.0)+projected_extrude;float extrude_length_without_perspective=length(dist);float extrude_length_with_perspective=length(projected_extrude.xy/gl_Position.w*u_units_to_pixels);v_gamma_scale=extrude_length_without_perspective/extrude_length_with_perspective;v_tex_a=vec2(a_linesofar*u_patternscale_a.x/floorwidth,normal.y*u_patternscale_a.y+u_tex_y_a);v_tex_b=vec2(a_linesofar*u_patternscale_b.x/floorwidth,normal.y*u_patternscale_b.y+u_tex_y_b);v_width2=vec2(outset,inset);}"),pr=vr("uniform float u_fade_t;uniform float u_opacity;uniform sampler2D u_image0;uniform sampler2D u_image1;varying vec2 v_pos0;varying vec2 v_pos1;uniform float u_brightness_low;uniform float u_brightness_high;uniform float u_saturation_factor;uniform float u_contrast_factor;uniform vec3 u_spin_weights;void main() {vec4 color0=texture2D(u_image0,v_pos0);vec4 color1=texture2D(u_image1,v_pos1);if (color0.a > 0.0) {color0.rgb=color0.rgb/color0.a;}if (color1.a > 0.0) {color1.rgb=color1.rgb/color1.a;}vec4 color=mix(color0,color1,u_fade_t);color.a*=u_opacity;vec3 rgb=color.rgb;rgb=vec3(dot(rgb,u_spin_weights.xyz),dot(rgb,u_spin_weights.zxy),dot(rgb,u_spin_weights.yzx));float average=(color.r+color.g+color.b)/3.0;rgb+=(average-rgb)*u_saturation_factor;rgb=(rgb-0.5)*u_contrast_factor+0.5;vec3 u_high_vec=vec3(u_brightness_low,u_brightness_low,u_brightness_low);vec3 u_low_vec=vec3(u_brightness_high,u_brightness_high,u_brightness_high);gl_FragColor=vec4(mix(u_high_vec,u_low_vec,rgb)*color.a,color.a);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_tl_parent;uniform float u_scale_parent;uniform float u_buffer_scale;attribute vec2 a_pos;attribute vec2 a_texture_pos;varying vec2 v_pos0;varying vec2 v_pos1;void main() {gl_Position=u_matrix*vec4(a_pos,0,1);v_pos0=(((a_texture_pos/8192.0)-0.5)/u_buffer_scale )+0.5;v_pos1=(v_pos0*u_scale_parent)+u_tl_parent;}"),dr=vr("uniform sampler2D u_texture;varying vec2 v_tex;varying float v_fade_opacity;\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\nlowp float alpha=opacity*v_fade_opacity;gl_FragColor=texture2D(u_texture,v_tex)*alpha;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","const float PI=3.141592653589793;attribute vec4 a_pos_offset;attribute vec4 a_data;attribute vec4 a_pixeloffset;attribute vec3 a_projected_pos;attribute float a_fade_opacity;uniform bool u_is_size_zoom_constant;uniform bool u_is_size_feature_constant;uniform highp float u_size_t;uniform highp float u_size;uniform highp float u_camera_to_center_distance;uniform highp float u_pitch;uniform bool u_rotate_symbol;uniform highp float u_aspect_ratio;uniform float u_fade_change;uniform mat4 u_matrix;uniform mat4 u_label_plane_matrix;uniform mat4 u_coord_matrix;uniform bool u_is_text;uniform bool u_pitch_with_map;uniform vec2 u_texsize;varying vec2 v_tex;varying float v_fade_opacity;\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\nvec2 a_pos=a_pos_offset.xy;vec2 a_offset=a_pos_offset.zw;vec2 a_tex=a_data.xy;vec2 a_size=a_data.zw;float a_size_min=floor(a_size[0]*0.5);vec2 a_pxoffset=a_pixeloffset.xy;vec2 a_minFontScale=a_pixeloffset.zw/256.0;highp float segment_angle=-a_projected_pos[2];float size;if (!u_is_size_zoom_constant && !u_is_size_feature_constant) {size=mix(a_size_min,a_size[1],u_size_t)/128.0;} else if (u_is_size_zoom_constant && !u_is_size_feature_constant) {size=a_size_min/128.0;} else {size=u_size;}vec4 projectedPoint=u_matrix*vec4(a_pos,0,1);highp float camera_to_anchor_distance=projectedPoint.w;highp float distance_ratio=u_pitch_with_map ?\ncamera_to_anchor_distance/u_camera_to_center_distance :\nu_camera_to_center_distance/camera_to_anchor_distance;highp float perspective_ratio=clamp(0.5+0.5*distance_ratio,0.0,4.0);size*=perspective_ratio;float fontScale=u_is_text ? size/24.0 : size;highp float symbol_rotation=0.0;if (u_rotate_symbol) {vec4 offsetProjectedPoint=u_matrix*vec4(a_pos+vec2(1,0),0,1);vec2 a=projectedPoint.xy/projectedPoint.w;vec2 b=offsetProjectedPoint.xy/offsetProjectedPoint.w;symbol_rotation=atan((b.y-a.y)/u_aspect_ratio,b.x-a.x);}highp float angle_sin=sin(segment_angle+symbol_rotation);highp float angle_cos=cos(segment_angle+symbol_rotation);mat2 rotation_matrix=mat2(angle_cos,-1.0*angle_sin,angle_sin,angle_cos);vec4 projected_pos=u_label_plane_matrix*vec4(a_projected_pos.xy,0.0,1.0);gl_Position=u_coord_matrix*vec4(projected_pos.xy/projected_pos.w+rotation_matrix*(a_offset/32.0*max(a_minFontScale,fontScale)+a_pxoffset/16.0),0.0,1.0);v_tex=a_tex/u_texsize;vec2 fade_opacity=unpack_opacity(a_fade_opacity);float fade_change=fade_opacity[1] > 0.5 ? u_fade_change :-u_fade_change;v_fade_opacity=max(0.0,min(1.0,fade_opacity[0]+fade_change));}"),gr=vr("#define SDF_PX 8.0\nuniform bool u_is_halo;uniform sampler2D u_texture;uniform highp float u_gamma_scale;uniform lowp float u_device_pixel_ratio;uniform bool u_is_text;varying vec2 v_data0;varying vec3 v_data1;\n#pragma mapbox: define highp vec4 fill_color\n#pragma mapbox: define highp vec4 halo_color\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float halo_width\n#pragma mapbox: define lowp float halo_blur\nvoid main() {\n#pragma mapbox: initialize highp vec4 fill_color\n#pragma mapbox: initialize highp vec4 halo_color\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float halo_width\n#pragma mapbox: initialize lowp float halo_blur\nfloat EDGE_GAMMA=0.105/u_device_pixel_ratio;vec2 tex=v_data0.xy;float gamma_scale=v_data1.x;float size=v_data1.y;float fade_opacity=v_data1[2];float fontScale=u_is_text ? size/24.0 : size;lowp vec4 color=fill_color;highp float gamma=EDGE_GAMMA/(fontScale*u_gamma_scale);lowp float buff=(256.0-64.0)/256.0;if (u_is_halo) {color=halo_color;gamma=(halo_blur*1.19/SDF_PX+EDGE_GAMMA)/(fontScale*u_gamma_scale);buff=(6.0-halo_width/fontScale)/SDF_PX;}lowp float dist=texture2D(u_texture,tex).a;highp float gamma_scaled=gamma*gamma_scale;highp float alpha=smoothstep(buff-gamma_scaled,buff+gamma_scaled,dist);gl_FragColor=color*(alpha*opacity*fade_opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","const float PI=3.141592653589793;attribute vec4 a_pos_offset;attribute vec4 a_data;attribute vec4 a_pixeloffset;attribute vec3 a_projected_pos;attribute float a_fade_opacity;uniform bool u_is_size_zoom_constant;uniform bool u_is_size_feature_constant;uniform highp float u_size_t;uniform highp float u_size;uniform mat4 u_matrix;uniform mat4 u_label_plane_matrix;uniform mat4 u_coord_matrix;uniform bool u_is_text;uniform bool u_pitch_with_map;uniform highp float u_pitch;uniform bool u_rotate_symbol;uniform highp float u_aspect_ratio;uniform highp float u_camera_to_center_distance;uniform float u_fade_change;uniform vec2 u_texsize;varying vec2 v_data0;varying vec3 v_data1;\n#pragma mapbox: define highp vec4 fill_color\n#pragma mapbox: define highp vec4 halo_color\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float halo_width\n#pragma mapbox: define lowp float halo_blur\nvoid main() {\n#pragma mapbox: initialize highp vec4 fill_color\n#pragma mapbox: initialize highp vec4 halo_color\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float halo_width\n#pragma mapbox: initialize lowp float halo_blur\nvec2 a_pos=a_pos_offset.xy;vec2 a_offset=a_pos_offset.zw;vec2 a_tex=a_data.xy;vec2 a_size=a_data.zw;float a_size_min=floor(a_size[0]*0.5);vec2 a_pxoffset=a_pixeloffset.xy;highp float segment_angle=-a_projected_pos[2];float size;if (!u_is_size_zoom_constant && !u_is_size_feature_constant) {size=mix(a_size_min,a_size[1],u_size_t)/128.0;} else if (u_is_size_zoom_constant && !u_is_size_feature_constant) {size=a_size_min/128.0;} else {size=u_size;}vec4 projectedPoint=u_matrix*vec4(a_pos,0,1);highp float camera_to_anchor_distance=projectedPoint.w;highp float distance_ratio=u_pitch_with_map ?\ncamera_to_anchor_distance/u_camera_to_center_distance :\nu_camera_to_center_distance/camera_to_anchor_distance;highp float perspective_ratio=clamp(0.5+0.5*distance_ratio,0.0,4.0);size*=perspective_ratio;float fontScale=u_is_text ? size/24.0 : size;highp float symbol_rotation=0.0;if (u_rotate_symbol) {vec4 offsetProjectedPoint=u_matrix*vec4(a_pos+vec2(1,0),0,1);vec2 a=projectedPoint.xy/projectedPoint.w;vec2 b=offsetProjectedPoint.xy/offsetProjectedPoint.w;symbol_rotation=atan((b.y-a.y)/u_aspect_ratio,b.x-a.x);}highp float angle_sin=sin(segment_angle+symbol_rotation);highp float angle_cos=cos(segment_angle+symbol_rotation);mat2 rotation_matrix=mat2(angle_cos,-1.0*angle_sin,angle_sin,angle_cos);vec4 projected_pos=u_label_plane_matrix*vec4(a_projected_pos.xy,0.0,1.0);gl_Position=u_coord_matrix*vec4(projected_pos.xy/projected_pos.w+rotation_matrix*(a_offset/32.0*fontScale+a_pxoffset),0.0,1.0);float gamma_scale=gl_Position.w;vec2 fade_opacity=unpack_opacity(a_fade_opacity);float fade_change=fade_opacity[1] > 0.5 ? u_fade_change :-u_fade_change;float interpolated_fade_opacity=max(0.0,min(1.0,fade_opacity[0]+fade_change));v_data0=a_tex/u_texsize;v_data1=vec3(gamma_scale,size,interpolated_fade_opacity);}"),mr=vr("#define SDF_PX 8.0\n#define SDF 1.0\n#define ICON 0.0\nuniform bool u_is_halo;uniform sampler2D u_texture;uniform sampler2D u_texture_icon;uniform highp float u_gamma_scale;uniform lowp float u_device_pixel_ratio;varying vec4 v_data0;varying vec4 v_data1;\n#pragma mapbox: define highp vec4 fill_color\n#pragma mapbox: define highp vec4 halo_color\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float halo_width\n#pragma mapbox: define lowp float halo_blur\nvoid main() {\n#pragma mapbox: initialize highp vec4 fill_color\n#pragma mapbox: initialize highp vec4 halo_color\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float halo_width\n#pragma mapbox: initialize lowp float halo_blur\nfloat fade_opacity=v_data1[2];if (v_data1.w==ICON) {vec2 tex_icon=v_data0.zw;lowp float alpha=opacity*fade_opacity;gl_FragColor=texture2D(u_texture_icon,tex_icon)*alpha;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\nreturn;}vec2 tex=v_data0.xy;float EDGE_GAMMA=0.105/u_device_pixel_ratio;float gamma_scale=v_data1.x;float size=v_data1.y;float fontScale=size/24.0;lowp vec4 color=fill_color;highp float gamma=EDGE_GAMMA/(fontScale*u_gamma_scale);lowp float buff=(256.0-64.0)/256.0;if (u_is_halo) {color=halo_color;gamma=(halo_blur*1.19/SDF_PX+EDGE_GAMMA)/(fontScale*u_gamma_scale);buff=(6.0-halo_width/fontScale)/SDF_PX;}lowp float dist=texture2D(u_texture,tex).a;highp float gamma_scaled=gamma*gamma_scale;highp float alpha=smoothstep(buff-gamma_scaled,buff+gamma_scaled,dist);gl_FragColor=color*(alpha*opacity*fade_opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","const float PI=3.141592653589793;attribute vec4 a_pos_offset;attribute vec4 a_data;attribute vec3 a_projected_pos;attribute float a_fade_opacity;uniform bool u_is_size_zoom_constant;uniform bool u_is_size_feature_constant;uniform highp float u_size_t;uniform highp float u_size;uniform mat4 u_matrix;uniform mat4 u_label_plane_matrix;uniform mat4 u_coord_matrix;uniform bool u_is_text;uniform bool u_pitch_with_map;uniform highp float u_pitch;uniform bool u_rotate_symbol;uniform highp float u_aspect_ratio;uniform highp float u_camera_to_center_distance;uniform float u_fade_change;uniform vec2 u_texsize;uniform vec2 u_texsize_icon;varying vec4 v_data0;varying vec4 v_data1;\n#pragma mapbox: define highp vec4 fill_color\n#pragma mapbox: define highp vec4 halo_color\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float halo_width\n#pragma mapbox: define lowp float halo_blur\nvoid main() {\n#pragma mapbox: initialize highp vec4 fill_color\n#pragma mapbox: initialize highp vec4 halo_color\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float halo_width\n#pragma mapbox: initialize lowp float halo_blur\nvec2 a_pos=a_pos_offset.xy;vec2 a_offset=a_pos_offset.zw;vec2 a_tex=a_data.xy;vec2 a_size=a_data.zw;float a_size_min=floor(a_size[0]*0.5);float is_sdf=a_size[0]-2.0*a_size_min;highp float segment_angle=-a_projected_pos[2];float size;if (!u_is_size_zoom_constant && !u_is_size_feature_constant) {size=mix(a_size_min,a_size[1],u_size_t)/128.0;} else if (u_is_size_zoom_constant && !u_is_size_feature_constant) {size=a_size_min/128.0;} else {size=u_size;}vec4 projectedPoint=u_matrix*vec4(a_pos,0,1);highp float camera_to_anchor_distance=projectedPoint.w;highp float distance_ratio=u_pitch_with_map ?\ncamera_to_anchor_distance/u_camera_to_center_distance :\nu_camera_to_center_distance/camera_to_anchor_distance;highp float perspective_ratio=clamp(0.5+0.5*distance_ratio,0.0,4.0);size*=perspective_ratio;float fontScale=size/24.0;highp float symbol_rotation=0.0;if (u_rotate_symbol) {vec4 offsetProjectedPoint=u_matrix*vec4(a_pos+vec2(1,0),0,1);vec2 a=projectedPoint.xy/projectedPoint.w;vec2 b=offsetProjectedPoint.xy/offsetProjectedPoint.w;symbol_rotation=atan((b.y-a.y)/u_aspect_ratio,b.x-a.x);}highp float angle_sin=sin(segment_angle+symbol_rotation);highp float angle_cos=cos(segment_angle+symbol_rotation);mat2 rotation_matrix=mat2(angle_cos,-1.0*angle_sin,angle_sin,angle_cos);vec4 projected_pos=u_label_plane_matrix*vec4(a_projected_pos.xy,0.0,1.0);gl_Position=u_coord_matrix*vec4(projected_pos.xy/projected_pos.w+rotation_matrix*(a_offset/32.0*fontScale),0.0,1.0);float gamma_scale=gl_Position.w;vec2 fade_opacity=unpack_opacity(a_fade_opacity);float fade_change=fade_opacity[1] > 0.5 ? u_fade_change :-u_fade_change;float interpolated_fade_opacity=max(0.0,min(1.0,fade_opacity[0]+fade_change));v_data0.xy=a_tex/u_texsize;v_data0.zw=a_tex/u_texsize_icon;v_data1=vec4(gamma_scale,size,interpolated_fade_opacity,is_sdf);}");function vr(t,e){var r=/#pragma mapbox: ([\w]+) ([\w]+) ([\w]+) ([\w]+)/g,n={};return{fragmentSource:t=t.replace(r,(function(t,e,r,i,a){return n[a]=!0,"define"===e?"\n#ifndef HAS_UNIFORM_u_"+a+"\nvarying "+r+" "+i+" "+a+";\n#else\nuniform "+r+" "+i+" u_"+a+";\n#endif\n":"\n#ifdef HAS_UNIFORM_u_"+a+"\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n"})),vertexSource:e=e.replace(r,(function(t,e,r,i,a){var o="float"===i?"vec2":"vec4",s=a.match(/color/)?"color":o;return n[a]?"define"===e?"\n#ifndef HAS_UNIFORM_u_"+a+"\nuniform lowp float u_"+a+"_t;\nattribute "+r+" "+o+" a_"+a+";\nvarying "+r+" "+i+" "+a+";\n#else\nuniform "+r+" "+i+" u_"+a+";\n#endif\n":"vec4"===s?"\n#ifndef HAS_UNIFORM_u_"+a+"\n "+a+" = a_"+a+";\n#else\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n":"\n#ifndef HAS_UNIFORM_u_"+a+"\n "+a+" = unpack_mix_"+s+"(a_"+a+", u_"+a+"_t);\n#else\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n":"define"===e?"\n#ifndef HAS_UNIFORM_u_"+a+"\nuniform lowp float u_"+a+"_t;\nattribute "+r+" "+o+" a_"+a+";\n#else\nuniform "+r+" "+i+" u_"+a+";\n#endif\n":"vec4"===s?"\n#ifndef HAS_UNIFORM_u_"+a+"\n "+r+" "+i+" "+a+" = a_"+a+";\n#else\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n":"\n#ifndef HAS_UNIFORM_u_"+a+"\n "+r+" "+i+" "+a+" = unpack_mix_"+s+"(a_"+a+", u_"+a+"_t);\n#else\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n"}))}}var yr=Object.freeze({__proto__:null,prelude:Ge,background:Ye,backgroundPattern:We,circle:Xe,clippingMask:Ze,heatmap:Je,heatmapTexture:Ke,collisionBox:Qe,collisionCircle:$e,debug:tr,fill:er,fillOutline:rr,fillOutlinePattern:nr,fillPattern:ir,fillExtrusion:ar,fillExtrusionPattern:or,hillshadePrepare:sr,hillshade:lr,line:cr,lineGradient:ur,linePattern:fr,lineSDF:hr,raster:pr,symbolIcon:dr,symbolSDF:gr,symbolTextAndIcon:mr}),xr=function(){this.boundProgram=null,this.boundLayoutVertexBuffer=null,this.boundPaintVertexBuffers=[],this.boundIndexBuffer=null,this.boundVertexOffset=null,this.boundDynamicVertexBuffer=null,this.vao=null};xr.prototype.bind=function(t,e,r,n,i,a,o,s){this.context=t;for(var l=this.boundPaintVertexBuffers.length!==n.length,c=0;!l&&c>16,s>>16],u_pixel_coord_lower:[65535&o,65535&s]}}br.prototype.draw=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g){var m,v=t.gl;if(!this.failedToCreate){for(var y in t.program.set(this.program),t.setDepthMode(r),t.setStencilMode(n),t.setColorMode(i),t.setCullFace(a),this.fixedUniforms)this.fixedUniforms[y].set(o[y]);p&&p.setUniforms(t,this.binderUniforms,f,{zoom:h});for(var x=(m={},m[v.LINES]=2,m[v.TRIANGLES]=3,m[v.LINE_STRIP]=1,m)[e],b=0,_=u.get();b<_.length;b+=1){var w=_[b],T=w.vaos||(w.vaos={});(T[s]||(T[s]=new xr)).bind(t,this,l,p?p.getPaintVertexBuffers():[],c,w.vertexOffset,d,g),v.drawElements(e,w.primitiveLength*x,v.UNSIGNED_SHORT,w.primitiveOffset*x*2)}}};var wr=function(e,r,n,i){var a=r.style.light,o=a.properties.get("position"),s=[o.x,o.y,o.z],l=t.create$1();"viewport"===a.properties.get("anchor")&&t.fromRotation(l,-r.transform.angle),t.transformMat3(s,s,l);var c=a.properties.get("color");return{u_matrix:e,u_lightpos:s,u_lightintensity:a.properties.get("intensity"),u_lightcolor:[c.r,c.g,c.b],u_vertical_gradient:+n,u_opacity:i}},Tr=function(e,r,n,i,a,o,s){return t.extend(wr(e,r,n,i),_r(o,r,s),{u_height_factor:-Math.pow(2,a.overscaledZ)/s.tileSize/8})},kr=function(t){return{u_matrix:t}},Mr=function(e,r,n,i){return t.extend(kr(e),_r(n,r,i))},Ar=function(t,e){return{u_matrix:t,u_world:e}},Sr=function(e,r,n,i,a){return t.extend(Mr(e,r,n,i),{u_world:a})},Er=function(e,r,n,i){var a,o,s=e.transform;if("map"===i.paint.get("circle-pitch-alignment")){var l=he(n,1,s.zoom);a=!0,o=[l,l]}else a=!1,o=s.pixelsToGLUnits;return{u_camera_to_center_distance:s.cameraToCenterDistance,u_scale_with_map:+("map"===i.paint.get("circle-pitch-scale")),u_matrix:e.translatePosMatrix(r.posMatrix,n,i.paint.get("circle-translate"),i.paint.get("circle-translate-anchor")),u_pitch_with_map:+a,u_device_pixel_ratio:t.browser.devicePixelRatio,u_extrude_scale:o}},Cr=function(t,e,r){var n=he(r,1,e.zoom),i=Math.pow(2,e.zoom-r.tileID.overscaledZ),a=r.tileID.overscaleFactor();return{u_matrix:t,u_camera_to_center_distance:e.cameraToCenterDistance,u_pixels_to_tile_units:n,u_extrude_scale:[e.pixelsToGLUnits[0]/(n*i),e.pixelsToGLUnits[1]/(n*i)],u_overscale_factor:a}},Lr=function(t,e,r){return{u_matrix:t,u_inv_matrix:e,u_camera_to_center_distance:r.cameraToCenterDistance,u_viewport_size:[r.width,r.height]}},Ir=function(t,e,r){return void 0===r&&(r=1),{u_matrix:t,u_color:e,u_overlay:0,u_overlay_scale:r}},Pr=function(t){return{u_matrix:t}},zr=function(t,e,r,n){return{u_matrix:t,u_extrude_scale:he(e,1,r),u_intensity:n}},Or=function(e,r,n){var i=e.transform;return{u_matrix:Nr(e,r,n),u_ratio:1/he(r,1,i.zoom),u_device_pixel_ratio:t.browser.devicePixelRatio,u_units_to_pixels:[1/i.pixelsToGLUnits[0],1/i.pixelsToGLUnits[1]]}},Dr=function(e,r,n){return t.extend(Or(e,r,n),{u_image:0})},Rr=function(e,r,n,i){var a=e.transform,o=Br(r,a);return{u_matrix:Nr(e,r,n),u_texsize:r.imageAtlasTexture.size,u_ratio:1/he(r,1,a.zoom),u_device_pixel_ratio:t.browser.devicePixelRatio,u_image:0,u_scale:[o,i.fromScale,i.toScale],u_fade:i.t,u_units_to_pixels:[1/a.pixelsToGLUnits[0],1/a.pixelsToGLUnits[1]]}},Fr=function(e,r,n,i,a){var o=e.lineAtlas,s=Br(r,e.transform),l="round"===n.layout.get("line-cap"),c=o.getDash(i.from,l),u=o.getDash(i.to,l),f=c.width*a.fromScale,h=u.width*a.toScale;return t.extend(Or(e,r,n),{u_patternscale_a:[s/f,-c.height/2],u_patternscale_b:[s/h,-u.height/2],u_sdfgamma:o.width/(256*Math.min(f,h)*t.browser.devicePixelRatio)/2,u_image:0,u_tex_y_a:c.y,u_tex_y_b:u.y,u_mix:a.t})};function Br(t,e){return 1/he(t,1,e.tileZoom)}function Nr(t,e,r){return t.translatePosMatrix(e.tileID.posMatrix,e,r.paint.get("line-translate"),r.paint.get("line-translate-anchor"))}var jr=function(t,e,r,n,i){return{u_matrix:t,u_tl_parent:e,u_scale_parent:r,u_buffer_scale:1,u_fade_t:n.mix,u_opacity:n.opacity*i.paint.get("raster-opacity"),u_image0:0,u_image1:1,u_brightness_low:i.paint.get("raster-brightness-min"),u_brightness_high:i.paint.get("raster-brightness-max"),u_saturation_factor:(o=i.paint.get("raster-saturation"),o>0?1-1/(1.001-o):-o),u_contrast_factor:(a=i.paint.get("raster-contrast"),a>0?1/(1-a):1+a),u_spin_weights:Ur(i.paint.get("raster-hue-rotate"))};var a,o};function Ur(t){t*=Math.PI/180;var e=Math.sin(t),r=Math.cos(t);return[(2*r+1)/3,(-Math.sqrt(3)*e-r+1)/3,(Math.sqrt(3)*e-r+1)/3]}var Vr,qr=function(t,e,r,n,i,a,o,s,l,c){var u=i.transform;return{u_is_size_zoom_constant:+("constant"===t||"source"===t),u_is_size_feature_constant:+("constant"===t||"camera"===t),u_size_t:e?e.uSizeT:0,u_size:e?e.uSize:0,u_camera_to_center_distance:u.cameraToCenterDistance,u_pitch:u.pitch/360*2*Math.PI,u_rotate_symbol:+r,u_aspect_ratio:u.width/u.height,u_fade_change:i.options.fadeDuration?i.symbolFadeChange:1,u_matrix:a,u_label_plane_matrix:o,u_coord_matrix:s,u_is_text:+l,u_pitch_with_map:+n,u_texsize:c,u_texture:0}},Hr=function(e,r,n,i,a,o,s,l,c,u,f){var h=a.transform;return t.extend(qr(e,r,n,i,a,o,s,l,c,u),{u_gamma_scale:i?Math.cos(h._pitch)*h.cameraToCenterDistance:1,u_device_pixel_ratio:t.browser.devicePixelRatio,u_is_halo:+f})},Gr=function(e,r,n,i,a,o,s,l,c,u){return t.extend(Hr(e,r,n,i,a,o,s,l,!0,c,!0),{u_texsize_icon:u,u_texture_icon:1})},Yr=function(t,e,r){return{u_matrix:t,u_opacity:e,u_color:r}},Wr=function(e,r,n,i,a,o){return t.extend(function(t,e,r,n){var i=r.imageManager.getPattern(t.from.toString()),a=r.imageManager.getPattern(t.to.toString()),o=r.imageManager.getPixelSize(),s=o.width,l=o.height,c=Math.pow(2,n.tileID.overscaledZ),u=n.tileSize*Math.pow(2,r.transform.tileZoom)/c,f=u*(n.tileID.canonical.x+n.tileID.wrap*c),h=u*n.tileID.canonical.y;return{u_image:0,u_pattern_tl_a:i.tl,u_pattern_br_a:i.br,u_pattern_tl_b:a.tl,u_pattern_br_b:a.br,u_texsize:[s,l],u_mix:e.t,u_pattern_size_a:i.displaySize,u_pattern_size_b:a.displaySize,u_scale_a:e.fromScale,u_scale_b:e.toScale,u_tile_units_to_pixels:1/he(n,1,r.transform.tileZoom),u_pixel_coord_upper:[f>>16,h>>16],u_pixel_coord_lower:[65535&f,65535&h]}}(i,o,n,a),{u_matrix:e,u_opacity:r})},Xr={fillExtrusion:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_lightpos:new t.Uniform3f(e,r.u_lightpos),u_lightintensity:new t.Uniform1f(e,r.u_lightintensity),u_lightcolor:new t.Uniform3f(e,r.u_lightcolor),u_vertical_gradient:new t.Uniform1f(e,r.u_vertical_gradient),u_opacity:new t.Uniform1f(e,r.u_opacity)}},fillExtrusionPattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_lightpos:new t.Uniform3f(e,r.u_lightpos),u_lightintensity:new t.Uniform1f(e,r.u_lightintensity),u_lightcolor:new t.Uniform3f(e,r.u_lightcolor),u_vertical_gradient:new t.Uniform1f(e,r.u_vertical_gradient),u_height_factor:new t.Uniform1f(e,r.u_height_factor),u_image:new t.Uniform1i(e,r.u_image),u_texsize:new t.Uniform2f(e,r.u_texsize),u_pixel_coord_upper:new t.Uniform2f(e,r.u_pixel_coord_upper),u_pixel_coord_lower:new t.Uniform2f(e,r.u_pixel_coord_lower),u_scale:new t.Uniform3f(e,r.u_scale),u_fade:new t.Uniform1f(e,r.u_fade),u_opacity:new t.Uniform1f(e,r.u_opacity)}},fill:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix)}},fillPattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_image:new t.Uniform1i(e,r.u_image),u_texsize:new t.Uniform2f(e,r.u_texsize),u_pixel_coord_upper:new t.Uniform2f(e,r.u_pixel_coord_upper),u_pixel_coord_lower:new t.Uniform2f(e,r.u_pixel_coord_lower),u_scale:new t.Uniform3f(e,r.u_scale),u_fade:new t.Uniform1f(e,r.u_fade)}},fillOutline:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_world:new t.Uniform2f(e,r.u_world)}},fillOutlinePattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_world:new t.Uniform2f(e,r.u_world),u_image:new t.Uniform1i(e,r.u_image),u_texsize:new t.Uniform2f(e,r.u_texsize),u_pixel_coord_upper:new t.Uniform2f(e,r.u_pixel_coord_upper),u_pixel_coord_lower:new t.Uniform2f(e,r.u_pixel_coord_lower),u_scale:new t.Uniform3f(e,r.u_scale),u_fade:new t.Uniform1f(e,r.u_fade)}},circle:function(e,r){return{u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_scale_with_map:new t.Uniform1i(e,r.u_scale_with_map),u_pitch_with_map:new t.Uniform1i(e,r.u_pitch_with_map),u_extrude_scale:new t.Uniform2f(e,r.u_extrude_scale),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_matrix:new t.UniformMatrix4f(e,r.u_matrix)}},collisionBox:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_pixels_to_tile_units:new t.Uniform1f(e,r.u_pixels_to_tile_units),u_extrude_scale:new t.Uniform2f(e,r.u_extrude_scale),u_overscale_factor:new t.Uniform1f(e,r.u_overscale_factor)}},collisionCircle:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_inv_matrix:new t.UniformMatrix4f(e,r.u_inv_matrix),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_viewport_size:new t.Uniform2f(e,r.u_viewport_size)}},debug:function(e,r){return{u_color:new t.UniformColor(e,r.u_color),u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_overlay:new t.Uniform1i(e,r.u_overlay),u_overlay_scale:new t.Uniform1f(e,r.u_overlay_scale)}},clippingMask:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix)}},heatmap:function(e,r){return{u_extrude_scale:new t.Uniform1f(e,r.u_extrude_scale),u_intensity:new t.Uniform1f(e,r.u_intensity),u_matrix:new t.UniformMatrix4f(e,r.u_matrix)}},heatmapTexture:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_world:new t.Uniform2f(e,r.u_world),u_image:new t.Uniform1i(e,r.u_image),u_color_ramp:new t.Uniform1i(e,r.u_color_ramp),u_opacity:new t.Uniform1f(e,r.u_opacity)}},hillshade:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_image:new t.Uniform1i(e,r.u_image),u_latrange:new t.Uniform2f(e,r.u_latrange),u_light:new t.Uniform2f(e,r.u_light),u_shadow:new t.UniformColor(e,r.u_shadow),u_highlight:new t.UniformColor(e,r.u_highlight),u_accent:new t.UniformColor(e,r.u_accent)}},hillshadePrepare:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_image:new t.Uniform1i(e,r.u_image),u_dimension:new t.Uniform2f(e,r.u_dimension),u_zoom:new t.Uniform1f(e,r.u_zoom),u_maxzoom:new t.Uniform1f(e,r.u_maxzoom),u_unpack:new t.Uniform4f(e,r.u_unpack)}},line:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_ratio:new t.Uniform1f(e,r.u_ratio),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_units_to_pixels:new t.Uniform2f(e,r.u_units_to_pixels)}},lineGradient:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_ratio:new t.Uniform1f(e,r.u_ratio),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_units_to_pixels:new t.Uniform2f(e,r.u_units_to_pixels),u_image:new t.Uniform1i(e,r.u_image)}},linePattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_texsize:new t.Uniform2f(e,r.u_texsize),u_ratio:new t.Uniform1f(e,r.u_ratio),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_image:new t.Uniform1i(e,r.u_image),u_units_to_pixels:new t.Uniform2f(e,r.u_units_to_pixels),u_scale:new t.Uniform3f(e,r.u_scale),u_fade:new t.Uniform1f(e,r.u_fade)}},lineSDF:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_ratio:new t.Uniform1f(e,r.u_ratio),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_units_to_pixels:new t.Uniform2f(e,r.u_units_to_pixels),u_patternscale_a:new t.Uniform2f(e,r.u_patternscale_a),u_patternscale_b:new t.Uniform2f(e,r.u_patternscale_b),u_sdfgamma:new t.Uniform1f(e,r.u_sdfgamma),u_image:new t.Uniform1i(e,r.u_image),u_tex_y_a:new t.Uniform1f(e,r.u_tex_y_a),u_tex_y_b:new t.Uniform1f(e,r.u_tex_y_b),u_mix:new t.Uniform1f(e,r.u_mix)}},raster:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_tl_parent:new t.Uniform2f(e,r.u_tl_parent),u_scale_parent:new t.Uniform1f(e,r.u_scale_parent),u_buffer_scale:new t.Uniform1f(e,r.u_buffer_scale),u_fade_t:new t.Uniform1f(e,r.u_fade_t),u_opacity:new t.Uniform1f(e,r.u_opacity),u_image0:new t.Uniform1i(e,r.u_image0),u_image1:new t.Uniform1i(e,r.u_image1),u_brightness_low:new t.Uniform1f(e,r.u_brightness_low),u_brightness_high:new t.Uniform1f(e,r.u_brightness_high),u_saturation_factor:new t.Uniform1f(e,r.u_saturation_factor),u_contrast_factor:new t.Uniform1f(e,r.u_contrast_factor),u_spin_weights:new t.Uniform3f(e,r.u_spin_weights)}},symbolIcon:function(e,r){return{u_is_size_zoom_constant:new t.Uniform1i(e,r.u_is_size_zoom_constant),u_is_size_feature_constant:new t.Uniform1i(e,r.u_is_size_feature_constant),u_size_t:new t.Uniform1f(e,r.u_size_t),u_size:new t.Uniform1f(e,r.u_size),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_pitch:new t.Uniform1f(e,r.u_pitch),u_rotate_symbol:new t.Uniform1i(e,r.u_rotate_symbol),u_aspect_ratio:new t.Uniform1f(e,r.u_aspect_ratio),u_fade_change:new t.Uniform1f(e,r.u_fade_change),u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_label_plane_matrix:new t.UniformMatrix4f(e,r.u_label_plane_matrix),u_coord_matrix:new t.UniformMatrix4f(e,r.u_coord_matrix),u_is_text:new t.Uniform1i(e,r.u_is_text),u_pitch_with_map:new t.Uniform1i(e,r.u_pitch_with_map),u_texsize:new t.Uniform2f(e,r.u_texsize),u_texture:new t.Uniform1i(e,r.u_texture)}},symbolSDF:function(e,r){return{u_is_size_zoom_constant:new t.Uniform1i(e,r.u_is_size_zoom_constant),u_is_size_feature_constant:new t.Uniform1i(e,r.u_is_size_feature_constant),u_size_t:new t.Uniform1f(e,r.u_size_t),u_size:new t.Uniform1f(e,r.u_size),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_pitch:new t.Uniform1f(e,r.u_pitch),u_rotate_symbol:new t.Uniform1i(e,r.u_rotate_symbol),u_aspect_ratio:new t.Uniform1f(e,r.u_aspect_ratio),u_fade_change:new t.Uniform1f(e,r.u_fade_change),u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_label_plane_matrix:new t.UniformMatrix4f(e,r.u_label_plane_matrix),u_coord_matrix:new t.UniformMatrix4f(e,r.u_coord_matrix),u_is_text:new t.Uniform1i(e,r.u_is_text),u_pitch_with_map:new t.Uniform1i(e,r.u_pitch_with_map),u_texsize:new t.Uniform2f(e,r.u_texsize),u_texture:new t.Uniform1i(e,r.u_texture),u_gamma_scale:new t.Uniform1f(e,r.u_gamma_scale),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_is_halo:new t.Uniform1i(e,r.u_is_halo)}},symbolTextAndIcon:function(e,r){return{u_is_size_zoom_constant:new t.Uniform1i(e,r.u_is_size_zoom_constant),u_is_size_feature_constant:new t.Uniform1i(e,r.u_is_size_feature_constant),u_size_t:new t.Uniform1f(e,r.u_size_t),u_size:new t.Uniform1f(e,r.u_size),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_pitch:new t.Uniform1f(e,r.u_pitch),u_rotate_symbol:new t.Uniform1i(e,r.u_rotate_symbol),u_aspect_ratio:new t.Uniform1f(e,r.u_aspect_ratio),u_fade_change:new t.Uniform1f(e,r.u_fade_change),u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_label_plane_matrix:new t.UniformMatrix4f(e,r.u_label_plane_matrix),u_coord_matrix:new t.UniformMatrix4f(e,r.u_coord_matrix),u_is_text:new t.Uniform1i(e,r.u_is_text),u_pitch_with_map:new t.Uniform1i(e,r.u_pitch_with_map),u_texsize:new t.Uniform2f(e,r.u_texsize),u_texsize_icon:new t.Uniform2f(e,r.u_texsize_icon),u_texture:new t.Uniform1i(e,r.u_texture),u_texture_icon:new t.Uniform1i(e,r.u_texture_icon),u_gamma_scale:new t.Uniform1f(e,r.u_gamma_scale),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_is_halo:new t.Uniform1i(e,r.u_is_halo)}},background:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_opacity:new t.Uniform1f(e,r.u_opacity),u_color:new t.UniformColor(e,r.u_color)}},backgroundPattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_opacity:new t.Uniform1f(e,r.u_opacity),u_image:new t.Uniform1i(e,r.u_image),u_pattern_tl_a:new t.Uniform2f(e,r.u_pattern_tl_a),u_pattern_br_a:new t.Uniform2f(e,r.u_pattern_br_a),u_pattern_tl_b:new t.Uniform2f(e,r.u_pattern_tl_b),u_pattern_br_b:new t.Uniform2f(e,r.u_pattern_br_b),u_texsize:new t.Uniform2f(e,r.u_texsize),u_mix:new t.Uniform1f(e,r.u_mix),u_pattern_size_a:new t.Uniform2f(e,r.u_pattern_size_a),u_pattern_size_b:new t.Uniform2f(e,r.u_pattern_size_b),u_scale_a:new t.Uniform1f(e,r.u_scale_a),u_scale_b:new t.Uniform1f(e,r.u_scale_b),u_pixel_coord_upper:new t.Uniform2f(e,r.u_pixel_coord_upper),u_pixel_coord_lower:new t.Uniform2f(e,r.u_pixel_coord_lower),u_tile_units_to_pixels:new t.Uniform1f(e,r.u_tile_units_to_pixels)}}};function Zr(e,r,n,i,a,o,s){for(var l=e.context,c=l.gl,u=e.useProgram("collisionBox"),f=[],h=0,p=0,d=0;d0){var _=t.create(),w=y;t.mul(_,v.placementInvProjMatrix,e.transform.glCoordMatrix),t.mul(_,_,v.placementViewportMatrix),f.push({circleArray:b,circleOffset:p,transform:w,invTransform:_}),p=h+=b.length/4}x&&u.draw(l,c.LINES,Mt.disabled,At.disabled,e.colorModeForRenderPass(),Et.disabled,Cr(y,e.transform,m),n.id,x.layoutVertexBuffer,x.indexBuffer,x.segments,null,e.transform.zoom,null,null,x.collisionVertexBuffer)}}if(s&&f.length){var T=e.useProgram("collisionCircle"),k=new t.StructArrayLayout2f1f2i16;k.resize(4*h),k._trim();for(var M=0,A=0,S=f;A=0&&(g[v.associatedIconIndex]={shiftedAnchor:k,angle:M})}else ce(v.numGlyphs,p)}if(f){d.clear();for(var S=e.icon.placedSymbolArray,E=0;E0){var s=t.browser.now(),l=(s-e.timeAdded)/o,c=r?(s-r.timeAdded)/o:-1,u=n.getSource(),f=a.coveringZoomLevel({tileSize:u.tileSize,roundZoom:u.roundZoom}),h=!r||Math.abs(r.tileID.overscaledZ-f)>Math.abs(e.tileID.overscaledZ-f),p=h&&e.refreshedUponExpiration?1:t.clamp(h?l:1-c,0,1);return e.refreshedUponExpiration&&l>=1&&(e.refreshedUponExpiration=!1),r?{opacity:1,mix:1-p}:{opacity:p,mix:0}}return{opacity:1,mix:0}}var ln=new t.Color(1,0,0,1),cn=new t.Color(0,1,0,1),un=new t.Color(0,0,1,1),fn=new t.Color(1,0,1,1),hn=new t.Color(0,1,1,1);function pn(t,e,r,n){gn(t,0,e+r/2,t.transform.width,r,n)}function dn(t,e,r,n){gn(t,e-r/2,0,r,t.transform.height,n)}function gn(e,r,n,i,a,o){var s=e.context,l=s.gl;l.enable(l.SCISSOR_TEST),l.scissor(r*t.browser.devicePixelRatio,n*t.browser.devicePixelRatio,i*t.browser.devicePixelRatio,a*t.browser.devicePixelRatio),s.clear({color:o}),l.disable(l.SCISSOR_TEST)}function mn(e,r,n){var i=e.context,a=i.gl,o=n.posMatrix,s=e.useProgram("debug"),l=Mt.disabled,c=At.disabled,u=e.colorModeForRenderPass();i.activeTexture.set(a.TEXTURE0),e.emptyTexture.bind(a.LINEAR,a.CLAMP_TO_EDGE),s.draw(i,a.LINE_STRIP,l,c,u,Et.disabled,Ir(o,t.Color.red),"$debug",e.debugBuffer,e.tileBorderIndexBuffer,e.debugSegments);var f=r.getTileByID(n.key).latestRawTileData,h=Math.floor((f&&f.byteLength||0)/1024),p=r.getTile(n).tileSize,d=512/Math.min(p,512)*(n.overscaledZ/e.transform.zoom)*.5,g=n.canonical.toString();n.overscaledZ!==n.canonical.z&&(g+=" => "+n.overscaledZ),function(t,e){t.initDebugOverlayCanvas();var r=t.debugOverlayCanvas,n=t.context.gl,i=t.debugOverlayCanvas.getContext("2d");i.clearRect(0,0,r.width,r.height),i.shadowColor="white",i.shadowBlur=2,i.lineWidth=1.5,i.strokeStyle="white",i.textBaseline="top",i.font="bold 36px Open Sans, sans-serif",i.fillText(e,5,5),i.strokeText(e,5,5),t.debugOverlayTexture.update(r),t.debugOverlayTexture.bind(n.LINEAR,n.CLAMP_TO_EDGE)}(e,g+" "+h+"kb"),s.draw(i,a.TRIANGLES,l,c,St.alphaBlended,Et.disabled,Ir(o,t.Color.transparent,d),"$debug",e.debugBuffer,e.quadTriangleIndexBuffer,e.debugSegments)}var vn={symbol:function(e,r,n,i,a){if("translucent"===e.renderPass){var o=At.disabled,s=e.colorModeForRenderPass();n.layout.get("text-variable-anchor")&&function(e,r,n,i,a,o,s){for(var l=r.transform,c="map"===a,u="map"===o,f=0,h=e;f256&&this.clearStencil(),r.setColorMode(St.disabled),r.setDepthMode(Mt.disabled);var i=this.useProgram("clippingMask");this._tileClippingMaskIDs={};for(var a=0,o=e;a256&&this.clearStencil();var t=this.nextStencilID++,e=this.context.gl;return new At({func:e.NOTEQUAL,mask:255},t,255,e.KEEP,e.KEEP,e.REPLACE)},yn.prototype.stencilModeForClipping=function(t){var e=this.context.gl;return new At({func:e.EQUAL,mask:255},this._tileClippingMaskIDs[t.key],0,e.KEEP,e.KEEP,e.REPLACE)},yn.prototype.stencilConfigForOverlap=function(t){var e,r=this.context.gl,n=t.sort((function(t,e){return e.overscaledZ-t.overscaledZ})),i=n[n.length-1].overscaledZ,a=n[0].overscaledZ-i+1;if(a>1){this.currentStencilSource=void 0,this.nextStencilID+a>256&&this.clearStencil();for(var o={},s=0;s=0;this.currentLayer--){var b=this.style._layers[i[this.currentLayer]],_=a[b.source],w=u[b.source];this._renderTileClippingMasks(b,w),this.renderLayer(this,_,b,w)}for(this.renderPass="translucent",this.currentLayer=0;this.currentLayer0?e.pop():null},yn.prototype.isPatternMissing=function(t){if(!t)return!1;if(!t.from||!t.to)return!0;var e=this.imageManager.getPattern(t.from.toString()),r=this.imageManager.getPattern(t.to.toString());return!e||!r},yn.prototype.useProgram=function(t,e){this.cache=this.cache||{};var r=""+t+(e?e.cacheKey:"")+(this._showOverdrawInspector?"/overdraw":"");return this.cache[r]||(this.cache[r]=new br(this.context,yr[t],e,Xr[t],this._showOverdrawInspector)),this.cache[r]},yn.prototype.setCustomLayerDefaults=function(){this.context.unbindVAO(),this.context.cullFace.setDefault(),this.context.activeTexture.setDefault(),this.context.pixelStoreUnpack.setDefault(),this.context.pixelStoreUnpackPremultiplyAlpha.setDefault(),this.context.pixelStoreUnpackFlipY.setDefault()},yn.prototype.setBaseState=function(){var t=this.context.gl;this.context.cullFace.set(!1),this.context.viewport.set([0,0,this.width,this.height]),this.context.blendEquation.set(t.FUNC_ADD)},yn.prototype.initDebugOverlayCanvas=function(){null==this.debugOverlayCanvas&&(this.debugOverlayCanvas=t.window.document.createElement("canvas"),this.debugOverlayCanvas.width=512,this.debugOverlayCanvas.height=512,this.debugOverlayTexture=new t.Texture(this.context,this.debugOverlayCanvas,this.context.gl.RGBA))},yn.prototype.destroy=function(){this.emptyTexture.destroy(),this.debugOverlayTexture&&this.debugOverlayTexture.destroy()};var xn=function(t,e){this.points=t,this.planes=e};xn.fromInvProjectionMatrix=function(e,r,n){var i=Math.pow(2,n),a=[[-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]].map((function(r){return t.transformMat4([],r,e)})).map((function(e){return t.scale$1([],e,1/e[3]/r*i)})),o=[[0,1,2],[6,5,4],[0,3,7],[2,1,5],[3,2,6],[0,4,5]].map((function(e){var r=t.sub([],a[e[0]],a[e[1]]),n=t.sub([],a[e[2]],a[e[1]]),i=t.normalize([],t.cross([],r,n)),o=-t.dot(i,a[e[1]]);return i.concat(o)}));return new xn(a,o)};var bn=function(e,r){this.min=e,this.max=r,this.center=t.scale$2([],t.add([],this.min,this.max),.5)};bn.prototype.quadrant=function(e){for(var r=[e%2==0,e<2],n=t.clone$2(this.min),i=t.clone$2(this.max),a=0;a=0;if(0===o)return 0;o!==r.length&&(n=!1)}if(n)return 2;for(var l=0;l<3;l++){for(var c=Number.MAX_VALUE,u=-Number.MAX_VALUE,f=0;fthis.max[l]-this.min[l])return 0}return 1};var _n=function(t,e,r,n){if(void 0===t&&(t=0),void 0===e&&(e=0),void 0===r&&(r=0),void 0===n&&(n=0),isNaN(t)||t<0||isNaN(e)||e<0||isNaN(r)||r<0||isNaN(n)||n<0)throw new Error("Invalid value for edge-insets, top, bottom, left and right must all be numbers");this.top=t,this.bottom=e,this.left=r,this.right=n};_n.prototype.interpolate=function(e,r,n){return null!=r.top&&null!=e.top&&(this.top=t.number(e.top,r.top,n)),null!=r.bottom&&null!=e.bottom&&(this.bottom=t.number(e.bottom,r.bottom,n)),null!=r.left&&null!=e.left&&(this.left=t.number(e.left,r.left,n)),null!=r.right&&null!=e.right&&(this.right=t.number(e.right,r.right,n)),this},_n.prototype.getCenter=function(e,r){var n=t.clamp((this.left+e-this.right)/2,0,e),i=t.clamp((this.top+r-this.bottom)/2,0,r);return new t.Point(n,i)},_n.prototype.equals=function(t){return this.top===t.top&&this.bottom===t.bottom&&this.left===t.left&&this.right===t.right},_n.prototype.clone=function(){return new _n(this.top,this.bottom,this.left,this.right)},_n.prototype.toJSON=function(){return{top:this.top,bottom:this.bottom,left:this.left,right:this.right}};var wn=function(e,r,n,i,a){this.tileSize=512,this.maxValidLatitude=85.051129,this._renderWorldCopies=void 0===a||a,this._minZoom=e||0,this._maxZoom=r||22,this._minPitch=null==n?0:n,this._maxPitch=null==i?60:i,this.setMaxBounds(),this.width=0,this.height=0,this._center=new t.LngLat(0,0),this.zoom=0,this.angle=0,this._fov=.6435011087932844,this._pitch=0,this._unmodified=!0,this._edgeInsets=new _n,this._posMatrixCache={},this._alignedPosMatrixCache={}},Tn={minZoom:{configurable:!0},maxZoom:{configurable:!0},minPitch:{configurable:!0},maxPitch:{configurable:!0},renderWorldCopies:{configurable:!0},worldSize:{configurable:!0},centerOffset:{configurable:!0},size:{configurable:!0},bearing:{configurable:!0},pitch:{configurable:!0},fov:{configurable:!0},zoom:{configurable:!0},center:{configurable:!0},padding:{configurable:!0},centerPoint:{configurable:!0},unmodified:{configurable:!0},point:{configurable:!0}};wn.prototype.clone=function(){var t=new wn(this._minZoom,this._maxZoom,this._minPitch,this.maxPitch,this._renderWorldCopies);return t.tileSize=this.tileSize,t.latRange=this.latRange,t.width=this.width,t.height=this.height,t._center=this._center,t.zoom=this.zoom,t.angle=this.angle,t._fov=this._fov,t._pitch=this._pitch,t._unmodified=this._unmodified,t._edgeInsets=this._edgeInsets.clone(),t._calcMatrices(),t},Tn.minZoom.get=function(){return this._minZoom},Tn.minZoom.set=function(t){this._minZoom!==t&&(this._minZoom=t,this.zoom=Math.max(this.zoom,t))},Tn.maxZoom.get=function(){return this._maxZoom},Tn.maxZoom.set=function(t){this._maxZoom!==t&&(this._maxZoom=t,this.zoom=Math.min(this.zoom,t))},Tn.minPitch.get=function(){return this._minPitch},Tn.minPitch.set=function(t){this._minPitch!==t&&(this._minPitch=t,this.pitch=Math.max(this.pitch,t))},Tn.maxPitch.get=function(){return this._maxPitch},Tn.maxPitch.set=function(t){this._maxPitch!==t&&(this._maxPitch=t,this.pitch=Math.min(this.pitch,t))},Tn.renderWorldCopies.get=function(){return this._renderWorldCopies},Tn.renderWorldCopies.set=function(t){void 0===t?t=!0:null===t&&(t=!1),this._renderWorldCopies=t},Tn.worldSize.get=function(){return this.tileSize*this.scale},Tn.centerOffset.get=function(){return this.centerPoint._sub(this.size._div(2))},Tn.size.get=function(){return new t.Point(this.width,this.height)},Tn.bearing.get=function(){return-this.angle/Math.PI*180},Tn.bearing.set=function(e){var r=-t.wrap(e,-180,180)*Math.PI/180;this.angle!==r&&(this._unmodified=!1,this.angle=r,this._calcMatrices(),this.rotationMatrix=t.create$2(),t.rotate(this.rotationMatrix,this.rotationMatrix,this.angle))},Tn.pitch.get=function(){return this._pitch/Math.PI*180},Tn.pitch.set=function(e){var r=t.clamp(e,this.minPitch,this.maxPitch)/180*Math.PI;this._pitch!==r&&(this._unmodified=!1,this._pitch=r,this._calcMatrices())},Tn.fov.get=function(){return this._fov/Math.PI*180},Tn.fov.set=function(t){t=Math.max(.01,Math.min(60,t)),this._fov!==t&&(this._unmodified=!1,this._fov=t/180*Math.PI,this._calcMatrices())},Tn.zoom.get=function(){return this._zoom},Tn.zoom.set=function(t){var e=Math.min(Math.max(t,this.minZoom),this.maxZoom);this._zoom!==e&&(this._unmodified=!1,this._zoom=e,this.scale=this.zoomScale(e),this.tileZoom=Math.floor(e),this.zoomFraction=e-this.tileZoom,this._constrain(),this._calcMatrices())},Tn.center.get=function(){return this._center},Tn.center.set=function(t){t.lat===this._center.lat&&t.lng===this._center.lng||(this._unmodified=!1,this._center=t,this._constrain(),this._calcMatrices())},Tn.padding.get=function(){return this._edgeInsets.toJSON()},Tn.padding.set=function(t){this._edgeInsets.equals(t)||(this._unmodified=!1,this._edgeInsets.interpolate(this._edgeInsets,t,1),this._calcMatrices())},Tn.centerPoint.get=function(){return this._edgeInsets.getCenter(this.width,this.height)},wn.prototype.isPaddingEqual=function(t){return this._edgeInsets.equals(t)},wn.prototype.interpolatePadding=function(t,e,r){this._unmodified=!1,this._edgeInsets.interpolate(t,e,r),this._constrain(),this._calcMatrices()},wn.prototype.coveringZoomLevel=function(t){var e=(t.roundZoom?Math.round:Math.floor)(this.zoom+this.scaleZoom(this.tileSize/t.tileSize));return Math.max(0,e)},wn.prototype.getVisibleUnwrappedCoordinates=function(e){var r=[new t.UnwrappedTileID(0,e)];if(this._renderWorldCopies)for(var n=this.pointCoordinate(new t.Point(0,0)),i=this.pointCoordinate(new t.Point(this.width,0)),a=this.pointCoordinate(new t.Point(this.width,this.height)),o=this.pointCoordinate(new t.Point(0,this.height)),s=Math.floor(Math.min(n.x,i.x,a.x,o.x)),l=Math.floor(Math.max(n.x,i.x,a.x,o.x)),c=s-1;c<=l+1;c++)0!==c&&r.push(new t.UnwrappedTileID(c,e));return r},wn.prototype.coveringTiles=function(e){var r=this.coveringZoomLevel(e),n=r;if(void 0!==e.minzoom&&re.maxzoom&&(r=e.maxzoom);var i=t.MercatorCoordinate.fromLngLat(this.center),a=Math.pow(2,r),o=[a*i.x,a*i.y,0],s=xn.fromInvProjectionMatrix(this.invProjMatrix,this.worldSize,r),l=e.minzoom||0;this.pitch<=60&&this._edgeInsets.top<.1&&(l=r);var c=function(t){return{aabb:new bn([t*a,0,0],[(t+1)*a,a,0]),zoom:0,x:0,y:0,wrap:t,fullyVisible:!1}},u=[],f=[],h=r,p=e.reparseOverscaled?n:r;if(this._renderWorldCopies)for(var d=1;d<=3;d++)u.push(c(-d)),u.push(c(d));for(u.push(c(0));u.length>0;){var g=u.pop(),m=g.x,v=g.y,y=g.fullyVisible;if(!y){var x=g.aabb.intersects(s);if(0===x)continue;y=2===x}var b=g.aabb.distanceX(o),_=g.aabb.distanceY(o),w=Math.max(Math.abs(b),Math.abs(_));if(g.zoom===h||w>3+(1<=l)f.push({tileID:new t.OverscaledTileID(g.zoom===h?p:g.zoom,g.wrap,g.zoom,m,v),distanceSq:t.sqrLen([o[0]-.5-m,o[1]-.5-v])});else for(var T=0;T<4;T++){var k=(m<<1)+T%2,M=(v<<1)+(T>>1);u.push({aabb:g.aabb.quadrant(T),zoom:g.zoom+1,x:k,y:M,wrap:g.wrap,fullyVisible:y})}}return f.sort((function(t,e){return t.distanceSq-e.distanceSq})).map((function(t){return t.tileID}))},wn.prototype.resize=function(t,e){this.width=t,this.height=e,this.pixelsToGLUnits=[2/t,-2/e],this._constrain(),this._calcMatrices()},Tn.unmodified.get=function(){return this._unmodified},wn.prototype.zoomScale=function(t){return Math.pow(2,t)},wn.prototype.scaleZoom=function(t){return Math.log(t)/Math.LN2},wn.prototype.project=function(e){var r=t.clamp(e.lat,-this.maxValidLatitude,this.maxValidLatitude);return new t.Point(t.mercatorXfromLng(e.lng)*this.worldSize,t.mercatorYfromLat(r)*this.worldSize)},wn.prototype.unproject=function(e){return new t.MercatorCoordinate(e.x/this.worldSize,e.y/this.worldSize).toLngLat()},Tn.point.get=function(){return this.project(this.center)},wn.prototype.setLocationAtPoint=function(e,r){var n=this.pointCoordinate(r),i=this.pointCoordinate(this.centerPoint),a=this.locationCoordinate(e),o=new t.MercatorCoordinate(a.x-(n.x-i.x),a.y-(n.y-i.y));this.center=this.coordinateLocation(o),this._renderWorldCopies&&(this.center=this.center.wrap())},wn.prototype.locationPoint=function(t){return this.coordinatePoint(this.locationCoordinate(t))},wn.prototype.pointLocation=function(t){return this.coordinateLocation(this.pointCoordinate(t))},wn.prototype.locationCoordinate=function(e){return t.MercatorCoordinate.fromLngLat(e)},wn.prototype.coordinateLocation=function(t){return t.toLngLat()},wn.prototype.pointCoordinate=function(e){var r=[e.x,e.y,0,1],n=[e.x,e.y,1,1];t.transformMat4(r,r,this.pixelMatrixInverse),t.transformMat4(n,n,this.pixelMatrixInverse);var i=r[3],a=n[3],o=r[1]/i,s=n[1]/a,l=r[2]/i,c=n[2]/a,u=l===c?0:(0-l)/(c-l);return new t.MercatorCoordinate(t.number(r[0]/i,n[0]/a,u)/this.worldSize,t.number(o,s,u)/this.worldSize)},wn.prototype.coordinatePoint=function(e){var r=[e.x*this.worldSize,e.y*this.worldSize,0,1];return t.transformMat4(r,r,this.pixelMatrix),new t.Point(r[0]/r[3],r[1]/r[3])},wn.prototype.getBounds=function(){return(new t.LngLatBounds).extend(this.pointLocation(new t.Point(0,0))).extend(this.pointLocation(new t.Point(this.width,0))).extend(this.pointLocation(new t.Point(this.width,this.height))).extend(this.pointLocation(new t.Point(0,this.height)))},wn.prototype.getMaxBounds=function(){return this.latRange&&2===this.latRange.length&&this.lngRange&&2===this.lngRange.length?new t.LngLatBounds([this.lngRange[0],this.latRange[0]],[this.lngRange[1],this.latRange[1]]):null},wn.prototype.setMaxBounds=function(t){t?(this.lngRange=[t.getWest(),t.getEast()],this.latRange=[t.getSouth(),t.getNorth()],this._constrain()):(this.lngRange=null,this.latRange=[-this.maxValidLatitude,this.maxValidLatitude])},wn.prototype.calculatePosMatrix=function(e,r){void 0===r&&(r=!1);var n=e.key,i=r?this._alignedPosMatrixCache:this._posMatrixCache;if(i[n])return i[n];var a=e.canonical,o=this.worldSize/this.zoomScale(a.z),s=a.x+Math.pow(2,a.z)*e.wrap,l=t.identity(new Float64Array(16));return t.translate(l,l,[s*o,a.y*o,0]),t.scale(l,l,[o/t.EXTENT,o/t.EXTENT,1]),t.multiply(l,r?this.alignedProjMatrix:this.projMatrix,l),i[n]=new Float32Array(l),i[n]},wn.prototype.customLayerMatrix=function(){return this.mercatorMatrix.slice()},wn.prototype._constrain=function(){if(this.center&&this.width&&this.height&&!this._constraining){this._constraining=!0;var e,r,n,i,a=-90,o=90,s=-180,l=180,c=this.size,u=this._unmodified;if(this.latRange){var f=this.latRange;a=t.mercatorYfromLat(f[1])*this.worldSize,e=(o=t.mercatorYfromLat(f[0])*this.worldSize)-ao&&(i=o-m)}if(this.lngRange){var v=p.x,y=c.x/2;v-yl&&(n=l-y)}void 0===n&&void 0===i||(this.center=this.unproject(new t.Point(void 0!==n?n:p.x,void 0!==i?i:p.y))),this._unmodified=u,this._constraining=!1}},wn.prototype._calcMatrices=function(){if(this.height){var e=this.centerOffset;this.cameraToCenterDistance=.5/Math.tan(this._fov/2)*this.height;var r=Math.PI/2+this._pitch,n=this._fov*(.5+e.y/this.height),i=Math.sin(n)*this.cameraToCenterDistance/Math.sin(t.clamp(Math.PI-r-n,.01,Math.PI-.01)),a=this.point,o=a.x,s=a.y,l=1.01*(Math.cos(Math.PI/2-this._pitch)*i+this.cameraToCenterDistance),c=this.height/50,u=new Float64Array(16);t.perspective(u,this._fov,this.width/this.height,c,l),u[8]=2*-e.x/this.width,u[9]=2*e.y/this.height,t.scale(u,u,[1,-1,1]),t.translate(u,u,[0,0,-this.cameraToCenterDistance]),t.rotateX(u,u,this._pitch),t.rotateZ(u,u,this.angle),t.translate(u,u,[-o,-s,0]),this.mercatorMatrix=t.scale([],u,[this.worldSize,this.worldSize,this.worldSize]),t.scale(u,u,[1,1,t.mercatorZfromAltitude(1,this.center.lat)*this.worldSize,1]),this.projMatrix=u,this.invProjMatrix=t.invert([],this.projMatrix);var f=this.width%2/2,h=this.height%2/2,p=Math.cos(this.angle),d=Math.sin(this.angle),g=o-Math.round(o)+p*f+d*h,m=s-Math.round(s)+p*h+d*f,v=new Float64Array(u);if(t.translate(v,v,[g>.5?g-1:g,m>.5?m-1:m,0]),this.alignedProjMatrix=v,u=t.create(),t.scale(u,u,[this.width/2,-this.height/2,1]),t.translate(u,u,[1,-1,0]),this.labelPlaneMatrix=u,u=t.create(),t.scale(u,u,[1,-1,1]),t.translate(u,u,[-1,-1,0]),t.scale(u,u,[2/this.width,2/this.height,1]),this.glCoordMatrix=u,this.pixelMatrix=t.multiply(new Float64Array(16),this.labelPlaneMatrix,this.projMatrix),!(u=t.invert(new Float64Array(16),this.pixelMatrix)))throw new Error("failed to invert matrix");this.pixelMatrixInverse=u,this._posMatrixCache={},this._alignedPosMatrixCache={}}},wn.prototype.maxPitchScaleFactor=function(){if(!this.pixelMatrixInverse)return 1;var e=this.pointCoordinate(new t.Point(0,0)),r=[e.x*this.worldSize,e.y*this.worldSize,0,1];return t.transformMat4(r,r,this.pixelMatrix)[3]/this.cameraToCenterDistance},wn.prototype.getCameraPoint=function(){var e=Math.tan(this._pitch)*(this.cameraToCenterDistance||1);return this.centerPoint.add(new t.Point(0,e))},wn.prototype.getCameraQueryGeometry=function(e){var r=this.getCameraPoint();if(1===e.length)return[e[0],r];for(var n=r.x,i=r.y,a=r.x,o=r.y,s=0,l=e;s=3&&!t.some((function(t){return isNaN(t)}))){var e=this._map.dragRotate.isEnabled()&&this._map.touchZoomRotate.isEnabled()?+(t[3]||0):this._map.getBearing();return this._map.jumpTo({center:[+t[2],+t[1]],zoom:+t[0],bearing:e,pitch:+(t[4]||0)}),!0}return!1},kn.prototype._updateHashUnthrottled=function(){var e=this.getHashString();try{t.window.history.replaceState(t.window.history.state,"",e)}catch(t){}};var Mn={linearity:.3,easing:t.bezier(0,0,.3,1)},An=t.extend({deceleration:2500,maxSpeed:1400},Mn),Sn=t.extend({deceleration:20,maxSpeed:1400},Mn),En=t.extend({deceleration:1e3,maxSpeed:360},Mn),Cn=t.extend({deceleration:1e3,maxSpeed:90},Mn),Ln=function(t){this._map=t,this.clear()};function In(t,e){(!t.duration||t.duration0&&r-e[0].time>160;)e.shift()},Ln.prototype._onMoveEnd=function(e){if(this._drainInertiaBuffer(),!(this._inertiaBuffer.length<2)){for(var r={zoom:0,bearing:0,pitch:0,pan:new t.Point(0,0),pinchAround:void 0,around:void 0},n=0,i=this._inertiaBuffer;n=this._clickTolerance||this._map.fire(new zn(t.type,this._map,t))},Rn.prototype.dblclick=function(t){return this._firePreventable(new zn(t.type,this._map,t))},Rn.prototype.mouseover=function(t){this._map.fire(new zn(t.type,this._map,t))},Rn.prototype.mouseout=function(t){this._map.fire(new zn(t.type,this._map,t))},Rn.prototype.touchstart=function(t){return this._firePreventable(new On(t.type,this._map,t))},Rn.prototype.touchmove=function(t){this._map.fire(new On(t.type,this._map,t))},Rn.prototype.touchend=function(t){this._map.fire(new On(t.type,this._map,t))},Rn.prototype.touchcancel=function(t){this._map.fire(new On(t.type,this._map,t))},Rn.prototype._firePreventable=function(t){if(this._map.fire(t),t.defaultPrevented)return{}},Rn.prototype.isEnabled=function(){return!0},Rn.prototype.isActive=function(){return!1},Rn.prototype.enable=function(){},Rn.prototype.disable=function(){};var Fn=function(t){this._map=t};Fn.prototype.reset=function(){this._delayContextMenu=!1,delete this._contextMenuEvent},Fn.prototype.mousemove=function(t){this._map.fire(new zn(t.type,this._map,t))},Fn.prototype.mousedown=function(){this._delayContextMenu=!0},Fn.prototype.mouseup=function(){this._delayContextMenu=!1,this._contextMenuEvent&&(this._map.fire(new zn("contextmenu",this._map,this._contextMenuEvent)),delete this._contextMenuEvent)},Fn.prototype.contextmenu=function(t){this._delayContextMenu?this._contextMenuEvent=t:this._map.fire(new zn(t.type,this._map,t)),this._map.listens("contextmenu")&&t.preventDefault()},Fn.prototype.isEnabled=function(){return!0},Fn.prototype.isActive=function(){return!1},Fn.prototype.enable=function(){},Fn.prototype.disable=function(){};var Bn=function(t,e){this._map=t,this._el=t.getCanvasContainer(),this._container=t.getContainer(),this._clickTolerance=e.clickTolerance||1};function Nn(t,e){for(var r={},n=0;nthis.numTouches)&&(this.aborted=!0),this.aborted||(void 0===this.startTime&&(this.startTime=e.timeStamp),n.length===this.numTouches&&(this.centroid=function(e){for(var r=new t.Point(0,0),n=0,i=e;n30)&&(this.aborted=!0)}}},jn.prototype.touchend=function(t,e,r){if((!this.centroid||t.timeStamp-this.startTime>500)&&(this.aborted=!0),0===r.length){var n=!this.aborted&&this.centroid;if(this.reset(),n)return n}};var Un=function(t){this.singleTap=new jn(t),this.numTaps=t.numTaps,this.reset()};Un.prototype.reset=function(){this.lastTime=1/0,delete this.lastTap,this.count=0,this.singleTap.reset()},Un.prototype.touchstart=function(t,e,r){this.singleTap.touchstart(t,e,r)},Un.prototype.touchmove=function(t,e,r){this.singleTap.touchmove(t,e,r)},Un.prototype.touchend=function(t,e,r){var n=this.singleTap.touchend(t,e,r);if(n){var i=t.timeStamp-this.lastTime<500,a=!this.lastTap||this.lastTap.dist(n)<30;if(i&&a||this.reset(),this.count++,this.lastTime=t.timeStamp,this.lastTap=n,this.count===this.numTaps)return this.reset(),n}};var Vn=function(){this._zoomIn=new Un({numTouches:1,numTaps:2}),this._zoomOut=new Un({numTouches:2,numTaps:1}),this.reset()};Vn.prototype.reset=function(){this._active=!1,this._zoomIn.reset(),this._zoomOut.reset()},Vn.prototype.touchstart=function(t,e,r){this._zoomIn.touchstart(t,e,r),this._zoomOut.touchstart(t,e,r)},Vn.prototype.touchmove=function(t,e,r){this._zoomIn.touchmove(t,e,r),this._zoomOut.touchmove(t,e,r)},Vn.prototype.touchend=function(t,e,r){var n=this,i=this._zoomIn.touchend(t,e,r),a=this._zoomOut.touchend(t,e,r);return i?(this._active=!0,t.preventDefault(),setTimeout((function(){return n.reset()}),0),{cameraAnimation:function(e){return e.easeTo({duration:300,zoom:e.getZoom()+1,around:e.unproject(i)},{originalEvent:t})}}):a?(this._active=!0,t.preventDefault(),setTimeout((function(){return n.reset()}),0),{cameraAnimation:function(e){return e.easeTo({duration:300,zoom:e.getZoom()-1,around:e.unproject(a)},{originalEvent:t})}}):void 0},Vn.prototype.touchcancel=function(){this.reset()},Vn.prototype.enable=function(){this._enabled=!0},Vn.prototype.disable=function(){this._enabled=!1,this.reset()},Vn.prototype.isEnabled=function(){return this._enabled},Vn.prototype.isActive=function(){return this._active};var qn=function(t){this.reset(),this._clickTolerance=t.clickTolerance||1};qn.prototype.reset=function(){this._active=!1,this._moved=!1,delete this._lastPoint,delete this._eventButton},qn.prototype._correctButton=function(t,e){return!1},qn.prototype._move=function(t,e){return{}},qn.prototype.mousedown=function(t,e){if(!this._lastPoint){var n=r.mouseButton(t);this._correctButton(t,n)&&(this._lastPoint=e,this._eventButton=n)}},qn.prototype.mousemoveWindow=function(t,e){var r=this._lastPoint;if(r&&(t.preventDefault(),this._moved||!(e.dist(r)0&&(this._active=!0);var i=Nn(n,r),a=new t.Point(0,0),o=new t.Point(0,0),s=0;for(var l in i){var c=i[l],u=this._touches[l];u&&(a._add(c),o._add(c.sub(u)),s++,i[l]=c)}if(this._touches=i,!(sMath.abs(t.x)}var ei=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.reset=function(){t.prototype.reset.call(this),this._valid=void 0,delete this._firstMove,delete this._lastPoints},e.prototype._start=function(t){this._lastPoints=t,ti(t[0].sub(t[1]))&&(this._valid=!1)},e.prototype._move=function(t,e,r){var n=t[0].sub(this._lastPoints[0]),i=t[1].sub(this._lastPoints[1]);if(this._valid=this.gestureBeginsVertically(n,i,r.timeStamp),this._valid)return this._lastPoints=t,this._active=!0,{pitchDelta:(n.y+i.y)/2*-.5}},e.prototype.gestureBeginsVertically=function(t,e,r){if(void 0!==this._valid)return this._valid;var n=t.mag()>=2,i=e.mag()>=2;if(n||i){if(!n||!i)return void 0===this._firstMove&&(this._firstMove=r),r-this._firstMove<100&&void 0;var a=t.y>0==e.y>0;return ti(t)&&ti(e)&&a}},e}(Xn),ri={panStep:100,bearingStep:15,pitchStep:10},ni=function(){var t=ri;this._panStep=t.panStep,this._bearingStep=t.bearingStep,this._pitchStep=t.pitchStep};function ii(t){return t*(2-t)}ni.prototype.reset=function(){this._active=!1},ni.prototype.keydown=function(t){var e=this;if(!(t.altKey||t.ctrlKey||t.metaKey)){var r=0,n=0,i=0,a=0,o=0;switch(t.keyCode){case 61:case 107:case 171:case 187:r=1;break;case 189:case 109:case 173:r=-1;break;case 37:t.shiftKey?n=-1:(t.preventDefault(),a=-1);break;case 39:t.shiftKey?n=1:(t.preventDefault(),a=1);break;case 38:t.shiftKey?i=1:(t.preventDefault(),o=-1);break;case 40:t.shiftKey?i=-1:(t.preventDefault(),o=1);break;default:return}return{cameraAnimation:function(s){var l=s.getZoom();s.easeTo({duration:300,easeId:"keyboardHandler",easing:ii,zoom:r?Math.round(l)+r*(t.shiftKey?2:1):l,bearing:s.getBearing()+n*e._bearingStep,pitch:s.getPitch()+i*e._pitchStep,offset:[-a*e._panStep,-o*e._panStep],center:s.getCenter()},{originalEvent:t})}}}},ni.prototype.enable=function(){this._enabled=!0},ni.prototype.disable=function(){this._enabled=!1,this.reset()},ni.prototype.isEnabled=function(){return this._enabled},ni.prototype.isActive=function(){return this._active};var ai=function(e,r){this._map=e,this._el=e.getCanvasContainer(),this._handler=r,this._delta=0,this._defaultZoomRate=.01,this._wheelZoomRate=1/450,t.bindAll(["_onWheel","_onTimeout","_onScrollFrame","_onScrollFinished"],this)};ai.prototype.setZoomRate=function(t){this._defaultZoomRate=t},ai.prototype.setWheelZoomRate=function(t){this._wheelZoomRate=t},ai.prototype.isEnabled=function(){return!!this._enabled},ai.prototype.isActive=function(){return!!this._active||void 0!==this._finishTimeout},ai.prototype.isZooming=function(){return!!this._zooming},ai.prototype.enable=function(t){this.isEnabled()||(this._enabled=!0,this._aroundCenter=t&&"center"===t.around)},ai.prototype.disable=function(){this.isEnabled()&&(this._enabled=!1)},ai.prototype.wheel=function(e){if(this.isEnabled()){var r=e.deltaMode===t.window.WheelEvent.DOM_DELTA_LINE?40*e.deltaY:e.deltaY,n=t.browser.now(),i=n-(this._lastWheelEventTime||0);this._lastWheelEventTime=n,0!==r&&r%4.000244140625==0?this._type="wheel":0!==r&&Math.abs(r)<4?this._type="trackpad":i>400?(this._type=null,this._lastValue=r,this._timeout=setTimeout(this._onTimeout,40,e)):this._type||(this._type=Math.abs(i*r)<200?"trackpad":"wheel",this._timeout&&(clearTimeout(this._timeout),this._timeout=null,r+=this._lastValue)),e.shiftKey&&r&&(r/=4),this._type&&(this._lastWheelEvent=e,this._delta-=r,this._active||this._start(e)),e.preventDefault()}},ai.prototype._onTimeout=function(t){this._type="wheel",this._delta-=this._lastValue,this._active||this._start(t)},ai.prototype._start=function(e){if(this._delta){this._frameId&&(this._frameId=null),this._active=!0,this.isZooming()||(this._zooming=!0),this._finishTimeout&&(clearTimeout(this._finishTimeout),delete this._finishTimeout);var n=r.mousePos(this._el,e);this._around=t.LngLat.convert(this._aroundCenter?this._map.getCenter():this._map.unproject(n)),this._aroundPoint=this._map.transform.locationPoint(this._around),this._frameId||(this._frameId=!0,this._handler._triggerRenderFrame())}},ai.prototype.renderFrame=function(){return this._onScrollFrame()},ai.prototype._onScrollFrame=function(){var e=this;if(this._frameId&&(this._frameId=null,this.isActive())){var r=this._map.transform;if(0!==this._delta){var n="wheel"===this._type&&Math.abs(this._delta)>4.000244140625?this._wheelZoomRate:this._defaultZoomRate,i=2/(1+Math.exp(-Math.abs(this._delta*n)));this._delta<0&&0!==i&&(i=1/i);var a="number"==typeof this._targetZoom?r.zoomScale(this._targetZoom):r.scale;this._targetZoom=Math.min(r.maxZoom,Math.max(r.minZoom,r.scaleZoom(a*i))),"wheel"===this._type&&(this._startZoom=r.zoom,this._easing=this._smoothOutEasing(200)),this._delta=0}var o,s="number"==typeof this._targetZoom?this._targetZoom:r.zoom,l=this._startZoom,c=this._easing,u=!1;if("wheel"===this._type&&l&&c){var f=Math.min((t.browser.now()-this._lastWheelEventTime)/200,1),h=c(f);o=t.number(l,s,h),f<1?this._frameId||(this._frameId=!0):u=!0}else o=s,u=!0;return this._active=!0,u&&(this._active=!1,this._finishTimeout=setTimeout((function(){e._zooming=!1,e._handler._triggerRenderFrame(),delete e._targetZoom,delete e._finishTimeout}),200)),{noInertia:!0,needsRenderFrame:!u,zoomDelta:o-r.zoom,around:this._aroundPoint,originalEvent:this._lastWheelEvent}}},ai.prototype._smoothOutEasing=function(e){var r=t.ease;if(this._prevEase){var n=this._prevEase,i=(t.browser.now()-n.start)/n.duration,a=n.easing(i+.01)-n.easing(i),o=.27/Math.sqrt(a*a+1e-4)*.01,s=Math.sqrt(.0729-o*o);r=t.bezier(o,s,.25,1)}return this._prevEase={start:t.browser.now(),duration:e,easing:r},r},ai.prototype.reset=function(){this._active=!1};var oi=function(t,e){this._clickZoom=t,this._tapZoom=e};oi.prototype.enable=function(){this._clickZoom.enable(),this._tapZoom.enable()},oi.prototype.disable=function(){this._clickZoom.disable(),this._tapZoom.disable()},oi.prototype.isEnabled=function(){return this._clickZoom.isEnabled()&&this._tapZoom.isEnabled()},oi.prototype.isActive=function(){return this._clickZoom.isActive()||this._tapZoom.isActive()};var si=function(){this.reset()};si.prototype.reset=function(){this._active=!1},si.prototype.dblclick=function(t,e){return t.preventDefault(),{cameraAnimation:function(r){r.easeTo({duration:300,zoom:r.getZoom()+(t.shiftKey?-1:1),around:r.unproject(e)},{originalEvent:t})}}},si.prototype.enable=function(){this._enabled=!0},si.prototype.disable=function(){this._enabled=!1,this.reset()},si.prototype.isEnabled=function(){return this._enabled},si.prototype.isActive=function(){return this._active};var li=function(){this._tap=new Un({numTouches:1,numTaps:1}),this.reset()};li.prototype.reset=function(){this._active=!1,delete this._swipePoint,delete this._swipeTouch,delete this._tapTime,this._tap.reset()},li.prototype.touchstart=function(t,e,r){this._swipePoint||(this._tapTime&&t.timeStamp-this._tapTime>500&&this.reset(),this._tapTime?r.length>0&&(this._swipePoint=e[0],this._swipeTouch=r[0].identifier):this._tap.touchstart(t,e,r))},li.prototype.touchmove=function(t,e,r){if(this._tapTime){if(this._swipePoint){if(r[0].identifier!==this._swipeTouch)return;var n=e[0],i=n.y-this._swipePoint.y;return this._swipePoint=n,t.preventDefault(),this._active=!0,{zoomDelta:i/128}}}else this._tap.touchmove(t,e,r)},li.prototype.touchend=function(t,e,r){this._tapTime?this._swipePoint&&0===r.length&&this.reset():this._tap.touchend(t,e,r)&&(this._tapTime=t.timeStamp)},li.prototype.touchcancel=function(){this.reset()},li.prototype.enable=function(){this._enabled=!0},li.prototype.disable=function(){this._enabled=!1,this.reset()},li.prototype.isEnabled=function(){return this._enabled},li.prototype.isActive=function(){return this._active};var ci=function(t,e,r){this._el=t,this._mousePan=e,this._touchPan=r};ci.prototype.enable=function(t){this._inertiaOptions=t||{},this._mousePan.enable(),this._touchPan.enable(),this._el.classList.add("mapboxgl-touch-drag-pan")},ci.prototype.disable=function(){this._mousePan.disable(),this._touchPan.disable(),this._el.classList.remove("mapboxgl-touch-drag-pan")},ci.prototype.isEnabled=function(){return this._mousePan.isEnabled()&&this._touchPan.isEnabled()},ci.prototype.isActive=function(){return this._mousePan.isActive()||this._touchPan.isActive()};var ui=function(t,e,r){this._pitchWithRotate=t.pitchWithRotate,this._mouseRotate=e,this._mousePitch=r};ui.prototype.enable=function(){this._mouseRotate.enable(),this._pitchWithRotate&&this._mousePitch.enable()},ui.prototype.disable=function(){this._mouseRotate.disable(),this._mousePitch.disable()},ui.prototype.isEnabled=function(){return this._mouseRotate.isEnabled()&&(!this._pitchWithRotate||this._mousePitch.isEnabled())},ui.prototype.isActive=function(){return this._mouseRotate.isActive()||this._mousePitch.isActive()};var fi=function(t,e,r,n){this._el=t,this._touchZoom=e,this._touchRotate=r,this._tapDragZoom=n,this._rotationDisabled=!1,this._enabled=!0};fi.prototype.enable=function(t){this._touchZoom.enable(t),this._rotationDisabled||this._touchRotate.enable(t),this._tapDragZoom.enable(),this._el.classList.add("mapboxgl-touch-zoom-rotate")},fi.prototype.disable=function(){this._touchZoom.disable(),this._touchRotate.disable(),this._tapDragZoom.disable(),this._el.classList.remove("mapboxgl-touch-zoom-rotate")},fi.prototype.isEnabled=function(){return this._touchZoom.isEnabled()&&(this._rotationDisabled||this._touchRotate.isEnabled())&&this._tapDragZoom.isEnabled()},fi.prototype.isActive=function(){return this._touchZoom.isActive()||this._touchRotate.isActive()||this._tapDragZoom.isActive()},fi.prototype.disableRotation=function(){this._rotationDisabled=!0,this._touchRotate.disable()},fi.prototype.enableRotation=function(){this._rotationDisabled=!1,this._touchZoom.isEnabled()&&this._touchRotate.enable()};var hi=function(t){return t.zoom||t.drag||t.pitch||t.rotate},pi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e}(t.Event);function di(t){return t.panDelta&&t.panDelta.mag()||t.zoomDelta||t.bearingDelta||t.pitchDelta}var gi=function(e,n){this._map=e,this._el=this._map.getCanvasContainer(),this._handlers=[],this._handlersById={},this._changes=[],this._inertia=new Ln(e),this._bearingSnap=n.bearingSnap,this._previousActiveHandlers={},this._eventsInProgress={},this._addDefaultHandlers(n),t.bindAll(["handleEvent","handleWindowEvent"],this);var i=this._el;this._listeners=[[i,"touchstart",{passive:!1}],[i,"touchmove",{passive:!1}],[i,"touchend",void 0],[i,"touchcancel",void 0],[i,"mousedown",void 0],[i,"mousemove",void 0],[i,"mouseup",void 0],[t.window.document,"mousemove",{capture:!0}],[t.window.document,"mouseup",void 0],[i,"mouseover",void 0],[i,"mouseout",void 0],[i,"dblclick",void 0],[i,"click",void 0],[i,"keydown",{capture:!1}],[i,"keyup",void 0],[i,"wheel",{passive:!1}],[i,"contextmenu",void 0],[t.window,"blur",void 0]];for(var a=0,o=this._listeners;aa?Math.min(2,_):Math.max(.5,_),w=Math.pow(m,1-e),T=i.unproject(x.add(b.mult(e*w)).mult(g));i.setLocationAtPoint(i.renderWorldCopies?T.wrap():T,d)}n._fireMoveEvents(r)}),(function(t){n._afterEase(r,t)}),e),this},r.prototype._prepareEase=function(e,r,n){void 0===n&&(n={}),this._moving=!0,r||n.moving||this.fire(new t.Event("movestart",e)),this._zooming&&!n.zooming&&this.fire(new t.Event("zoomstart",e)),this._rotating&&!n.rotating&&this.fire(new t.Event("rotatestart",e)),this._pitching&&!n.pitching&&this.fire(new t.Event("pitchstart",e))},r.prototype._fireMoveEvents=function(e){this.fire(new t.Event("move",e)),this._zooming&&this.fire(new t.Event("zoom",e)),this._rotating&&this.fire(new t.Event("rotate",e)),this._pitching&&this.fire(new t.Event("pitch",e))},r.prototype._afterEase=function(e,r){if(!this._easeId||!r||this._easeId!==r){delete this._easeId;var n=this._zooming,i=this._rotating,a=this._pitching;this._moving=!1,this._zooming=!1,this._rotating=!1,this._pitching=!1,this._padding=!1,n&&this.fire(new t.Event("zoomend",e)),i&&this.fire(new t.Event("rotateend",e)),a&&this.fire(new t.Event("pitchend",e)),this.fire(new t.Event("moveend",e))}},r.prototype.flyTo=function(e,r){var n=this;if(!e.essential&&t.browser.prefersReducedMotion){var i=t.pick(e,["center","zoom","bearing","pitch","around"]);return this.jumpTo(i,r)}this.stop(),e=t.extend({offset:[0,0],speed:1.2,curve:1.42,easing:t.ease},e);var a=this.transform,o=this.getZoom(),s=this.getBearing(),l=this.getPitch(),c=this.getPadding(),u="zoom"in e?t.clamp(+e.zoom,a.minZoom,a.maxZoom):o,f="bearing"in e?this._normalizeBearing(e.bearing,s):s,h="pitch"in e?+e.pitch:l,p="padding"in e?e.padding:a.padding,d=a.zoomScale(u-o),g=t.Point.convert(e.offset),m=a.centerPoint.add(g),v=a.pointLocation(m),y=t.LngLat.convert(e.center||v);this._normalizeCenter(y);var x=a.project(v),b=a.project(y).sub(x),_=e.curve,w=Math.max(a.width,a.height),T=w/d,k=b.mag();if("minZoom"in e){var M=t.clamp(Math.min(e.minZoom,o,u),a.minZoom,a.maxZoom),A=w/a.zoomScale(M-o);_=Math.sqrt(A/k*2)}var S=_*_;function E(t){var e=(T*T-w*w+(t?-1:1)*S*S*k*k)/(2*(t?T:w)*S*k);return Math.log(Math.sqrt(e*e+1)-e)}function C(t){return(Math.exp(t)-Math.exp(-t))/2}function L(t){return(Math.exp(t)+Math.exp(-t))/2}var I=E(0),P=function(t){return L(I)/L(I+_*t)},z=function(t){return w*((L(I)*(C(e=I+_*t)/L(e))-C(I))/S)/k;var e},O=(E(1)-I)/_;if(Math.abs(k)<1e-6||!isFinite(O)){if(Math.abs(w-T)<1e-6)return this.easeTo(e,r);var D=Te.maxDuration&&(e.duration=0),this._zooming=!0,this._rotating=s!==f,this._pitching=h!==l,this._padding=!a.isPaddingEqual(p),this._prepareEase(r,!1),this._ease((function(e){var i=e*O,d=1/P(i);a.zoom=1===e?u:o+a.scaleZoom(d),n._rotating&&(a.bearing=t.number(s,f,e)),n._pitching&&(a.pitch=t.number(l,h,e)),n._padding&&(a.interpolatePadding(c,p,e),m=a.centerPoint.add(g));var v=1===e?y:a.unproject(x.add(b.mult(z(i))).mult(d));a.setLocationAtPoint(a.renderWorldCopies?v.wrap():v,m),n._fireMoveEvents(r)}),(function(){return n._afterEase(r)}),e),this},r.prototype.isEasing=function(){return!!this._easeFrameId},r.prototype.stop=function(){return this._stop()},r.prototype._stop=function(t,e){if(this._easeFrameId&&(this._cancelRenderFrame(this._easeFrameId),delete this._easeFrameId,delete this._onEaseFrame),this._onEaseEnd){var r=this._onEaseEnd;delete this._onEaseEnd,r.call(this,e)}if(!t){var n=this.handlers;n&&n.stop()}return this},r.prototype._ease=function(e,r,n){!1===n.animate||0===n.duration?(e(1),r()):(this._easeStart=t.browser.now(),this._easeOptions=n,this._onEaseFrame=e,this._onEaseEnd=r,this._easeFrameId=this._requestRenderFrame(this._renderFrameCallback))},r.prototype._renderFrameCallback=function(){var e=Math.min((t.browser.now()-this._easeStart)/this._easeOptions.duration,1);this._onEaseFrame(this._easeOptions.easing(e)),e<1?this._easeFrameId=this._requestRenderFrame(this._renderFrameCallback):this.stop()},r.prototype._normalizeBearing=function(e,r){e=t.wrap(e,-180,180);var n=Math.abs(e-r);return Math.abs(e-360-r)180?-360:r<-180?360:0}},r}(t.Evented),vi=function(e){void 0===e&&(e={}),this.options=e,t.bindAll(["_updateEditLink","_updateData","_updateCompact"],this)};vi.prototype.getDefaultPosition=function(){return"bottom-right"},vi.prototype.onAdd=function(t){var e=this.options&&this.options.compact;return this._map=t,this._container=r.create("div","mapboxgl-ctrl mapboxgl-ctrl-attrib"),this._innerContainer=r.create("div","mapboxgl-ctrl-attrib-inner",this._container),e&&this._container.classList.add("mapboxgl-compact"),this._updateAttributions(),this._updateEditLink(),this._map.on("styledata",this._updateData),this._map.on("sourcedata",this._updateData),this._map.on("moveend",this._updateEditLink),void 0===e&&(this._map.on("resize",this._updateCompact),this._updateCompact()),this._container},vi.prototype.onRemove=function(){r.remove(this._container),this._map.off("styledata",this._updateData),this._map.off("sourcedata",this._updateData),this._map.off("moveend",this._updateEditLink),this._map.off("resize",this._updateCompact),this._map=void 0,this._attribHTML=void 0},vi.prototype._updateEditLink=function(){var e=this._editLink;e||(e=this._editLink=this._container.querySelector(".mapbox-improve-map"));var r=[{key:"owner",value:this.styleOwner},{key:"id",value:this.styleId},{key:"access_token",value:this._map._requestManager._customAccessToken||t.config.ACCESS_TOKEN}];if(e){var n=r.reduce((function(t,e,n){return e.value&&(t+=e.key+"="+e.value+(n=0)return!1;return!0}))).join(" | ");o!==this._attribHTML&&(this._attribHTML=o,t.length?(this._innerContainer.innerHTML=o,this._container.classList.remove("mapboxgl-attrib-empty")):this._container.classList.add("mapboxgl-attrib-empty"),this._editLink=null)}},vi.prototype._updateCompact=function(){this._map.getCanvasContainer().offsetWidth<=640?this._container.classList.add("mapboxgl-compact"):this._container.classList.remove("mapboxgl-compact")};var yi=function(){t.bindAll(["_updateLogo"],this),t.bindAll(["_updateCompact"],this)};yi.prototype.onAdd=function(t){this._map=t,this._container=r.create("div","mapboxgl-ctrl");var e=r.create("a","mapboxgl-ctrl-logo");return e.target="_blank",e.rel="noopener nofollow",e.href="https://www.mapbox.com/",e.setAttribute("aria-label",this._map._getUIString("LogoControl.Title")),e.setAttribute("rel","noopener nofollow"),this._container.appendChild(e),this._container.style.display="none",this._map.on("sourcedata",this._updateLogo),this._updateLogo(),this._map.on("resize",this._updateCompact),this._updateCompact(),this._container},yi.prototype.onRemove=function(){r.remove(this._container),this._map.off("sourcedata",this._updateLogo),this._map.off("resize",this._updateCompact)},yi.prototype.getDefaultPosition=function(){return"bottom-left"},yi.prototype._updateLogo=function(t){t&&"metadata"!==t.sourceDataType||(this._container.style.display=this._logoRequired()?"block":"none")},yi.prototype._logoRequired=function(){if(this._map.style){var t=this._map.style.sourceCaches;for(var e in t)if(t[e].getSource().mapbox_logo)return!0;return!1}},yi.prototype._updateCompact=function(){var t=this._container.children;if(t.length){var e=t[0];this._map.getCanvasContainer().offsetWidth<250?e.classList.add("mapboxgl-compact"):e.classList.remove("mapboxgl-compact")}};var xi=function(){this._queue=[],this._id=0,this._cleared=!1,this._currentlyRunning=!1};xi.prototype.add=function(t){var e=++this._id;return this._queue.push({callback:t,id:e,cancelled:!1}),e},xi.prototype.remove=function(t){for(var e=this._currentlyRunning,r=0,n=e?this._queue.concat(e):this._queue;re.maxZoom)throw new Error("maxZoom must be greater than or equal to minZoom");if(null!=e.minPitch&&null!=e.maxPitch&&e.minPitch>e.maxPitch)throw new Error("maxPitch must be greater than or equal to minPitch");if(null!=e.minPitch&&e.minPitch<0)throw new Error("minPitch must be greater than or equal to 0");if(null!=e.maxPitch&&e.maxPitch>60)throw new Error("maxPitch must be less than or equal to 60");var i=new wn(e.minZoom,e.maxZoom,e.minPitch,e.maxPitch,e.renderWorldCopies);if(n.call(this,i,e),this._interactive=e.interactive,this._maxTileCacheSize=e.maxTileCacheSize,this._failIfMajorPerformanceCaveat=e.failIfMajorPerformanceCaveat,this._preserveDrawingBuffer=e.preserveDrawingBuffer,this._antialias=e.antialias,this._trackResize=e.trackResize,this._bearingSnap=e.bearingSnap,this._refreshExpiredTiles=e.refreshExpiredTiles,this._fadeDuration=e.fadeDuration,this._crossSourceCollisions=e.crossSourceCollisions,this._crossFadingFactor=1,this._collectResourceTiming=e.collectResourceTiming,this._renderTaskQueue=new xi,this._controls=[],this._mapId=t.uniqueId(),this._locale=t.extend({},bi,e.locale),this._requestManager=new t.RequestManager(e.transformRequest,e.accessToken),"string"==typeof e.container){if(this._container=t.window.document.getElementById(e.container),!this._container)throw new Error("Container '"+e.container+"' not found.")}else{if(!(e.container instanceof wi))throw new Error("Invalid type: 'container' must be a String or HTMLElement.");this._container=e.container}if(e.maxBounds&&this.setMaxBounds(e.maxBounds),t.bindAll(["_onWindowOnline","_onWindowResize","_contextLost","_contextRestored"],this),this._setupContainer(),this._setupPainter(),void 0===this.painter)throw new Error("Failed to initialize WebGL.");this.on("move",(function(){return r._update(!1)})),this.on("moveend",(function(){return r._update(!1)})),this.on("zoom",(function(){return r._update(!0)})),void 0!==t.window&&(t.window.addEventListener("online",this._onWindowOnline,!1),t.window.addEventListener("resize",this._onWindowResize,!1)),this.handlers=new gi(this,e),this._hash=e.hash&&new kn("string"==typeof e.hash&&e.hash||void 0).addTo(this),this._hash&&this._hash._onHashChange()||(this.jumpTo({center:e.center,zoom:e.zoom,bearing:e.bearing,pitch:e.pitch}),e.bounds&&(this.resize(),this.fitBounds(e.bounds,t.extend({},e.fitBoundsOptions,{duration:0})))),this.resize(),this._localIdeographFontFamily=e.localIdeographFontFamily,e.style&&this.setStyle(e.style,{localIdeographFontFamily:e.localIdeographFontFamily}),e.attributionControl&&this.addControl(new vi({customAttribution:e.customAttribution})),this.addControl(new yi,e.logoPosition),this.on("style.load",(function(){r.transform.unmodified&&r.jumpTo(r.style.stylesheet)})),this.on("data",(function(e){r._update("style"===e.dataType),r.fire(new t.Event(e.dataType+"data",e))})),this.on("dataloading",(function(e){r.fire(new t.Event(e.dataType+"dataloading",e))}))}n&&(i.__proto__=n),(i.prototype=Object.create(n&&n.prototype)).constructor=i;var a={showTileBoundaries:{configurable:!0},showPadding:{configurable:!0},showCollisionBoxes:{configurable:!0},showOverdrawInspector:{configurable:!0},repaint:{configurable:!0},vertices:{configurable:!0},version:{configurable:!0}};return i.prototype._getMapId=function(){return this._mapId},i.prototype.addControl=function(e,r){if(void 0===r&&e.getDefaultPosition&&(r=e.getDefaultPosition()),void 0===r&&(r="top-right"),!e||!e.onAdd)return this.fire(new t.ErrorEvent(new Error("Invalid argument to map.addControl(). Argument must be a control with onAdd and onRemove methods.")));var n=e.onAdd(this);this._controls.push(e);var i=this._controlPositions[r];return-1!==r.indexOf("bottom")?i.insertBefore(n,i.firstChild):i.appendChild(n),this},i.prototype.removeControl=function(e){if(!e||!e.onRemove)return this.fire(new t.ErrorEvent(new Error("Invalid argument to map.removeControl(). Argument must be a control with onAdd and onRemove methods.")));var r=this._controls.indexOf(e);return r>-1&&this._controls.splice(r,1),e.onRemove(this),this},i.prototype.resize=function(e){var r=this._containerDimensions(),n=r[0],i=r[1];this._resizeCanvas(n,i),this.transform.resize(n,i),this.painter.resize(n,i);var a=!this._moving;return a&&(this.stop(),this.fire(new t.Event("movestart",e)).fire(new t.Event("move",e))),this.fire(new t.Event("resize",e)),a&&this.fire(new t.Event("moveend",e)),this},i.prototype.getBounds=function(){return this.transform.getBounds()},i.prototype.getMaxBounds=function(){return this.transform.getMaxBounds()},i.prototype.setMaxBounds=function(e){return this.transform.setMaxBounds(t.LngLatBounds.convert(e)),this._update()},i.prototype.setMinZoom=function(t){if((t=null==t?-2:t)>=-2&&t<=this.transform.maxZoom)return this.transform.minZoom=t,this._update(),this.getZoom()=this.transform.minZoom)return this.transform.maxZoom=t,this._update(),this.getZoom()>t&&this.setZoom(t),this;throw new Error("maxZoom must be greater than the current minZoom")},i.prototype.getMaxZoom=function(){return this.transform.maxZoom},i.prototype.setMinPitch=function(t){if((t=null==t?0:t)<0)throw new Error("minPitch must be greater than or equal to 0");if(t>=0&&t<=this.transform.maxPitch)return this.transform.minPitch=t,this._update(),this.getPitch()60)throw new Error("maxPitch must be less than or equal to 60");if(t>=this.transform.minPitch)return this.transform.maxPitch=t,this._update(),this.getPitch()>t&&this.setPitch(t),this;throw new Error("maxPitch must be greater than the current minPitch")},i.prototype.getMaxPitch=function(){return this.transform.maxPitch},i.prototype.getRenderWorldCopies=function(){return this.transform.renderWorldCopies},i.prototype.setRenderWorldCopies=function(t){return this.transform.renderWorldCopies=t,this._update()},i.prototype.project=function(e){return this.transform.locationPoint(t.LngLat.convert(e))},i.prototype.unproject=function(e){return this.transform.pointLocation(t.Point.convert(e))},i.prototype.isMoving=function(){return this._moving||this.handlers.isMoving()},i.prototype.isZooming=function(){return this._zooming||this.handlers.isZooming()},i.prototype.isRotating=function(){return this._rotating||this.handlers.isRotating()},i.prototype._createDelegatedListener=function(t,e,r){var n,i=this;if("mouseenter"===t||"mouseover"===t){var a=!1;return{layer:e,listener:r,delegates:{mousemove:function(n){var o=i.getLayer(e)?i.queryRenderedFeatures(n.point,{layers:[e]}):[];o.length?a||(a=!0,r.call(i,new zn(t,i,n.originalEvent,{features:o}))):a=!1},mouseout:function(){a=!1}}}}if("mouseleave"===t||"mouseout"===t){var o=!1;return{layer:e,listener:r,delegates:{mousemove:function(n){(i.getLayer(e)?i.queryRenderedFeatures(n.point,{layers:[e]}):[]).length?o=!0:o&&(o=!1,r.call(i,new zn(t,i,n.originalEvent)))},mouseout:function(e){o&&(o=!1,r.call(i,new zn(t,i,e.originalEvent)))}}}}return{layer:e,listener:r,delegates:(n={},n[t]=function(t){var n=i.getLayer(e)?i.queryRenderedFeatures(t.point,{layers:[e]}):[];n.length&&(t.features=n,r.call(i,t),delete t.features)},n)}},i.prototype.on=function(t,e,r){if(void 0===r)return n.prototype.on.call(this,t,e);var i=this._createDelegatedListener(t,e,r);for(var a in this._delegatedListeners=this._delegatedListeners||{},this._delegatedListeners[t]=this._delegatedListeners[t]||[],this._delegatedListeners[t].push(i),i.delegates)this.on(a,i.delegates[a]);return this},i.prototype.once=function(t,e,r){if(void 0===r)return n.prototype.once.call(this,t,e);var i=this._createDelegatedListener(t,e,r);for(var a in i.delegates)this.once(a,i.delegates[a]);return this},i.prototype.off=function(t,e,r){var i=this;return void 0===r?n.prototype.off.call(this,t,e):(this._delegatedListeners&&this._delegatedListeners[t]&&function(n){for(var a=n[t],o=0;o180;){var s=n.locationPoint(e);if(s.x>=0&&s.y>=0&&s.x<=n.width&&s.y<=n.height)break;e.lng>n.center.lng?e.lng-=360:e.lng+=360}return e}Ci.prototype.down=function(t,e){this.mouseRotate.mousedown(t,e),this.mousePitch&&this.mousePitch.mousedown(t,e),r.disableDrag()},Ci.prototype.move=function(t,e){var r=this.map,n=this.mouseRotate.mousemoveWindow(t,e);if(n&&n.bearingDelta&&r.setBearing(r.getBearing()+n.bearingDelta),this.mousePitch){var i=this.mousePitch.mousemoveWindow(t,e);i&&i.pitchDelta&&r.setPitch(r.getPitch()+i.pitchDelta)}},Ci.prototype.off=function(){var t=this.element;r.removeEventListener(t,"mousedown",this.mousedown),r.removeEventListener(t,"touchstart",this.touchstart,{passive:!1}),r.removeEventListener(t,"touchmove",this.touchmove),r.removeEventListener(t,"touchend",this.touchend),r.removeEventListener(t,"touchcancel",this.reset),this.offTemp()},Ci.prototype.offTemp=function(){r.enableDrag(),r.removeEventListener(t.window,"mousemove",this.mousemove),r.removeEventListener(t.window,"mouseup",this.mouseup)},Ci.prototype.mousedown=function(e){this.down(t.extend({},e,{ctrlKey:!0,preventDefault:function(){return e.preventDefault()}}),r.mousePos(this.element,e)),r.addEventListener(t.window,"mousemove",this.mousemove),r.addEventListener(t.window,"mouseup",this.mouseup)},Ci.prototype.mousemove=function(t){this.move(t,r.mousePos(this.element,t))},Ci.prototype.mouseup=function(t){this.mouseRotate.mouseupWindow(t),this.mousePitch&&this.mousePitch.mouseupWindow(t),this.offTemp()},Ci.prototype.touchstart=function(t){1!==t.targetTouches.length?this.reset():(this._startPos=this._lastPos=r.touchPos(this.element,t.targetTouches)[0],this.down({type:"mousedown",button:0,ctrlKey:!0,preventDefault:function(){return t.preventDefault()}},this._startPos))},Ci.prototype.touchmove=function(t){1!==t.targetTouches.length?this.reset():(this._lastPos=r.touchPos(this.element,t.targetTouches)[0],this.move({preventDefault:function(){return t.preventDefault()}},this._lastPos))},Ci.prototype.touchend=function(t){0===t.targetTouches.length&&this._startPos&&this._lastPos&&this._startPos.dist(this._lastPos)e.getEast()||r.latitudee.getNorth())},n.prototype._setErrorState=function(){switch(this._watchState){case"WAITING_ACTIVE":this._watchState="ACTIVE_ERROR",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active-error");break;case"ACTIVE_LOCK":this._watchState="ACTIVE_ERROR",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active-error"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting");break;case"BACKGROUND":this._watchState="BACKGROUND_ERROR",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background-error"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting")}},n.prototype._onSuccess=function(e){if(this._map){if(this._isOutOfMapMaxBounds(e))return this._setErrorState(),this.fire(new t.Event("outofmaxbounds",e)),this._updateMarker(),void this._finish();if(this.options.trackUserLocation)switch(this._lastKnownPosition=e,this._watchState){case"WAITING_ACTIVE":case"ACTIVE_LOCK":case"ACTIVE_ERROR":this._watchState="ACTIVE_LOCK",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active-error"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active");break;case"BACKGROUND":case"BACKGROUND_ERROR":this._watchState="BACKGROUND",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background-error"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background")}this.options.showUserLocation&&"OFF"!==this._watchState&&this._updateMarker(e),this.options.trackUserLocation&&"ACTIVE_LOCK"!==this._watchState||this._updateCamera(e),this.options.showUserLocation&&this._dotElement.classList.remove("mapboxgl-user-location-dot-stale"),this.fire(new t.Event("geolocate",e)),this._finish()}},n.prototype._updateCamera=function(e){var r=new t.LngLat(e.coords.longitude,e.coords.latitude),n=e.coords.accuracy,i=this._map.getBearing(),a=t.extend({bearing:i},this.options.fitBoundsOptions);this._map.fitBounds(r.toBounds(n),a,{geolocateSource:!0})},n.prototype._updateMarker=function(e){if(e){var r=new t.LngLat(e.coords.longitude,e.coords.latitude);this._accuracyCircleMarker.setLngLat(r).addTo(this._map),this._userLocationDotMarker.setLngLat(r).addTo(this._map),this._accuracy=e.coords.accuracy,this.options.showUserLocation&&this.options.showAccuracyCircle&&this._updateCircleRadius()}else this._userLocationDotMarker.remove(),this._accuracyCircleMarker.remove()},n.prototype._updateCircleRadius=function(){var t=this._map._container.clientHeight/2,e=this._map.unproject([0,t]),r=this._map.unproject([1,t]),n=e.distanceTo(r),i=Math.ceil(2*this._accuracy/n);this._circleElement.style.width=i+"px",this._circleElement.style.height=i+"px"},n.prototype._onZoom=function(){this.options.showUserLocation&&this.options.showAccuracyCircle&&this._updateCircleRadius()},n.prototype._onError=function(e){if(this._map){if(this.options.trackUserLocation)if(1===e.code){this._watchState="OFF",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active-error"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background-error"),this._geolocateButton.disabled=!0;var r=this._map._getUIString("GeolocateControl.LocationNotAvailable");this._geolocateButton.title=r,this._geolocateButton.setAttribute("aria-label",r),void 0!==this._geolocationWatchID&&this._clearWatch()}else{if(3===e.code&&Fi)return;this._setErrorState()}"OFF"!==this._watchState&&this.options.showUserLocation&&this._dotElement.classList.add("mapboxgl-user-location-dot-stale"),this.fire(new t.Event("error",e)),this._finish()}},n.prototype._finish=function(){this._timeoutId&&clearTimeout(this._timeoutId),this._timeoutId=void 0},n.prototype._setupUI=function(e){var n=this;if(this._container.addEventListener("contextmenu",(function(t){return t.preventDefault()})),this._geolocateButton=r.create("button","mapboxgl-ctrl-geolocate",this._container),r.create("span","mapboxgl-ctrl-icon",this._geolocateButton).setAttribute("aria-hidden",!0),this._geolocateButton.type="button",!1===e){t.warnOnce("Geolocation support is not available so the GeolocateControl will be disabled.");var i=this._map._getUIString("GeolocateControl.LocationNotAvailable");this._geolocateButton.disabled=!0,this._geolocateButton.title=i,this._geolocateButton.setAttribute("aria-label",i)}else{var a=this._map._getUIString("GeolocateControl.FindMyLocation");this._geolocateButton.title=a,this._geolocateButton.setAttribute("aria-label",a)}this.options.trackUserLocation&&(this._geolocateButton.setAttribute("aria-pressed","false"),this._watchState="OFF"),this.options.showUserLocation&&(this._dotElement=r.create("div","mapboxgl-user-location-dot"),this._userLocationDotMarker=new Oi(this._dotElement),this._circleElement=r.create("div","mapboxgl-user-location-accuracy-circle"),this._accuracyCircleMarker=new Oi({element:this._circleElement,pitchAlignment:"map"}),this.options.trackUserLocation&&(this._watchState="OFF"),this._map.on("zoom",this._onZoom)),this._geolocateButton.addEventListener("click",this.trigger.bind(this)),this._setup=!0,this.options.trackUserLocation&&this._map.on("movestart",(function(e){e.geolocateSource||"ACTIVE_LOCK"!==n._watchState||e.originalEvent&&"resize"===e.originalEvent.type||(n._watchState="BACKGROUND",n._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background"),n._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),n.fire(new t.Event("trackuserlocationend")))}))},n.prototype.trigger=function(){if(!this._setup)return t.warnOnce("Geolocate control triggered before added to a map"),!1;if(this.options.trackUserLocation){switch(this._watchState){case"OFF":this._watchState="WAITING_ACTIVE",this.fire(new t.Event("trackuserlocationstart"));break;case"WAITING_ACTIVE":case"ACTIVE_LOCK":case"ACTIVE_ERROR":case"BACKGROUND_ERROR":Ri--,Fi=!1,this._watchState="OFF",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active-error"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background-error"),this.fire(new t.Event("trackuserlocationend"));break;case"BACKGROUND":this._watchState="ACTIVE_LOCK",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background"),this._lastKnownPosition&&this._updateCamera(this._lastKnownPosition),this.fire(new t.Event("trackuserlocationstart"))}switch(this._watchState){case"WAITING_ACTIVE":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active");break;case"ACTIVE_LOCK":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active");break;case"ACTIVE_ERROR":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active-error");break;case"BACKGROUND":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background");break;case"BACKGROUND_ERROR":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background-error")}if("OFF"===this._watchState&&void 0!==this._geolocationWatchID)this._clearWatch();else if(void 0===this._geolocationWatchID){var e;this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.setAttribute("aria-pressed","true"),++Ri>1?(e={maximumAge:6e5,timeout:0},Fi=!0):(e=this.options.positionOptions,Fi=!1),this._geolocationWatchID=t.window.navigator.geolocation.watchPosition(this._onSuccess,this._onError,e)}}else t.window.navigator.geolocation.getCurrentPosition(this._onSuccess,this._onError,this.options.positionOptions),this._timeoutId=setTimeout(this._finish,1e4);return!0},n.prototype._clearWatch=function(){t.window.navigator.geolocation.clearWatch(this._geolocationWatchID),this._geolocationWatchID=void 0,this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.setAttribute("aria-pressed","false"),this.options.showUserLocation&&this._updateMarker(null)},n}(t.Evented),Ni={maxWidth:100,unit:"metric"},ji=function(e){this.options=t.extend({},Ni,e),t.bindAll(["_onMove","setUnit"],this)};function Ui(t,e,r){var n=r&&r.maxWidth||100,i=t._container.clientHeight/2,a=t.unproject([0,i]),o=t.unproject([n,i]),s=a.distanceTo(o);if(r&&"imperial"===r.unit){var l=3.2808*s;l>5280?Vi(e,n,l/5280,t._getUIString("ScaleControl.Miles")):Vi(e,n,l,t._getUIString("ScaleControl.Feet"))}else r&&"nautical"===r.unit?Vi(e,n,s/1852,t._getUIString("ScaleControl.NauticalMiles")):s>=1e3?Vi(e,n,s/1e3,t._getUIString("ScaleControl.Kilometers")):Vi(e,n,s,t._getUIString("ScaleControl.Meters"))}function Vi(t,e,r,n){var i,a,o,s=(i=r,(a=Math.pow(10,(""+Math.floor(i)).length-1))*(o=(o=i/a)>=10?10:o>=5?5:o>=3?3:o>=2?2:o>=1?1:function(t){var e=Math.pow(10,Math.ceil(-Math.log(t)/Math.LN10));return Math.round(t*e)/e}(o)));t.style.width=e*(s/r)+"px",t.innerHTML=s+" "+n}ji.prototype.getDefaultPosition=function(){return"bottom-left"},ji.prototype._onMove=function(){Ui(this._map,this._container,this.options)},ji.prototype.onAdd=function(t){return this._map=t,this._container=r.create("div","mapboxgl-ctrl mapboxgl-ctrl-scale",t.getContainer()),this._map.on("move",this._onMove),this._onMove(),this._container},ji.prototype.onRemove=function(){r.remove(this._container),this._map.off("move",this._onMove),this._map=void 0},ji.prototype.setUnit=function(t){this.options.unit=t,Ui(this._map,this._container,this.options)};var qi=function(e){this._fullscreen=!1,e&&e.container&&(e.container instanceof t.window.HTMLElement?this._container=e.container:t.warnOnce("Full screen control 'container' must be a DOM element.")),t.bindAll(["_onClickFullscreen","_changeIcon"],this),"onfullscreenchange"in t.window.document?this._fullscreenchange="fullscreenchange":"onmozfullscreenchange"in t.window.document?this._fullscreenchange="mozfullscreenchange":"onwebkitfullscreenchange"in t.window.document?this._fullscreenchange="webkitfullscreenchange":"onmsfullscreenchange"in t.window.document&&(this._fullscreenchange="MSFullscreenChange")};qi.prototype.onAdd=function(e){return this._map=e,this._container||(this._container=this._map.getContainer()),this._controlContainer=r.create("div","mapboxgl-ctrl mapboxgl-ctrl-group"),this._checkFullscreenSupport()?this._setupUI():(this._controlContainer.style.display="none",t.warnOnce("This device does not support fullscreen mode.")),this._controlContainer},qi.prototype.onRemove=function(){r.remove(this._controlContainer),this._map=null,t.window.document.removeEventListener(this._fullscreenchange,this._changeIcon)},qi.prototype._checkFullscreenSupport=function(){return!!(t.window.document.fullscreenEnabled||t.window.document.mozFullScreenEnabled||t.window.document.msFullscreenEnabled||t.window.document.webkitFullscreenEnabled)},qi.prototype._setupUI=function(){var e=this._fullscreenButton=r.create("button","mapboxgl-ctrl-fullscreen",this._controlContainer);r.create("span","mapboxgl-ctrl-icon",e).setAttribute("aria-hidden",!0),e.type="button",this._updateTitle(),this._fullscreenButton.addEventListener("click",this._onClickFullscreen),t.window.document.addEventListener(this._fullscreenchange,this._changeIcon)},qi.prototype._updateTitle=function(){var t=this._getTitle();this._fullscreenButton.setAttribute("aria-label",t),this._fullscreenButton.title=t},qi.prototype._getTitle=function(){return this._map._getUIString(this._isFullscreen()?"FullscreenControl.Exit":"FullscreenControl.Enter")},qi.prototype._isFullscreen=function(){return this._fullscreen},qi.prototype._changeIcon=function(){(t.window.document.fullscreenElement||t.window.document.mozFullScreenElement||t.window.document.webkitFullscreenElement||t.window.document.msFullscreenElement)===this._container!==this._fullscreen&&(this._fullscreen=!this._fullscreen,this._fullscreenButton.classList.toggle("mapboxgl-ctrl-shrink"),this._fullscreenButton.classList.toggle("mapboxgl-ctrl-fullscreen"),this._updateTitle())},qi.prototype._onClickFullscreen=function(){this._isFullscreen()?t.window.document.exitFullscreen?t.window.document.exitFullscreen():t.window.document.mozCancelFullScreen?t.window.document.mozCancelFullScreen():t.window.document.msExitFullscreen?t.window.document.msExitFullscreen():t.window.document.webkitCancelFullScreen&&t.window.document.webkitCancelFullScreen():this._container.requestFullscreen?this._container.requestFullscreen():this._container.mozRequestFullScreen?this._container.mozRequestFullScreen():this._container.msRequestFullscreen?this._container.msRequestFullscreen():this._container.webkitRequestFullscreen&&this._container.webkitRequestFullscreen()};var Hi={closeButton:!0,closeOnClick:!0,className:"",maxWidth:"240px"},Gi=function(e){function n(r){e.call(this),this.options=t.extend(Object.create(Hi),r),t.bindAll(["_update","_onClose","remove","_onMouseMove","_onMouseUp","_onDrag"],this)}return e&&(n.__proto__=e),(n.prototype=Object.create(e&&e.prototype)).constructor=n,n.prototype.addTo=function(e){return this._map&&this.remove(),this._map=e,this.options.closeOnClick&&this._map.on("click",this._onClose),this.options.closeOnMove&&this._map.on("move",this._onClose),this._map.on("remove",this.remove),this._update(),this._trackPointer?(this._map.on("mousemove",this._onMouseMove),this._map.on("mouseup",this._onMouseUp),this._container&&this._container.classList.add("mapboxgl-popup-track-pointer"),this._map._canvasContainer.classList.add("mapboxgl-track-pointer")):this._map.on("move",this._update),this.fire(new t.Event("open")),this},n.prototype.isOpen=function(){return!!this._map},n.prototype.remove=function(){return this._content&&r.remove(this._content),this._container&&(r.remove(this._container),delete this._container),this._map&&(this._map.off("move",this._update),this._map.off("move",this._onClose),this._map.off("click",this._onClose),this._map.off("remove",this.remove),this._map.off("mousemove",this._onMouseMove),this._map.off("mouseup",this._onMouseUp),this._map.off("drag",this._onDrag),delete this._map),this.fire(new t.Event("close")),this},n.prototype.getLngLat=function(){return this._lngLat},n.prototype.setLngLat=function(e){return this._lngLat=t.LngLat.convert(e),this._pos=null,this._trackPointer=!1,this._update(),this._map&&(this._map.on("move",this._update),this._map.off("mousemove",this._onMouseMove),this._container&&this._container.classList.remove("mapboxgl-popup-track-pointer"),this._map._canvasContainer.classList.remove("mapboxgl-track-pointer")),this},n.prototype.trackPointer=function(){return this._trackPointer=!0,this._pos=null,this._update(),this._map&&(this._map.off("move",this._update),this._map.on("mousemove",this._onMouseMove),this._map.on("drag",this._onDrag),this._container&&this._container.classList.add("mapboxgl-popup-track-pointer"),this._map._canvasContainer.classList.add("mapboxgl-track-pointer")),this},n.prototype.getElement=function(){return this._container},n.prototype.setText=function(e){return this.setDOMContent(t.window.document.createTextNode(e))},n.prototype.setHTML=function(e){var r,n=t.window.document.createDocumentFragment(),i=t.window.document.createElement("body");for(i.innerHTML=e;r=i.firstChild;)n.appendChild(r);return this.setDOMContent(n)},n.prototype.getMaxWidth=function(){return this._container&&this._container.style.maxWidth},n.prototype.setMaxWidth=function(t){return this.options.maxWidth=t,this._update(),this},n.prototype.setDOMContent=function(t){return this._createContent(),this._content.appendChild(t),this._update(),this},n.prototype.addClassName=function(t){this._container&&this._container.classList.add(t)},n.prototype.removeClassName=function(t){this._container&&this._container.classList.remove(t)},n.prototype.toggleClassName=function(t){if(this._container)return this._container.classList.toggle(t)},n.prototype._createContent=function(){this._content&&r.remove(this._content),this._content=r.create("div","mapboxgl-popup-content",this._container),this.options.closeButton&&(this._closeButton=r.create("button","mapboxgl-popup-close-button",this._content),this._closeButton.type="button",this._closeButton.setAttribute("aria-label","Close popup"),this._closeButton.innerHTML="×",this._closeButton.addEventListener("click",this._onClose))},n.prototype._onMouseUp=function(t){this._update(t.point)},n.prototype._onMouseMove=function(t){this._update(t.point)},n.prototype._onDrag=function(t){this._update(t.point)},n.prototype._update=function(e){var n=this;if(this._map&&(this._lngLat||this._trackPointer)&&this._content&&(this._container||(this._container=r.create("div","mapboxgl-popup",this._map.getContainer()),this._tip=r.create("div","mapboxgl-popup-tip",this._container),this._container.appendChild(this._content),this.options.className&&this.options.className.split(" ").forEach((function(t){return n._container.classList.add(t)})),this._trackPointer&&this._container.classList.add("mapboxgl-popup-track-pointer")),this.options.maxWidth&&this._container.style.maxWidth!==this.options.maxWidth&&(this._container.style.maxWidth=this.options.maxWidth),this._map.transform.renderWorldCopies&&!this._trackPointer&&(this._lngLat=Li(this._lngLat,this._pos,this._map.transform)),!this._trackPointer||e)){var i=this._pos=this._trackPointer&&e?e:this._map.project(this._lngLat),a=this.options.anchor,o=function e(r){if(r){if("number"==typeof r){var n=Math.round(Math.sqrt(.5*Math.pow(r,2)));return{center:new t.Point(0,0),top:new t.Point(0,r),"top-left":new t.Point(n,n),"top-right":new t.Point(-n,n),bottom:new t.Point(0,-r),"bottom-left":new t.Point(n,-n),"bottom-right":new t.Point(-n,-n),left:new t.Point(r,0),right:new t.Point(-r,0)}}if(r instanceof t.Point||Array.isArray(r)){var i=t.Point.convert(r);return{center:i,top:i,"top-left":i,"top-right":i,bottom:i,"bottom-left":i,"bottom-right":i,left:i,right:i}}return{center:t.Point.convert(r.center||[0,0]),top:t.Point.convert(r.top||[0,0]),"top-left":t.Point.convert(r["top-left"]||[0,0]),"top-right":t.Point.convert(r["top-right"]||[0,0]),bottom:t.Point.convert(r.bottom||[0,0]),"bottom-left":t.Point.convert(r["bottom-left"]||[0,0]),"bottom-right":t.Point.convert(r["bottom-right"]||[0,0]),left:t.Point.convert(r.left||[0,0]),right:t.Point.convert(r.right||[0,0])}}return e(new t.Point(0,0))}(this.options.offset);if(!a){var s,l=this._container.offsetWidth,c=this._container.offsetHeight;s=i.y+o.bottom.ythis._map.transform.height-c?["bottom"]:[],i.xthis._map.transform.width-l/2&&s.push("right"),a=0===s.length?"bottom":s.join("-")}var u=i.add(o[a]).round();r.setTransform(this._container,Ii[a]+" translate("+u.x+"px,"+u.y+"px)"),Pi(this._container,a,"popup")}},n.prototype._onClose=function(){this.remove()},n}(t.Evented),Yi={version:t.version,supported:e,setRTLTextPlugin:t.setRTLTextPlugin,getRTLTextPluginStatus:t.getRTLTextPluginStatus,Map:Mi,NavigationControl:Ei,GeolocateControl:Bi,AttributionControl:vi,ScaleControl:ji,FullscreenControl:qi,Popup:Gi,Marker:Oi,Style:qe,LngLat:t.LngLat,LngLatBounds:t.LngLatBounds,Point:t.Point,MercatorCoordinate:t.MercatorCoordinate,Evented:t.Evented,config:t.config,prewarm:function(){Bt().acquire(Ot)},clearPrewarmedResources:function(){var t=Rt;t&&(t.isPreloaded()&&1===t.numActive()?(t.release(Ot),Rt=null):console.warn("Could not clear WebWorkers since there are active Map instances that still reference it. The pre-warmed WebWorker pool can only be cleared when all map instances have been removed with map.remove()"))},get accessToken(){return t.config.ACCESS_TOKEN},set accessToken(e){t.config.ACCESS_TOKEN=e},get baseApiUrl(){return t.config.API_URL},set baseApiUrl(e){t.config.API_URL=e},get workerCount(){return Dt.workerCount},set workerCount(t){Dt.workerCount=t},get maxParallelImageRequests(){return t.config.MAX_PARALLEL_IMAGE_REQUESTS},set maxParallelImageRequests(e){t.config.MAX_PARALLEL_IMAGE_REQUESTS=e},clearStorage:function(e){t.clearTileCache(e)},workerUrl:""};return Yi})),r}))},{}],474:[function(t,e,r){"use strict";e.exports=function(t){for(var e=1<p[1][2]&&(v[0]=-v[0]),p[0][2]>p[2][0]&&(v[1]=-v[1]),p[1][0]>p[0][1]&&(v[2]=-v[2]),!0}},{"./normalize":476,"gl-mat4/clone":278,"gl-mat4/create":280,"gl-mat4/determinant":281,"gl-mat4/invert":293,"gl-mat4/transpose":306,"gl-vec3/cross":365,"gl-vec3/dot":370,"gl-vec3/length":380,"gl-vec3/normalize":387}],476:[function(t,e,r){e.exports=function(t,e){var r=e[15];if(0===r)return!1;for(var n=1/r,i=0;i<16;i++)t[i]=e[i]*n;return!0}},{}],477:[function(t,e,r){var n=t("gl-vec3/lerp"),i=t("mat4-recompose"),a=t("mat4-decompose"),o=t("gl-mat4/determinant"),s=t("quat-slerp"),l=f(),c=f(),u=f();function f(){return{translate:h(),scale:h(1),skew:h(),perspective:[0,0,0,1],quaternion:[0,0,0,1]}}function h(t){return[t||0,t||0,t||0]}e.exports=function(t,e,r,f){if(0===o(e)||0===o(r))return!1;var h=a(e,l.translate,l.scale,l.skew,l.perspective,l.quaternion),p=a(r,c.translate,c.scale,c.skew,c.perspective,c.quaternion);return!(!h||!p)&&(n(u.translate,l.translate,c.translate,f),n(u.skew,l.skew,c.skew,f),n(u.scale,l.scale,c.scale,f),n(u.perspective,l.perspective,c.perspective,f),s(u.quaternion,l.quaternion,c.quaternion,f),i(t,u.translate,u.scale,u.skew,u.perspective,u.quaternion),!0)}},{"gl-mat4/determinant":281,"gl-vec3/lerp":381,"mat4-decompose":475,"mat4-recompose":478,"quat-slerp":527}],478:[function(t,e,r){var n={identity:t("gl-mat4/identity"),translate:t("gl-mat4/translate"),multiply:t("gl-mat4/multiply"),create:t("gl-mat4/create"),scale:t("gl-mat4/scale"),fromRotationTranslation:t("gl-mat4/fromRotationTranslation")},i=(n.create(),n.create());e.exports=function(t,e,r,a,o,s){return n.identity(t),n.fromRotationTranslation(t,s,e),t[3]=o[0],t[7]=o[1],t[11]=o[2],t[15]=o[3],n.identity(i),0!==a[2]&&(i[9]=a[2],n.multiply(t,t,i)),0!==a[1]&&(i[9]=0,i[8]=a[1],n.multiply(t,t,i)),0!==a[0]&&(i[8]=0,i[4]=a[0],n.multiply(t,t,i)),n.scale(t,t,r),t}},{"gl-mat4/create":280,"gl-mat4/fromRotationTranslation":284,"gl-mat4/identity":291,"gl-mat4/multiply":295,"gl-mat4/scale":303,"gl-mat4/translate":305}],479:[function(t,e,r){"use strict";e.exports=Math.log2||function(t){return Math.log(t)*Math.LOG2E}},{}],480:[function(t,e,r){"use strict";var n=t("binary-search-bounds"),i=t("mat4-interpolate"),a=t("gl-mat4/invert"),o=t("gl-mat4/rotateX"),s=t("gl-mat4/rotateY"),l=t("gl-mat4/rotateZ"),c=t("gl-mat4/lookAt"),u=t("gl-mat4/translate"),f=(t("gl-mat4/scale"),t("gl-vec3/normalize")),h=[0,0,0];function p(t){this._components=t.slice(),this._time=[0],this.prevMatrix=t.slice(),this.nextMatrix=t.slice(),this.computedMatrix=t.slice(),this.computedInverse=t.slice(),this.computedEye=[0,0,0],this.computedUp=[0,0,0],this.computedCenter=[0,0,0],this.computedRadius=[0],this._limits=[-1/0,1/0]}e.exports=function(t){return new p((t=t||{}).matrix||[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1])};var d=p.prototype;d.recalcMatrix=function(t){var e=this._time,r=n.le(e,t),o=this.computedMatrix;if(!(r<0)){var s=this._components;if(r===e.length-1)for(var l=16*r,c=0;c<16;++c)o[c]=s[l++];else{var u=e[r+1]-e[r],h=(l=16*r,this.prevMatrix),p=!0;for(c=0;c<16;++c)h[c]=s[l++];var d=this.nextMatrix;for(c=0;c<16;++c)d[c]=s[l++],p=p&&h[c]===d[c];if(u<1e-6||p)for(c=0;c<16;++c)o[c]=h[c];else i(o,h,d,(t-e[r])/u)}var g=this.computedUp;g[0]=o[1],g[1]=o[5],g[2]=o[9],f(g,g);var m=this.computedInverse;a(m,o);var v=this.computedEye,y=m[15];v[0]=m[12]/y,v[1]=m[13]/y,v[2]=m[14]/y;var x=this.computedCenter,b=Math.exp(this.computedRadius[0]);for(c=0;c<3;++c)x[c]=v[c]-o[2+4*c]*b}},d.idle=function(t){if(!(t1&&n(t[o[u-2]],t[o[u-1]],c)<=0;)u-=1,o.pop();for(o.push(l),u=s.length;u>1&&n(t[s[u-2]],t[s[u-1]],c)>=0;)u-=1,s.pop();s.push(l)}r=new Array(s.length+o.length-2);for(var f=0,h=(i=0,o.length);i0;--p)r[f++]=s[p];return r};var n=t("robust-orientation")[3]},{"robust-orientation":548}],483:[function(t,e,r){"use strict";e.exports=function(t,e){e||(e=t,t=window);var r=0,i=0,a=0,o={shift:!1,alt:!1,control:!1,meta:!1},s=!1;function l(t){var e=!1;return"altKey"in t&&(e=e||t.altKey!==o.alt,o.alt=!!t.altKey),"shiftKey"in t&&(e=e||t.shiftKey!==o.shift,o.shift=!!t.shiftKey),"ctrlKey"in t&&(e=e||t.ctrlKey!==o.control,o.control=!!t.ctrlKey),"metaKey"in t&&(e=e||t.metaKey!==o.meta,o.meta=!!t.metaKey),e}function c(t,s){var c=n.x(s),u=n.y(s);"buttons"in s&&(t=0|s.buttons),(t!==r||c!==i||u!==a||l(s))&&(r=0|t,i=c||0,a=u||0,e&&e(r,i,a,o))}function u(t){c(0,t)}function f(){(r||i||a||o.shift||o.alt||o.meta||o.control)&&(i=a=0,r=0,o.shift=o.alt=o.control=o.meta=!1,e&&e(0,0,0,o))}function h(t){l(t)&&e&&e(r,i,a,o)}function p(t){0===n.buttons(t)?c(0,t):c(r,t)}function d(t){c(r|n.buttons(t),t)}function g(t){c(r&~n.buttons(t),t)}function m(){s||(s=!0,t.addEventListener("mousemove",p),t.addEventListener("mousedown",d),t.addEventListener("mouseup",g),t.addEventListener("mouseleave",u),t.addEventListener("mouseenter",u),t.addEventListener("mouseout",u),t.addEventListener("mouseover",u),t.addEventListener("blur",f),t.addEventListener("keyup",h),t.addEventListener("keydown",h),t.addEventListener("keypress",h),t!==window&&(window.addEventListener("blur",f),window.addEventListener("keyup",h),window.addEventListener("keydown",h),window.addEventListener("keypress",h)))}m();var v={element:t};return Object.defineProperties(v,{enabled:{get:function(){return s},set:function(e){e?m():function(){if(!s)return;s=!1,t.removeEventListener("mousemove",p),t.removeEventListener("mousedown",d),t.removeEventListener("mouseup",g),t.removeEventListener("mouseleave",u),t.removeEventListener("mouseenter",u),t.removeEventListener("mouseout",u),t.removeEventListener("mouseover",u),t.removeEventListener("blur",f),t.removeEventListener("keyup",h),t.removeEventListener("keydown",h),t.removeEventListener("keypress",h),t!==window&&(window.removeEventListener("blur",f),window.removeEventListener("keyup",h),window.removeEventListener("keydown",h),window.removeEventListener("keypress",h))}()},enumerable:!0},buttons:{get:function(){return r},enumerable:!0},x:{get:function(){return i},enumerable:!0},y:{get:function(){return a},enumerable:!0},mods:{get:function(){return o},enumerable:!0}}),v};var n=t("mouse-event")},{"mouse-event":485}],484:[function(t,e,r){var n={left:0,top:0};e.exports=function(t,e,r){e=e||t.currentTarget||t.srcElement,Array.isArray(r)||(r=[0,0]);var i=t.clientX||0,a=t.clientY||0,o=(s=e,s===window||s===document||s===document.body?n:s.getBoundingClientRect());var s;return r[0]=i-o.left,r[1]=a-o.top,r}},{}],485:[function(t,e,r){"use strict";function n(t){return t.target||t.srcElement||window}r.buttons=function(t){if("object"==typeof t){if("buttons"in t)return t.buttons;if("which"in t){if(2===(e=t.which))return 4;if(3===e)return 2;if(e>0)return 1<=0)return 1< 0");"function"!=typeof t.vertex&&e("Must specify vertex creation function");"function"!=typeof t.cell&&e("Must specify cell creation function");"function"!=typeof t.phase&&e("Must specify phase function");for(var w=t.getters||[],T=new Array(b),k=0;k=0?T[k]=!0:T[k]=!1;return function(t,e,r,b,_,w){var T=w.length,k=_.length;if(k<2)throw new Error("ndarray-extract-contour: Dimension must be at least 2");for(var M="extractContour"+_.join("_"),A=[],S=[],E=[],C=0;C0&&z.push(l(C,_[L-1])+"*"+s(_[L-1])),S.push(d(C,_[L])+"=("+z.join("-")+")|0")}for(C=0;C=0;--C)O.push(s(_[C]));S.push("Q=("+O.join("*")+")|0","P=mallocUint32(Q)","V=mallocUint32(Q)","X=0"),S.push(g(0)+"=0");for(L=1;L<1<0;_=_-1&d)x.push("V[X+"+v(_)+"]");x.push(y(0));for(_=0;_=0;--e)N(e,0);var r=[];for(e=0;e0){",p(_[e]),"=1;"),t(e-1,r|1<<_[e]);for(var n=0;n=0?s.push("0"):e.indexOf(-(l+1))>=0?s.push("s["+l+"]-1"):(s.push("-1"),a.push("1"),o.push("s["+l+"]-2"));var c=".lo("+a.join()+").hi("+o.join()+")";if(0===a.length&&(c=""),i>0){n.push("if(1");for(l=0;l=0||e.indexOf(-(l+1))>=0||n.push("&&s[",l,"]>2");n.push("){grad",i,"(src.pick(",s.join(),")",c);for(l=0;l=0||e.indexOf(-(l+1))>=0||n.push(",dst.pick(",s.join(),",",l,")",c);n.push(");")}for(l=0;l1){dst.set(",s.join(),",",u,",0.5*(src.get(",h.join(),")-src.get(",p.join(),")))}else{dst.set(",s.join(),",",u,",0)};"):n.push("if(s[",u,"]>1){diff(",f,",src.pick(",h.join(),")",c,",src.pick(",p.join(),")",c,");}else{zero(",f,");};");break;case"mirror":0===i?n.push("dst.set(",s.join(),",",u,",0);"):n.push("zero(",f,");");break;case"wrap":var d=s.slice(),g=s.slice();e[l]<0?(d[u]="s["+u+"]-2",g[u]="0"):(d[u]="s["+u+"]-1",g[u]="1"),0===i?n.push("if(s[",u,"]>2){dst.set(",s.join(),",",u,",0.5*(src.get(",d.join(),")-src.get(",g.join(),")))}else{dst.set(",s.join(),",",u,",0)};"):n.push("if(s[",u,"]>2){diff(",f,",src.pick(",d.join(),")",c,",src.pick(",g.join(),")",c,");}else{zero(",f,");};");break;default:throw new Error("ndarray-gradient: Invalid boundary condition")}}i>0&&n.push("};")}for(var s=0;s<1<>",rrshift:">>>"};!function(){for(var t in s){var e=s[t];r[t]=o({args:["array","array","array"],body:{args:["a","b","c"],body:"a=b"+e+"c"},funcName:t}),r[t+"eq"]=o({args:["array","array"],body:{args:["a","b"],body:"a"+e+"=b"},rvalue:!0,funcName:t+"eq"}),r[t+"s"]=o({args:["array","array","scalar"],body:{args:["a","b","s"],body:"a=b"+e+"s"},funcName:t+"s"}),r[t+"seq"]=o({args:["array","scalar"],body:{args:["a","s"],body:"a"+e+"=s"},rvalue:!0,funcName:t+"seq"})}}();var l={not:"!",bnot:"~",neg:"-",recip:"1.0/"};!function(){for(var t in l){var e=l[t];r[t]=o({args:["array","array"],body:{args:["a","b"],body:"a="+e+"b"},funcName:t}),r[t+"eq"]=o({args:["array"],body:{args:["a"],body:"a="+e+"a"},rvalue:!0,count:2,funcName:t+"eq"})}}();var c={and:"&&",or:"||",eq:"===",neq:"!==",lt:"<",gt:">",leq:"<=",geq:">="};!function(){for(var t in c){var e=c[t];r[t]=o({args:["array","array","array"],body:{args:["a","b","c"],body:"a=b"+e+"c"},funcName:t}),r[t+"s"]=o({args:["array","array","scalar"],body:{args:["a","b","s"],body:"a=b"+e+"s"},funcName:t+"s"}),r[t+"eq"]=o({args:["array","array"],body:{args:["a","b"],body:"a=a"+e+"b"},rvalue:!0,count:2,funcName:t+"eq"}),r[t+"seq"]=o({args:["array","scalar"],body:{args:["a","s"],body:"a=a"+e+"s"},rvalue:!0,count:2,funcName:t+"seq"})}}();var u=["abs","acos","asin","atan","ceil","cos","exp","floor","log","round","sin","sqrt","tan"];!function(){for(var t=0;tthis_s){this_s=-a}else if(a>this_s){this_s=a}",localVars:[],thisVars:["this_s"]},post:{args:[],localVars:[],thisVars:["this_s"],body:"return this_s"},funcName:"norminf"}),r.norm1=n({args:["array"],pre:{args:[],localVars:[],thisVars:["this_s"],body:"this_s=0"},body:{args:[{name:"a",lvalue:!1,rvalue:!0,count:3}],body:"this_s+=a<0?-a:a",localVars:[],thisVars:["this_s"]},post:{args:[],localVars:[],thisVars:["this_s"],body:"return this_s"},funcName:"norm1"}),r.sup=n({args:["array"],pre:{body:"this_h=-Infinity",args:[],thisVars:["this_h"],localVars:[]},body:{body:"if(_inline_1_arg0_>this_h)this_h=_inline_1_arg0_",args:[{name:"_inline_1_arg0_",lvalue:!1,rvalue:!0,count:2}],thisVars:["this_h"],localVars:[]},post:{body:"return this_h",args:[],thisVars:["this_h"],localVars:[]}}),r.inf=n({args:["array"],pre:{body:"this_h=Infinity",args:[],thisVars:["this_h"],localVars:[]},body:{body:"if(_inline_1_arg0_this_v){this_v=_inline_1_arg1_;for(var _inline_1_k=0;_inline_1_k<_inline_1_arg0_.length;++_inline_1_k){this_i[_inline_1_k]=_inline_1_arg0_[_inline_1_k]}}}",args:[{name:"_inline_1_arg0_",lvalue:!1,rvalue:!0,count:2},{name:"_inline_1_arg1_",lvalue:!1,rvalue:!0,count:2}],thisVars:["this_i","this_v"],localVars:["_inline_1_k"]},post:{body:"{return this_i}",args:[],thisVars:["this_i"],localVars:[]}}),r.random=o({args:["array"],pre:{args:[],body:"this_f=Math.random",thisVars:["this_f"]},body:{args:["a"],body:"a=this_f()",thisVars:["this_f"]},funcName:"random"}),r.assign=o({args:["array","array"],body:{args:["a","b"],body:"a=b"},funcName:"assign"}),r.assigns=o({args:["array","scalar"],body:{args:["a","b"],body:"a=b"},funcName:"assigns"}),r.equals=n({args:["array","array"],pre:i,body:{args:[{name:"x",lvalue:!1,rvalue:!0,count:1},{name:"y",lvalue:!1,rvalue:!0,count:1}],body:"if(x!==y){return false}",localVars:[],thisVars:[]},post:{args:[],localVars:[],thisVars:[],body:"return true"},funcName:"equals"})},{"cwise-compiler":151}],491:[function(t,e,r){"use strict";var n=t("ndarray"),i=t("./doConvert.js");e.exports=function(t,e){for(var r=[],a=t,o=1;Array.isArray(a);)r.push(a.length),o*=a.length,a=a[0];return 0===r.length?n():(e||(e=n(new Float64Array(o),r)),i(e,t),e)}},{"./doConvert.js":492,ndarray:495}],492:[function(t,e,r){e.exports=t("cwise-compiler")({args:["array","scalar","index"],pre:{body:"{}",args:[],thisVars:[],localVars:[]},body:{body:"{\nvar _inline_1_v=_inline_1_arg1_,_inline_1_i\nfor(_inline_1_i=0;_inline_1_i<_inline_1_arg2_.length-1;++_inline_1_i) {\n_inline_1_v=_inline_1_v[_inline_1_arg2_[_inline_1_i]]\n}\n_inline_1_arg0_=_inline_1_v[_inline_1_arg2_[_inline_1_arg2_.length-1]]\n}",args:[{name:"_inline_1_arg0_",lvalue:!0,rvalue:!1,count:1},{name:"_inline_1_arg1_",lvalue:!1,rvalue:!0,count:1},{name:"_inline_1_arg2_",lvalue:!1,rvalue:!0,count:4}],thisVars:[],localVars:["_inline_1_i","_inline_1_v"]},post:{body:"{}",args:[],thisVars:[],localVars:[]},funcName:"convert",blockSize:64})},{"cwise-compiler":151}],493:[function(t,e,r){"use strict";var n=t("typedarray-pool"),i=32;function a(t){switch(t){case"uint8":return[n.mallocUint8,n.freeUint8];case"uint16":return[n.mallocUint16,n.freeUint16];case"uint32":return[n.mallocUint32,n.freeUint32];case"int8":return[n.mallocInt8,n.freeInt8];case"int16":return[n.mallocInt16,n.freeInt16];case"int32":return[n.mallocInt32,n.freeInt32];case"float32":return[n.mallocFloat,n.freeFloat];case"float64":return[n.mallocDouble,n.freeDouble];default:return null}}function o(t){for(var e=[],r=0;r0?s.push(["d",d,"=s",d,"-d",f,"*n",f].join("")):s.push(["d",d,"=s",d].join("")),f=d),0!==(p=t.length-1-l)&&(h>0?s.push(["e",p,"=s",p,"-e",h,"*n",h,",f",p,"=",c[p],"-f",h,"*n",h].join("")):s.push(["e",p,"=s",p,",f",p,"=",c[p]].join("")),h=p)}r.push("var "+s.join(","));var g=["0","n0-1","data","offset"].concat(o(t.length));r.push(["if(n0<=",i,"){","insertionSort(",g.join(","),")}else{","quickSort(",g.join(","),")}"].join("")),r.push("}return "+n);var m=new Function("insertionSort","quickSort",r.join("\n")),v=function(t,e){var r=["'use strict'"],n=["ndarrayInsertionSort",t.join("d"),e].join(""),i=["left","right","data","offset"].concat(o(t.length)),s=a(e),l=["i,j,cptr,ptr=left*s0+offset"];if(t.length>1){for(var c=[],u=1;u1){r.push("dptr=0;sptr=ptr");for(u=t.length-1;u>=0;--u){0!==(p=t[u])&&r.push(["for(i",p,"=0;i",p,"b){break __l}"].join(""));for(u=t.length-1;u>=1;--u)r.push("sptr+=e"+u,"dptr+=f"+u,"}");r.push("dptr=cptr;sptr=cptr-s0");for(u=t.length-1;u>=0;--u){0!==(p=t[u])&&r.push(["for(i",p,"=0;i",p,"=0;--u){0!==(p=t[u])&&r.push(["for(i",p,"=0;i",p,"scratch)){",h("cptr",f("cptr-s0")),"cptr-=s0","}",h("cptr","scratch"));return r.push("}"),t.length>1&&s&&r.push("free(scratch)"),r.push("} return "+n),s?new Function("malloc","free",r.join("\n"))(s[0],s[1]):new Function(r.join("\n"))()}(t,e),y=function(t,e,r){var n=["'use strict'"],s=["ndarrayQuickSort",t.join("d"),e].join(""),l=["left","right","data","offset"].concat(o(t.length)),c=a(e),u=0;n.push(["function ",s,"(",l.join(","),"){"].join(""));var f=["sixth=((right-left+1)/6)|0","index1=left+sixth","index5=right-sixth","index3=(left+right)>>1","index2=index3-sixth","index4=index3+sixth","el1=index1","el2=index2","el3=index3","el4=index4","el5=index5","less=left+1","great=right-1","pivots_are_equal=true","tmp","tmp0","x","y","z","k","ptr0","ptr1","ptr2","comp_pivot1=0","comp_pivot2=0","comp=0"];if(t.length>1){for(var h=[],p=1;p=0;--a){0!==(o=t[a])&&n.push(["for(i",o,"=0;i",o,"1)for(a=0;a1?n.push("ptr_shift+=d"+o):n.push("ptr0+=d"+o),n.push("}"))}}function y(e,r,i,a){if(1===r.length)n.push("ptr0="+d(r[0]));else{for(var o=0;o1)for(o=0;o=1;--o)i&&n.push("pivot_ptr+=f"+o),r.length>1?n.push("ptr_shift+=e"+o):n.push("ptr0+=e"+o),n.push("}")}function x(){t.length>1&&c&&n.push("free(pivot1)","free(pivot2)")}function b(e,r){var i="el"+e,a="el"+r;if(t.length>1){var o="__l"+ ++u;y(o,[i,a],!1,["comp=",g("ptr0"),"-",g("ptr1"),"\n","if(comp>0){tmp0=",i,";",i,"=",a,";",a,"=tmp0;break ",o,"}\n","if(comp<0){break ",o,"}"].join(""))}else n.push(["if(",g(d(i)),">",g(d(a)),"){tmp0=",i,";",i,"=",a,";",a,"=tmp0}"].join(""))}function _(e,r){t.length>1?v([e,r],!1,m("ptr0",g("ptr1"))):n.push(m(d(e),g(d(r))))}function w(e,r,i){if(t.length>1){var a="__l"+ ++u;y(a,[r],!0,[e,"=",g("ptr0"),"-pivot",i,"[pivot_ptr]\n","if(",e,"!==0){break ",a,"}"].join(""))}else n.push([e,"=",g(d(r)),"-pivot",i].join(""))}function T(e,r){t.length>1?v([e,r],!1,["tmp=",g("ptr0"),"\n",m("ptr0",g("ptr1")),"\n",m("ptr1","tmp")].join("")):n.push(["ptr0=",d(e),"\n","ptr1=",d(r),"\n","tmp=",g("ptr0"),"\n",m("ptr0",g("ptr1")),"\n",m("ptr1","tmp")].join(""))}function k(e,r,i){t.length>1?(v([e,r,i],!1,["tmp=",g("ptr0"),"\n",m("ptr0",g("ptr1")),"\n",m("ptr1",g("ptr2")),"\n",m("ptr2","tmp")].join("")),n.push("++"+r,"--"+i)):n.push(["ptr0=",d(e),"\n","ptr1=",d(r),"\n","ptr2=",d(i),"\n","++",r,"\n","--",i,"\n","tmp=",g("ptr0"),"\n",m("ptr0",g("ptr1")),"\n",m("ptr1",g("ptr2")),"\n",m("ptr2","tmp")].join(""))}function M(t,e){T(t,e),n.push("--"+e)}function A(e,r,i){t.length>1?v([e,r],!0,[m("ptr0",g("ptr1")),"\n",m("ptr1",["pivot",i,"[pivot_ptr]"].join(""))].join("")):n.push(m(d(e),g(d(r))),m(d(r),"pivot"+i))}function S(e,r){n.push(["if((",r,"-",e,")<=",i,"){\n","insertionSort(",e,",",r,",data,offset,",o(t.length).join(","),")\n","}else{\n",s,"(",e,",",r,",data,offset,",o(t.length).join(","),")\n","}"].join(""))}function E(e,r,i){t.length>1?(n.push(["__l",++u,":while(true){"].join("")),v([e],!0,["if(",g("ptr0"),"!==pivot",r,"[pivot_ptr]){break __l",u,"}"].join("")),n.push(i,"}")):n.push(["while(",g(d(e)),"===pivot",r,"){",i,"}"].join(""))}return n.push("var "+f.join(",")),b(1,2),b(4,5),b(1,3),b(2,3),b(1,4),b(3,4),b(2,5),b(2,3),b(4,5),t.length>1?v(["el1","el2","el3","el4","el5","index1","index3","index5"],!0,["pivot1[pivot_ptr]=",g("ptr1"),"\n","pivot2[pivot_ptr]=",g("ptr3"),"\n","pivots_are_equal=pivots_are_equal&&(pivot1[pivot_ptr]===pivot2[pivot_ptr])\n","x=",g("ptr0"),"\n","y=",g("ptr2"),"\n","z=",g("ptr4"),"\n",m("ptr5","x"),"\n",m("ptr6","y"),"\n",m("ptr7","z")].join("")):n.push(["pivot1=",g(d("el2")),"\n","pivot2=",g(d("el4")),"\n","pivots_are_equal=pivot1===pivot2\n","x=",g(d("el1")),"\n","y=",g(d("el3")),"\n","z=",g(d("el5")),"\n",m(d("index1"),"x"),"\n",m(d("index3"),"y"),"\n",m(d("index5"),"z")].join("")),_("index2","left"),_("index4","right"),n.push("if(pivots_are_equal){"),n.push("for(k=less;k<=great;++k){"),w("comp","k",1),n.push("if(comp===0){continue}"),n.push("if(comp<0){"),n.push("if(k!==less){"),T("k","less"),n.push("}"),n.push("++less"),n.push("}else{"),n.push("while(true){"),w("comp","great",1),n.push("if(comp>0){"),n.push("great--"),n.push("}else if(comp<0){"),k("k","less","great"),n.push("break"),n.push("}else{"),M("k","great"),n.push("break"),n.push("}"),n.push("}"),n.push("}"),n.push("}"),n.push("}else{"),n.push("for(k=less;k<=great;++k){"),w("comp_pivot1","k",1),n.push("if(comp_pivot1<0){"),n.push("if(k!==less){"),T("k","less"),n.push("}"),n.push("++less"),n.push("}else{"),w("comp_pivot2","k",2),n.push("if(comp_pivot2>0){"),n.push("while(true){"),w("comp","great",2),n.push("if(comp>0){"),n.push("if(--greatindex5){"),E("less",1,"++less"),E("great",2,"--great"),n.push("for(k=less;k<=great;++k){"),w("comp_pivot1","k",1),n.push("if(comp_pivot1===0){"),n.push("if(k!==less){"),T("k","less"),n.push("}"),n.push("++less"),n.push("}else{"),w("comp_pivot2","k",2),n.push("if(comp_pivot2===0){"),n.push("while(true){"),w("comp","great",2),n.push("if(comp===0){"),n.push("if(--great1&&c?new Function("insertionSort","malloc","free",n.join("\n"))(r,c[0],c[1]):new Function("insertionSort",n.join("\n"))(r)}(t,e,v);return m(v,y)}},{"typedarray-pool":595}],494:[function(t,e,r){"use strict";var n=t("./lib/compile_sort.js"),i={};e.exports=function(t){var e=t.order,r=t.dtype,a=[e,r].join(":"),o=i[a];return o||(i[a]=o=n(e,r)),o(t),t}},{"./lib/compile_sort.js":493}],495:[function(t,e,r){var n=t("iota-array"),i=t("is-buffer"),a="undefined"!=typeof Float64Array;function o(t,e){return t[0]-e[0]}function s(){var t,e=this.stride,r=new Array(e.length);for(t=0;tMath.abs(this.stride[1]))?[1,0]:[0,1]}})"):3===e&&a.push("var s0=Math.abs(this.stride[0]),s1=Math.abs(this.stride[1]),s2=Math.abs(this.stride[2]);if(s0>s1){if(s1>s2){return [2,1,0];}else if(s0>s2){return [1,2,0];}else{return [1,0,2];}}else if(s0>s2){return [2,0,1];}else if(s2>s1){return [0,1,2];}else{return [0,2,1];}}})")):a.push("ORDER})")),a.push("proto.set=function "+r+"_set("+l.join(",")+",v){"),i?a.push("return this.data.set("+u+",v)}"):a.push("return this.data["+u+"]=v}"),a.push("proto.get=function "+r+"_get("+l.join(",")+"){"),i?a.push("return this.data.get("+u+")}"):a.push("return this.data["+u+"]}"),a.push("proto.index=function "+r+"_index(",l.join(),"){return "+u+"}"),a.push("proto.hi=function "+r+"_hi("+l.join(",")+"){return new "+r+"(this.data,"+o.map((function(t){return["(typeof i",t,"!=='number'||i",t,"<0)?this.shape[",t,"]:i",t,"|0"].join("")})).join(",")+","+o.map((function(t){return"this.stride["+t+"]"})).join(",")+",this.offset)}");var p=o.map((function(t){return"a"+t+"=this.shape["+t+"]"})),d=o.map((function(t){return"c"+t+"=this.stride["+t+"]"}));a.push("proto.lo=function "+r+"_lo("+l.join(",")+"){var b=this.offset,d=0,"+p.join(",")+","+d.join(","));for(var g=0;g=0){d=i"+g+"|0;b+=c"+g+"*d;a"+g+"-=d}");a.push("return new "+r+"(this.data,"+o.map((function(t){return"a"+t})).join(",")+","+o.map((function(t){return"c"+t})).join(",")+",b)}"),a.push("proto.step=function "+r+"_step("+l.join(",")+"){var "+o.map((function(t){return"a"+t+"=this.shape["+t+"]"})).join(",")+","+o.map((function(t){return"b"+t+"=this.stride["+t+"]"})).join(",")+",c=this.offset,d=0,ceil=Math.ceil");for(g=0;g=0){c=(c+this.stride["+g+"]*i"+g+")|0}else{a.push(this.shape["+g+"]);b.push(this.stride["+g+"])}");return a.push("var ctor=CTOR_LIST[a.length+1];return ctor(this.data,a,b,c)}"),a.push("return function construct_"+r+"(data,shape,stride,offset){return new "+r+"(data,"+o.map((function(t){return"shape["+t+"]"})).join(",")+","+o.map((function(t){return"stride["+t+"]"})).join(",")+",offset)}"),new Function("CTOR_LIST","ORDER",a.join("\n"))(c[t],s)}var c={float32:[],float64:[],int8:[],int16:[],int32:[],uint8:[],uint16:[],uint32:[],array:[],uint8_clamped:[],bigint64:[],biguint64:[],buffer:[],generic:[]};e.exports=function(t,e,r,n){if(void 0===t)return(0,c.array[0])([]);"number"==typeof t&&(t=[t]),void 0===e&&(e=[t.length]);var o=e.length;if(void 0===r){r=new Array(o);for(var s=o-1,u=1;s>=0;--s)r[s]=u,u*=e[s]}if(void 0===n){n=0;for(s=0;st==t>0?a===-1>>>0?(r+=1,a=0):a+=1:0===a?(a=-1>>>0,r-=1):a-=1;return n.pack(a,r)}},{"double-bits":173}],497:[function(t,e,r){var n=Math.PI,i=c(120);function a(t,e,r,n){return["C",t,e,r,n,r,n]}function o(t,e,r,n,i,a){return["C",t/3+2/3*r,e/3+2/3*n,i/3+2/3*r,a/3+2/3*n,i,a]}function s(t,e,r,a,o,c,u,f,h,p){if(p)T=p[0],k=p[1],_=p[2],w=p[3];else{var d=l(t,e,-o);t=d.x,e=d.y;var g=(t-(f=(d=l(f,h,-o)).x))/2,m=(e-(h=d.y))/2,v=g*g/(r*r)+m*m/(a*a);v>1&&(r*=v=Math.sqrt(v),a*=v);var y=r*r,x=a*a,b=(c==u?-1:1)*Math.sqrt(Math.abs((y*x-y*m*m-x*g*g)/(y*m*m+x*g*g)));b==1/0&&(b=1);var _=b*r*m/a+(t+f)/2,w=b*-a*g/r+(e+h)/2,T=Math.asin(((e-w)/a).toFixed(9)),k=Math.asin(((h-w)/a).toFixed(9));(T=t<_?n-T:T)<0&&(T=2*n+T),(k=f<_?n-k:k)<0&&(k=2*n+k),u&&T>k&&(T-=2*n),!u&&k>T&&(k-=2*n)}if(Math.abs(k-T)>i){var M=k,A=f,S=h;k=T+i*(u&&k>T?1:-1);var E=s(f=_+r*Math.cos(k),h=w+a*Math.sin(k),r,a,o,0,u,A,S,[k,M,_,w])}var C=Math.tan((k-T)/4),L=4/3*r*C,I=4/3*a*C,P=[2*t-(t+L*Math.sin(T)),2*e-(e-I*Math.cos(T)),f+L*Math.sin(k),h-I*Math.cos(k),f,h];if(p)return P;E&&(P=P.concat(E));for(var z=0;z7&&(r.push(v.splice(0,7)),v.unshift("C"));break;case"S":var x=p,b=d;"C"!=e&&"S"!=e||(x+=x-n,b+=b-i),v=["C",x,b,v[1],v[2],v[3],v[4]];break;case"T":"Q"==e||"T"==e?(f=2*p-f,h=2*d-h):(f=p,h=d),v=o(p,d,f,h,v[1],v[2]);break;case"Q":f=v[1],h=v[2],v=o(p,d,v[1],v[2],v[3],v[4]);break;case"L":v=a(p,d,v[1],v[2]);break;case"H":v=a(p,d,v[1],d);break;case"V":v=a(p,d,p,v[1]);break;case"Z":v=a(p,d,l,u)}e=y,p=v[v.length-2],d=v[v.length-1],v.length>4?(n=v[v.length-4],i=v[v.length-3]):(n=p,i=d),r.push(v)}return r}},{}],498:[function(t,e,r){r.vertexNormals=function(t,e,r){for(var n=e.length,i=new Array(n),a=void 0===r?1e-6:r,o=0;oa){var b=i[c],_=1/Math.sqrt(m*y);for(x=0;x<3;++x){var w=(x+1)%3,T=(x+2)%3;b[x]+=_*(v[w]*g[T]-v[T]*g[w])}}}for(o=0;oa)for(_=1/Math.sqrt(k),x=0;x<3;++x)b[x]*=_;else for(x=0;x<3;++x)b[x]=0}return i},r.faceNormals=function(t,e,r){for(var n=t.length,i=new Array(n),a=void 0===r?1e-6:r,o=0;oa?1/Math.sqrt(p):0;for(c=0;c<3;++c)h[c]*=p;i[o]=h}return i}},{}],499:[function(t,e,r){ +/* +object-assign +(c) Sindre Sorhus +@license MIT +*/ +"use strict";var n=Object.getOwnPropertySymbols,i=Object.prototype.hasOwnProperty,a=Object.prototype.propertyIsEnumerable;function o(t){if(null==t)throw new TypeError("Object.assign cannot be called with null or undefined");return Object(t)}e.exports=function(){try{if(!Object.assign)return!1;var t=new String("abc");if(t[5]="de","5"===Object.getOwnPropertyNames(t)[0])return!1;for(var e={},r=0;r<10;r++)e["_"+String.fromCharCode(r)]=r;if("0123456789"!==Object.getOwnPropertyNames(e).map((function(t){return e[t]})).join(""))return!1;var n={};return"abcdefghijklmnopqrst".split("").forEach((function(t){n[t]=t})),"abcdefghijklmnopqrst"===Object.keys(Object.assign({},n)).join("")}catch(t){return!1}}()?Object.assign:function(t,e){for(var r,s,l=o(t),c=1;c0){var f=Math.sqrt(u+1);t[0]=.5*(o-l)/f,t[1]=.5*(s-n)/f,t[2]=.5*(r-a)/f,t[3]=.5*f}else{var h=Math.max(e,a,c);f=Math.sqrt(2*h-u+1);e>=h?(t[0]=.5*f,t[1]=.5*(i+r)/f,t[2]=.5*(s+n)/f,t[3]=.5*(o-l)/f):a>=h?(t[0]=.5*(r+i)/f,t[1]=.5*f,t[2]=.5*(l+o)/f,t[3]=.5*(s-n)/f):(t[0]=.5*(n+s)/f,t[1]=.5*(o+l)/f,t[2]=.5*f,t[3]=.5*(r-i)/f)}return t}},{}],501:[function(t,e,r){"use strict";e.exports=function(t){var e=(t=t||{}).center||[0,0,0],r=t.rotation||[0,0,0,1],n=t.radius||1;e=[].slice.call(e,0,3),u(r=[].slice.call(r,0,4),r);var i=new f(r,e,Math.log(n));i.setDistanceLimits(t.zoomMin,t.zoomMax),("eye"in t||"up"in t)&&i.lookAt(0,t.eye,t.center,t.up);return i};var n=t("filtered-vector"),i=t("gl-mat4/lookAt"),a=t("gl-mat4/fromQuat"),o=t("gl-mat4/invert"),s=t("./lib/quatFromFrame");function l(t,e,r){return Math.sqrt(Math.pow(t,2)+Math.pow(e,2)+Math.pow(r,2))}function c(t,e,r,n){return Math.sqrt(Math.pow(t,2)+Math.pow(e,2)+Math.pow(r,2)+Math.pow(n,2))}function u(t,e){var r=e[0],n=e[1],i=e[2],a=e[3],o=c(r,n,i,a);o>1e-6?(t[0]=r/o,t[1]=n/o,t[2]=i/o,t[3]=a/o):(t[0]=t[1]=t[2]=0,t[3]=1)}function f(t,e,r){this.radius=n([r]),this.center=n(e),this.rotation=n(t),this.computedRadius=this.radius.curve(0),this.computedCenter=this.center.curve(0),this.computedRotation=this.rotation.curve(0),this.computedUp=[.1,0,0],this.computedEye=[.1,0,0],this.computedMatrix=[.1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0],this.recalcMatrix(0)}var h=f.prototype;h.lastT=function(){return Math.max(this.radius.lastT(),this.center.lastT(),this.rotation.lastT())},h.recalcMatrix=function(t){this.radius.curve(t),this.center.curve(t),this.rotation.curve(t);var e=this.computedRotation;u(e,e);var r=this.computedMatrix;a(r,e);var n=this.computedCenter,i=this.computedEye,o=this.computedUp,s=Math.exp(this.computedRadius[0]);i[0]=n[0]+s*r[2],i[1]=n[1]+s*r[6],i[2]=n[2]+s*r[10],o[0]=r[1],o[1]=r[5],o[2]=r[9];for(var l=0;l<3;++l){for(var c=0,f=0;f<3;++f)c+=r[l+4*f]*i[f];r[12+l]=-c}},h.getMatrix=function(t,e){this.recalcMatrix(t);var r=this.computedMatrix;if(e){for(var n=0;n<16;++n)e[n]=r[n];return e}return r},h.idle=function(t){this.center.idle(t),this.radius.idle(t),this.rotation.idle(t)},h.flush=function(t){this.center.flush(t),this.radius.flush(t),this.rotation.flush(t)},h.pan=function(t,e,r,n){e=e||0,r=r||0,n=n||0,this.recalcMatrix(t);var i=this.computedMatrix,a=i[1],o=i[5],s=i[9],c=l(a,o,s);a/=c,o/=c,s/=c;var u=i[0],f=i[4],h=i[8],p=u*a+f*o+h*s,d=l(u-=a*p,f-=o*p,h-=s*p);u/=d,f/=d,h/=d;var g=i[2],m=i[6],v=i[10],y=g*a+m*o+v*s,x=g*u+m*f+v*h,b=l(g-=y*a+x*u,m-=y*o+x*f,v-=y*s+x*h);g/=b,m/=b,v/=b;var _=u*e+a*r,w=f*e+o*r,T=h*e+s*r;this.center.move(t,_,w,T);var k=Math.exp(this.computedRadius[0]);k=Math.max(1e-4,k+n),this.radius.set(t,Math.log(k))},h.rotate=function(t,e,r,n){this.recalcMatrix(t),e=e||0,r=r||0;var i=this.computedMatrix,a=i[0],o=i[4],s=i[8],u=i[1],f=i[5],h=i[9],p=i[2],d=i[6],g=i[10],m=e*a+r*u,v=e*o+r*f,y=e*s+r*h,x=-(d*y-g*v),b=-(g*m-p*y),_=-(p*v-d*m),w=Math.sqrt(Math.max(0,1-Math.pow(x,2)-Math.pow(b,2)-Math.pow(_,2))),T=c(x,b,_,w);T>1e-6?(x/=T,b/=T,_/=T,w/=T):(x=b=_=0,w=1);var k=this.computedRotation,M=k[0],A=k[1],S=k[2],E=k[3],C=M*w+E*x+A*_-S*b,L=A*w+E*b+S*x-M*_,I=S*w+E*_+M*b-A*x,P=E*w-M*x-A*b-S*_;if(n){x=p,b=d,_=g;var z=Math.sin(n)/l(x,b,_);x*=z,b*=z,_*=z,P=P*(w=Math.cos(e))-(C=C*w+P*x+L*_-I*b)*x-(L=L*w+P*b+I*x-C*_)*b-(I=I*w+P*_+C*b-L*x)*_}var O=c(C,L,I,P);O>1e-6?(C/=O,L/=O,I/=O,P/=O):(C=L=I=0,P=1),this.rotation.set(t,C,L,I,P)},h.lookAt=function(t,e,r,n){this.recalcMatrix(t),r=r||this.computedCenter,e=e||this.computedEye,n=n||this.computedUp;var a=this.computedMatrix;i(a,e,r,n);var o=this.computedRotation;s(o,a[0],a[1],a[2],a[4],a[5],a[6],a[8],a[9],a[10]),u(o,o),this.rotation.set(t,o[0],o[1],o[2],o[3]);for(var l=0,c=0;c<3;++c)l+=Math.pow(r[c]-e[c],2);this.radius.set(t,.5*Math.log(Math.max(l,1e-6))),this.center.set(t,r[0],r[1],r[2])},h.translate=function(t,e,r,n){this.center.move(t,e||0,r||0,n||0)},h.setMatrix=function(t,e){var r=this.computedRotation;s(r,e[0],e[1],e[2],e[4],e[5],e[6],e[8],e[9],e[10]),u(r,r),this.rotation.set(t,r[0],r[1],r[2],r[3]);var n=this.computedMatrix;o(n,e);var i=n[15];if(Math.abs(i)>1e-6){var a=n[12]/i,l=n[13]/i,c=n[14]/i;this.recalcMatrix(t);var f=Math.exp(this.computedRadius[0]);this.center.set(t,a-n[2]*f,l-n[6]*f,c-n[10]*f),this.radius.idle(t)}else this.center.idle(t),this.radius.idle(t)},h.setDistance=function(t,e){e>0&&this.radius.set(t,Math.log(e))},h.setDistanceLimits=function(t,e){t=t>0?Math.log(t):-1/0,e=e>0?Math.log(e):1/0,e=Math.max(e,t),this.radius.bounds[0][0]=t,this.radius.bounds[1][0]=e},h.getDistanceLimits=function(t){var e=this.radius.bounds;return t?(t[0]=Math.exp(e[0][0]),t[1]=Math.exp(e[1][0]),t):[Math.exp(e[0][0]),Math.exp(e[1][0])]},h.toJSON=function(){return this.recalcMatrix(this.lastT()),{center:this.computedCenter.slice(),rotation:this.computedRotation.slice(),distance:Math.log(this.computedRadius[0]),zoomMin:this.radius.bounds[0][0],zoomMax:this.radius.bounds[1][0]}},h.fromJSON=function(t){var e=this.lastT(),r=t.center;r&&this.center.set(e,r[0],r[1],r[2]);var n=t.rotation;n&&this.rotation.set(e,n[0],n[1],n[2],n[3]);var i=t.distance;i&&i>0&&this.radius.set(e,Math.log(i)),this.setDistanceLimits(t.zoomMin,t.zoomMax)}},{"./lib/quatFromFrame":500,"filtered-vector":242,"gl-mat4/fromQuat":282,"gl-mat4/invert":293,"gl-mat4/lookAt":294}],502:[function(t,e,r){ +/*! + * pad-left + * + * Copyright (c) 2014-2015, Jon Schlinkert. + * Licensed under the MIT license. + */ +"use strict";var n=t("repeat-string");e.exports=function(t,e,r){return n(r="undefined"!=typeof r?r+"":" ",e)+t}},{"repeat-string":541}],503:[function(t,e,r){"use strict";function n(t,e){if("string"!=typeof t)return[t];var r=[t];"string"==typeof e||Array.isArray(e)?e={brackets:e}:e||(e={});var n=e.brackets?Array.isArray(e.brackets)?e.brackets:[e.brackets]:["{}","[]","()"],i=e.escape||"___",a=!!e.flat;n.forEach((function(t){var e=new RegExp(["\\",t[0],"[^\\",t[0],"\\",t[1],"]*\\",t[1]].join("")),n=[];function a(e,a,o){var s=r.push(e.slice(t[0].length,-t[1].length))-1;return n.push(s),i+s+i}r.forEach((function(t,n){for(var i,o=0;t!=i;)if(i=t,t=t.replace(e,a),o++>1e4)throw Error("References have circular dependency. Please, check them.");r[n]=t})),n=n.reverse(),r=r.map((function(e){return n.forEach((function(r){e=e.replace(new RegExp("(\\"+i+r+"\\"+i+")","g"),t[0]+"$1"+t[1])})),e}))}));var o=new RegExp("\\"+i+"([0-9]+)\\"+i);return a?r:function t(e,r,n){for(var i,a=[],s=0;i=o.exec(e);){if(s++>1e4)throw Error("Circular references in parenthesis");a.push(e.slice(0,i.index)),a.push(t(r[i[1]],r)),e=e.slice(i.index+i[0].length)}return a.push(e),a}(r[0],r)}function i(t,e){if(e&&e.flat){var r,n=e&&e.escape||"___",i=t[0];if(!i)return"";for(var a=new RegExp("\\"+n+"([0-9]+)\\"+n),o=0;i!=r;){if(o++>1e4)throw Error("Circular references in "+t);r=i,i=i.replace(a,s)}return i}return t.reduce((function t(e,r){return Array.isArray(r)&&(r=r.reduce(t,"")),e+r}),"");function s(e,r){if(null==t[r])throw Error("Reference "+r+"is undefined");return t[r]}}function a(t,e){return Array.isArray(t)?i(t,e):n(t,e)}a.parse=n,a.stringify=i,e.exports=a},{}],504:[function(t,e,r){"use strict";var n=t("pick-by-alias");e.exports=function(t){var e;arguments.length>1&&(t=arguments);"string"==typeof t?t=t.split(/\s/).map(parseFloat):"number"==typeof t&&(t=[t]);t.length&&"number"==typeof t[0]?e=1===t.length?{width:t[0],height:t[0],x:0,y:0}:2===t.length?{width:t[0],height:t[1],x:0,y:0}:{x:t[0],y:t[1],width:t[2]-t[0]||0,height:t[3]-t[1]||0}:t&&(t=n(t,{left:"x l left Left",top:"y t top Top",width:"w width W Width",height:"h height W Width",bottom:"b bottom Bottom",right:"r right Right"}),e={x:t.left||0,y:t.top||0},null==t.width?t.right?e.width=t.right-e.x:e.width=0:e.width=t.width,null==t.height?t.bottom?e.height=t.bottom-e.y:e.height=0:e.height=t.height);return e}},{"pick-by-alias":511}],505:[function(t,e,r){e.exports=function(t){var e=[];return t.replace(i,(function(t,r,i){var o=r.toLowerCase();for(i=function(t){var e=t.match(a);return e?e.map(Number):[]}(i),"m"==o&&i.length>2&&(e.push([r].concat(i.splice(0,2))),o="l",r="m"==r?"l":"L");;){if(i.length==n[o])return i.unshift(r),e.push(i);if(i.length2){var l=n.lastIndexOf("/");if(l!==n.length-1){-1===l?(n="",i=0):i=(n=n.slice(0,l)).length-1-n.lastIndexOf("/"),a=s,o=0;continue}}else if(2===n.length||1===n.length){n="",i=0,a=s,o=0;continue}e&&(n.length>0?n+="/..":n="..",i=2)}else n.length>0?n+="/"+t.slice(a+1,s):n=t.slice(a+1,s),i=s-a-1;a=s,o=0}else 46===r&&-1!==o?++o:o=-1}return n}var i={resolve:function(){for(var e,i="",a=!1,o=arguments.length-1;o>=-1&&!a;o--){var s;o>=0?s=arguments[o]:(void 0===e&&(e=t.cwd()),s=e),r(s),0!==s.length&&(i=s+"/"+i,a=47===s.charCodeAt(0))}return i=n(i,!a),a?i.length>0?"/"+i:"/":i.length>0?i:"."},normalize:function(t){if(r(t),0===t.length)return".";var e=47===t.charCodeAt(0),i=47===t.charCodeAt(t.length-1);return 0!==(t=n(t,!e)).length||e||(t="."),t.length>0&&i&&(t+="/"),e?"/"+t:t},isAbsolute:function(t){return r(t),t.length>0&&47===t.charCodeAt(0)},join:function(){if(0===arguments.length)return".";for(var t,e=0;e0&&(void 0===t?t=n:t+="/"+n)}return void 0===t?".":i.normalize(t)},relative:function(t,e){if(r(t),r(e),t===e)return"";if((t=i.resolve(t))===(e=i.resolve(e)))return"";for(var n=1;nc){if(47===e.charCodeAt(s+f))return e.slice(s+f+1);if(0===f)return e.slice(s+f)}else o>c&&(47===t.charCodeAt(n+f)?u=f:0===f&&(u=0));break}var h=t.charCodeAt(n+f);if(h!==e.charCodeAt(s+f))break;47===h&&(u=f)}var p="";for(f=n+u+1;f<=a;++f)f!==a&&47!==t.charCodeAt(f)||(0===p.length?p+="..":p+="/..");return p.length>0?p+e.slice(s+u):(s+=u,47===e.charCodeAt(s)&&++s,e.slice(s))},_makeLong:function(t){return t},dirname:function(t){if(r(t),0===t.length)return".";for(var e=t.charCodeAt(0),n=47===e,i=-1,a=!0,o=t.length-1;o>=1;--o)if(47===(e=t.charCodeAt(o))){if(!a){i=o;break}}else a=!1;return-1===i?n?"/":".":n&&1===i?"//":t.slice(0,i)},basename:function(t,e){if(void 0!==e&&"string"!=typeof e)throw new TypeError('"ext" argument must be a string');r(t);var n,i=0,a=-1,o=!0;if(void 0!==e&&e.length>0&&e.length<=t.length){if(e.length===t.length&&e===t)return"";var s=e.length-1,l=-1;for(n=t.length-1;n>=0;--n){var c=t.charCodeAt(n);if(47===c){if(!o){i=n+1;break}}else-1===l&&(o=!1,l=n+1),s>=0&&(c===e.charCodeAt(s)?-1==--s&&(a=n):(s=-1,a=l))}return i===a?a=l:-1===a&&(a=t.length),t.slice(i,a)}for(n=t.length-1;n>=0;--n)if(47===t.charCodeAt(n)){if(!o){i=n+1;break}}else-1===a&&(o=!1,a=n+1);return-1===a?"":t.slice(i,a)},extname:function(t){r(t);for(var e=-1,n=0,i=-1,a=!0,o=0,s=t.length-1;s>=0;--s){var l=t.charCodeAt(s);if(47!==l)-1===i&&(a=!1,i=s+1),46===l?-1===e?e=s:1!==o&&(o=1):-1!==e&&(o=-1);else if(!a){n=s+1;break}}return-1===e||-1===i||0===o||1===o&&e===i-1&&e===n+1?"":t.slice(e,i)},format:function(t){if(null===t||"object"!=typeof t)throw new TypeError('The "pathObject" argument must be of type Object. Received type '+typeof t);return function(t,e){var r=e.dir||e.root,n=e.base||(e.name||"")+(e.ext||"");return r?r===e.root?r+n:r+t+n:n}("/",t)},parse:function(t){r(t);var e={root:"",dir:"",base:"",ext:"",name:""};if(0===t.length)return e;var n,i=t.charCodeAt(0),a=47===i;a?(e.root="/",n=1):n=0;for(var o=-1,s=0,l=-1,c=!0,u=t.length-1,f=0;u>=n;--u)if(47!==(i=t.charCodeAt(u)))-1===l&&(c=!1,l=u+1),46===i?-1===o?o=u:1!==f&&(f=1):-1!==o&&(f=-1);else if(!c){s=u+1;break}return-1===o||-1===l||0===f||1===f&&o===l-1&&o===s+1?-1!==l&&(e.base=e.name=0===s&&a?t.slice(1,l):t.slice(s,l)):(0===s&&a?(e.name=t.slice(1,o),e.base=t.slice(1,l)):(e.name=t.slice(s,o),e.base=t.slice(s,l)),e.ext=t.slice(o,l)),s>0?e.dir=t.slice(0,s-1):a&&(e.dir="/"),e},sep:"/",delimiter:":",win32:null,posix:null};i.posix=i,e.exports=i}).call(this)}).call(this,t("_process"))},{_process:526}],508:[function(t,e,r){(function(t){(function(){(function(){var r,n,i,a,o,s;"undefined"!=typeof performance&&null!==performance&&performance.now?e.exports=function(){return performance.now()}:"undefined"!=typeof t&&null!==t&&t.hrtime?(e.exports=function(){return(r()-o)/1e6},n=t.hrtime,a=(r=function(){var t;return 1e9*(t=n())[0]+t[1]})(),s=1e9*t.uptime(),o=a-s):Date.now?(e.exports=function(){return Date.now()-i},i=Date.now()):(e.exports=function(){return(new Date).getTime()-i},i=(new Date).getTime())}).call(this)}).call(this)}).call(this,t("_process"))},{_process:526}],509:[function(t,e,r){"use strict";e.exports=function(t){var e=t.length;if(e<32){for(var r=1,i=0;i0;--o)a=l[o],r=s[o],s[o]=s[a],s[a]=r,l[o]=l[r],l[r]=a,c=(c+r)*o;return n.freeUint32(l),n.freeUint32(s),c},r.unrank=function(t,e,r){switch(t){case 0:return r||[];case 1:return r?(r[0]=0,r):[0];case 2:return r?(e?(r[0]=0,r[1]=1):(r[0]=1,r[1]=0),r):e?[0,1]:[1,0]}var n,i,a,o=1;for((r=r||new Array(t))[0]=0,a=1;a0;--a)e=e-(n=e/o|0)*o|0,o=o/a|0,i=0|r[a],r[a]=0|r[n],r[n]=0|i;return r}},{"invert-permutation":462,"typedarray-pool":595}],511:[function(t,e,r){"use strict";e.exports=function(t,e,r){var n,a,o={};if("string"==typeof e&&(e=i(e)),Array.isArray(e)){var s={};for(a=0;a0){o=a[u][r][0],l=u;break}s=o[1^l];for(var f=0;f<2;++f)for(var h=a[f][r],p=0;p0&&(o=d,s=g,l=f)}return i||o&&c(o,l),s}function f(t,r){var i=a[r][t][0],o=[t];c(i,r);for(var s=i[1^r];;){for(;s!==t;)o.push(s),s=u(o[o.length-2],s,!1);if(a[0][t].length+a[1][t].length===0)break;var l=o[o.length-1],f=t,h=o[1],p=u(l,f,!0);if(n(e[l],e[f],e[h],e[p])<0)break;o.push(t),s=u(l,f)}return o}function h(t,e){return e[1]===e[e.length-1]}for(o=0;o0;){a[0][o].length;var g=f(o,p);h(0,g)?d.push.apply(d,g):(d.length>0&&l.push(d),d=g)}d.length>0&&l.push(d)}return l};var n=t("compare-angle")},{"compare-angle":132}],513:[function(t,e,r){"use strict";e.exports=function(t,e){for(var r=n(t,e.length),i=new Array(e.length),a=new Array(e.length),o=[],s=0;s0;){var c=o.pop();i[c]=!1;var u=r[c];for(s=0;s0}))).length,m=new Array(g),v=new Array(g);for(p=0;p0;){var B=R.pop(),N=E[B];l(N,(function(t,e){return t-e}));var j,U=N.length,V=F[B];if(0===V){var q=d[B];j=[q]}for(p=0;p=0))if(F[H]=1^V,R.push(H),0===V)D(q=d[H])||(q.reverse(),j.push(q))}0===V&&r.push(j)}return r};var n=t("edges-to-adjacency-list"),i=t("planar-dual"),a=t("point-in-big-polygon"),o=t("two-product"),s=t("robust-sum"),l=t("uniq"),c=t("./lib/trim-leaves");function u(t,e){for(var r=new Array(t),n=0;n0&&e[i]===r[0]))return 1;a=t[i-1]}for(var s=1;a;){var l=a.key,c=n(r,l[0],l[1]);if(l[0][0]0))return 0;s=-1,a=a.right}else if(c>0)a=a.left;else{if(!(c<0))return 0;s=1,a=a.right}}return s}}(v.slabs,v.coordinates);return 0===a.length?y:function(t,e){return function(r){return t(r[0],r[1])?0:e(r)}}(l(a),y)};var n=t("robust-orientation")[3],i=t("slab-decomposition"),a=t("interval-tree-1d"),o=t("binary-search-bounds");function s(){return!0}function l(t){for(var e={},r=0;r=-t},pointBetween:function(e,r,n){var i=e[1]-r[1],a=n[0]-r[0],o=e[0]-r[0],s=n[1]-r[1],l=o*a+i*s;return!(l-t)},pointsSameX:function(e,r){return Math.abs(e[0]-r[0])t!=o-i>t&&(a-c)*(i-u)/(o-u)+c-n>t&&(s=!s),a=c,o=u}return s}};return e}},{}],520:[function(t,e,r){var n={toPolygon:function(t,e){function r(e){if(e.length<=0)return t.segments({inverted:!1,regions:[]});function r(e){var r=e.slice(0,e.length-1);return t.segments({inverted:!1,regions:[r]})}for(var n=r(e[0]),i=1;i0}))}function u(t,n){var i=t.seg,a=n.seg,o=i.start,s=i.end,c=a.start,u=a.end;r&&r.checkIntersection(i,a);var f=e.linesIntersect(o,s,c,u);if(!1===f){if(!e.pointsCollinear(o,s,c))return!1;if(e.pointsSame(o,u)||e.pointsSame(s,c))return!1;var h=e.pointsSame(o,c),p=e.pointsSame(s,u);if(h&&p)return n;var d=!h&&e.pointBetween(o,c,u),g=!p&&e.pointBetween(s,c,u);if(h)return g?l(n,s):l(t,u),n;d&&(p||(g?l(n,s):l(t,u)),l(n,o))}else 0===f.alongA&&(-1===f.alongB?l(t,c):0===f.alongB?l(t,f.pt):1===f.alongB&&l(t,u)),0===f.alongB&&(-1===f.alongA?l(n,o):0===f.alongA?l(n,f.pt):1===f.alongA&&l(n,s));return!1}for(var f=[];!a.isEmpty();){var h=a.getHead();if(r&&r.vert(h.pt[0]),h.isStart){r&&r.segmentNew(h.seg,h.primary);var p=c(h),d=p.before?p.before.ev:null,g=p.after?p.after.ev:null;function m(){if(d){var t=u(h,d);if(t)return t}return!!g&&u(h,g)}r&&r.tempStatus(h.seg,!!d&&d.seg,!!g&&g.seg);var v,y=m();if(y){var x;if(t)(x=null===h.seg.myFill.below||h.seg.myFill.above!==h.seg.myFill.below)&&(y.seg.myFill.above=!y.seg.myFill.above);else y.seg.otherFill=h.seg.myFill;r&&r.segmentUpdate(y.seg),h.other.remove(),h.remove()}if(a.getHead()!==h){r&&r.rewind(h.seg);continue}if(t)x=null===h.seg.myFill.below||h.seg.myFill.above!==h.seg.myFill.below,h.seg.myFill.below=g?g.seg.myFill.above:i,h.seg.myFill.above=x?!h.seg.myFill.below:h.seg.myFill.below;else if(null===h.seg.otherFill)v=g?h.primary===g.primary?g.seg.otherFill.above:g.seg.myFill.above:h.primary?o:i,h.seg.otherFill={above:v,below:v};r&&r.status(h.seg,!!d&&d.seg,!!g&&g.seg),h.other.status=p.insert(n.node({ev:h}))}else{var b=h.status;if(null===b)throw new Error("PolyBool: Zero-length segment detected; your epsilon is probably too small or too large");if(s.exists(b.prev)&&s.exists(b.next)&&u(b.prev.ev,b.next.ev),r&&r.statusRemove(b.ev.seg),b.remove(),!h.primary){var _=h.seg.myFill;h.seg.myFill=h.seg.otherFill,h.seg.otherFill=_}f.push(h.seg)}a.getHead().remove()}return r&&r.done(),f}return t?{addRegion:function(t){for(var n,i,a,o=t[t.length-1],l=0;l=c?(k=1,y=c+2*h+d):y=h*(k=-h/c)+d):(k=0,p>=0?(M=0,y=d):-p>=f?(M=1,y=f+2*p+d):y=p*(M=-p/f)+d);else if(M<0)M=0,h>=0?(k=0,y=d):-h>=c?(k=1,y=c+2*h+d):y=h*(k=-h/c)+d;else{var A=1/T;y=(k*=A)*(c*k+u*(M*=A)+2*h)+M*(u*k+f*M+2*p)+d}else k<0?(b=f+p)>(x=u+h)?(_=b-x)>=(w=c-2*u+f)?(k=1,M=0,y=c+2*h+d):y=(k=_/w)*(c*k+u*(M=1-k)+2*h)+M*(u*k+f*M+2*p)+d:(k=0,b<=0?(M=1,y=f+2*p+d):p>=0?(M=0,y=d):y=p*(M=-p/f)+d):M<0?(b=c+h)>(x=u+p)?(_=b-x)>=(w=c-2*u+f)?(M=1,k=0,y=f+2*p+d):y=(k=1-(M=_/w))*(c*k+u*M+2*h)+M*(u*k+f*M+2*p)+d:(M=0,b<=0?(k=1,y=c+2*h+d):h>=0?(k=0,y=d):y=h*(k=-h/c)+d):(_=f+p-u-h)<=0?(k=0,M=1,y=f+2*p+d):_>=(w=c-2*u+f)?(k=1,M=0,y=c+2*h+d):y=(k=_/w)*(c*k+u*(M=1-k)+2*h)+M*(u*k+f*M+2*p)+d;var S=1-k-M;for(l=0;l1)for(var r=1;r0){var c=t[r-1];if(0===n(s,c)&&a(c)!==l){r-=1;continue}}t[r++]=s}}return t.length=r,t}},{"cell-orientation":117,"compare-cell":133,"compare-oriented-cell":134}],534:[function(t,e,r){"use strict";var n=t("array-bounds"),i=t("color-normalize"),a=t("update-diff"),o=t("pick-by-alias"),s=t("object-assign"),l=t("flatten-vertex-data"),c=t("to-float32"),u=c.float32,f=c.fract32;e.exports=function(t,e){"function"==typeof t?(e||(e={}),e.regl=t):e=t;e.length&&(e.positions=e);if(!(t=e.regl).hasExtension("ANGLE_instanced_arrays"))throw Error("regl-error2d: `ANGLE_instanced_arrays` extension should be enabled");var r,c,p,d,g,m,v=t._gl,y={color:"black",capSize:5,lineWidth:1,opacity:1,viewport:null,range:null,offset:0,count:0,bounds:null,positions:[],errors:[]},x=[];return d=t.buffer({usage:"dynamic",type:"uint8",data:new Uint8Array(0)}),c=t.buffer({usage:"dynamic",type:"float",data:new Uint8Array(0)}),p=t.buffer({usage:"dynamic",type:"float",data:new Uint8Array(0)}),g=t.buffer({usage:"dynamic",type:"float",data:new Uint8Array(0)}),m=t.buffer({usage:"static",type:"float",data:h}),T(e),r=t({vert:"\n\t\tprecision highp float;\n\n\t\tattribute vec2 position, positionFract;\n\t\tattribute vec4 error;\n\t\tattribute vec4 color;\n\n\t\tattribute vec2 direction, lineOffset, capOffset;\n\n\t\tuniform vec4 viewport;\n\t\tuniform float lineWidth, capSize;\n\t\tuniform vec2 scale, scaleFract, translate, translateFract;\n\n\t\tvarying vec4 fragColor;\n\n\t\tvoid main() {\n\t\t\tfragColor = color / 255.;\n\n\t\t\tvec2 pixelOffset = lineWidth * lineOffset + (capSize + lineWidth) * capOffset;\n\n\t\t\tvec2 dxy = -step(.5, direction.xy) * error.xz + step(direction.xy, vec2(-.5)) * error.yw;\n\n\t\t\tvec2 position = position + dxy;\n\n\t\t\tvec2 pos = (position + translate) * scale\n\t\t\t\t+ (positionFract + translateFract) * scale\n\t\t\t\t+ (position + translate) * scaleFract\n\t\t\t\t+ (positionFract + translateFract) * scaleFract;\n\n\t\t\tpos += pixelOffset / viewport.zw;\n\n\t\t\tgl_Position = vec4(pos * 2. - 1., 0, 1);\n\t\t}\n\t\t",frag:"\n\t\tprecision highp float;\n\n\t\tvarying vec4 fragColor;\n\n\t\tuniform float opacity;\n\n\t\tvoid main() {\n\t\t\tgl_FragColor = fragColor;\n\t\t\tgl_FragColor.a *= opacity;\n\t\t}\n\t\t",uniforms:{range:t.prop("range"),lineWidth:t.prop("lineWidth"),capSize:t.prop("capSize"),opacity:t.prop("opacity"),scale:t.prop("scale"),translate:t.prop("translate"),scaleFract:t.prop("scaleFract"),translateFract:t.prop("translateFract"),viewport:function(t,e){return[e.viewport.x,e.viewport.y,t.viewportWidth,t.viewportHeight]}},attributes:{color:{buffer:d,offset:function(t,e){return 4*e.offset},divisor:1},position:{buffer:c,offset:function(t,e){return 8*e.offset},divisor:1},positionFract:{buffer:p,offset:function(t,e){return 8*e.offset},divisor:1},error:{buffer:g,offset:function(t,e){return 16*e.offset},divisor:1},direction:{buffer:m,stride:24,offset:0},lineOffset:{buffer:m,stride:24,offset:8},capOffset:{buffer:m,stride:24,offset:16}},primitive:"triangles",blend:{enable:!0,color:[0,0,0,0],equation:{rgb:"add",alpha:"add"},func:{srcRGB:"src alpha",dstRGB:"one minus src alpha",srcAlpha:"one minus dst alpha",dstAlpha:"one"}},depth:{enable:!1},scissor:{enable:!0,box:t.prop("viewport")},viewport:t.prop("viewport"),stencil:!1,instances:t.prop("count"),count:h.length}),s(b,{update:T,draw:_,destroy:k,regl:t,gl:v,canvas:v.canvas,groups:x}),b;function b(t){t?T(t):null===t&&k(),_()}function _(e){if("number"==typeof e)return w(e);e&&!Array.isArray(e)&&(e=[e]),t._refresh(),x.forEach((function(t,r){t&&(e&&(e[r]?t.draw=!0:t.draw=!1),t.draw?w(r):t.draw=!0)}))}function w(t){"number"==typeof t&&(t=x[t]),null!=t&&t&&t.count&&t.color&&t.opacity&&t.positions&&t.positions.length>1&&(t.scaleRatio=[t.scale[0]*t.viewport.width,t.scale[1]*t.viewport.height],r(t),t.after&&t.after(t))}function T(t){if(t){null!=t.length?"number"==typeof t[0]&&(t=[{positions:t}]):Array.isArray(t)||(t=[t]);var e=0,r=0;if(b.groups=x=t.map((function(t,c){var u=x[c];return t?("function"==typeof t?t={after:t}:"number"==typeof t[0]&&(t={positions:t}),t=o(t,{color:"color colors fill",capSize:"capSize cap capsize cap-size",lineWidth:"lineWidth line-width width line thickness",opacity:"opacity alpha",range:"range dataBox",viewport:"viewport viewBox",errors:"errors error",positions:"positions position data points"}),u||(x[c]=u={id:c,scale:null,translate:null,scaleFract:null,translateFract:null,draw:!0},t=s({},y,t)),a(u,t,[{lineWidth:function(t){return.5*+t},capSize:function(t){return.5*+t},opacity:parseFloat,errors:function(t){return t=l(t),r+=t.length,t},positions:function(t,r){return t=l(t,"float64"),r.count=Math.floor(t.length/2),r.bounds=n(t,2),r.offset=e,e+=r.count,t}},{color:function(t,e){var r=e.count;if(t||(t="transparent"),!Array.isArray(t)||"number"==typeof t[0]){var n=t;t=Array(r);for(var a=0;a 0. && baClipping < length(normalWidth * endBotJoin)) {\n\t\t//handle miter clipping\n\t\tbTopCoord -= normalWidth * endTopJoin;\n\t\tbTopCoord += normalize(endTopJoin * normalWidth) * baClipping;\n\t}\n\n\tif (nextReverse) {\n\t\t//make join rectangular\n\t\tvec2 miterShift = normalWidth * endJoinDirection * miterLimit * .5;\n\t\tfloat normalAdjust = 1. - min(miterLimit / endMiterRatio, 1.);\n\t\tbBotCoord = bCoord + miterShift - normalAdjust * normalWidth * currNormal * .5;\n\t\tbTopCoord = bCoord + miterShift + normalAdjust * normalWidth * currNormal * .5;\n\t}\n\telse if (!prevReverse && abClipping > 0. && abClipping < length(normalWidth * startBotJoin)) {\n\t\t//handle miter clipping\n\t\taBotCoord -= normalWidth * startBotJoin;\n\t\taBotCoord += normalize(startBotJoin * normalWidth) * abClipping;\n\t}\n\n\tvec2 aTopPosition = (aTopCoord) * adjustedScale + translate;\n\tvec2 aBotPosition = (aBotCoord) * adjustedScale + translate;\n\n\tvec2 bTopPosition = (bTopCoord) * adjustedScale + translate;\n\tvec2 bBotPosition = (bBotCoord) * adjustedScale + translate;\n\n\t//position is normalized 0..1 coord on the screen\n\tvec2 position = (aTopPosition * lineTop + aBotPosition * lineBot) * lineStart + (bTopPosition * lineTop + bBotPosition * lineBot) * lineEnd;\n\n\tstartCoord = aCoord * scaleRatio + translate * viewport.zw + viewport.xy;\n\tendCoord = bCoord * scaleRatio + translate * viewport.zw + viewport.xy;\n\n\tgl_Position = vec4(position * 2.0 - 1.0, depth, 1);\n\n\tenableStartMiter = step(dot(currTangent, prevTangent), .5);\n\tenableEndMiter = step(dot(currTangent, nextTangent), .5);\n\n\t//bevel miter cutoffs\n\tif (miterMode == 1.) {\n\t\tif (enableStartMiter == 1.) {\n\t\t\tvec2 startMiterWidth = vec2(startJoinDirection) * thickness * miterLimit * .5;\n\t\t\tstartCutoff = vec4(aCoord, aCoord);\n\t\t\tstartCutoff.zw += vec2(-startJoinDirection.y, startJoinDirection.x) / scaleRatio;\n\t\t\tstartCutoff = startCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\n\t\t\tstartCutoff += viewport.xyxy;\n\t\t\tstartCutoff += startMiterWidth.xyxy;\n\t\t}\n\n\t\tif (enableEndMiter == 1.) {\n\t\t\tvec2 endMiterWidth = vec2(endJoinDirection) * thickness * miterLimit * .5;\n\t\t\tendCutoff = vec4(bCoord, bCoord);\n\t\t\tendCutoff.zw += vec2(-endJoinDirection.y, endJoinDirection.x) / scaleRatio;\n\t\t\tendCutoff = endCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\n\t\t\tendCutoff += viewport.xyxy;\n\t\t\tendCutoff += endMiterWidth.xyxy;\n\t\t}\n\t}\n\n\t//round miter cutoffs\n\telse if (miterMode == 2.) {\n\t\tif (enableStartMiter == 1.) {\n\t\t\tvec2 startMiterWidth = vec2(startJoinDirection) * thickness * abs(dot(startJoinDirection, currNormal)) * .5;\n\t\t\tstartCutoff = vec4(aCoord, aCoord);\n\t\t\tstartCutoff.zw += vec2(-startJoinDirection.y, startJoinDirection.x) / scaleRatio;\n\t\t\tstartCutoff = startCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\n\t\t\tstartCutoff += viewport.xyxy;\n\t\t\tstartCutoff += startMiterWidth.xyxy;\n\t\t}\n\n\t\tif (enableEndMiter == 1.) {\n\t\t\tvec2 endMiterWidth = vec2(endJoinDirection) * thickness * abs(dot(endJoinDirection, currNormal)) * .5;\n\t\t\tendCutoff = vec4(bCoord, bCoord);\n\t\t\tendCutoff.zw += vec2(-endJoinDirection.y, endJoinDirection.x) / scaleRatio;\n\t\t\tendCutoff = endCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\n\t\t\tendCutoff += viewport.xyxy;\n\t\t\tendCutoff += endMiterWidth.xyxy;\n\t\t}\n\t}\n}\n"]),frag:o(["precision highp float;\n#define GLSLIFY 1\n\nuniform sampler2D dashPattern;\nuniform float dashSize, pixelRatio, thickness, opacity, id, miterMode;\n\nvarying vec4 fragColor;\nvarying vec2 tangent;\nvarying vec4 startCutoff, endCutoff;\nvarying vec2 startCoord, endCoord;\nvarying float enableStartMiter, enableEndMiter;\n\nfloat distToLine(vec2 p, vec2 a, vec2 b) {\n\tvec2 diff = b - a;\n\tvec2 perp = normalize(vec2(-diff.y, diff.x));\n\treturn dot(p - a, perp);\n}\n\nvoid main() {\n\tfloat alpha = 1., distToStart, distToEnd;\n\tfloat cutoff = thickness * .5;\n\n\t//bevel miter\n\tif (miterMode == 1.) {\n\t\tif (enableStartMiter == 1.) {\n\t\t\tdistToStart = distToLine(gl_FragCoord.xy, startCutoff.xy, startCutoff.zw);\n\t\t\tif (distToStart < -1.) {\n\t\t\t\tdiscard;\n\t\t\t\treturn;\n\t\t\t}\n\t\t\talpha *= min(max(distToStart + 1., 0.), 1.);\n\t\t}\n\n\t\tif (enableEndMiter == 1.) {\n\t\t\tdistToEnd = distToLine(gl_FragCoord.xy, endCutoff.xy, endCutoff.zw);\n\t\t\tif (distToEnd < -1.) {\n\t\t\t\tdiscard;\n\t\t\t\treturn;\n\t\t\t}\n\t\t\talpha *= min(max(distToEnd + 1., 0.), 1.);\n\t\t}\n\t}\n\n\t// round miter\n\telse if (miterMode == 2.) {\n\t\tif (enableStartMiter == 1.) {\n\t\t\tdistToStart = distToLine(gl_FragCoord.xy, startCutoff.xy, startCutoff.zw);\n\t\t\tif (distToStart < 0.) {\n\t\t\t\tfloat radius = length(gl_FragCoord.xy - startCoord);\n\n\t\t\t\tif(radius > cutoff + .5) {\n\t\t\t\t\tdiscard;\n\t\t\t\t\treturn;\n\t\t\t\t}\n\n\t\t\t\talpha -= smoothstep(cutoff - .5, cutoff + .5, radius);\n\t\t\t}\n\t\t}\n\n\t\tif (enableEndMiter == 1.) {\n\t\t\tdistToEnd = distToLine(gl_FragCoord.xy, endCutoff.xy, endCutoff.zw);\n\t\t\tif (distToEnd < 0.) {\n\t\t\t\tfloat radius = length(gl_FragCoord.xy - endCoord);\n\n\t\t\t\tif(radius > cutoff + .5) {\n\t\t\t\t\tdiscard;\n\t\t\t\t\treturn;\n\t\t\t\t}\n\n\t\t\t\talpha -= smoothstep(cutoff - .5, cutoff + .5, radius);\n\t\t\t}\n\t\t}\n\t}\n\n\tfloat t = fract(dot(tangent, gl_FragCoord.xy) / dashSize) * .5 + .25;\n\tfloat dash = texture2D(dashPattern, vec2(t, .5)).r;\n\n\tgl_FragColor = fragColor;\n\tgl_FragColor.a *= alpha * opacity * dash;\n}\n"]),attributes:{lineEnd:{buffer:r,divisor:0,stride:8,offset:0},lineTop:{buffer:r,divisor:0,stride:8,offset:4},aColor:{buffer:t.prop("colorBuffer"),stride:4,offset:0,divisor:1},bColor:{buffer:t.prop("colorBuffer"),stride:4,offset:4,divisor:1},prevCoord:{buffer:t.prop("positionBuffer"),stride:8,offset:0,divisor:1},aCoord:{buffer:t.prop("positionBuffer"),stride:8,offset:8,divisor:1},bCoord:{buffer:t.prop("positionBuffer"),stride:8,offset:16,divisor:1},nextCoord:{buffer:t.prop("positionBuffer"),stride:8,offset:24,divisor:1}}},n))}catch(t){e=i}return{fill:t({primitive:"triangle",elements:function(t,e){return e.triangles},offset:0,vert:o(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec2 position, positionFract;\n\nuniform vec4 color;\nuniform vec2 scale, scaleFract, translate, translateFract;\nuniform float pixelRatio, id;\nuniform vec4 viewport;\nuniform float opacity;\n\nvarying vec4 fragColor;\n\nconst float MAX_LINES = 256.;\n\nvoid main() {\n\tfloat depth = (MAX_LINES - 4. - id) / (MAX_LINES);\n\n\tvec2 position = position * scale + translate\n + positionFract * scale + translateFract\n + position * scaleFract\n + positionFract * scaleFract;\n\n\tgl_Position = vec4(position * 2.0 - 1.0, depth, 1);\n\n\tfragColor = color / 255.;\n\tfragColor.a *= opacity;\n}\n"]),frag:o(["precision highp float;\n#define GLSLIFY 1\n\nvarying vec4 fragColor;\n\nvoid main() {\n\tgl_FragColor = fragColor;\n}\n"]),uniforms:{scale:t.prop("scale"),color:t.prop("fill"),scaleFract:t.prop("scaleFract"),translateFract:t.prop("translateFract"),translate:t.prop("translate"),opacity:t.prop("opacity"),pixelRatio:t.context("pixelRatio"),id:t.prop("id"),viewport:function(t,e){return[e.viewport.x,e.viewport.y,t.viewportWidth,t.viewportHeight]}},attributes:{position:{buffer:t.prop("positionBuffer"),stride:8,offset:8},positionFract:{buffer:t.prop("positionFractBuffer"),stride:8,offset:8}},blend:n.blend,depth:{enable:!1},scissor:n.scissor,stencil:n.stencil,viewport:n.viewport}),rect:i,miter:e}},m.defaults={dashes:null,join:"miter",miterLimit:1,thickness:10,cap:"square",color:"black",opacity:1,overlay:!1,viewport:null,range:null,close:!1,fill:null},m.prototype.render=function(){for(var t,e=[],r=arguments.length;r--;)e[r]=arguments[r];e.length&&(t=this).update.apply(t,e),this.draw()},m.prototype.draw=function(){for(var t=this,e=[],r=arguments.length;r--;)e[r]=arguments[r];return(e.length?e:this.passes).forEach((function(e,r){var n;if(e&&Array.isArray(e))return(n=t).draw.apply(n,e);"number"==typeof e&&(e=t.passes[e]),e&&e.count>1&&e.opacity&&(t.regl._refresh(),e.fill&&e.triangles&&e.triangles.length>2&&t.shaders.fill(e),e.thickness&&(e.scale[0]*e.viewport.width>m.precisionThreshold||e.scale[1]*e.viewport.height>m.precisionThreshold||"rect"===e.join||!e.join&&(e.thickness<=2||e.count>=m.maxPoints)?t.shaders.rect(e):t.shaders.miter(e)))})),this},m.prototype.update=function(t){var e=this;if(t){null!=t.length?"number"==typeof t[0]&&(t=[{positions:t}]):Array.isArray(t)||(t=[t]);var r=this.regl,o=this.gl;if(t.forEach((function(t,f){var d=e.passes[f];if(void 0!==t)if(null!==t){if("number"==typeof t[0]&&(t={positions:t}),t=s(t,{positions:"positions points data coords",thickness:"thickness lineWidth lineWidths line-width linewidth width stroke-width strokewidth strokeWidth",join:"lineJoin linejoin join type mode",miterLimit:"miterlimit miterLimit",dashes:"dash dashes dasharray dash-array dashArray",color:"color colour stroke colors colours stroke-color strokeColor",fill:"fill fill-color fillColor",opacity:"alpha opacity",overlay:"overlay crease overlap intersect",close:"closed close closed-path closePath",range:"range dataBox",viewport:"viewport viewBox",hole:"holes hole hollow"}),d||(e.passes[f]=d={id:f,scale:null,scaleFract:null,translate:null,translateFract:null,count:0,hole:[],depth:0,dashLength:1,dashTexture:r.texture({channels:1,data:new Uint8Array([255]),width:1,height:1,mag:"linear",min:"linear"}),colorBuffer:r.buffer({usage:"dynamic",type:"uint8",data:new Uint8Array}),positionBuffer:r.buffer({usage:"dynamic",type:"float",data:new Uint8Array}),positionFractBuffer:r.buffer({usage:"dynamic",type:"float",data:new Uint8Array})},t=a({},m.defaults,t)),null!=t.thickness&&(d.thickness=parseFloat(t.thickness)),null!=t.opacity&&(d.opacity=parseFloat(t.opacity)),null!=t.miterLimit&&(d.miterLimit=parseFloat(t.miterLimit)),null!=t.overlay&&(d.overlay=!!t.overlay,ft.length)&&(e=t.length);for(var r=0,n=new Array(e);r 1.0 + delta) {\n\t\tdiscard;\n\t}\n\n\talpha -= smoothstep(1.0 - delta, 1.0 + delta, radius);\n\n\tfloat borderRadius = fragBorderRadius;\n\tfloat ratio = smoothstep(borderRadius - delta, borderRadius + delta, radius);\n\tvec4 color = mix(fragColor, fragBorderColor, ratio);\n\tcolor.a *= alpha * opacity;\n\tgl_FragColor = color;\n}\n"]),l.vert=h(["precision highp float;\n#define GLSLIFY 1\n\nattribute float x, y, xFract, yFract;\nattribute float size, borderSize;\nattribute vec4 colorId, borderColorId;\nattribute float isActive;\n\nuniform vec2 scale, scaleFract, translate, translateFract;\nuniform float pixelRatio;\nuniform bool constPointSize;\nuniform sampler2D palette;\nuniform vec2 paletteSize;\n\nconst float maxSize = 100.;\n\nvarying vec4 fragColor, fragBorderColor;\nvarying float fragBorderRadius, fragWidth;\n\nfloat pointSizeScale = (constPointSize) ? 2. : pixelRatio;\n\nbool isDirect = (paletteSize.x < 1.);\n\nvec4 getColor(vec4 id) {\n return isDirect ? id / 255. : texture2D(palette,\n vec2(\n (id.x + .5) / paletteSize.x,\n (id.y + .5) / paletteSize.y\n )\n );\n}\n\nvoid main() {\n // ignore inactive points\n if (isActive == 0.) return;\n\n vec2 position = vec2(x, y);\n vec2 positionFract = vec2(xFract, yFract);\n\n vec4 color = getColor(colorId);\n vec4 borderColor = getColor(borderColorId);\n\n float size = size * maxSize / 255.;\n float borderSize = borderSize * maxSize / 255.;\n\n gl_PointSize = (size + borderSize) * pointSizeScale;\n\n vec2 pos = (position + translate) * scale\n + (positionFract + translateFract) * scale\n + (position + translate) * scaleFract\n + (positionFract + translateFract) * scaleFract;\n\n gl_Position = vec4(pos * 2. - 1., 0., 1.);\n\n fragBorderRadius = 1. - 2. * borderSize / (size + borderSize);\n fragColor = color;\n fragBorderColor = borderColor.a == 0. || borderSize == 0. ? vec4(color.rgb, 0.) : borderColor;\n fragWidth = 1. / gl_PointSize;\n}\n"]),m&&(l.frag=l.frag.replace("smoothstep","smoothStep"),s.frag=s.frag.replace("smoothstep","smoothStep")),this.drawCircle=t(l)}b.defaults={color:"black",borderColor:"transparent",borderSize:0,size:12,opacity:1,marker:void 0,viewport:null,range:null,pixelSize:null,count:0,offset:0,bounds:null,positions:[],snap:1e4},b.prototype.render=function(){return arguments.length&&this.update.apply(this,arguments),this.draw(),this},b.prototype.draw=function(){for(var t=this,e=arguments.length,r=new Array(e),n=0;nn)?e.tree=u(t,{bounds:f}):n&&n.length&&(e.tree=n),e.tree){var h={primitive:"points",usage:"static",data:e.tree,type:"uint32"};e.elements?e.elements(h):e.elements=o.elements(h)}return i({data:v.float(t),usage:"dynamic"}),a({data:v.fract(t),usage:"dynamic"}),s({data:new Uint8Array(c),type:"uint8",usage:"stream"}),t}},{marker:function(e,r,n){var i=r.activation;if(i.forEach((function(t){return t&&t.destroy&&t.destroy()})),i.length=0,e&&"number"!=typeof e[0]){for(var a=[],s=0,l=Math.min(e.length,r.count);s=0)return a;if(t instanceof Uint8Array||t instanceof Uint8ClampedArray)e=t;else{e=new Uint8Array(t.length);for(var o=0,s=t.length;o4*n&&(this.tooManyColors=!0),this.updatePalette(r),1===i.length?i[0]:i},b.prototype.updatePalette=function(t){if(!this.tooManyColors){var e=this.maxColors,r=this.paletteTexture,n=Math.ceil(.25*t.length/e);if(n>1)for(var i=.25*(t=t.slice()).length%e;i2?(s[0],s[2],n=s[1],i=s[3]):s.length?(n=s[0],i=s[1]):(s.x,n=s.y,s.x+s.width,i=s.y+s.height),l.length>2?(a=l[0],o=l[2],l[1],l[3]):l.length?(a=l[0],o=l[1]):(a=l.x,l.y,o=l.x+l.width,l.y+l.height),[a,n,o,i]}function p(t){if("number"==typeof t)return[t,t,t,t];if(2===t.length)return[t[0],t[1],t[0],t[1]];var e=l(t);return[e.x,e.y,e.x+e.width,e.y+e.height]}e.exports=u,u.prototype.render=function(){for(var t,e=this,r=[],n=arguments.length;n--;)r[n]=arguments[n];return r.length&&(t=this).update.apply(t,r),this.regl.attributes.preserveDrawingBuffer?this.draw():(this.dirty?null==this.planned&&(this.planned=o((function(){e.draw(),e.dirty=!0,e.planned=null}))):(this.draw(),this.dirty=!0,o((function(){e.dirty=!1}))),this)},u.prototype.update=function(){for(var t,e=[],r=arguments.length;r--;)e[r]=arguments[r];if(e.length){for(var n=0;nk))&&(s.lower||!(T>>=e))<<3,(e|=r=(15<(t>>>=r))<<2)|(r=(3<(t>>>=r))<<1)|t>>>r>>1}function s(){function t(t){t:{for(var e=16;268435456>=e;e*=16)if(t<=e){t=e;break t}t=0}return 0<(e=r[o(t)>>2]).length?e.pop():new ArrayBuffer(t)}function e(t){r[o(t.byteLength)>>2].push(t)}var r=a(8,(function(){return[]}));return{alloc:t,free:e,allocType:function(e,r){var n=null;switch(e){case 5120:n=new Int8Array(t(r),0,r);break;case 5121:n=new Uint8Array(t(r),0,r);break;case 5122:n=new Int16Array(t(2*r),0,r);break;case 5123:n=new Uint16Array(t(2*r),0,r);break;case 5124:n=new Int32Array(t(4*r),0,r);break;case 5125:n=new Uint32Array(t(4*r),0,r);break;case 5126:n=new Float32Array(t(4*r),0,r);break;default:return null}return n.length!==r?n.subarray(0,r):n},freeType:function(t){e(t.buffer)}}}function l(t){return!!t&&"object"==typeof t&&Array.isArray(t.shape)&&Array.isArray(t.stride)&&"number"==typeof t.offset&&t.shape.length===t.stride.length&&(Array.isArray(t.data)||X(t.data))}function c(t,e,r,n,i,a){for(var o=0;o(i=s)&&(i=n.buffer.byteLength,5123===f?i>>=1:5125===f&&(i>>=2)),n.vertCount=i,i=o,0>o&&(i=4,1===(o=n.buffer.dimension)&&(i=0),2===o&&(i=1),3===o&&(i=4)),n.primType=i}function o(t){n.elementsCount--,delete s[t.id],t.buffer.destroy(),t.buffer=null}var s={},c=0,u={uint8:5121,uint16:5123};e.oes_element_index_uint&&(u.uint32=5125),i.prototype.bind=function(){this.buffer.bind()};var f=[];return{create:function(t,e){function s(t){if(t)if("number"==typeof t)c(t),f.primType=4,f.vertCount=0|t,f.type=5121;else{var e=null,r=35044,n=-1,i=-1,o=0,h=0;Array.isArray(t)||X(t)||l(t)?e=t:("data"in t&&(e=t.data),"usage"in t&&(r=$[t.usage]),"primitive"in t&&(n=nt[t.primitive]),"count"in t&&(i=0|t.count),"type"in t&&(h=u[t.type]),"length"in t?o=0|t.length:(o=i,5123===h||5122===h?o*=2:5125!==h&&5124!==h||(o*=4))),a(f,e,r,n,i,o,h)}else c(),f.primType=4,f.vertCount=0,f.type=5121;return s}var c=r.create(null,34963,!0),f=new i(c._buffer);return n.elementsCount++,s(t),s._reglType="elements",s._elements=f,s.subdata=function(t,e){return c.subdata(t,e),s},s.destroy=function(){o(f)},s},createStream:function(t){var e=f.pop();return e||(e=new i(r.create(null,34963,!0,!1)._buffer)),a(e,t,35040,-1,-1,0,0),e},destroyStream:function(t){f.push(t)},getElements:function(t){return"function"==typeof t&&t._elements instanceof i?t._elements:null},clear:function(){Z(s).forEach(o)}}}function g(t){for(var e=Y.allocType(5123,t.length),r=0;r>>31<<15,i=(a<<1>>>24)-127,a=a>>13&1023;e[r]=-24>i?n:-14>i?n+(a+1024>>-14-i):15>=i,r.height>>=i,p(r,n[i]),t.mipmask|=1<e;++e)t.images[e]=null;return t}function L(t){for(var e=t.images,r=0;re){for(var r=0;r=--this.refCount&&F(this)}}),o.profile&&(a.getTotalTextureSize=function(){var t=0;return Object.keys(yt).forEach((function(e){t+=yt[e].stats.size})),t}),{create2D:function(e,r){function n(t,e){var r=i.texInfo;I.call(r);var a=C();return"number"==typeof t?A(a,0|t,"number"==typeof e?0|e:0|t):t?(P(r,t),S(a,t)):A(a,1,1),r.genMipmaps&&(a.mipmask=(a.width<<1)-1),i.mipmask=a.mipmask,c(i,a),i.internalformat=a.internalformat,n.width=a.width,n.height=a.height,D(i),E(a,3553),z(r,3553),R(),L(a),o.profile&&(i.stats.size=T(i.internalformat,i.type,a.width,a.height,r.genMipmaps,!1)),n.format=tt[i.internalformat],n.type=et[i.type],n.mag=rt[r.magFilter],n.min=nt[r.minFilter],n.wrapS=it[r.wrapS],n.wrapT=it[r.wrapT],n}var i=new O(3553);return yt[i.id]=i,a.textureCount++,n(e,r),n.subimage=function(t,e,r,a){e|=0,r|=0,a|=0;var o=v();return c(o,i),o.width=0,o.height=0,p(o,t),o.width=o.width||(i.width>>a)-e,o.height=o.height||(i.height>>a)-r,D(i),d(o,3553,e,r,a),R(),k(o),n},n.resize=function(e,r){var a=0|e,s=0|r||a;if(a===i.width&&s===i.height)return n;n.width=i.width=a,n.height=i.height=s,D(i);for(var l=0;i.mipmask>>l;++l){var c=a>>l,u=s>>l;if(!c||!u)break;t.texImage2D(3553,l,i.format,c,u,0,i.format,i.type,null)}return R(),o.profile&&(i.stats.size=T(i.internalformat,i.type,a,s,!1,!1)),n},n._reglType="texture2d",n._texture=i,o.profile&&(n.stats=i.stats),n.destroy=function(){i.decRef()},n},createCube:function(e,r,n,i,s,l){function f(t,e,r,n,i,a){var s,l=h.texInfo;for(I.call(l),s=0;6>s;++s)g[s]=C();if("number"!=typeof t&&t){if("object"==typeof t)if(e)S(g[0],t),S(g[1],e),S(g[2],r),S(g[3],n),S(g[4],i),S(g[5],a);else if(P(l,t),u(h,t),"faces"in t)for(t=t.faces,s=0;6>s;++s)c(g[s],h),S(g[s],t[s]);else for(s=0;6>s;++s)S(g[s],t)}else for(t=0|t||1,s=0;6>s;++s)A(g[s],t,t);for(c(h,g[0]),h.mipmask=l.genMipmaps?(g[0].width<<1)-1:g[0].mipmask,h.internalformat=g[0].internalformat,f.width=g[0].width,f.height=g[0].height,D(h),s=0;6>s;++s)E(g[s],34069+s);for(z(l,34067),R(),o.profile&&(h.stats.size=T(h.internalformat,h.type,f.width,f.height,l.genMipmaps,!0)),f.format=tt[h.internalformat],f.type=et[h.type],f.mag=rt[l.magFilter],f.min=nt[l.minFilter],f.wrapS=it[l.wrapS],f.wrapT=it[l.wrapT],s=0;6>s;++s)L(g[s]);return f}var h=new O(34067);yt[h.id]=h,a.cubeCount++;var g=Array(6);return f(e,r,n,i,s,l),f.subimage=function(t,e,r,n,i){r|=0,n|=0,i|=0;var a=v();return c(a,h),a.width=0,a.height=0,p(a,e),a.width=a.width||(h.width>>i)-r,a.height=a.height||(h.height>>i)-n,D(h),d(a,34069+t,r,n,i),R(),k(a),f},f.resize=function(e){if((e|=0)!==h.width){f.width=h.width=e,f.height=h.height=e,D(h);for(var r=0;6>r;++r)for(var n=0;h.mipmask>>n;++n)t.texImage2D(34069+r,n,h.format,e>>n,e>>n,0,h.format,h.type,null);return R(),o.profile&&(h.stats.size=T(h.internalformat,h.type,f.width,f.height,!1,!0)),f}},f._reglType="textureCube",f._texture=h,o.profile&&(f.stats=h.stats),f.destroy=function(){h.decRef()},f},clear:function(){for(var e=0;er;++r)if(0!=(e.mipmask&1<>r,e.height>>r,0,e.internalformat,e.type,null);else for(var n=0;6>n;++n)t.texImage2D(34069+n,r,e.internalformat,e.width>>r,e.height>>r,0,e.internalformat,e.type,null);z(e.texInfo,e.target)}))}}}function M(t,e,r,n,i,a){function o(t,e,r){this.target=t,this.texture=e,this.renderbuffer=r;var n=t=0;e?(t=e.width,n=e.height):r&&(t=r.width,n=r.height),this.width=t,this.height=n}function s(t){t&&(t.texture&&t.texture._texture.decRef(),t.renderbuffer&&t.renderbuffer._renderbuffer.decRef())}function l(t,e,r){t&&(t.texture?t.texture._texture.refCount+=1:t.renderbuffer._renderbuffer.refCount+=1)}function c(e,r){r&&(r.texture?t.framebufferTexture2D(36160,e,r.target,r.texture._texture.texture,0):t.framebufferRenderbuffer(36160,e,36161,r.renderbuffer._renderbuffer.renderbuffer))}function u(t){var e=3553,r=null,n=null,i=t;return"object"==typeof t&&(i=t.data,"target"in t&&(e=0|t.target)),"texture2d"===(t=i._reglType)||"textureCube"===t?r=i:"renderbuffer"===t&&(n=i,e=36161),new o(e,r,n)}function f(t,e,r,a,s){return r?((t=n.create2D({width:t,height:e,format:a,type:s}))._texture.refCount=0,new o(3553,t,null)):((t=i.create({width:t,height:e,format:a}))._renderbuffer.refCount=0,new o(36161,null,t))}function h(t){return t&&(t.texture||t.renderbuffer)}function p(t,e,r){t&&(t.texture?t.texture.resize(e,r):t.renderbuffer&&t.renderbuffer.resize(e,r),t.width=e,t.height=r)}function d(){this.id=T++,k[this.id]=this,this.framebuffer=t.createFramebuffer(),this.height=this.width=0,this.colorAttachments=[],this.depthStencilAttachment=this.stencilAttachment=this.depthAttachment=null}function g(t){t.colorAttachments.forEach(s),s(t.depthAttachment),s(t.stencilAttachment),s(t.depthStencilAttachment)}function m(e){t.deleteFramebuffer(e.framebuffer),e.framebuffer=null,a.framebufferCount--,delete k[e.id]}function v(e){var n;t.bindFramebuffer(36160,e.framebuffer);var i=e.colorAttachments;for(n=0;ni;++i){for(c=0;ct;++t)r[t].resize(n);return e.width=e.height=n,e},_reglType:"framebufferCube",destroy:function(){r.forEach((function(t){t.destroy()}))}})},clear:function(){Z(k).forEach(m)},restore:function(){x.cur=null,x.next=null,x.dirty=!0,Z(k).forEach((function(e){e.framebuffer=t.createFramebuffer(),v(e)}))}})}function A(){this.w=this.z=this.y=this.x=this.state=0,this.buffer=null,this.size=0,this.normalized=!1,this.type=5126,this.divisor=this.stride=this.offset=0}function S(t,e,r,n,i){function a(){this.id=++c,this.attributes=[];var t=e.oes_vertex_array_object;this.vao=t?t.createVertexArrayOES():null,u[this.id]=this,this.buffers=[]}var o=r.maxAttributes,s=Array(o);for(r=0;rt&&(t=e.stats.uniformsCount)})),t},r.getMaxAttributesCount=function(){var t=0;return h.forEach((function(e){e.stats.attributesCount>t&&(t=e.stats.attributesCount)})),t}),{clear:function(){var e=t.deleteShader.bind(t);Z(c).forEach(e),c={},Z(u).forEach(e),u={},h.forEach((function(e){t.deleteProgram(e.program)})),h.length=0,f={},r.shaderCount=0},program:function(t,e,n,i){var a=f[e];a||(a=f[e]={});var o=a[t];return o&&!i?o:(e=new s(e,t),r.shaderCount++,l(e,n,i),o||(a[t]=e),h.push(e),e)},restore:function(){c={},u={};for(var t=0;t"+e+"?"+i+".constant["+e+"]:0;"})).join(""),"}}else{","if(",s,"(",i,".buffer)){",u,"=",a,".createStream(",34962,",",i,".buffer);","}else{",u,"=",a,".getBuffer(",i,".buffer);","}",f,'="type" in ',i,"?",o.glTypes,"[",i,".type]:",u,".dtype;",l.normalized,"=!!",i,".normalized;"),n("size"),n("offset"),n("stride"),n("divisor"),r("}}"),r.exit("if(",l.isStream,"){",a,".destroyStream(",u,");","}"),l}))})),o}function M(t,e,n,i,o){function s(t){var e=c[t];e&&(h[t]=e)}var l=function(t,e){if("string"==typeof(r=t.static).frag&&"string"==typeof r.vert){if(0>1)",s],");")}function e(){r(l,".drawArraysInstancedANGLE(",[d,g,m,s],");")}p?y?t():(r("if(",p,"){"),t(),r("}else{"),e(),r("}")):e()}function o(){function t(){r(u+".drawElements("+[d,m,v,g+"<<(("+v+"-5121)>>1)"]+");")}function e(){r(u+".drawArrays("+[d,g,m]+");")}p?y?t():(r("if(",p,"){"),t(),r("}else{"),e(),r("}")):e()}var s,l,c=t.shared,u=c.gl,f=c.draw,h=n.draw,p=function(){var i=h.elements,a=e;return i?((i.contextDep&&n.contextDynamic||i.propDep)&&(a=r),i=i.append(t,a)):i=a.def(f,".","elements"),i&&a("if("+i+")"+u+".bindBuffer(34963,"+i+".buffer.buffer);"),i}(),d=i("primitive"),g=i("offset"),m=function(){var i=h.count,a=e;return i?((i.contextDep&&n.contextDynamic||i.propDep)&&(a=r),i=i.append(t,a)):i=a.def(f,".","count"),i}();if("number"==typeof m){if(0===m)return}else r("if(",m,"){"),r.exit("}");K&&(s=i("instances"),l=t.instancing);var v=p+".type",y=h.elements&&R(h.elements);K&&("number"!=typeof s||0<=s)?"string"==typeof s?(r("if(",s,">0){"),a(),r("}else if(",s,"<0){"),o(),r("}")):a():o()}function V(t,e,r,n,i){return i=(e=b()).proc("body",i),K&&(e.instancing=i.def(e.shared.extensions,".angle_instanced_arrays")),t(e,i,r,n),e.compile().body}function H(t,e,r,n){L(t,e),r.useVAO?r.drawVAO?e(t.shared.vao,".setVAO(",r.drawVAO.append(t,e),");"):e(t.shared.vao,".setVAO(",t.shared.vao,".targetVAO);"):(e(t.shared.vao,".setVAO(null);"),N(t,e,r,n.attributes,(function(){return!0}))),j(t,e,r,n.uniforms,(function(){return!0})),U(t,e,e,r)}function G(t,e,r,n){function i(){return!0}t.batchId="a1",L(t,e),N(t,e,r,n.attributes,i),j(t,e,r,n.uniforms,i),U(t,e,e,r)}function Y(t,e,r,n){function i(t){return t.contextDep&&o||t.propDep}function a(t){return!i(t)}L(t,e);var o=r.contextDep,s=e.def(),l=e.def();t.shared.props=l,t.batchId=s;var c=t.scope(),u=t.scope();e(c.entry,"for(",s,"=0;",s,"<","a1",";++",s,"){",l,"=","a0","[",s,"];",u,"}",c.exit),r.needsContext&&A(t,u,r.context),r.needsFramebuffer&&S(t,u,r.framebuffer),C(t,u,r.state,i),r.profile&&i(r.profile)&&I(t,u,r,!1,!0),n?(r.useVAO?r.drawVAO?i(r.drawVAO)?u(t.shared.vao,".setVAO(",r.drawVAO.append(t,u),");"):c(t.shared.vao,".setVAO(",r.drawVAO.append(t,c),");"):c(t.shared.vao,".setVAO(",t.shared.vao,".targetVAO);"):(c(t.shared.vao,".setVAO(null);"),N(t,c,r,n.attributes,a),N(t,u,r,n.attributes,i)),j(t,c,r,n.uniforms,a),j(t,u,r,n.uniforms,i),U(t,c,u,r)):(e=t.global.def("{}"),n=r.shader.progVar.append(t,u),l=u.def(n,".id"),c=u.def(e,"[",l,"]"),u(t.shared.gl,".useProgram(",n,".program);","if(!",c,"){",c,"=",e,"[",l,"]=",t.link((function(e){return V(G,t,r,e,2)})),"(",n,");}",c,".call(this,a0[",s,"],",s,");"))}function W(t,r){function n(e){var n=r.shader[e];n&&i.set(a.shader,"."+e,n.append(t,i))}var i=t.proc("scope",3);t.batchId="a2";var a=t.shared,o=a.current;A(t,i,r.context),r.framebuffer&&r.framebuffer.append(t,i),O(Object.keys(r.state)).forEach((function(e){var n=r.state[e].append(t,i);m(n)?n.forEach((function(r,n){i.set(t.next[e],"["+n+"]",r)})):i.set(a.next,"."+e,n)})),I(t,i,r,!0,!0),["elements","offset","count","instances","primitive"].forEach((function(e){var n=r.draw[e];n&&i.set(a.draw,"."+e,""+n.append(t,i))})),Object.keys(r.uniforms).forEach((function(n){i.set(a.uniforms,"["+e.id(n)+"]",r.uniforms[n].append(t,i))})),Object.keys(r.attributes).forEach((function(e){var n=r.attributes[e].append(t,i),a=t.scopeAttrib(e);Object.keys(new Z).forEach((function(t){i.set(a,"."+t,n[t])}))})),r.scopeVAO&&i.set(a.vao,".targetVAO",r.scopeVAO.append(t,i)),n("vert"),n("frag"),0=--this.refCount&&o(this)},i.profile&&(n.getTotalRenderbufferSize=function(){var t=0;return Object.keys(u).forEach((function(e){t+=u[e].stats.size})),t}),{create:function(e,r){function o(e,r){var n=0,a=0,u=32854;if("object"==typeof e&&e?("shape"in e?(n=0|(a=e.shape)[0],a=0|a[1]):("radius"in e&&(n=a=0|e.radius),"width"in e&&(n=0|e.width),"height"in e&&(a=0|e.height)),"format"in e&&(u=s[e.format])):"number"==typeof e?(n=0|e,a="number"==typeof r?0|r:n):e||(n=a=1),n!==c.width||a!==c.height||u!==c.format)return o.width=c.width=n,o.height=c.height=a,c.format=u,t.bindRenderbuffer(36161,c.renderbuffer),t.renderbufferStorage(36161,u,n,a),i.profile&&(c.stats.size=yt[c.format]*c.width*c.height),o.format=l[c.format],o}var c=new a(t.createRenderbuffer());return u[c.id]=c,n.renderbufferCount++,o(e,r),o.resize=function(e,r){var n=0|e,a=0|r||n;return n===c.width&&a===c.height||(o.width=c.width=n,o.height=c.height=a,t.bindRenderbuffer(36161,c.renderbuffer),t.renderbufferStorage(36161,c.format,n,a),i.profile&&(c.stats.size=yt[c.format]*c.width*c.height)),o},o._reglType="renderbuffer",o._renderbuffer=c,i.profile&&(o.stats=c.stats),o.destroy=function(){c.decRef()},o},clear:function(){Z(u).forEach(o)},restore:function(){Z(u).forEach((function(e){e.renderbuffer=t.createRenderbuffer(),t.bindRenderbuffer(36161,e.renderbuffer),t.renderbufferStorage(36161,e.format,e.width,e.height)})),t.bindRenderbuffer(36161,null)}}},bt=[];bt[6408]=4,bt[6407]=3;var _t=[];_t[5121]=1,_t[5126]=4,_t[36193]=2;var wt=["x","y","z","w"],Tt="blend.func blend.equation stencil.func stencil.opFront stencil.opBack sample.coverage viewport scissor.box polygonOffset.offset".split(" "),kt={0:0,1:1,zero:0,one:1,"src color":768,"one minus src color":769,"src alpha":770,"one minus src alpha":771,"dst color":774,"one minus dst color":775,"dst alpha":772,"one minus dst alpha":773,"constant color":32769,"one minus constant color":32770,"constant alpha":32771,"one minus constant alpha":32772,"src alpha saturate":776},Mt={never:512,less:513,"<":513,equal:514,"=":514,"==":514,"===":514,lequal:515,"<=":515,greater:516,">":516,notequal:517,"!=":517,"!==":517,gequal:518,">=":518,always:519},At={0:0,zero:0,keep:7680,replace:7681,increment:7682,decrement:7683,"increment wrap":34055,"decrement wrap":34056,invert:5386},St={cw:2304,ccw:2305},Et=new D(!1,!1,!1,(function(){}));return function(t){function e(){if(0===J.length)w&&w.update(),tt=null;else{tt=H.next(e),f();for(var t=J.length-1;0<=t;--t){var r=J[t];r&&r(I,null,0)}m.flush(),w&&w.update()}}function r(){!tt&&0=J.length&&n()}}}}function u(){var t=X.viewport,e=X.scissor_box;t[0]=t[1]=e[0]=e[1]=0,I.viewportWidth=I.framebufferWidth=I.drawingBufferWidth=t[2]=e[2]=m.drawingBufferWidth,I.viewportHeight=I.framebufferHeight=I.drawingBufferHeight=t[3]=e[3]=m.drawingBufferHeight}function f(){I.tick+=1,I.time=g(),u(),Y.procs.poll()}function h(){u(),Y.procs.refresh(),w&&w.update()}function g(){return(G()-T)/1e3}if(!(t=i(t)))return null;var m=t.gl,v=m.getContextAttributes();m.isContextLost();var y=function(t,e){function r(e){var r;e=e.toLowerCase();try{r=n[e]=t.getExtension(e)}catch(t){}return!!r}for(var n={},i=0;ie;++e)et(U({framebuffer:t.framebuffer.faces[e]},t),l);else et(t,l);else l(0,t)},prop:q.define.bind(null,1),context:q.define.bind(null,2),this:q.define.bind(null,3),draw:s({}),buffer:function(t){return z.create(t,34962,!1,!1)},elements:function(t){return D.create(t,!1)},texture:F.create2D,cube:F.createCube,renderbuffer:B.create,framebuffer:V.create,framebufferCube:V.createCube,vao:O.createVAO,attributes:v,frame:c,on:function(t,e){var r;switch(t){case"frame":return c(e);case"lost":r=K;break;case"restore":r=Q;break;case"destroy":r=$}return r.push(e),{cancel:function(){for(var t=0;t + * + * Copyright (c) 2014-2015, Jon Schlinkert. + * Licensed under the MIT License. + */ +"use strict";var n,i="";e.exports=function(t,e){if("string"!=typeof t)throw new TypeError("expected a string");if(1===e)return t;if(2===e)return t+t;var r=t.length*e;if(n!==t||"undefined"==typeof n)n=t,i="";else if(i.length>=r)return i.substr(0,r);for(;r>i.length&&e>1;)1&e&&(i+=t),e>>=1,t+=t;return i=(i+=t).substr(0,r)}},{}],542:[function(t,e,r){(function(t){(function(){e.exports=t.performance&&t.performance.now?function(){return performance.now()}:Date.now||function(){return+new Date}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{}],543:[function(t,e,r){"use strict";e.exports=function(t){for(var e=t.length,r=t[t.length-1],n=e,i=e-2;i>=0;--i){var a=r,o=t[i];(l=o-((r=a+o)-a))&&(t[--n]=r,r=l)}var s=0;for(i=n;i>1;return["sum(",t(e.slice(0,r)),",",t(e.slice(r)),")"].join("")}(e);var n}function u(t){return new Function("sum","scale","prod","compress",["function robustDeterminant",t,"(m){return compress(",c(l(t)),")};return robustDeterminant",t].join(""))(i,a,n,o)}var f=[function(){return[0]},function(t){return[t[0][0]]}];!function(){for(;f.length<6;)f.push(u(f.length));for(var t=[],r=["function robustDeterminant(m){switch(m.length){"],n=0;n<6;++n)t.push("det"+n),r.push("case ",n,":return det",n,"(m);");r.push("}var det=CACHE[m.length];if(!det)det=CACHE[m.length]=gen(m.length);return det(m);}return robustDeterminant"),t.push("CACHE","gen",r.join(""));var i=Function.apply(void 0,t);for(e.exports=i.apply(void 0,f.concat([f,u])),n=0;n>1;return["sum(",l(t.slice(0,e)),",",l(t.slice(e)),")"].join("")}function c(t,e){if("m"===t.charAt(0)){if("w"===e.charAt(0)){var r=t.split("[");return["w",e.substr(1),"m",r[0].substr(1)].join("")}return["prod(",t,",",e,")"].join("")}return c(e,t)}function u(t){if(2===t.length)return[["diff(",c(t[0][0],t[1][1]),",",c(t[1][0],t[0][1]),")"].join("")];for(var e=[],r=0;r0&&r.push(","),r.push("[");for(var o=0;o0&&r.push(","),o===i?r.push("+b[",a,"]"):r.push("+A[",a,"][",o,"]");r.push("]")}r.push("]),")}r.push("det(A)]}return ",e);var s=new Function("det",r.join(""));return s(t<6?n[t]:n)}var a=[function(){return[0]},function(t,e){return[[e[0]],[t[0][0]]]}];!function(){for(;a.length<6;)a.push(i(a.length));for(var t=[],r=["function dispatchLinearSolve(A,b){switch(A.length){"],n=0;n<6;++n)t.push("s"+n),r.push("case ",n,":return s",n,"(A,b);");r.push("}var s=CACHE[A.length];if(!s)s=CACHE[A.length]=g(A.length);return s(A,b)}return dispatchLinearSolve"),t.push("CACHE","g",r.join(""));var o=Function.apply(void 0,t);for(e.exports=o.apply(void 0,a.concat([a,i])),n=0;n<6;++n)e.exports[n]=a[n]}()},{"robust-determinant":544}],548:[function(t,e,r){"use strict";var n=t("two-product"),i=t("robust-sum"),a=t("robust-scale"),o=t("robust-subtract");function s(t,e){for(var r=new Array(t.length-1),n=1;n>1;return["sum(",l(t.slice(0,e)),",",l(t.slice(e)),")"].join("")}function c(t){if(2===t.length)return[["sum(prod(",t[0][0],",",t[1][1],"),prod(-",t[0][1],",",t[1][0],"))"].join("")];for(var e=[],r=0;r0){if(a<=0)return o;n=i+a}else{if(!(i<0))return o;if(a>=0)return o;n=-(i+a)}var s=33306690738754716e-32*n;return o>=s||o<=-s?o:f(t,e,r)},function(t,e,r,n){var i=t[0]-n[0],a=e[0]-n[0],o=r[0]-n[0],s=t[1]-n[1],l=e[1]-n[1],c=r[1]-n[1],u=t[2]-n[2],f=e[2]-n[2],p=r[2]-n[2],d=a*c,g=o*l,m=o*s,v=i*c,y=i*l,x=a*s,b=u*(d-g)+f*(m-v)+p*(y-x),_=7771561172376103e-31*((Math.abs(d)+Math.abs(g))*Math.abs(u)+(Math.abs(m)+Math.abs(v))*Math.abs(f)+(Math.abs(y)+Math.abs(x))*Math.abs(p));return b>_||-b>_?b:h(t,e,r,n)}];function d(t){var e=p[t.length];return e||(e=p[t.length]=u(t.length)),e.apply(void 0,t)}!function(){for(;p.length<=5;)p.push(u(p.length));for(var t=[],r=["slow"],n=0;n<=5;++n)t.push("a"+n),r.push("o"+n);var i=["function getOrientation(",t.join(),"){switch(arguments.length){case 0:case 1:return 0;"];for(n=2;n<=5;++n)i.push("case ",n,":return o",n,"(",t.slice(0,n).join(),");");i.push("}var s=new Array(arguments.length);for(var i=0;i0&&o>0||a<0&&o<0)return!1;var s=n(r,t,e),l=n(i,t,e);if(s>0&&l>0||s<0&&l<0)return!1;if(0===a&&0===o&&0===s&&0===l)return function(t,e,r,n){for(var i=0;i<2;++i){var a=t[i],o=e[i],s=Math.min(a,o),l=Math.max(a,o),c=r[i],u=n[i],f=Math.min(c,u);if(Math.max(c,u)=n?(i=f,(l+=1)=n?(i=f,(l+=1)0?1:0}},{}],555:[function(t,e,r){"use strict";e.exports=function(t){return i(n(t))};var n=t("boundary-cells"),i=t("reduce-simplicial-complex")},{"boundary-cells":100,"reduce-simplicial-complex":533}],556:[function(t,e,r){"use strict";e.exports=function(t,e,r,s){r=r||0,"undefined"==typeof s&&(s=function(t){for(var e=t.length,r=0,n=0;n>1,v=E[2*m+1];","if(v===b){return m}","if(b0&&l.push(","),l.push("[");for(var n=0;n0&&l.push(","),l.push("B(C,E,c[",i[0],"],c[",i[1],"])")}l.push("]")}l.push(");")}}for(a=t+1;a>1;--a){a>1,s=a(t[o],e);s<=0?(0===s&&(i=o),r=o+1):s>0&&(n=o-1)}return i}function u(t,e){for(var r=new Array(t.length),i=0,o=r.length;i=t.length||0!==a(t[m],s)););}return r}function f(t,e){if(e<0)return[];for(var r=[],i=(1<>>u&1&&c.push(i[u]);e.push(c)}return s(e)},r.skeleton=f,r.boundary=function(t){for(var e=[],r=0,n=t.length;r>1:(t>>1)-1}function x(t){for(var e=v(t);;){var r=e,n=2*t+1,i=2*(t+1),a=t;if(n0;){var r=y(t);if(r>=0)if(e0){var t=k[0];return m(0,A-1),A-=1,x(0),t}return-1}function w(t,e){var r=k[t];return c[r]===e?t:(c[r]=-1/0,b(t),_(),c[r]=e,b((A+=1)-1))}function T(t){if(!u[t]){u[t]=!0;var e=s[t],r=l[t];s[r]>=0&&(s[r]=e),l[e]>=0&&(l[e]=r),M[e]>=0&&w(M[e],g(e)),M[r]>=0&&w(M[r],g(r))}}var k=[],M=new Array(a);for(f=0;f>1;f>=0;--f)x(f);for(;;){var S=_();if(S<0||c[S]>r)break;T(S)}var E=[];for(f=0;f=0&&r>=0&&e!==r){var n=M[e],i=M[r];n!==i&&L.push([n,i])}})),i.unique(i.normalize(L)),{positions:E,edges:L}};var n=t("robust-orientation"),i=t("simplicial-complex")},{"robust-orientation":548,"simplicial-complex":560}],563:[function(t,e,r){"use strict";e.exports=function(t,e){var r,a,o,s;if(e[0][0]e[1][0]))return i(e,t);r=e[1],a=e[0]}if(t[0][0]t[1][0]))return-i(t,e);o=t[1],s=t[0]}var l=n(r,a,s),c=n(r,a,o);if(l<0){if(c<=0)return l}else if(l>0){if(c>=0)return l}else if(c)return c;if(l=n(s,o,a),c=n(s,o,r),l<0){if(c<=0)return l}else if(l>0){if(c>=0)return l}else if(c)return c;return a[0]-s[0]};var n=t("robust-orientation");function i(t,e){var r,i,a,o;if(e[0][0]e[1][0])){var s=Math.min(t[0][1],t[1][1]),l=Math.max(t[0][1],t[1][1]),c=Math.min(e[0][1],e[1][1]),u=Math.max(e[0][1],e[1][1]);return lu?s-u:l-u}r=e[1],i=e[0]}t[0][1]0)if(e[0]!==o[1][0])r=t,t=t.right;else{if(l=c(t.right,e))return l;t=t.left}else{if(e[0]!==o[1][0])return t;var l;if(l=c(t.right,e))return l;t=t.left}}return r}function u(t,e,r,n){this.y=t,this.index=e,this.start=r,this.closed=n}function f(t,e,r,n){this.x=t,this.segment=e,this.create=r,this.index=n}s.prototype.castUp=function(t){var e=n.le(this.coordinates,t[0]);if(e<0)return-1;this.slabs[e];var r=c(this.slabs[e],t),i=-1;if(r&&(i=r.value),this.coordinates[e]===t[0]){var s=null;if(r&&(s=r.key),e>0){var u=c(this.slabs[e-1],t);u&&(s?o(u.key,s)>0&&(s=u.key,i=u.value):(i=u.value,s=u.key))}var f=this.horizontal[e];if(f.length>0){var h=n.ge(f,t[1],l);if(h=f.length)return i;p=f[h]}}if(p.start)if(s){var d=a(s[0],s[1],[t[0],p.y]);s[0][0]>s[1][0]&&(d=-d),d>0&&(i=p.index)}else i=p.index;else p.y!==t[1]&&(i=p.index)}}}return i}},{"./lib/order-segments":563,"binary-search-bounds":564,"functional-red-black-tree":247,"robust-orientation":548}],566:[function(t,e,r){"use strict";var n=t("robust-dot-product"),i=t("robust-sum");function a(t,e){var r=i(n(t,e),[e[e.length-1]]);return r[r.length-1]}function o(t,e,r,n){var i=-e/(n-e);i<0?i=0:i>1&&(i=1);for(var a=1-i,o=t.length,s=new Array(o),l=0;l0||i>0&&u<0){var f=o(s,u,l,i);r.push(f),n.push(f.slice())}u<0?n.push(l.slice()):u>0?r.push(l.slice()):(r.push(l.slice()),n.push(l.slice())),i=u}return{positive:r,negative:n}},e.exports.positive=function(t,e){for(var r=[],n=a(t[t.length-1],e),i=t[t.length-1],s=t[0],l=0;l0||n>0&&c<0)&&r.push(o(i,c,s,n)),c>=0&&r.push(s.slice()),n=c}return r},e.exports.negative=function(t,e){for(var r=[],n=a(t[t.length-1],e),i=t[t.length-1],s=t[0],l=0;l0||n>0&&c<0)&&r.push(o(i,c,s,n)),c<=0&&r.push(s.slice()),n=c}return r}},{"robust-dot-product":545,"robust-sum":553}],567:[function(t,e,r){!function(){"use strict";var t={not_string:/[^s]/,not_bool:/[^t]/,not_type:/[^T]/,not_primitive:/[^v]/,number:/[diefg]/,numeric_arg:/[bcdiefguxX]/,json:/[j]/,not_json:/[^j]/,text:/^[^\x25]+/,modulo:/^\x25{2}/,placeholder:/^\x25(?:([1-9]\d*)\$|\(([^)]+)\))?(\+)?(0|'[^$])?(-)?(\d+)?(?:\.(\d+))?([b-gijostTuvxX])/,key:/^([a-z_][a-z_\d]*)/i,key_access:/^\.([a-z_][a-z_\d]*)/i,index_access:/^\[(\d+)\]/,sign:/^[+-]/};function e(t){return i(o(t),arguments)}function n(t,r){return e.apply(null,[t].concat(r||[]))}function i(r,n){var i,a,o,s,l,c,u,f,h,p=1,d=r.length,g="";for(a=0;a=0),s.type){case"b":i=parseInt(i,10).toString(2);break;case"c":i=String.fromCharCode(parseInt(i,10));break;case"d":case"i":i=parseInt(i,10);break;case"j":i=JSON.stringify(i,null,s.width?parseInt(s.width):0);break;case"e":i=s.precision?parseFloat(i).toExponential(s.precision):parseFloat(i).toExponential();break;case"f":i=s.precision?parseFloat(i).toFixed(s.precision):parseFloat(i);break;case"g":i=s.precision?String(Number(i.toPrecision(s.precision))):parseFloat(i);break;case"o":i=(parseInt(i,10)>>>0).toString(8);break;case"s":i=String(i),i=s.precision?i.substring(0,s.precision):i;break;case"t":i=String(!!i),i=s.precision?i.substring(0,s.precision):i;break;case"T":i=Object.prototype.toString.call(i).slice(8,-1).toLowerCase(),i=s.precision?i.substring(0,s.precision):i;break;case"u":i=parseInt(i,10)>>>0;break;case"v":i=i.valueOf(),i=s.precision?i.substring(0,s.precision):i;break;case"x":i=(parseInt(i,10)>>>0).toString(16);break;case"X":i=(parseInt(i,10)>>>0).toString(16).toUpperCase()}t.json.test(s.type)?g+=i:(!t.number.test(s.type)||f&&!s.sign?h="":(h=f?"+":"-",i=i.toString().replace(t.sign,"")),c=s.pad_char?"0"===s.pad_char?"0":s.pad_char.charAt(1):" ",u=s.width-(h+i).length,l=s.width&&u>0?c.repeat(u):"",g+=s.align?h+i+l:"0"===c?h+l+i:l+h+i)}return g}var a=Object.create(null);function o(e){if(a[e])return a[e];for(var r,n=e,i=[],o=0;n;){if(null!==(r=t.text.exec(n)))i.push(r[0]);else if(null!==(r=t.modulo.exec(n)))i.push("%");else{if(null===(r=t.placeholder.exec(n)))throw new SyntaxError("[sprintf] unexpected placeholder");if(r[2]){o|=1;var s=[],l=r[2],c=[];if(null===(c=t.key.exec(l)))throw new SyntaxError("[sprintf] failed to parse named argument key");for(s.push(c[1]);""!==(l=l.substring(c[0].length));)if(null!==(c=t.key_access.exec(l)))s.push(c[1]);else{if(null===(c=t.index_access.exec(l)))throw new SyntaxError("[sprintf] failed to parse named argument key");s.push(c[1])}r[2]=s}else o|=2;if(3===o)throw new Error("[sprintf] mixing positional and named placeholders is not (yet) supported");i.push({placeholder:r[0],param_no:r[1],keys:r[2],sign:r[3],pad_char:r[4],align:r[5],width:r[6],precision:r[7],type:r[8]})}n=n.substring(r[0].length)}return a[e]=i}"undefined"!=typeof r&&(r.sprintf=e,r.vsprintf=n),"undefined"!=typeof window&&(window.sprintf=e,window.vsprintf=n)}()},{}],568:[function(t,e,r){"use strict";var n=t("parenthesis");e.exports=function(t,e,r){if(null==t)throw Error("First argument should be a string");if(null==e)throw Error("Separator should be a string or a RegExp");r?("string"==typeof r||Array.isArray(r))&&(r={ignore:r}):r={},null==r.escape&&(r.escape=!0),null==r.ignore?r.ignore=["[]","()","{}","<>",'""',"''","``","\u201c\u201d","\xab\xbb"]:("string"==typeof r.ignore&&(r.ignore=[r.ignore]),r.ignore=r.ignore.map((function(t){return 1===t.length&&(t+=t),t})));var i=n.parse(t,{flat:!0,brackets:r.ignore}),a=i[0].split(e);if(r.escape){for(var o=[],s=0;s0;){e=c[c.length-1];var p=t[e];if(a[e]=0&&s[e].push(o[g])}a[e]=d}else{if(n[e]===r[e]){var m=[],v=[],y=0;for(d=l.length-1;d>=0;--d){var x=l[d];if(i[x]=!1,m.push(x),v.push(s[x]),y+=s[x].length,o[x]=f.length,x===e){l.length=d;break}}f.push(m);var b=new Array(y);for(d=0;d c)|0 },"),"generic"===e&&a.push("getters:[0],");for(var s=[],l=[],c=0;c>>7){");for(c=0;c<1<<(1<128&&c%128==0){f.length>0&&h.push("}}");var p="vExtra"+f.length;a.push("case ",c>>>7,":",p,"(m&0x7f,",l.join(),");break;"),h=["function ",p,"(m,",l.join(),"){switch(m){"],f.push(h)}h.push("case ",127&c,":");for(var d=new Array(r),g=new Array(r),m=new Array(r),v=new Array(r),y=0,x=0;xx)&&!(c&1<<_)!=!(c&1<0&&(M="+"+m[b]+"*c");var A=d[b].length/y*.5,S=.5+v[b]/y*.5;k.push("d"+b+"-"+S+"-"+A+"*("+d[b].join("+")+M+")/("+g[b].join("+")+")")}h.push("a.push([",k.join(),"]);","break;")}a.push("}},"),f.length>0&&h.push("}}");var E=[];for(c=0;c<1<1&&(i=1),i<-1&&(i=-1),(t*n-e*r<0?-1:1)*Math.acos(i)};r.default=function(t){var e=t.px,r=t.py,l=t.cx,c=t.cy,u=t.rx,f=t.ry,h=t.xAxisRotation,p=void 0===h?0:h,d=t.largeArcFlag,g=void 0===d?0:d,m=t.sweepFlag,v=void 0===m?0:m,y=[];if(0===u||0===f)return[];var x=Math.sin(p*i/360),b=Math.cos(p*i/360),_=b*(e-l)/2+x*(r-c)/2,w=-x*(e-l)/2+b*(r-c)/2;if(0===_&&0===w)return[];u=Math.abs(u),f=Math.abs(f);var T=Math.pow(_,2)/Math.pow(u,2)+Math.pow(w,2)/Math.pow(f,2);T>1&&(u*=Math.sqrt(T),f*=Math.sqrt(T));var k=function(t,e,r,n,a,o,l,c,u,f,h,p){var d=Math.pow(a,2),g=Math.pow(o,2),m=Math.pow(h,2),v=Math.pow(p,2),y=d*g-d*v-g*m;y<0&&(y=0),y/=d*v+g*m;var x=(y=Math.sqrt(y)*(l===c?-1:1))*a/o*p,b=y*-o/a*h,_=f*x-u*b+(t+r)/2,w=u*x+f*b+(e+n)/2,T=(h-x)/a,k=(p-b)/o,M=(-h-x)/a,A=(-p-b)/o,S=s(1,0,T,k),E=s(T,k,M,A);return 0===c&&E>0&&(E-=i),1===c&&E<0&&(E+=i),[_,w,S,E]}(e,r,l,c,u,f,g,v,x,b,_,w),M=n(k,4),A=M[0],S=M[1],E=M[2],C=M[3],L=Math.abs(C)/(i/4);Math.abs(1-L)<1e-7&&(L=1);var I=Math.max(Math.ceil(L),1);C/=I;for(var P=0;Pe[2]&&(e[2]=c[u+0]),c[u+1]>e[3]&&(e[3]=c[u+1]);return e}},{"abs-svg-path":65,assert:73,"is-svg-path":471,"normalize-svg-path":573,"parse-svg-path":505}],573:[function(t,e,r){"use strict";e.exports=function(t){for(var e,r=[],o=0,s=0,l=0,c=0,u=null,f=null,h=0,p=0,d=0,g=t.length;d4?(o=m[m.length-4],s=m[m.length-3]):(o=h,s=p),r.push(m)}return r};var n=t("svg-arc-to-cubic-bezier");function i(t,e,r,n){return["C",t,e,r,n,r,n]}function a(t,e,r,n,i,a){return["C",t/3+2/3*r,e/3+2/3*n,i/3+2/3*r,a/3+2/3*n,i,a]}},{"svg-arc-to-cubic-bezier":571}],574:[function(t,e,r){"use strict";var n,i=t("svg-path-bounds"),a=t("parse-svg-path"),o=t("draw-svg-path"),s=t("is-svg-path"),l=t("bitmap-sdf"),c=document.createElement("canvas"),u=c.getContext("2d");e.exports=function(t,e){if(!s(t))throw Error("Argument should be valid svg path string");e||(e={});var r,f;e.shape?(r=e.shape[0],f=e.shape[1]):(r=c.width=e.w||e.width||200,f=c.height=e.h||e.height||200);var h=Math.min(r,f),p=e.stroke||0,d=e.viewbox||e.viewBox||i(t),g=[r/(d[2]-d[0]),f/(d[3]-d[1])],m=Math.min(g[0]||0,g[1]||0)/2;u.fillStyle="black",u.fillRect(0,0,r,f),u.fillStyle="white",p&&("number"!=typeof p&&(p=1),u.strokeStyle=p>0?"white":"black",u.lineWidth=Math.abs(p));if(u.translate(.5*r,.5*f),u.scale(m,m),function(){if(null!=n)return n;var t=document.createElement("canvas").getContext("2d");if(t.canvas.width=t.canvas.height=1,!window.Path2D)return n=!1;var e=new Path2D("M0,0h1v1h-1v-1Z");t.fillStyle="black",t.fill(e);var r=t.getImageData(0,0,1,1);return n=r&&r.data&&255===r.data[3]}()){var v=new Path2D(t);u.fill(v),p&&u.stroke(v)}else{var y=a(t);o(u,y),u.fill(),p&&u.stroke()}return u.setTransform(1,0,0,1,0,0),l(u,{cutoff:null!=e.cutoff?e.cutoff:.5,radius:null!=e.radius?e.radius:.5*h})}},{"bitmap-sdf":98,"draw-svg-path":174,"is-svg-path":471,"parse-svg-path":505,"svg-path-bounds":572}],575:[function(t,e,r){(function(r){(function(){"use strict";e.exports=function t(e,r,i){i=i||{};var o=a[e];o||(o=a[e]={" ":{data:new Float32Array(0),shape:.2}});var s=o[r];if(!s)if(r.length<=1||!/\d/.test(r))s=o[r]=function(t){for(var e=t.cells,r=t.positions,n=new Float32Array(6*e.length),i=0,a=0,o=0;o0&&(f+=.02);var p=new Float32Array(u),d=0,g=-.5*f;for(h=0;h1&&(r-=1),r<1/6?t+6*(e-t)*r:r<.5?e:r<2/3?t+(e-t)*(2/3-r)*6:t}if(t=L(t,360),e=L(e,100),r=L(r,100),0===e)n=i=a=r;else{var s=r<.5?r*(1+e):r+e-r*e,l=2*r-s;n=o(l,s,t+1/3),i=o(l,s,t),a=o(l,s,t-1/3)}return{r:255*n,g:255*i,b:255*a}}(e.h,l,u),f=!0,h="hsl"),e.hasOwnProperty("a")&&(a=e.a));var p,d,g;return a=C(a),{ok:f,format:e.format||h,r:o(255,s(i.r,0)),g:o(255,s(i.g,0)),b:o(255,s(i.b,0)),a:a}}(e);this._originalInput=e,this._r=u.r,this._g=u.g,this._b=u.b,this._a=u.a,this._roundA=a(100*this._a)/100,this._format=l.format||u.format,this._gradientType=l.gradientType,this._r<1&&(this._r=a(this._r)),this._g<1&&(this._g=a(this._g)),this._b<1&&(this._b=a(this._b)),this._ok=u.ok,this._tc_id=i++}function u(t,e,r){t=L(t,255),e=L(e,255),r=L(r,255);var n,i,a=s(t,e,r),l=o(t,e,r),c=(a+l)/2;if(a==l)n=i=0;else{var u=a-l;switch(i=c>.5?u/(2-a-l):u/(a+l),a){case t:n=(e-r)/u+(e>1)+720)%360;--e;)n.h=(n.h+i)%360,a.push(c(n));return a}function A(t,e){e=e||6;for(var r=c(t).toHsv(),n=r.h,i=r.s,a=r.v,o=[],s=1/e;e--;)o.push(c({h:n,s:i,v:a})),a=(a+s)%1;return o}c.prototype={isDark:function(){return this.getBrightness()<128},isLight:function(){return!this.isDark()},isValid:function(){return this._ok},getOriginalInput:function(){return this._originalInput},getFormat:function(){return this._format},getAlpha:function(){return this._a},getBrightness:function(){var t=this.toRgb();return(299*t.r+587*t.g+114*t.b)/1e3},getLuminance:function(){var e,r,n,i=this.toRgb();return e=i.r/255,r=i.g/255,n=i.b/255,.2126*(e<=.03928?e/12.92:t.pow((e+.055)/1.055,2.4))+.7152*(r<=.03928?r/12.92:t.pow((r+.055)/1.055,2.4))+.0722*(n<=.03928?n/12.92:t.pow((n+.055)/1.055,2.4))},setAlpha:function(t){return this._a=C(t),this._roundA=a(100*this._a)/100,this},toHsv:function(){var t=f(this._r,this._g,this._b);return{h:360*t.h,s:t.s,v:t.v,a:this._a}},toHsvString:function(){var t=f(this._r,this._g,this._b),e=a(360*t.h),r=a(100*t.s),n=a(100*t.v);return 1==this._a?"hsv("+e+", "+r+"%, "+n+"%)":"hsva("+e+", "+r+"%, "+n+"%, "+this._roundA+")"},toHsl:function(){var t=u(this._r,this._g,this._b);return{h:360*t.h,s:t.s,l:t.l,a:this._a}},toHslString:function(){var t=u(this._r,this._g,this._b),e=a(360*t.h),r=a(100*t.s),n=a(100*t.l);return 1==this._a?"hsl("+e+", "+r+"%, "+n+"%)":"hsla("+e+", "+r+"%, "+n+"%, "+this._roundA+")"},toHex:function(t){return h(this._r,this._g,this._b,t)},toHexString:function(t){return"#"+this.toHex(t)},toHex8:function(t){return function(t,e,r,n,i){var o=[z(a(t).toString(16)),z(a(e).toString(16)),z(a(r).toString(16)),z(D(n))];if(i&&o[0].charAt(0)==o[0].charAt(1)&&o[1].charAt(0)==o[1].charAt(1)&&o[2].charAt(0)==o[2].charAt(1)&&o[3].charAt(0)==o[3].charAt(1))return o[0].charAt(0)+o[1].charAt(0)+o[2].charAt(0)+o[3].charAt(0);return o.join("")}(this._r,this._g,this._b,this._a,t)},toHex8String:function(t){return"#"+this.toHex8(t)},toRgb:function(){return{r:a(this._r),g:a(this._g),b:a(this._b),a:this._a}},toRgbString:function(){return 1==this._a?"rgb("+a(this._r)+", "+a(this._g)+", "+a(this._b)+")":"rgba("+a(this._r)+", "+a(this._g)+", "+a(this._b)+", "+this._roundA+")"},toPercentageRgb:function(){return{r:a(100*L(this._r,255))+"%",g:a(100*L(this._g,255))+"%",b:a(100*L(this._b,255))+"%",a:this._a}},toPercentageRgbString:function(){return 1==this._a?"rgb("+a(100*L(this._r,255))+"%, "+a(100*L(this._g,255))+"%, "+a(100*L(this._b,255))+"%)":"rgba("+a(100*L(this._r,255))+"%, "+a(100*L(this._g,255))+"%, "+a(100*L(this._b,255))+"%, "+this._roundA+")"},toName:function(){return 0===this._a?"transparent":!(this._a<1)&&(E[h(this._r,this._g,this._b,!0)]||!1)},toFilter:function(t){var e="#"+p(this._r,this._g,this._b,this._a),r=e,n=this._gradientType?"GradientType = 1, ":"";if(t){var i=c(t);r="#"+p(i._r,i._g,i._b,i._a)}return"progid:DXImageTransform.Microsoft.gradient("+n+"startColorstr="+e+",endColorstr="+r+")"},toString:function(t){var e=!!t;t=t||this._format;var r=!1,n=this._a<1&&this._a>=0;return e||!n||"hex"!==t&&"hex6"!==t&&"hex3"!==t&&"hex4"!==t&&"hex8"!==t&&"name"!==t?("rgb"===t&&(r=this.toRgbString()),"prgb"===t&&(r=this.toPercentageRgbString()),"hex"!==t&&"hex6"!==t||(r=this.toHexString()),"hex3"===t&&(r=this.toHexString(!0)),"hex4"===t&&(r=this.toHex8String(!0)),"hex8"===t&&(r=this.toHex8String()),"name"===t&&(r=this.toName()),"hsl"===t&&(r=this.toHslString()),"hsv"===t&&(r=this.toHsvString()),r||this.toHexString()):"name"===t&&0===this._a?this.toName():this.toRgbString()},clone:function(){return c(this.toString())},_applyModification:function(t,e){var r=t.apply(null,[this].concat([].slice.call(e)));return this._r=r._r,this._g=r._g,this._b=r._b,this.setAlpha(r._a),this},lighten:function(){return this._applyModification(v,arguments)},brighten:function(){return this._applyModification(y,arguments)},darken:function(){return this._applyModification(x,arguments)},desaturate:function(){return this._applyModification(d,arguments)},saturate:function(){return this._applyModification(g,arguments)},greyscale:function(){return this._applyModification(m,arguments)},spin:function(){return this._applyModification(b,arguments)},_applyCombination:function(t,e){return t.apply(null,[this].concat([].slice.call(e)))},analogous:function(){return this._applyCombination(M,arguments)},complement:function(){return this._applyCombination(_,arguments)},monochromatic:function(){return this._applyCombination(A,arguments)},splitcomplement:function(){return this._applyCombination(k,arguments)},triad:function(){return this._applyCombination(w,arguments)},tetrad:function(){return this._applyCombination(T,arguments)}},c.fromRatio=function(t,e){if("object"==typeof t){var r={};for(var n in t)t.hasOwnProperty(n)&&(r[n]="a"===n?t[n]:O(t[n]));t=r}return c(t,e)},c.equals=function(t,e){return!(!t||!e)&&c(t).toRgbString()==c(e).toRgbString()},c.random=function(){return c.fromRatio({r:l(),g:l(),b:l()})},c.mix=function(t,e,r){r=0===r?0:r||50;var n=c(t).toRgb(),i=c(e).toRgb(),a=r/100;return c({r:(i.r-n.r)*a+n.r,g:(i.g-n.g)*a+n.g,b:(i.b-n.b)*a+n.b,a:(i.a-n.a)*a+n.a})},c.readability=function(e,r){var n=c(e),i=c(r);return(t.max(n.getLuminance(),i.getLuminance())+.05)/(t.min(n.getLuminance(),i.getLuminance())+.05)},c.isReadable=function(t,e,r){var n,i,a=c.readability(t,e);switch(i=!1,(n=function(t){var e,r;e=((t=t||{level:"AA",size:"small"}).level||"AA").toUpperCase(),r=(t.size||"small").toLowerCase(),"AA"!==e&&"AAA"!==e&&(e="AA");"small"!==r&&"large"!==r&&(r="small");return{level:e,size:r}}(r)).level+n.size){case"AAsmall":case"AAAlarge":i=a>=4.5;break;case"AAlarge":i=a>=3;break;case"AAAsmall":i=a>=7}return i},c.mostReadable=function(t,e,r){var n,i,a,o,s=null,l=0;i=(r=r||{}).includeFallbackColors,a=r.level,o=r.size;for(var u=0;ul&&(l=n,s=c(e[u]));return c.isReadable(t,s,{level:a,size:o})||!i?s:(r.includeFallbackColors=!1,c.mostReadable(t,["#fff","#000"],r))};var S=c.names={aliceblue:"f0f8ff",antiquewhite:"faebd7",aqua:"0ff",aquamarine:"7fffd4",azure:"f0ffff",beige:"f5f5dc",bisque:"ffe4c4",black:"000",blanchedalmond:"ffebcd",blue:"00f",blueviolet:"8a2be2",brown:"a52a2a",burlywood:"deb887",burntsienna:"ea7e5d",cadetblue:"5f9ea0",chartreuse:"7fff00",chocolate:"d2691e",coral:"ff7f50",cornflowerblue:"6495ed",cornsilk:"fff8dc",crimson:"dc143c",cyan:"0ff",darkblue:"00008b",darkcyan:"008b8b",darkgoldenrod:"b8860b",darkgray:"a9a9a9",darkgreen:"006400",darkgrey:"a9a9a9",darkkhaki:"bdb76b",darkmagenta:"8b008b",darkolivegreen:"556b2f",darkorange:"ff8c00",darkorchid:"9932cc",darkred:"8b0000",darksalmon:"e9967a",darkseagreen:"8fbc8f",darkslateblue:"483d8b",darkslategray:"2f4f4f",darkslategrey:"2f4f4f",darkturquoise:"00ced1",darkviolet:"9400d3",deeppink:"ff1493",deepskyblue:"00bfff",dimgray:"696969",dimgrey:"696969",dodgerblue:"1e90ff",firebrick:"b22222",floralwhite:"fffaf0",forestgreen:"228b22",fuchsia:"f0f",gainsboro:"dcdcdc",ghostwhite:"f8f8ff",gold:"ffd700",goldenrod:"daa520",gray:"808080",green:"008000",greenyellow:"adff2f",grey:"808080",honeydew:"f0fff0",hotpink:"ff69b4",indianred:"cd5c5c",indigo:"4b0082",ivory:"fffff0",khaki:"f0e68c",lavender:"e6e6fa",lavenderblush:"fff0f5",lawngreen:"7cfc00",lemonchiffon:"fffacd",lightblue:"add8e6",lightcoral:"f08080",lightcyan:"e0ffff",lightgoldenrodyellow:"fafad2",lightgray:"d3d3d3",lightgreen:"90ee90",lightgrey:"d3d3d3",lightpink:"ffb6c1",lightsalmon:"ffa07a",lightseagreen:"20b2aa",lightskyblue:"87cefa",lightslategray:"789",lightslategrey:"789",lightsteelblue:"b0c4de",lightyellow:"ffffe0",lime:"0f0",limegreen:"32cd32",linen:"faf0e6",magenta:"f0f",maroon:"800000",mediumaquamarine:"66cdaa",mediumblue:"0000cd",mediumorchid:"ba55d3",mediumpurple:"9370db",mediumseagreen:"3cb371",mediumslateblue:"7b68ee",mediumspringgreen:"00fa9a",mediumturquoise:"48d1cc",mediumvioletred:"c71585",midnightblue:"191970",mintcream:"f5fffa",mistyrose:"ffe4e1",moccasin:"ffe4b5",navajowhite:"ffdead",navy:"000080",oldlace:"fdf5e6",olive:"808000",olivedrab:"6b8e23",orange:"ffa500",orangered:"ff4500",orchid:"da70d6",palegoldenrod:"eee8aa",palegreen:"98fb98",paleturquoise:"afeeee",palevioletred:"db7093",papayawhip:"ffefd5",peachpuff:"ffdab9",peru:"cd853f",pink:"ffc0cb",plum:"dda0dd",powderblue:"b0e0e6",purple:"800080",rebeccapurple:"663399",red:"f00",rosybrown:"bc8f8f",royalblue:"4169e1",saddlebrown:"8b4513",salmon:"fa8072",sandybrown:"f4a460",seagreen:"2e8b57",seashell:"fff5ee",sienna:"a0522d",silver:"c0c0c0",skyblue:"87ceeb",slateblue:"6a5acd",slategray:"708090",slategrey:"708090",snow:"fffafa",springgreen:"00ff7f",steelblue:"4682b4",tan:"d2b48c",teal:"008080",thistle:"d8bfd8",tomato:"ff6347",turquoise:"40e0d0",violet:"ee82ee",wheat:"f5deb3",white:"fff",whitesmoke:"f5f5f5",yellow:"ff0",yellowgreen:"9acd32"},E=c.hexNames=function(t){var e={};for(var r in t)t.hasOwnProperty(r)&&(e[t[r]]=r);return e}(S);function C(t){return t=parseFloat(t),(isNaN(t)||t<0||t>1)&&(t=1),t}function L(e,r){(function(t){return"string"==typeof t&&-1!=t.indexOf(".")&&1===parseFloat(t)})(e)&&(e="100%");var n=function(t){return"string"==typeof t&&-1!=t.indexOf("%")}(e);return e=o(r,s(0,parseFloat(e))),n&&(e=parseInt(e*r,10)/100),t.abs(e-r)<1e-6?1:e%r/parseFloat(r)}function I(t){return o(1,s(0,t))}function P(t){return parseInt(t,16)}function z(t){return 1==t.length?"0"+t:""+t}function O(t){return t<=1&&(t=100*t+"%"),t}function D(e){return t.round(255*parseFloat(e)).toString(16)}function R(t){return P(t)/255}var F,B,N,j=(B="[\\s|\\(]+("+(F="(?:[-\\+]?\\d*\\.\\d+%?)|(?:[-\\+]?\\d+%?)")+")[,|\\s]+("+F+")[,|\\s]+("+F+")\\s*\\)?",N="[\\s|\\(]+("+F+")[,|\\s]+("+F+")[,|\\s]+("+F+")[,|\\s]+("+F+")\\s*\\)?",{CSS_UNIT:new RegExp(F),rgb:new RegExp("rgb"+B),rgba:new RegExp("rgba"+N),hsl:new RegExp("hsl"+B),hsla:new RegExp("hsla"+N),hsv:new RegExp("hsv"+B),hsva:new RegExp("hsva"+N),hex3:/^#?([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})$/,hex6:/^#?([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})$/,hex4:/^#?([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})$/,hex8:/^#?([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})$/});function U(t){return!!j.CSS_UNIT.exec(t)}"undefined"!=typeof e&&e.exports?e.exports=c:window.tinycolor=c}(Math)},{}],577:[function(t,e,r){"use strict";e.exports=i,e.exports.float32=e.exports.float=i,e.exports.fract32=e.exports.fract=function(t){if(t.length){for(var e=i(t),r=0,n=e.length;ro&&(o=t[0]),t[1]s&&(s=t[1])}function c(t){switch(t.type){case"GeometryCollection":t.geometries.forEach(c);break;case"Point":l(t.coordinates);break;case"MultiPoint":t.coordinates.forEach(l)}}for(e in t.arcs.forEach((function(t){for(var e,r=-1,l=t.length;++ro&&(o=e[0]),e[1]s&&(s=e[1])})),t.objects)c(t.objects[e]);return[i,a,o,s]}function i(t,e){var r=e.id,n=e.bbox,i=null==e.properties?{}:e.properties,o=a(t,e);return null==r&&null==n?{type:"Feature",properties:i,geometry:o}:null==n?{type:"Feature",id:r,properties:i,geometry:o}:{type:"Feature",id:r,bbox:n,properties:i,geometry:o}}function a(t,e){var n=r(t.transform),i=t.arcs;function a(t,e){e.length&&e.pop();for(var r=i[t<0?~t:t],a=0,o=r.length;a1)n=l(t,e,r);else for(i=0,n=new Array(a=t.arcs.length);i1)for(var a,s,c=1,u=l(i[0]);cu&&(s=i[0],i[0]=i[c],i[c]=s,u=a);return i})).filter((function(t){return t.length>0}))}}function u(t,e){for(var r=0,n=t.length;r>>1;t[i]=2))throw new Error("n must be \u22652");var r,i=(l=t.bbox||n(t))[0],a=l[1],o=l[2],s=l[3];e={scale:[o-i?(o-i)/(r-1):1,s-a?(s-a)/(r-1):1],translate:[i,a]}}var l,c,u=f(e),h=t.objects,p={};function d(t){return u(t)}function g(t){var e;switch(t.type){case"GeometryCollection":e={type:"GeometryCollection",geometries:t.geometries.map(g)};break;case"Point":e={type:"Point",coordinates:d(t.coordinates)};break;case"MultiPoint":e={type:"MultiPoint",coordinates:t.coordinates.map(d)};break;default:return t}return null!=t.id&&(e.id=t.id),null!=t.bbox&&(e.bbox=t.bbox),null!=t.properties&&(e.properties=t.properties),e}for(c in h)p[c]=g(h[c]);return{type:"Topology",bbox:l,transform:e,objects:p,arcs:t.arcs.map((function(t){var e,r=0,n=1,i=t.length,a=new Array(i);for(a[0]=u(t[0],0);++rMath.max(r,n)?i[2]=1:r>Math.max(e,n)?i[0]=1:i[1]=1;for(var a=0,o=0,l=0;l<3;++l)a+=t[l]*t[l],o+=i[l]*t[l];for(l=0;l<3;++l)i[l]-=o/a*t[l];return s(i,i),i}function h(t,e,r,i,a,o,s,l){this.center=n(r),this.up=n(i),this.right=n(a),this.radius=n([o]),this.angle=n([s,l]),this.angle.bounds=[[-1/0,-Math.PI/2],[1/0,Math.PI/2]],this.setDistanceLimits(t,e),this.computedCenter=this.center.curve(0),this.computedUp=this.up.curve(0),this.computedRight=this.right.curve(0),this.computedRadius=this.radius.curve(0),this.computedAngle=this.angle.curve(0),this.computedToward=[0,0,0],this.computedEye=[0,0,0],this.computedMatrix=new Array(16);for(var c=0;c<16;++c)this.computedMatrix[c]=.5;this.recalcMatrix(0)}var p=h.prototype;p.setDistanceLimits=function(t,e){t=t>0?Math.log(t):-1/0,e=e>0?Math.log(e):1/0,e=Math.max(e,t),this.radius.bounds[0][0]=t,this.radius.bounds[1][0]=e},p.getDistanceLimits=function(t){var e=this.radius.bounds[0];return t?(t[0]=Math.exp(e[0][0]),t[1]=Math.exp(e[1][0]),t):[Math.exp(e[0][0]),Math.exp(e[1][0])]},p.recalcMatrix=function(t){this.center.curve(t),this.up.curve(t),this.right.curve(t),this.radius.curve(t),this.angle.curve(t);for(var e=this.computedUp,r=this.computedRight,n=0,i=0,a=0;a<3;++a)i+=e[a]*r[a],n+=e[a]*e[a];var l=Math.sqrt(n),u=0;for(a=0;a<3;++a)r[a]-=e[a]*i/n,u+=r[a]*r[a],e[a]/=l;var f=Math.sqrt(u);for(a=0;a<3;++a)r[a]/=f;var h=this.computedToward;o(h,e,r),s(h,h);var p=Math.exp(this.computedRadius[0]),d=this.computedAngle[0],g=this.computedAngle[1],m=Math.cos(d),v=Math.sin(d),y=Math.cos(g),x=Math.sin(g),b=this.computedCenter,_=m*y,w=v*y,T=x,k=-m*x,M=-v*x,A=y,S=this.computedEye,E=this.computedMatrix;for(a=0;a<3;++a){var C=_*r[a]+w*h[a]+T*e[a];E[4*a+1]=k*r[a]+M*h[a]+A*e[a],E[4*a+2]=C,E[4*a+3]=0}var L=E[1],I=E[5],P=E[9],z=E[2],O=E[6],D=E[10],R=I*D-P*O,F=P*z-L*D,B=L*O-I*z,N=c(R,F,B);R/=N,F/=N,B/=N,E[0]=R,E[4]=F,E[8]=B;for(a=0;a<3;++a)S[a]=b[a]+E[2+4*a]*p;for(a=0;a<3;++a){u=0;for(var j=0;j<3;++j)u+=E[a+4*j]*S[j];E[12+a]=-u}E[15]=1},p.getMatrix=function(t,e){this.recalcMatrix(t);var r=this.computedMatrix;if(e){for(var n=0;n<16;++n)e[n]=r[n];return e}return r};var d=[0,0,0];p.rotate=function(t,e,r,n){if(this.angle.move(t,e,r),n){this.recalcMatrix(t);var i=this.computedMatrix;d[0]=i[2],d[1]=i[6],d[2]=i[10];for(var o=this.computedUp,s=this.computedRight,l=this.computedToward,c=0;c<3;++c)i[4*c]=o[c],i[4*c+1]=s[c],i[4*c+2]=l[c];a(i,i,n,d);for(c=0;c<3;++c)o[c]=i[4*c],s[c]=i[4*c+1];this.up.set(t,o[0],o[1],o[2]),this.right.set(t,s[0],s[1],s[2])}},p.pan=function(t,e,r,n){e=e||0,r=r||0,n=n||0,this.recalcMatrix(t);var i=this.computedMatrix,a=(Math.exp(this.computedRadius[0]),i[1]),o=i[5],s=i[9],l=c(a,o,s);a/=l,o/=l,s/=l;var u=i[0],f=i[4],h=i[8],p=u*a+f*o+h*s,d=c(u-=a*p,f-=o*p,h-=s*p),g=(u/=d)*e+a*r,m=(f/=d)*e+o*r,v=(h/=d)*e+s*r;this.center.move(t,g,m,v);var y=Math.exp(this.computedRadius[0]);y=Math.max(1e-4,y+n),this.radius.set(t,Math.log(y))},p.translate=function(t,e,r,n){this.center.move(t,e||0,r||0,n||0)},p.setMatrix=function(t,e,r,n){var a=1;"number"==typeof r&&(a=0|r),(a<0||a>3)&&(a=1);var o=(a+2)%3;e||(this.recalcMatrix(t),e=this.computedMatrix);var s=e[a],l=e[a+4],f=e[a+8];if(n){var h=Math.abs(s),p=Math.abs(l),d=Math.abs(f),g=Math.max(h,p,d);h===g?(s=s<0?-1:1,l=f=0):d===g?(f=f<0?-1:1,s=l=0):(l=l<0?-1:1,s=f=0)}else{var m=c(s,l,f);s/=m,l/=m,f/=m}var v,y,x=e[o],b=e[o+4],_=e[o+8],w=x*s+b*l+_*f,T=c(x-=s*w,b-=l*w,_-=f*w),k=l*(_/=T)-f*(b/=T),M=f*(x/=T)-s*_,A=s*b-l*x,S=c(k,M,A);if(k/=S,M/=S,A/=S,this.center.jump(t,H,G,Y),this.radius.idle(t),this.up.jump(t,s,l,f),this.right.jump(t,x,b,_),2===a){var E=e[1],C=e[5],L=e[9],I=E*x+C*b+L*_,P=E*k+C*M+L*A;v=R<0?-Math.PI/2:Math.PI/2,y=Math.atan2(P,I)}else{var z=e[2],O=e[6],D=e[10],R=z*s+O*l+D*f,F=z*x+O*b+D*_,B=z*k+O*M+D*A;v=Math.asin(u(R)),y=Math.atan2(B,F)}this.angle.jump(t,y,v),this.recalcMatrix(t);var N=e[2],j=e[6],U=e[10],V=this.computedMatrix;i(V,e);var q=V[15],H=V[12]/q,G=V[13]/q,Y=V[14]/q,W=Math.exp(this.computedRadius[0]);this.center.jump(t,H-N*W,G-j*W,Y-U*W)},p.lastT=function(){return Math.max(this.center.lastT(),this.up.lastT(),this.right.lastT(),this.radius.lastT(),this.angle.lastT())},p.idle=function(t){this.center.idle(t),this.up.idle(t),this.right.idle(t),this.radius.idle(t),this.angle.idle(t)},p.flush=function(t){this.center.flush(t),this.up.flush(t),this.right.flush(t),this.radius.flush(t),this.angle.flush(t)},p.setDistance=function(t,e){e>0&&this.radius.set(t,Math.log(e))},p.lookAt=function(t,e,r,n){this.recalcMatrix(t),e=e||this.computedEye,r=r||this.computedCenter;var i=(n=n||this.computedUp)[0],a=n[1],o=n[2],s=c(i,a,o);if(!(s<1e-6)){i/=s,a/=s,o/=s;var l=e[0]-r[0],f=e[1]-r[1],h=e[2]-r[2],p=c(l,f,h);if(!(p<1e-6)){l/=p,f/=p,h/=p;var d=this.computedRight,g=d[0],m=d[1],v=d[2],y=i*g+a*m+o*v,x=c(g-=y*i,m-=y*a,v-=y*o);if(!(x<.01&&(x=c(g=a*h-o*f,m=o*l-i*h,v=i*f-a*l))<1e-6)){g/=x,m/=x,v/=x,this.up.set(t,i,a,o),this.right.set(t,g,m,v),this.center.set(t,r[0],r[1],r[2]),this.radius.set(t,Math.log(p));var b=a*v-o*m,_=o*g-i*v,w=i*m-a*g,T=c(b,_,w),k=i*l+a*f+o*h,M=g*l+m*f+v*h,A=(b/=T)*l+(_/=T)*f+(w/=T)*h,S=Math.asin(u(k)),E=Math.atan2(A,M),C=this.angle._state,L=C[C.length-1],I=C[C.length-2];L%=2*Math.PI;var P=Math.abs(L+2*Math.PI-E),z=Math.abs(L-E),O=Math.abs(L-2*Math.PI-E);P":(e.length>100&&(e=e.slice(0,99)+"\u2026"),e=e.replace(i,(function(t){switch(t){case"\n":return"\\n";case"\r":return"\\r";case"\u2028":return"\\u2028";case"\u2029":return"\\u2029";default:throw new Error("Unexpected character")}})))}},{"./safe-to-string":586}],588:[function(t,e,r){"use strict";var n=t("../value/is"),i={object:!0,function:!0,undefined:!0};e.exports=function(t){return!!n(t)&&hasOwnProperty.call(i,typeof t)}},{"../value/is":594}],589:[function(t,e,r){"use strict";var n=t("../lib/resolve-exception"),i=t("./is");e.exports=function(t){return i(t)?t:n(t,"%v is not a plain function",arguments[1])}},{"../lib/resolve-exception":585,"./is":590}],590:[function(t,e,r){"use strict";var n=t("../function/is"),i=/^\s*class[\s{/}]/,a=Function.prototype.toString;e.exports=function(t){return!!n(t)&&!i.test(a.call(t))}},{"../function/is":584}],591:[function(t,e,r){"use strict";var n=t("../object/is");e.exports=function(t){if(!n(t))return!1;try{return!!t.constructor&&t.constructor.prototype===t}catch(t){return!1}}},{"../object/is":588}],592:[function(t,e,r){"use strict";var n=t("../value/is"),i=t("../object/is"),a=Object.prototype.toString;e.exports=function(t){if(!n(t))return null;if(i(t)){var e=t.toString;if("function"!=typeof e)return null;if(e===a)return null}try{return""+t}catch(t){return null}}},{"../object/is":588,"../value/is":594}],593:[function(t,e,r){"use strict";var n=t("../lib/resolve-exception"),i=t("./is");e.exports=function(t){return i(t)?t:n(t,"Cannot use %v",arguments[1])}},{"../lib/resolve-exception":585,"./is":594}],594:[function(t,e,r){"use strict";e.exports=function(t){return null!=t}},{}],595:[function(t,e,r){(function(e){(function(){"use strict";var n=t("bit-twiddle"),i=t("dup"),a=t("buffer").Buffer;e.__TYPEDARRAY_POOL||(e.__TYPEDARRAY_POOL={UINT8:i([32,0]),UINT16:i([32,0]),UINT32:i([32,0]),BIGUINT64:i([32,0]),INT8:i([32,0]),INT16:i([32,0]),INT32:i([32,0]),BIGINT64:i([32,0]),FLOAT:i([32,0]),DOUBLE:i([32,0]),DATA:i([32,0]),UINT8C:i([32,0]),BUFFER:i([32,0])});var o="undefined"!=typeof Uint8ClampedArray,s="undefined"!=typeof BigUint64Array,l="undefined"!=typeof BigInt64Array,c=e.__TYPEDARRAY_POOL;c.UINT8C||(c.UINT8C=i([32,0])),c.BIGUINT64||(c.BIGUINT64=i([32,0])),c.BIGINT64||(c.BIGINT64=i([32,0])),c.BUFFER||(c.BUFFER=i([32,0]));var u=c.DATA,f=c.BUFFER;function h(t){if(t){var e=t.length||t.byteLength,r=n.log2(e);u[r].push(t)}}function p(t){t=n.nextPow2(t);var e=n.log2(t),r=u[e];return r.length>0?r.pop():new ArrayBuffer(t)}function d(t){return new Uint8Array(p(t),0,t)}function g(t){return new Uint16Array(p(2*t),0,t)}function m(t){return new Uint32Array(p(4*t),0,t)}function v(t){return new Int8Array(p(t),0,t)}function y(t){return new Int16Array(p(2*t),0,t)}function x(t){return new Int32Array(p(4*t),0,t)}function b(t){return new Float32Array(p(4*t),0,t)}function _(t){return new Float64Array(p(8*t),0,t)}function w(t){return o?new Uint8ClampedArray(p(t),0,t):d(t)}function T(t){return s?new BigUint64Array(p(8*t),0,t):null}function k(t){return l?new BigInt64Array(p(8*t),0,t):null}function M(t){return new DataView(p(t),0,t)}function A(t){t=n.nextPow2(t);var e=n.log2(t),r=f[e];return r.length>0?r.pop():new a(t)}r.free=function(t){if(a.isBuffer(t))f[n.log2(t.length)].push(t);else{if("[object ArrayBuffer]"!==Object.prototype.toString.call(t)&&(t=t.buffer),!t)return;var e=t.length||t.byteLength,r=0|n.log2(e);u[r].push(t)}},r.freeUint8=r.freeUint16=r.freeUint32=r.freeBigUint64=r.freeInt8=r.freeInt16=r.freeInt32=r.freeBigInt64=r.freeFloat32=r.freeFloat=r.freeFloat64=r.freeDouble=r.freeUint8Clamped=r.freeDataView=function(t){h(t.buffer)},r.freeArrayBuffer=h,r.freeBuffer=function(t){f[n.log2(t.length)].push(t)},r.malloc=function(t,e){if(void 0===e||"arraybuffer"===e)return p(t);switch(e){case"uint8":return d(t);case"uint16":return g(t);case"uint32":return m(t);case"int8":return v(t);case"int16":return y(t);case"int32":return x(t);case"float":case"float32":return b(t);case"double":case"float64":return _(t);case"uint8_clamped":return w(t);case"bigint64":return k(t);case"biguint64":return T(t);case"buffer":return A(t);case"data":case"dataview":return M(t);default:return null}return null},r.mallocArrayBuffer=p,r.mallocUint8=d,r.mallocUint16=g,r.mallocUint32=m,r.mallocInt8=v,r.mallocInt16=y,r.mallocInt32=x,r.mallocFloat32=r.mallocFloat=b,r.mallocFloat64=r.mallocDouble=_,r.mallocUint8Clamped=w,r.mallocBigUint64=T,r.mallocBigInt64=k,r.mallocDataView=M,r.mallocBuffer=A,r.clearCache=function(){for(var t=0;t<32;++t)c.UINT8[t].length=0,c.UINT16[t].length=0,c.UINT32[t].length=0,c.INT8[t].length=0,c.INT16[t].length=0,c.INT32[t].length=0,c.FLOAT[t].length=0,c.DOUBLE[t].length=0,c.BIGUINT64[t].length=0,c.BIGINT64[t].length=0,c.UINT8C[t].length=0,u[t].length=0,f[t].length=0}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"bit-twiddle":97,buffer:111,dup:176}],596:[function(t,e,r){"use strict";function n(t){this.roots=new Array(t),this.ranks=new Array(t);for(var e=0;e0&&(a=n.size),n.lineSpacing&&n.lineSpacing>0&&(o=n.lineSpacing),n.styletags&&n.styletags.breaklines&&(s.breaklines=!!n.styletags.breaklines),n.styletags&&n.styletags.bolds&&(s.bolds=!!n.styletags.bolds),n.styletags&&n.styletags.italics&&(s.italics=!!n.styletags.italics),n.styletags&&n.styletags.subscripts&&(s.subscripts=!!n.styletags.subscripts),n.styletags&&n.styletags.superscripts&&(s.superscripts=!!n.styletags.superscripts));return r.font=[n.fontStyle,n.fontVariant,n.fontWeight,a+"px",n.font].filter((function(t){return t})).join(" "),r.textAlign="start",r.textBaseline="alphabetic",r.direction="ltr",h(function(t,e,r,n,a,o){r=r.replace(/\n/g,""),r=!0===o.breaklines?r.replace(/\/g,"\n"):r.replace(/\/g," ");var s="",l=[];for(p=0;p-1?parseInt(t[1+i]):0,l=a>-1?parseInt(r[1+a]):0;s!==l&&(n=n.replace(S(),"?px "),m*=Math.pow(.75,l-s),n=n.replace("?px ",S())),g+=.25*x*(l-s)}if(!0===o.superscripts){var c=t.indexOf("+"),u=r.indexOf("+"),f=c>-1?parseInt(t[1+c]):0,h=u>-1?parseInt(r[1+u]):0;f!==h&&(n=n.replace(S(),"?px "),m*=Math.pow(.75,h-f),n=n.replace("?px ",S())),g-=.25*x*(h-f)}if(!0===o.bolds){var p=t.indexOf("b|")>-1,d=r.indexOf("b|")>-1;!p&&d&&(n=v?n.replace("italic ","italic bold "):"bold "+n),p&&!d&&(n=n.replace("bold ",""))}if(!0===o.italics){var v=t.indexOf("i|")>-1,y=r.indexOf("i|")>-1;!v&&y&&(n="italic "+n),v&&!y&&(n=n.replace("italic ",""))}e.font=n}for(h=0;h",a="",o=i.length,s=a.length,l="+"===e[0]||"-"===e[0],c=0,u=-s;c>-1&&-1!==(c=r.indexOf(i,c))&&-1!==(u=r.indexOf(a,c+o))&&!(u<=c);){for(var f=c;f=u)n[f]=null,r=r.substr(0,f)+" "+r.substr(f+1);else if(null!==n[f]){var h=n[f].indexOf(e[0]);-1===h?n[f]+=e:l&&(n[f]=n[f].substr(0,h+1)+(1+parseInt(n[f][h+1]))+n[f].substr(h+2))}var p=c+o,d=r.substr(p,u-p).indexOf(i);c=-1!==d?d:u+s}return n}function u(t,e){var r=n(t,128);return e?a(r.cells,r.positions,.25):{edges:r.cells,positions:r.positions}}function f(t,e,r,n){var i=u(t,n),a=function(t,e,r){for(var n=e.textAlign||"start",i=e.textBaseline||"alphabetic",a=[1<<30,1<<30],o=[0,0],s=t.length,l=0;l=0?e[a]:i}))},has___:{value:y((function(e){var n=v(e);return n?r in n:t.indexOf(e)>=0}))},set___:{value:y((function(n,i){var a,o=v(n);return o?o[r]=i:(a=t.indexOf(n))>=0?e[a]=i:(a=t.length,e[a]=i,t[a]=n),this}))},delete___:{value:y((function(n){var i,a,o=v(n);return o?r in o&&delete o[r]:!((i=t.indexOf(n))<0)&&(a=t.length-1,t[i]=void 0,e[i]=e[a],t[i]=t[a],t.length=a,e.length=a,!0)}))}})};d.prototype=Object.create(Object.prototype,{get:{value:function(t,e){return this.get___(t,e)},writable:!0,configurable:!0},has:{value:function(t){return this.has___(t)},writable:!0,configurable:!0},set:{value:function(t,e){return this.set___(t,e)},writable:!0,configurable:!0},delete:{value:function(t){return this.delete___(t)},writable:!0,configurable:!0}}),"function"==typeof r?function(){function n(){this instanceof d||x();var e,n=new r,i=void 0,a=!1;return e=t?function(t,e){return n.set(t,e),n.has(t)||(i||(i=new d),i.set(t,e)),this}:function(t,e){if(a)try{n.set(t,e)}catch(r){i||(i=new d),i.set___(t,e)}else n.set(t,e);return this},Object.create(d.prototype,{get___:{value:y((function(t,e){return i?n.has(t)?n.get(t):i.get___(t,e):n.get(t,e)}))},has___:{value:y((function(t){return n.has(t)||!!i&&i.has___(t)}))},set___:{value:y(e)},delete___:{value:y((function(t){var e=!!n.delete(t);return i&&i.delete___(t)||e}))},permitHostObjects___:{value:y((function(t){if(t!==g)throw new Error("bogus call to permitHostObjects___");a=!0}))}})}t&&"undefined"!=typeof Proxy&&(Proxy=void 0),n.prototype=d.prototype,e.exports=n,Object.defineProperty(WeakMap.prototype,"constructor",{value:WeakMap,enumerable:!1,configurable:!0,writable:!0})}():("undefined"!=typeof Proxy&&(Proxy=void 0),e.exports=d)}function g(t){t.permitHostObjects___&&t.permitHostObjects___(g)}function m(t){return!("weakmap:"==t.substr(0,"weakmap:".length)&&"___"===t.substr(t.length-3))}function v(t){if(t!==Object(t))throw new TypeError("Not an object: "+t);var e=t[l];if(e&&e.key===t)return e;if(s(t)){e={key:t};try{return o(t,l,{value:e,writable:!1,enumerable:!1,configurable:!1}),e}catch(t){return}}}function y(t){return t.prototype=null,Object.freeze(t)}function x(){h||"undefined"==typeof console||(h=!0,console.warn("WeakMap should be invoked as new WeakMap(), not WeakMap(). This will be an error in the future."))}}()},{}],603:[function(t,e,r){var n=t("./hidden-store.js");e.exports=function(){var t={};return function(e){if(("object"!=typeof e||null===e)&&"function"!=typeof e)throw new Error("Weakmap-shim: Key must be object");var r=e.valueOf(t);return r&&r.identity===t?r:n(e,t)}}},{"./hidden-store.js":604}],604:[function(t,e,r){e.exports=function(t,e){var r={identity:e},n=t.valueOf;return Object.defineProperty(t,"valueOf",{value:function(t){return t!==e?n.apply(this,arguments):r},writable:!0}),r}},{}],605:[function(t,e,r){var n=t("./create-store.js");e.exports=function(){var t=n();return{get:function(e,r){var n=t(e);return n.hasOwnProperty("value")?n.value:r},set:function(e,r){return t(e).value=r,this},has:function(e){return"value"in t(e)},delete:function(e){return delete t(e).value}}}},{"./create-store.js":603}],606:[function(t,e,r){var n=t("get-canvas-context");e.exports=function(t){return n("webgl",t)}},{"get-canvas-context":249}],607:[function(t,e,r){var n=t("../main"),i=t("object-assign"),a=n.instance();function o(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}o.prototype=new n.baseCalendar,i(o.prototype,{name:"Chinese",jdEpoch:1721425.5,hasYearZero:!1,minMonth:0,firstMonth:0,minDay:1,regionalOptions:{"":{name:"Chinese",epochs:["BEC","EC"],monthNumbers:function(t,e){if("string"==typeof t){var r=t.match(l);return r?r[0]:""}var n=this._validateYear(t),i=t.month(),a=""+this.toChineseMonth(n,i);return e&&a.length<2&&(a="0"+a),this.isIntercalaryMonth(n,i)&&(a+="i"),a},monthNames:function(t){if("string"==typeof t){var e=t.match(c);return e?e[0]:""}var r=this._validateYear(t),n=t.month(),i=["\u4e00\u6708","\u4e8c\u6708","\u4e09\u6708","\u56db\u6708","\u4e94\u6708","\u516d\u6708","\u4e03\u6708","\u516b\u6708","\u4e5d\u6708","\u5341\u6708","\u5341\u4e00\u6708","\u5341\u4e8c\u6708"][this.toChineseMonth(r,n)-1];return this.isIntercalaryMonth(r,n)&&(i="\u95f0"+i),i},monthNamesShort:function(t){if("string"==typeof t){var e=t.match(u);return e?e[0]:""}var r=this._validateYear(t),n=t.month(),i=["\u4e00","\u4e8c","\u4e09","\u56db","\u4e94","\u516d","\u4e03","\u516b","\u4e5d","\u5341","\u5341\u4e00","\u5341\u4e8c"][this.toChineseMonth(r,n)-1];return this.isIntercalaryMonth(r,n)&&(i="\u95f0"+i),i},parseMonth:function(t,e){t=this._validateYear(t);var r,n=parseInt(e);if(isNaN(n))"\u95f0"===e[0]&&(r=!0,e=e.substring(1)),"\u6708"===e[e.length-1]&&(e=e.substring(0,e.length-1)),n=1+["\u4e00","\u4e8c","\u4e09","\u56db","\u4e94","\u516d","\u4e03","\u516b","\u4e5d","\u5341","\u5341\u4e00","\u5341\u4e8c"].indexOf(e);else{var i=e[e.length-1];r="i"===i||"I"===i}return this.toMonthIndex(t,n,r)},dayNames:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],dayNamesShort:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],dayNamesMin:["Su","Mo","Tu","We","Th","Fr","Sa"],digits:null,dateFormat:"yyyy/mm/dd",firstDay:1,isRTL:!1}},_validateYear:function(t,e){if(t.year&&(t=t.year()),"number"!=typeof t||t<1888||t>2111)throw e.replace(/\{0\}/,this.local.name);return t},toMonthIndex:function(t,e,r){var i=this.intercalaryMonth(t);if(r&&e!==i||e<1||e>12)throw n.local.invalidMonth.replace(/\{0\}/,this.local.name);return i?!r&&e<=i?e-1:e:e-1},toChineseMonth:function(t,e){t.year&&(e=(t=t.year()).month());var r=this.intercalaryMonth(t);if(e<0||e>(r?12:11))throw n.local.invalidMonth.replace(/\{0\}/,this.local.name);return r?e>13},isIntercalaryMonth:function(t,e){t.year&&(e=(t=t.year()).month());var r=this.intercalaryMonth(t);return!!r&&r===e},leapYear:function(t){return 0!==this.intercalaryMonth(t)},weekOfYear:function(t,e,r){var i,o=this._validateYear(t,n.local.invalidyear),s=h[o-h[0]],l=s>>9&4095,c=s>>5&15,u=31&s;(i=a.newDate(l,c,u)).add(4-(i.dayOfWeek()||7),"d");var f=this.toJD(t,e,r)-i.toJD();return 1+Math.floor(f/7)},monthsInYear:function(t){return this.leapYear(t)?13:12},daysInMonth:function(t,e){t.year&&(e=t.month(),t=t.year()),t=this._validateYear(t);var r=f[t-f[0]];if(e>(r>>13?12:11))throw n.local.invalidMonth.replace(/\{0\}/,this.local.name);return r&1<<12-e?30:29},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,s,r,n.local.invalidDate);t=this._validateYear(i.year()),e=i.month(),r=i.day();var o=this.isIntercalaryMonth(t,e),s=this.toChineseMonth(t,e),l=function(t,e,r,n,i){var a,o,s;if("object"==typeof t)o=t,a=e||{};else{var l;if(!("number"==typeof t&&t>=1888&&t<=2111))throw new Error("Lunar year outside range 1888-2111");if(!("number"==typeof e&&e>=1&&e<=12))throw new Error("Lunar month outside range 1 - 12");if(!("number"==typeof r&&r>=1&&r<=30))throw new Error("Lunar day outside range 1 - 30");"object"==typeof n?(l=!1,a=n):(l=!!n,a=i||{}),o={year:t,month:e,day:r,isIntercalary:l}}s=o.day-1;var c,u=f[o.year-f[0]],p=u>>13;c=p&&(o.month>p||o.isIntercalary)?o.month:o.month-1;for(var d=0;d>9&4095,(g>>5&15)-1,(31&g)+s);return a.year=m.getFullYear(),a.month=1+m.getMonth(),a.day=m.getDate(),a}(t,s,r,o);return a.toJD(l.year,l.month,l.day)},fromJD:function(t){var e=a.fromJD(t),r=function(t,e,r,n){var i,a;if("object"==typeof t)i=t,a=e||{};else{if(!("number"==typeof t&&t>=1888&&t<=2111))throw new Error("Solar year outside range 1888-2111");if(!("number"==typeof e&&e>=1&&e<=12))throw new Error("Solar month outside range 1 - 12");if(!("number"==typeof r&&r>=1&&r<=31))throw new Error("Solar day outside range 1 - 31");i={year:t,month:e,day:r},a=n||{}}var o=h[i.year-h[0]],s=i.year<<9|i.month<<5|i.day;a.year=s>=o?i.year:i.year-1,o=h[a.year-h[0]];var l,c=new Date(o>>9&4095,(o>>5&15)-1,31&o),u=new Date(i.year,i.month-1,i.day);l=Math.round((u-c)/864e5);var p,d=f[a.year-f[0]];for(p=0;p<13;p++){var g=d&1<<12-p?30:29;if(l>13;!m||p=2&&n<=6},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return{century:o[Math.floor((i.year()-1)/100)+1]||""}},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year()+(i.year()<0?1:0),e=i.month(),(r=i.day())+(e>1?16:0)+(e>2?32*(e-2):0)+400*(t-1)+this.jdEpoch-1},fromJD:function(t){t=Math.floor(t+.5)-Math.floor(this.jdEpoch)-1;var e=Math.floor(t/400)+1;t-=400*(e-1),t+=t>15?16:0;var r=Math.floor(t/32)+1,n=t-32*(r-1)+1;return this.newDate(e<=0?e-1:e,r,n)}});var o={20:"Fruitbat",21:"Anchovy"};n.calendars.discworld=a},{"../main":621,"object-assign":499}],610:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Ethiopian",jdEpoch:1724220.5,daysPerMonth:[30,30,30,30,30,30,30,30,30,30,30,30,5],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Ethiopian",epochs:["BEE","EE"],monthNames:["Meskerem","Tikemet","Hidar","Tahesas","Tir","Yekatit","Megabit","Miazia","Genbot","Sene","Hamle","Nehase","Pagume"],monthNamesShort:["Mes","Tik","Hid","Tah","Tir","Yek","Meg","Mia","Gen","Sen","Ham","Neh","Pag"],dayNames:["Ehud","Segno","Maksegno","Irob","Hamus","Arb","Kidame"],dayNamesShort:["Ehu","Seg","Mak","Iro","Ham","Arb","Kid"],dayNamesMin:["Eh","Se","Ma","Ir","Ha","Ar","Ki"],digits:null,dateFormat:"dd/mm/yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return(t=e.year()+(e.year()<0?1:0))%4==3||t%4==-1},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear||n.regionalOptions[""].invalidYear),13},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(13===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return(t=i.year())<0&&t++,i.day()+30*(i.month()-1)+365*(t-1)+Math.floor(t/4)+this.jdEpoch-1},fromJD:function(t){var e=Math.floor(t)+.5-this.jdEpoch,r=Math.floor((e-Math.floor((e+366)/1461))/365)+1;r<=0&&r--,e=Math.floor(t)+.5-this.newDate(r,1,1).toJD();var n=Math.floor(e/30)+1,i=e-30*(n-1)+1;return this.newDate(r,n,i)}}),n.calendars.ethiopian=a},{"../main":621,"object-assign":499}],611:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}function o(t,e){return t-e*Math.floor(t/e)}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Hebrew",jdEpoch:347995.5,daysPerMonth:[30,29,30,29,30,29,30,29,30,29,30,29,29],hasYearZero:!1,minMonth:1,firstMonth:7,minDay:1,regionalOptions:{"":{name:"Hebrew",epochs:["BAM","AM"],monthNames:["Nisan","Iyar","Sivan","Tammuz","Av","Elul","Tishrei","Cheshvan","Kislev","Tevet","Shevat","Adar","Adar II"],monthNamesShort:["Nis","Iya","Siv","Tam","Av","Elu","Tis","Che","Kis","Tev","She","Ada","Ad2"],dayNames:["Yom Rishon","Yom Sheni","Yom Shlishi","Yom Revi'i","Yom Chamishi","Yom Shishi","Yom Shabbat"],dayNamesShort:["Ris","She","Shl","Rev","Cha","Shi","Sha"],dayNamesMin:["Ri","She","Shl","Re","Ch","Shi","Sha"],digits:null,dateFormat:"dd/mm/yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return this._leapYear(e.year())},_leapYear:function(t){return o(7*(t=t<0?t+1:t)+1,19)<7},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),this._leapYear(t.year?t.year():t)?13:12},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){return t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year(),this.toJD(-1===t?1:t+1,7,1)-this.toJD(t,7,1)},daysInMonth:function(t,e){return t.year&&(e=t.month(),t=t.year()),this._validate(t,e,this.minDay,n.local.invalidMonth),12===e&&this.leapYear(t)||8===e&&5===o(this.daysInYear(t),10)?30:9===e&&3===o(this.daysInYear(t),10)?29:this.daysPerMonth[e-1]},weekDay:function(t,e,r){return 6!==this.dayOfWeek(t,e,r)},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return{yearType:(this.leapYear(i)?"embolismic":"common")+" "+["deficient","regular","complete"][this.daysInYear(i)%10-3]}},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=t<=0?t+1:t,o=this.jdEpoch+this._delay1(a)+this._delay2(a)+r+1;if(e<7){for(var s=7;s<=this.monthsInYear(t);s++)o+=this.daysInMonth(t,s);for(s=1;s=this.toJD(-1===e?1:e+1,7,1);)e++;for(var r=tthis.toJD(e,r,this.daysInMonth(e,r));)r++;var n=t-this.toJD(e,r,1)+1;return this.newDate(e,r,n)}}),n.calendars.hebrew=a},{"../main":621,"object-assign":499}],612:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Islamic",jdEpoch:1948439.5,daysPerMonth:[30,29,30,29,30,29,30,29,30,29,30,29],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Islamic",epochs:["BH","AH"],monthNames:["Muharram","Safar","Rabi' al-awwal","Rabi' al-thani","Jumada al-awwal","Jumada al-thani","Rajab","Sha'aban","Ramadan","Shawwal","Dhu al-Qi'dah","Dhu al-Hijjah"],monthNamesShort:["Muh","Saf","Rab1","Rab2","Jum1","Jum2","Raj","Sha'","Ram","Shaw","DhuQ","DhuH"],dayNames:["Yawm al-ahad","Yawm al-ithnayn","Yawm ath-thulaathaa'","Yawm al-arbi'aa'","Yawm al-kham\u012bs","Yawm al-jum'a","Yawm as-sabt"],dayNamesShort:["Aha","Ith","Thu","Arb","Kha","Jum","Sab"],dayNamesMin:["Ah","It","Th","Ar","Kh","Ju","Sa"],digits:null,dateFormat:"yyyy/mm/dd",firstDay:6,isRTL:!1}},leapYear:function(t){return(11*this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year()+14)%30<11},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){return this.leapYear(t)?355:354},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year(),e=i.month(),t=t<=0?t+1:t,(r=i.day())+Math.ceil(29.5*(e-1))+354*(t-1)+Math.floor((3+11*t)/30)+this.jdEpoch-1},fromJD:function(t){t=Math.floor(t)+.5;var e=Math.floor((30*(t-this.jdEpoch)+10646)/10631);e=e<=0?e-1:e;var r=Math.min(12,Math.ceil((t-29-this.toJD(e,1,1))/29.5)+1),n=t-this.toJD(e,r,1)+1;return this.newDate(e,r,n)}}),n.calendars.islamic=a},{"../main":621,"object-assign":499}],613:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Julian",jdEpoch:1721423.5,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Julian",epochs:["BC","AD"],monthNames:["January","February","March","April","May","June","July","August","September","October","November","December"],monthNamesShort:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"],dayNames:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],dayNamesShort:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],dayNamesMin:["Su","Mo","Tu","We","Th","Fr","Sa"],digits:null,dateFormat:"mm/dd/yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return(t=e.year()<0?e.year()+1:e.year())%4==0},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(4-(n.dayOfWeek()||7),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year(),e=i.month(),r=i.day(),t<0&&t++,e<=2&&(t--,e+=12),Math.floor(365.25*(t+4716))+Math.floor(30.6001*(e+1))+r-1524.5},fromJD:function(t){var e=Math.floor(t+.5)+1524,r=Math.floor((e-122.1)/365.25),n=Math.floor(365.25*r),i=Math.floor((e-n)/30.6001),a=i-Math.floor(i<14?1:13),o=r-Math.floor(a>2?4716:4715),s=e-n-Math.floor(30.6001*i);return o<=0&&o--,this.newDate(o,a,s)}}),n.calendars.julian=a},{"../main":621,"object-assign":499}],614:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}function o(t,e){return t-e*Math.floor(t/e)}function s(t,e){return o(t-1,e)+1}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Mayan",jdEpoch:584282.5,hasYearZero:!0,minMonth:0,firstMonth:0,minDay:0,regionalOptions:{"":{name:"Mayan",epochs:["",""],monthNames:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17"],monthNamesShort:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17"],dayNames:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17","18","19"],dayNamesShort:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17","18","19"],dayNamesMin:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17","18","19"],digits:null,dateFormat:"YYYY.m.d",firstDay:0,isRTL:!1,haabMonths:["Pop","Uo","Zip","Zotz","Tzec","Xul","Yaxkin","Mol","Chen","Yax","Zac","Ceh","Mac","Kankin","Muan","Pax","Kayab","Cumku","Uayeb"],tzolkinMonths:["Imix","Ik","Akbal","Kan","Chicchan","Cimi","Manik","Lamat","Muluc","Oc","Chuen","Eb","Ben","Ix","Men","Cib","Caban","Etznab","Cauac","Ahau"]}},leapYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),!1},formatYear:function(t){t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year();var e=Math.floor(t/400);return t%=400,t+=t<0?400:0,e+"."+Math.floor(t/20)+"."+t%20},forYear:function(t){if((t=t.split(".")).length<3)throw"Invalid Mayan year";for(var e=0,r=0;r19||r>0&&n<0)throw"Invalid Mayan year";e=20*e+n}return e},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),18},weekOfYear:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate),0},daysInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),360},daysInMonth:function(t,e){return this._validate(t,e,this.minDay,n.local.invalidMonth),20},daysInWeek:function(){return 5},dayOfWeek:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate).day()},weekDay:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate),!0},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate).toJD(),a=this._toHaab(i),o=this._toTzolkin(i);return{haabMonthName:this.local.haabMonths[a[0]-1],haabMonth:a[0],haabDay:a[1],tzolkinDayName:this.local.tzolkinMonths[o[0]-1],tzolkinDay:o[0],tzolkinTrecena:o[1]}},_toHaab:function(t){var e=o((t-=this.jdEpoch)+8+340,365);return[Math.floor(e/20)+1,o(e,20)]},_toTzolkin:function(t){return[s((t-=this.jdEpoch)+20,20),s(t+4,13)]},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return i.day()+20*i.month()+360*i.year()+this.jdEpoch},fromJD:function(t){t=Math.floor(t)+.5-this.jdEpoch;var e=Math.floor(t/360);t%=360,t+=t<0?360:0;var r=Math.floor(t/20),n=t%20;return this.newDate(e,r,n)}}),n.calendars.mayan=a},{"../main":621,"object-assign":499}],615:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar;var o=n.instance("gregorian");i(a.prototype,{name:"Nanakshahi",jdEpoch:2257673.5,daysPerMonth:[31,31,31,31,31,30,30,30,30,30,30,30],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Nanakshahi",epochs:["BN","AN"],monthNames:["Chet","Vaisakh","Jeth","Harh","Sawan","Bhadon","Assu","Katak","Maghar","Poh","Magh","Phagun"],monthNamesShort:["Che","Vai","Jet","Har","Saw","Bha","Ass","Kat","Mgr","Poh","Mgh","Pha"],dayNames:["Somvaar","Mangalvar","Budhvaar","Veervaar","Shukarvaar","Sanicharvaar","Etvaar"],dayNamesShort:["Som","Mangal","Budh","Veer","Shukar","Sanichar","Et"],dayNamesMin:["So","Ma","Bu","Ve","Sh","Sa","Et"],digits:null,dateFormat:"dd-mm-yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear||n.regionalOptions[""].invalidYear);return o.leapYear(e.year()+(e.year()<1?1:0)+1469)},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(1-(n.dayOfWeek()||7),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidMonth);(t=i.year())<0&&t++;for(var a=i.day(),s=1;s=this.toJD(e+1,1,1);)e++;for(var r=t-Math.floor(this.toJD(e,1,1)+.5)+1,n=1;r>this.daysInMonth(e,n);)r-=this.daysInMonth(e,n),n++;return this.newDate(e,n,r)}}),n.calendars.nanakshahi=a},{"../main":621,"object-assign":499}],616:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Nepali",jdEpoch:1700709.5,daysPerMonth:[31,31,32,32,31,30,30,29,30,29,30,30],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,daysPerYear:365,regionalOptions:{"":{name:"Nepali",epochs:["BBS","ABS"],monthNames:["Baisakh","Jestha","Ashadh","Shrawan","Bhadra","Ashwin","Kartik","Mangsir","Paush","Mangh","Falgun","Chaitra"],monthNamesShort:["Bai","Je","As","Shra","Bha","Ash","Kar","Mang","Pau","Ma","Fal","Chai"],dayNames:["Aaitabaar","Sombaar","Manglbaar","Budhabaar","Bihibaar","Shukrabaar","Shanibaar"],dayNamesShort:["Aaita","Som","Mangl","Budha","Bihi","Shukra","Shani"],dayNamesMin:["Aai","So","Man","Bu","Bi","Shu","Sha"],digits:null,dateFormat:"dd/mm/yyyy",firstDay:1,isRTL:!1}},leapYear:function(t){return this.daysInYear(t)!==this.daysPerYear},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){if(t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year(),"undefined"==typeof this.NEPALI_CALENDAR_DATA[t])return this.daysPerYear;for(var e=0,r=this.minMonth;r<=12;r++)e+=this.NEPALI_CALENDAR_DATA[t][r];return e},daysInMonth:function(t,e){return t.year&&(e=t.month(),t=t.year()),this._validate(t,e,this.minDay,n.local.invalidMonth),"undefined"==typeof this.NEPALI_CALENDAR_DATA[t]?this.daysPerMonth[e-1]:this.NEPALI_CALENDAR_DATA[t][e]},weekDay:function(t,e,r){return 6!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=n.instance(),o=0,s=e,l=t;this._createMissingCalendarData(t);var c=t-(s>9||9===s&&r>=this.NEPALI_CALENDAR_DATA[l][0]?56:57);for(9!==e&&(o=r,s--);9!==s;)s<=0&&(s=12,l--),o+=this.NEPALI_CALENDAR_DATA[l][s],s--;return 9===e?(o+=r-this.NEPALI_CALENDAR_DATA[l][0])<0&&(o+=a.daysInYear(c)):o+=this.NEPALI_CALENDAR_DATA[l][9]-this.NEPALI_CALENDAR_DATA[l][0],a.newDate(c,1,1).add(o,"d").toJD()},fromJD:function(t){var e=n.instance().fromJD(t),r=e.year(),i=e.dayOfYear(),a=r+56;this._createMissingCalendarData(a);for(var o=9,s=this.NEPALI_CALENDAR_DATA[a][0],l=this.NEPALI_CALENDAR_DATA[a][o]-s+1;i>l;)++o>12&&(o=1,a++),l+=this.NEPALI_CALENDAR_DATA[a][o];var c=this.NEPALI_CALENDAR_DATA[a][o]-(l-i);return this.newDate(a,o,c)},_createMissingCalendarData:function(t){var e=this.daysPerMonth.slice(0);e.unshift(17);for(var r=t-1;r0?474:473))%2820+474+38)%2816<682},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-(n.dayOfWeek()+1)%7,"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=t-(t>=0?474:473),s=474+o(a,2820);return r+(e<=7?31*(e-1):30*(e-1)+6)+Math.floor((682*s-110)/2816)+365*(s-1)+1029983*Math.floor(a/2820)+this.jdEpoch-1},fromJD:function(t){var e=(t=Math.floor(t)+.5)-this.toJD(475,1,1),r=Math.floor(e/1029983),n=o(e,1029983),i=2820;if(1029982!==n){var a=Math.floor(n/366),s=o(n,366);i=Math.floor((2134*a+2816*s+2815)/1028522)+a+1}var l=i+2820*r+474;l=l<=0?l-1:l;var c=t-this.toJD(l,1,1)+1,u=c<=186?Math.ceil(c/31):Math.ceil((c-6)/30),f=t-this.toJD(l,u,1)+1;return this.newDate(l,u,f)}}),n.calendars.persian=a,n.calendars.jalali=a},{"../main":621,"object-assign":499}],618:[function(t,e,r){var n=t("../main"),i=t("object-assign"),a=n.instance();function o(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}o.prototype=new n.baseCalendar,i(o.prototype,{name:"Taiwan",jdEpoch:2419402.5,yearsOffset:1911,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Taiwan",epochs:["BROC","ROC"],monthNames:["January","February","March","April","May","June","July","August","September","October","November","December"],monthNamesShort:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"],dayNames:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],dayNamesShort:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],dayNamesMin:["Su","Mo","Tu","We","Th","Fr","Sa"],digits:null,dateFormat:"yyyy/mm/dd",firstDay:1,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(e.year());return a.leapYear(t)},weekOfYear:function(t,e,r){var i=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(i.year());return a.weekOfYear(t,i.month(),i.day())},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=this._t2gYear(i.year());return a.toJD(t,i.month(),i.day())},fromJD:function(t){var e=a.fromJD(t),r=this._g2tYear(e.year());return this.newDate(r,e.month(),e.day())},_t2gYear:function(t){return t+this.yearsOffset+(t>=-this.yearsOffset&&t<=-1?1:0)},_g2tYear:function(t){return t-this.yearsOffset-(t>=1&&t<=this.yearsOffset?1:0)}}),n.calendars.taiwan=o},{"../main":621,"object-assign":499}],619:[function(t,e,r){var n=t("../main"),i=t("object-assign"),a=n.instance();function o(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}o.prototype=new n.baseCalendar,i(o.prototype,{name:"Thai",jdEpoch:1523098.5,yearsOffset:543,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Thai",epochs:["BBE","BE"],monthNames:["January","February","March","April","May","June","July","August","September","October","November","December"],monthNamesShort:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"],dayNames:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],dayNamesShort:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],dayNamesMin:["Su","Mo","Tu","We","Th","Fr","Sa"],digits:null,dateFormat:"dd/mm/yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(e.year());return a.leapYear(t)},weekOfYear:function(t,e,r){var i=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(i.year());return a.weekOfYear(t,i.month(),i.day())},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=this._t2gYear(i.year());return a.toJD(t,i.month(),i.day())},fromJD:function(t){var e=a.fromJD(t),r=this._g2tYear(e.year());return this.newDate(r,e.month(),e.day())},_t2gYear:function(t){return t-this.yearsOffset-(t>=1&&t<=this.yearsOffset?1:0)},_g2tYear:function(t){return t+this.yearsOffset+(t>=-this.yearsOffset&&t<=-1?1:0)}}),n.calendars.thai=o},{"../main":621,"object-assign":499}],620:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"UmmAlQura",hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Umm al-Qura",epochs:["BH","AH"],monthNames:["Al-Muharram","Safar","Rabi' al-awwal","Rabi' Al-Thani","Jumada Al-Awwal","Jumada Al-Thani","Rajab","Sha'aban","Ramadan","Shawwal","Dhu al-Qi'dah","Dhu al-Hijjah"],monthNamesShort:["Muh","Saf","Rab1","Rab2","Jum1","Jum2","Raj","Sha'","Ram","Shaw","DhuQ","DhuH"],dayNames:["Yawm al-Ahad","Yawm al-Ithnain","Yawm al-Thal\u0101th\u0101\u2019","Yawm al-Arba\u2018\u0101\u2019","Yawm al-Kham\u012bs","Yawm al-Jum\u2018a","Yawm al-Sabt"],dayNamesMin:["Ah","Ith","Th","Ar","Kh","Ju","Sa"],digits:null,dateFormat:"yyyy/mm/dd",firstDay:6,isRTL:!0}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return 355===this.daysInYear(e.year())},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){for(var e=0,r=1;r<=12;r++)e+=this.daysInMonth(t,r);return e},daysInMonth:function(t,e){for(var r=this._validate(t,e,this.minDay,n.local.invalidMonth).toJD()-24e5+.5,i=0,a=0;ar)return o[i]-o[i-1];i++}return 30},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate),a=12*(i.year()-1)+i.month()-15292;return i.day()+o[a-1]-1+24e5-.5},fromJD:function(t){for(var e=t-24e5+.5,r=0,n=0;ne);n++)r++;var i=r+15292,a=Math.floor((i-1)/12),s=a+1,l=i-12*a,c=e-o[r-1]+1;return this.newDate(s,l,c)},isValid:function(t,e,r){var i=n.baseCalendar.prototype.isValid.apply(this,arguments);return i&&(i=(t=null!=t.year?t.year:t)>=1276&&t<=1500),i},_validate:function(t,e,r,i){var a=n.baseCalendar.prototype._validate.apply(this,arguments);if(a.year<1276||a.year>1500)throw i.replace(/\{0\}/,this.local.name);return a}}),n.calendars.ummalqura=a;var o=[20,50,79,109,138,168,197,227,256,286,315,345,374,404,433,463,492,522,551,581,611,641,670,700,729,759,788,818,847,877,906,936,965,995,1024,1054,1083,1113,1142,1172,1201,1231,1260,1290,1320,1350,1379,1409,1438,1468,1497,1527,1556,1586,1615,1645,1674,1704,1733,1763,1792,1822,1851,1881,1910,1940,1969,1999,2028,2058,2087,2117,2146,2176,2205,2235,2264,2294,2323,2353,2383,2413,2442,2472,2501,2531,2560,2590,2619,2649,2678,2708,2737,2767,2796,2826,2855,2885,2914,2944,2973,3003,3032,3062,3091,3121,3150,3180,3209,3239,3268,3298,3327,3357,3386,3416,3446,3476,3505,3535,3564,3594,3623,3653,3682,3712,3741,3771,3800,3830,3859,3889,3918,3948,3977,4007,4036,4066,4095,4125,4155,4185,4214,4244,4273,4303,4332,4362,4391,4421,4450,4480,4509,4539,4568,4598,4627,4657,4686,4716,4745,4775,4804,4834,4863,4893,4922,4952,4981,5011,5040,5070,5099,5129,5158,5188,5218,5248,5277,5307,5336,5366,5395,5425,5454,5484,5513,5543,5572,5602,5631,5661,5690,5720,5749,5779,5808,5838,5867,5897,5926,5956,5985,6015,6044,6074,6103,6133,6162,6192,6221,6251,6281,6311,6340,6370,6399,6429,6458,6488,6517,6547,6576,6606,6635,6665,6694,6724,6753,6783,6812,6842,6871,6901,6930,6960,6989,7019,7048,7078,7107,7137,7166,7196,7225,7255,7284,7314,7344,7374,7403,7433,7462,7492,7521,7551,7580,7610,7639,7669,7698,7728,7757,7787,7816,7846,7875,7905,7934,7964,7993,8023,8053,8083,8112,8142,8171,8201,8230,8260,8289,8319,8348,8378,8407,8437,8466,8496,8525,8555,8584,8614,8643,8673,8702,8732,8761,8791,8821,8850,8880,8909,8938,8968,8997,9027,9056,9086,9115,9145,9175,9205,9234,9264,9293,9322,9352,9381,9410,9440,9470,9499,9529,9559,9589,9618,9648,9677,9706,9736,9765,9794,9824,9853,9883,9913,9943,9972,10002,10032,10061,10090,10120,10149,10178,10208,10237,10267,10297,10326,10356,10386,10415,10445,10474,10504,10533,10562,10592,10621,10651,10680,10710,10740,10770,10799,10829,10858,10888,10917,10947,10976,11005,11035,11064,11094,11124,11153,11183,11213,11242,11272,11301,11331,11360,11389,11419,11448,11478,11507,11537,11567,11596,11626,11655,11685,11715,11744,11774,11803,11832,11862,11891,11921,11950,11980,12010,12039,12069,12099,12128,12158,12187,12216,12246,12275,12304,12334,12364,12393,12423,12453,12483,12512,12542,12571,12600,12630,12659,12688,12718,12747,12777,12807,12837,12866,12896,12926,12955,12984,13014,13043,13072,13102,13131,13161,13191,13220,13250,13280,13310,13339,13368,13398,13427,13456,13486,13515,13545,13574,13604,13634,13664,13693,13723,13752,13782,13811,13840,13870,13899,13929,13958,13988,14018,14047,14077,14107,14136,14166,14195,14224,14254,14283,14313,14342,14372,14401,14431,14461,14490,14520,14550,14579,14609,14638,14667,14697,14726,14756,14785,14815,14844,14874,14904,14933,14963,14993,15021,15051,15081,15110,15140,15169,15199,15228,15258,15287,15317,15347,15377,15406,15436,15465,15494,15524,15553,15582,15612,15641,15671,15701,15731,15760,15790,15820,15849,15878,15908,15937,15966,15996,16025,16055,16085,16114,16144,16174,16204,16233,16262,16292,16321,16350,16380,16409,16439,16468,16498,16528,16558,16587,16617,16646,16676,16705,16734,16764,16793,16823,16852,16882,16912,16941,16971,17001,17030,17060,17089,17118,17148,17177,17207,17236,17266,17295,17325,17355,17384,17414,17444,17473,17502,17532,17561,17591,17620,17650,17679,17709,17738,17768,17798,17827,17857,17886,17916,17945,17975,18004,18034,18063,18093,18122,18152,18181,18211,18241,18270,18300,18330,18359,18388,18418,18447,18476,18506,18535,18565,18595,18625,18654,18684,18714,18743,18772,18802,18831,18860,18890,18919,18949,18979,19008,19038,19068,19098,19127,19156,19186,19215,19244,19274,19303,19333,19362,19392,19422,19452,19481,19511,19540,19570,19599,19628,19658,19687,19717,19746,19776,19806,19836,19865,19895,19924,19954,19983,20012,20042,20071,20101,20130,20160,20190,20219,20249,20279,20308,20338,20367,20396,20426,20455,20485,20514,20544,20573,20603,20633,20662,20692,20721,20751,20780,20810,20839,20869,20898,20928,20957,20987,21016,21046,21076,21105,21135,21164,21194,21223,21253,21282,21312,21341,21371,21400,21430,21459,21489,21519,21548,21578,21607,21637,21666,21696,21725,21754,21784,21813,21843,21873,21902,21932,21962,21991,22021,22050,22080,22109,22138,22168,22197,22227,22256,22286,22316,22346,22375,22405,22434,22464,22493,22522,22552,22581,22611,22640,22670,22700,22730,22759,22789,22818,22848,22877,22906,22936,22965,22994,23024,23054,23083,23113,23143,23173,23202,23232,23261,23290,23320,23349,23379,23408,23438,23467,23497,23527,23556,23586,23616,23645,23674,23704,23733,23763,23792,23822,23851,23881,23910,23940,23970,23999,24029,24058,24088,24117,24147,24176,24206,24235,24265,24294,24324,24353,24383,24413,24442,24472,24501,24531,24560,24590,24619,24648,24678,24707,24737,24767,24796,24826,24856,24885,24915,24944,24974,25003,25032,25062,25091,25121,25150,25180,25210,25240,25269,25299,25328,25358,25387,25416,25446,25475,25505,25534,25564,25594,25624,25653,25683,25712,25742,25771,25800,25830,25859,25888,25918,25948,25977,26007,26037,26067,26096,26126,26155,26184,26214,26243,26272,26302,26332,26361,26391,26421,26451,26480,26510,26539,26568,26598,26627,26656,26686,26715,26745,26775,26805,26834,26864,26893,26923,26952,26982,27011,27041,27070,27099,27129,27159,27188,27218,27248,27277,27307,27336,27366,27395,27425,27454,27484,27513,27542,27572,27602,27631,27661,27691,27720,27750,27779,27809,27838,27868,27897,27926,27956,27985,28015,28045,28074,28104,28134,28163,28193,28222,28252,28281,28310,28340,28369,28399,28428,28458,28488,28517,28547,28577,28607,28636,28665,28695,28724,28754,28783,28813,28843,28872,28901,28931,28960,28990,29019,29049,29078,29108,29137,29167,29196,29226,29255,29285,29315,29345,29375,29404,29434,29463,29492,29522,29551,29580,29610,29640,29669,29699,29729,29759,29788,29818,29847,29876,29906,29935,29964,29994,30023,30053,30082,30112,30141,30171,30200,30230,30259,30289,30318,30348,30378,30408,30437,30467,30496,30526,30555,30585,30614,30644,30673,30703,30732,30762,30791,30821,30850,30880,30909,30939,30968,30998,31027,31057,31086,31116,31145,31175,31204,31234,31263,31293,31322,31352,31381,31411,31441,31471,31500,31530,31559,31589,31618,31648,31676,31706,31736,31766,31795,31825,31854,31884,31913,31943,31972,32002,32031,32061,32090,32120,32150,32180,32209,32239,32268,32298,32327,32357,32386,32416,32445,32475,32504,32534,32563,32593,32622,32652,32681,32711,32740,32770,32799,32829,32858,32888,32917,32947,32976,33006,33035,33065,33094,33124,33153,33183,33213,33243,33272,33302,33331,33361,33390,33420,33450,33479,33509,33539,33568,33598,33627,33657,33686,33716,33745,33775,33804,33834,33863,33893,33922,33952,33981,34011,34040,34069,34099,34128,34158,34187,34217,34247,34277,34306,34336,34365,34395,34424,34454,34483,34512,34542,34571,34601,34631,34660,34690,34719,34749,34778,34808,34837,34867,34896,34926,34955,34985,35015,35044,35074,35103,35133,35162,35192,35222,35251,35280,35310,35340,35370,35399,35429,35458,35488,35517,35547,35576,35605,35635,35665,35694,35723,35753,35782,35811,35841,35871,35901,35930,35960,35989,36019,36048,36078,36107,36136,36166,36195,36225,36254,36284,36314,36343,36373,36403,36433,36462,36492,36521,36551,36580,36610,36639,36669,36698,36728,36757,36786,36816,36845,36875,36904,36934,36963,36993,37022,37052,37081,37111,37141,37170,37200,37229,37259,37288,37318,37347,37377,37406,37436,37465,37495,37524,37554,37584,37613,37643,37672,37701,37731,37760,37790,37819,37849,37878,37908,37938,37967,37997,38027,38056,38085,38115,38144,38174,38203,38233,38262,38292,38322,38351,38381,38410,38440,38469,38499,38528,38558,38587,38617,38646,38676,38705,38735,38764,38794,38823,38853,38882,38912,38941,38971,39001,39030,39059,39089,39118,39148,39178,39208,39237,39267,39297,39326,39355,39385,39414,39444,39473,39503,39532,39562,39592,39621,39650,39680,39709,39739,39768,39798,39827,39857,39886,39916,39946,39975,40005,40035,40064,40094,40123,40153,40182,40212,40241,40271,40300,40330,40359,40389,40418,40448,40477,40507,40536,40566,40595,40625,40655,40685,40714,40744,40773,40803,40832,40862,40892,40921,40951,40980,41009,41039,41068,41098,41127,41157,41186,41216,41245,41275,41304,41334,41364,41393,41422,41452,41481,41511,41540,41570,41599,41629,41658,41688,41718,41748,41777,41807,41836,41865,41894,41924,41953,41983,42012,42042,42072,42102,42131,42161,42190,42220,42249,42279,42308,42337,42367,42397,42426,42456,42485,42515,42545,42574,42604,42633,42662,42692,42721,42751,42780,42810,42839,42869,42899,42929,42958,42988,43017,43046,43076,43105,43135,43164,43194,43223,43253,43283,43312,43342,43371,43401,43430,43460,43489,43519,43548,43578,43607,43637,43666,43696,43726,43755,43785,43814,43844,43873,43903,43932,43962,43991,44021,44050,44080,44109,44139,44169,44198,44228,44258,44287,44317,44346,44375,44405,44434,44464,44493,44523,44553,44582,44612,44641,44671,44700,44730,44759,44788,44818,44847,44877,44906,44936,44966,44996,45025,45055,45084,45114,45143,45172,45202,45231,45261,45290,45320,45350,45380,45409,45439,45468,45498,45527,45556,45586,45615,45644,45674,45704,45733,45763,45793,45823,45852,45882,45911,45940,45970,45999,46028,46058,46088,46117,46147,46177,46206,46236,46265,46295,46324,46354,46383,46413,46442,46472,46501,46531,46560,46590,46620,46649,46679,46708,46738,46767,46797,46826,46856,46885,46915,46944,46974,47003,47033,47063,47092,47122,47151,47181,47210,47240,47269,47298,47328,47357,47387,47417,47446,47476,47506,47535,47565,47594,47624,47653,47682,47712,47741,47771,47800,47830,47860,47890,47919,47949,47978,48008,48037,48066,48096,48125,48155,48184,48214,48244,48273,48303,48333,48362,48392,48421,48450,48480,48509,48538,48568,48598,48627,48657,48687,48717,48746,48776,48805,48834,48864,48893,48922,48952,48982,49011,49041,49071,49100,49130,49160,49189,49218,49248,49277,49306,49336,49365,49395,49425,49455,49484,49514,49543,49573,49602,49632,49661,49690,49720,49749,49779,49809,49838,49868,49898,49927,49957,49986,50016,50045,50075,50104,50133,50163,50192,50222,50252,50281,50311,50340,50370,50400,50429,50459,50488,50518,50547,50576,50606,50635,50665,50694,50724,50754,50784,50813,50843,50872,50902,50931,50960,50990,51019,51049,51078,51108,51138,51167,51197,51227,51256,51286,51315,51345,51374,51403,51433,51462,51492,51522,51552,51582,51611,51641,51670,51699,51729,51758,51787,51816,51846,51876,51906,51936,51965,51995,52025,52054,52083,52113,52142,52171,52200,52230,52260,52290,52319,52349,52379,52408,52438,52467,52497,52526,52555,52585,52614,52644,52673,52703,52733,52762,52792,52822,52851,52881,52910,52939,52969,52998,53028,53057,53087,53116,53146,53176,53205,53235,53264,53294,53324,53353,53383,53412,53441,53471,53500,53530,53559,53589,53619,53648,53678,53708,53737,53767,53796,53825,53855,53884,53913,53943,53973,54003,54032,54062,54092,54121,54151,54180,54209,54239,54268,54297,54327,54357,54387,54416,54446,54476,54505,54535,54564,54593,54623,54652,54681,54711,54741,54770,54800,54830,54859,54889,54919,54948,54977,55007,55036,55066,55095,55125,55154,55184,55213,55243,55273,55302,55332,55361,55391,55420,55450,55479,55508,55538,55567,55597,55627,55657,55686,55716,55745,55775,55804,55834,55863,55892,55922,55951,55981,56011,56040,56070,56100,56129,56159,56188,56218,56247,56276,56306,56335,56365,56394,56424,56454,56483,56513,56543,56572,56601,56631,56660,56690,56719,56749,56778,56808,56837,56867,56897,56926,56956,56985,57015,57044,57074,57103,57133,57162,57192,57221,57251,57280,57310,57340,57369,57399,57429,57458,57487,57517,57546,57576,57605,57634,57664,57694,57723,57753,57783,57813,57842,57871,57901,57930,57959,57989,58018,58048,58077,58107,58137,58167,58196,58226,58255,58285,58314,58343,58373,58402,58432,58461,58491,58521,58551,58580,58610,58639,58669,58698,58727,58757,58786,58816,58845,58875,58905,58934,58964,58994,59023,59053,59082,59111,59141,59170,59200,59229,59259,59288,59318,59348,59377,59407,59436,59466,59495,59525,59554,59584,59613,59643,59672,59702,59731,59761,59791,59820,59850,59879,59909,59939,59968,59997,60027,60056,60086,60115,60145,60174,60204,60234,60264,60293,60323,60352,60381,60411,60440,60469,60499,60528,60558,60588,60618,60648,60677,60707,60736,60765,60795,60824,60853,60883,60912,60942,60972,61002,61031,61061,61090,61120,61149,61179,61208,61237,61267,61296,61326,61356,61385,61415,61445,61474,61504,61533,61563,61592,61621,61651,61680,61710,61739,61769,61799,61828,61858,61888,61917,61947,61976,62006,62035,62064,62094,62123,62153,62182,62212,62242,62271,62301,62331,62360,62390,62419,62448,62478,62507,62537,62566,62596,62625,62655,62685,62715,62744,62774,62803,62832,62862,62891,62921,62950,62980,63009,63039,63069,63099,63128,63157,63187,63216,63246,63275,63305,63334,63363,63393,63423,63453,63482,63512,63541,63571,63600,63630,63659,63689,63718,63747,63777,63807,63836,63866,63895,63925,63955,63984,64014,64043,64073,64102,64131,64161,64190,64220,64249,64279,64309,64339,64368,64398,64427,64457,64486,64515,64545,64574,64603,64633,64663,64692,64722,64752,64782,64811,64841,64870,64899,64929,64958,64987,65017,65047,65076,65106,65136,65166,65195,65225,65254,65283,65313,65342,65371,65401,65431,65460,65490,65520,65549,65579,65608,65638,65667,65697,65726,65755,65785,65815,65844,65874,65903,65933,65963,65992,66022,66051,66081,66110,66140,66169,66199,66228,66258,66287,66317,66346,66376,66405,66435,66465,66494,66524,66553,66583,66612,66641,66671,66700,66730,66760,66789,66819,66849,66878,66908,66937,66967,66996,67025,67055,67084,67114,67143,67173,67203,67233,67262,67292,67321,67351,67380,67409,67439,67468,67497,67527,67557,67587,67617,67646,67676,67705,67735,67764,67793,67823,67852,67882,67911,67941,67971,68e3,68030,68060,68089,68119,68148,68177,68207,68236,68266,68295,68325,68354,68384,68414,68443,68473,68502,68532,68561,68591,68620,68650,68679,68708,68738,68768,68797,68827,68857,68886,68916,68946,68975,69004,69034,69063,69092,69122,69152,69181,69211,69240,69270,69300,69330,69359,69388,69418,69447,69476,69506,69535,69565,69595,69624,69654,69684,69713,69743,69772,69802,69831,69861,69890,69919,69949,69978,70008,70038,70067,70097,70126,70156,70186,70215,70245,70274,70303,70333,70362,70392,70421,70451,70481,70510,70540,70570,70599,70629,70658,70687,70717,70746,70776,70805,70835,70864,70894,70924,70954,70983,71013,71042,71071,71101,71130,71159,71189,71218,71248,71278,71308,71337,71367,71397,71426,71455,71485,71514,71543,71573,71602,71632,71662,71691,71721,71751,71781,71810,71839,71869,71898,71927,71957,71986,72016,72046,72075,72105,72135,72164,72194,72223,72253,72282,72311,72341,72370,72400,72429,72459,72489,72518,72548,72577,72607,72637,72666,72695,72725,72754,72784,72813,72843,72872,72902,72931,72961,72991,73020,73050,73080,73109,73139,73168,73197,73227,73256,73286,73315,73345,73375,73404,73434,73464,73493,73523,73552,73581,73611,73640,73669,73699,73729,73758,73788,73818,73848,73877,73907,73936,73965,73995,74024,74053,74083,74113,74142,74172,74202,74231,74261,74291,74320,74349,74379,74408,74437,74467,74497,74526,74556,74586,74615,74645,74675,74704,74733,74763,74792,74822,74851,74881,74910,74940,74969,74999,75029,75058,75088,75117,75147,75176,75206,75235,75264,75294,75323,75353,75383,75412,75442,75472,75501,75531,75560,75590,75619,75648,75678,75707,75737,75766,75796,75826,75856,75885,75915,75944,75974,76003,76032,76062,76091,76121,76150,76180,76210,76239,76269,76299,76328,76358,76387,76416,76446,76475,76505,76534,76564,76593,76623,76653,76682,76712,76741,76771,76801,76830,76859,76889,76918,76948,76977,77007,77036,77066,77096,77125,77155,77185,77214,77243,77273,77302,77332,77361,77390,77420,77450,77479,77509,77539,77569,77598,77627,77657,77686,77715,77745,77774,77804,77833,77863,77893,77923,77952,77982,78011,78041,78070,78099,78129,78158,78188,78217,78247,78277,78307,78336,78366,78395,78425,78454,78483,78513,78542,78572,78601,78631,78661,78690,78720,78750,78779,78808,78838,78867,78897,78926,78956,78985,79015,79044,79074,79104,79133,79163,79192,79222,79251,79281,79310,79340,79369,79399,79428,79458,79487,79517,79546,79576,79606,79635,79665,79695,79724,79753,79783,79812,79841,79871,79900,79930,79960,79990]},{"../main":621,"object-assign":499}],621:[function(t,e,r){var n=t("object-assign");function i(){this.regionalOptions=[],this.regionalOptions[""]={invalidCalendar:"Calendar {0} not found",invalidDate:"Invalid {0} date",invalidMonth:"Invalid {0} month",invalidYear:"Invalid {0} year",differentCalendars:"Cannot mix {0} and {1} dates"},this.local=this.regionalOptions[""],this.calendars={},this._localCals={}}function a(t,e,r,n){if(this._calendar=t,this._year=e,this._month=r,this._day=n,0===this._calendar._validateLevel&&!this._calendar.isValid(this._year,this._month,this._day))throw(c.local.invalidDate||c.regionalOptions[""].invalidDate).replace(/\{0\}/,this._calendar.local.name)}function o(t,e){return"000000".substring(0,e-(t=""+t).length)+t}function s(){this.shortYearCutoff="+10"}function l(t){this.local=this.regionalOptions[t]||this.regionalOptions[""]}n(i.prototype,{instance:function(t,e){t=(t||"gregorian").toLowerCase(),e=e||"";var r=this._localCals[t+"-"+e];if(!r&&this.calendars[t]&&(r=new this.calendars[t](e),this._localCals[t+"-"+e]=r),!r)throw(this.local.invalidCalendar||this.regionalOptions[""].invalidCalendar).replace(/\{0\}/,t);return r},newDate:function(t,e,r,n,i){return(n=(null!=t&&t.year?t.calendar():"string"==typeof n?this.instance(n,i):n)||this.instance()).newDate(t,e,r)},substituteDigits:function(t){return function(e){return(e+"").replace(/[0-9]/g,(function(e){return t[e]}))}},substituteChineseDigits:function(t,e){return function(r){for(var n="",i=0;r>0;){var a=r%10;n=(0===a?"":t[a]+e[i])+n,i++,r=Math.floor(r/10)}return 0===n.indexOf(t[1]+e[1])&&(n=n.substr(1)),n||t[0]}}}),n(a.prototype,{newDate:function(t,e,r){return this._calendar.newDate(null==t?this:t,e,r)},year:function(t){return 0===arguments.length?this._year:this.set(t,"y")},month:function(t){return 0===arguments.length?this._month:this.set(t,"m")},day:function(t){return 0===arguments.length?this._day:this.set(t,"d")},date:function(t,e,r){if(!this._calendar.isValid(t,e,r))throw(c.local.invalidDate||c.regionalOptions[""].invalidDate).replace(/\{0\}/,this._calendar.local.name);return this._year=t,this._month=e,this._day=r,this},leapYear:function(){return this._calendar.leapYear(this)},epoch:function(){return this._calendar.epoch(this)},formatYear:function(){return this._calendar.formatYear(this)},monthOfYear:function(){return this._calendar.monthOfYear(this)},weekOfYear:function(){return this._calendar.weekOfYear(this)},daysInYear:function(){return this._calendar.daysInYear(this)},dayOfYear:function(){return this._calendar.dayOfYear(this)},daysInMonth:function(){return this._calendar.daysInMonth(this)},dayOfWeek:function(){return this._calendar.dayOfWeek(this)},weekDay:function(){return this._calendar.weekDay(this)},extraInfo:function(){return this._calendar.extraInfo(this)},add:function(t,e){return this._calendar.add(this,t,e)},set:function(t,e){return this._calendar.set(this,t,e)},compareTo:function(t){if(this._calendar.name!==t._calendar.name)throw(c.local.differentCalendars||c.regionalOptions[""].differentCalendars).replace(/\{0\}/,this._calendar.local.name).replace(/\{1\}/,t._calendar.local.name);var e=this._year!==t._year?this._year-t._year:this._month!==t._month?this.monthOfYear()-t.monthOfYear():this._day-t._day;return 0===e?0:e<0?-1:1},calendar:function(){return this._calendar},toJD:function(){return this._calendar.toJD(this)},fromJD:function(t){return this._calendar.fromJD(t)},toJSDate:function(){return this._calendar.toJSDate(this)},fromJSDate:function(t){return this._calendar.fromJSDate(t)},toString:function(){return(this.year()<0?"-":"")+o(Math.abs(this.year()),4)+"-"+o(this.month(),2)+"-"+o(this.day(),2)}}),n(s.prototype,{_validateLevel:0,newDate:function(t,e,r){return null==t?this.today():(t.year&&(this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate),r=t.day(),e=t.month(),t=t.year()),new a(this,t,e,r))},today:function(){return this.fromJSDate(new Date)},epoch:function(t){return this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[""].invalidYear).year()<0?this.local.epochs[0]:this.local.epochs[1]},formatYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[""].invalidYear);return(e.year()<0?"-":"")+o(Math.abs(e.year()),4)},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[""].invalidYear),12},monthOfYear:function(t,e){var r=this._validate(t,e,this.minDay,c.local.invalidMonth||c.regionalOptions[""].invalidMonth);return(r.month()+this.monthsInYear(r)-this.firstMonth)%this.monthsInYear(r)+this.minMonth},fromMonthOfYear:function(t,e){var r=(e+this.firstMonth-2*this.minMonth)%this.monthsInYear(t)+this.minMonth;return this._validate(t,r,this.minDay,c.local.invalidMonth||c.regionalOptions[""].invalidMonth),r},daysInYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[""].invalidYear);return this.leapYear(e)?366:365},dayOfYear:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate);return n.toJD()-this.newDate(n.year(),this.fromMonthOfYear(n.year(),this.minMonth),this.minDay).toJD()+1},daysInWeek:function(){return 7},dayOfWeek:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate);return(Math.floor(this.toJD(n))+2)%this.daysInWeek()},extraInfo:function(t,e,r){return this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate),{}},add:function(t,e,r){return this._validate(t,this.minMonth,this.minDay,c.local.invalidDate||c.regionalOptions[""].invalidDate),this._correctAdd(t,this._add(t,e,r),e,r)},_add:function(t,e,r){if(this._validateLevel++,"d"===r||"w"===r){var n=t.toJD()+e*("w"===r?this.daysInWeek():1),i=t.calendar().fromJD(n);return this._validateLevel--,[i.year(),i.month(),i.day()]}try{var a=t.year()+("y"===r?e:0),o=t.monthOfYear()+("m"===r?e:0);i=t.day();"y"===r?(t.month()!==this.fromMonthOfYear(a,o)&&(o=this.newDate(a,t.month(),this.minDay).monthOfYear()),o=Math.min(o,this.monthsInYear(a)),i=Math.min(i,this.daysInMonth(a,this.fromMonthOfYear(a,o)))):"m"===r&&(!function(t){for(;oe-1+t.minMonth;)a++,o-=e,e=t.monthsInYear(a)}(this),i=Math.min(i,this.daysInMonth(a,this.fromMonthOfYear(a,o))));var s=[a,this.fromMonthOfYear(a,o),i];return this._validateLevel--,s}catch(t){throw this._validateLevel--,t}},_correctAdd:function(t,e,r,n){if(!(this.hasYearZero||"y"!==n&&"m"!==n||0!==e[0]&&t.year()>0==e[0]>0)){var i={y:[1,1,"y"],m:[1,this.monthsInYear(-1),"m"],w:[this.daysInWeek(),this.daysInYear(-1),"d"],d:[1,this.daysInYear(-1),"d"]}[n],a=r<0?-1:1;e=this._add(t,r*i[0]+a*i[1],i[2])}return t.date(e[0],e[1],e[2])},set:function(t,e,r){this._validate(t,this.minMonth,this.minDay,c.local.invalidDate||c.regionalOptions[""].invalidDate);var n="y"===r?e:t.year(),i="m"===r?e:t.month(),a="d"===r?e:t.day();return"y"!==r&&"m"!==r||(a=Math.min(a,this.daysInMonth(n,i))),t.date(n,i,a)},isValid:function(t,e,r){this._validateLevel++;var n=this.hasYearZero||0!==t;if(n){var i=this.newDate(t,e,this.minDay);n=e>=this.minMonth&&e-this.minMonth=this.minDay&&r-this.minDay13.5?13:1),c=i-(l>2.5?4716:4715);return c<=0&&c--,this.newDate(c,l,s)},toJSDate:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate),i=new Date(n.year(),n.month()-1,n.day());return i.setHours(0),i.setMinutes(0),i.setSeconds(0),i.setMilliseconds(0),i.setHours(i.getHours()>12?i.getHours()+2:0),i},fromJSDate:function(t){return this.newDate(t.getFullYear(),t.getMonth()+1,t.getDate())}});var c=e.exports=new i;c.cdate=a,c.baseCalendar=s,c.calendars.gregorian=l},{"object-assign":499}],622:[function(t,e,r){var n=t("object-assign"),i=t("./main");n(i.regionalOptions[""],{invalidArguments:"Invalid arguments",invalidFormat:"Cannot format a date from another calendar",missingNumberAt:"Missing number at position {0}",unknownNameAt:"Unknown name at position {0}",unexpectedLiteralAt:"Unexpected literal at position {0}",unexpectedText:"Additional text found at end"}),i.local=i.regionalOptions[""],n(i.cdate.prototype,{formatDate:function(t,e){return"string"!=typeof t&&(e=t,t=""),this._calendar.formatDate(t||"",this,e)}}),n(i.baseCalendar.prototype,{UNIX_EPOCH:i.instance().newDate(1970,1,1).toJD(),SECS_PER_DAY:86400,TICKS_EPOCH:i.instance().jdEpoch,TICKS_PER_DAY:864e9,ATOM:"yyyy-mm-dd",COOKIE:"D, dd M yyyy",FULL:"DD, MM d, yyyy",ISO_8601:"yyyy-mm-dd",JULIAN:"J",RFC_822:"D, d M yy",RFC_850:"DD, dd-M-yy",RFC_1036:"D, d M yy",RFC_1123:"D, d M yyyy",RFC_2822:"D, d M yyyy",RSS:"D, d M yy",TICKS:"!",TIMESTAMP:"@",W3C:"yyyy-mm-dd",formatDate:function(t,e,r){if("string"!=typeof t&&(r=e,e=t,t=""),!e)return"";if(e.calendar()!==this)throw i.local.invalidFormat||i.regionalOptions[""].invalidFormat;t=t||this.local.dateFormat;for(var n,a,o,s,l=(r=r||{}).dayNamesShort||this.local.dayNamesShort,c=r.dayNames||this.local.dayNames,u=r.monthNumbers||this.local.monthNumbers,f=r.monthNamesShort||this.local.monthNamesShort,h=r.monthNames||this.local.monthNames,p=(r.calculateWeek||this.local.calculateWeek,function(e,r){for(var n=1;w+n1}),d=function(t,e,r,n){var i=""+e;if(p(t,n))for(;i.length1},x=function(t,r){var n=y(t,r),a=[2,3,n?4:2,n?4:2,10,11,20]["oyYJ@!".indexOf(t)+1],o=new RegExp("^-?\\d{1,"+a+"}"),s=e.substring(M).match(o);if(!s)throw(i.local.missingNumberAt||i.regionalOptions[""].missingNumberAt).replace(/\{0\}/,M);return M+=s[0].length,parseInt(s[0],10)},b=this,_=function(){if("function"==typeof l){y("m");var t=l.call(b,e.substring(M));return M+=t.length,t}return x("m")},w=function(t,r,n,a){for(var o=y(t,a)?n:r,s=0;s-1){p=1,d=g;for(var E=this.daysInMonth(h,p);d>E;E=this.daysInMonth(h,p))p++,d-=E}return f>-1?this.fromJD(f):this.newDate(h,p,d)},determineDate:function(t,e,r,n,i){r&&"object"!=typeof r&&(i=n,n=r,r=null),"string"!=typeof n&&(i=n,n="");var a=this;return e=e?e.newDate():null,t=null==t?e:"string"==typeof t?function(t){try{return a.parseDate(n,t,i)}catch(t){}for(var e=((t=t.toLowerCase()).match(/^c/)&&r?r.newDate():null)||a.today(),o=/([+-]?[0-9]+)\s*(d|w|m|y)?/g,s=o.exec(t);s;)e.add(parseInt(s[1],10),s[2]||"d"),s=o.exec(t);return e}(t):"number"==typeof t?isNaN(t)||t===1/0||t===-1/0?e:a.today().add(t,"d"):a.newDate(t)}})},{"./main":621,"object-assign":499}],623:[function(t,e,r){e.exports=t("cwise-compiler")({args:["array",{offset:[1],array:0},"scalar","scalar","index"],pre:{body:"{}",args:[],thisVars:[],localVars:[]},post:{body:"{}",args:[],thisVars:[],localVars:[]},body:{body:"{\n var _inline_1_da = _inline_1_arg0_ - _inline_1_arg3_\n var _inline_1_db = _inline_1_arg1_ - _inline_1_arg3_\n if((_inline_1_da >= 0) !== (_inline_1_db >= 0)) {\n _inline_1_arg2_.push(_inline_1_arg4_[0] + 0.5 + 0.5 * (_inline_1_da + _inline_1_db) / (_inline_1_da - _inline_1_db))\n }\n }",args:[{name:"_inline_1_arg0_",lvalue:!1,rvalue:!0,count:1},{name:"_inline_1_arg1_",lvalue:!1,rvalue:!0,count:1},{name:"_inline_1_arg2_",lvalue:!1,rvalue:!0,count:1},{name:"_inline_1_arg3_",lvalue:!1,rvalue:!0,count:2},{name:"_inline_1_arg4_",lvalue:!1,rvalue:!0,count:1}],thisVars:[],localVars:["_inline_1_da","_inline_1_db"]},funcName:"zeroCrossings"})},{"cwise-compiler":151}],624:[function(t,e,r){"use strict";e.exports=function(t,e){var r=[];return e=+e||0,n(t.hi(t.shape[0]-1),r,e),r};var n=t("./lib/zc-core")},{"./lib/zc-core":623}],625:[function(t,e,r){"use strict";e.exports=[{path:"",backoff:0},{path:"M-2.4,-3V3L0.6,0Z",backoff:.6},{path:"M-3.7,-2.5V2.5L1.3,0Z",backoff:1.3},{path:"M-4.45,-3L-1.65,-0.2V0.2L-4.45,3L1.55,0Z",backoff:1.55},{path:"M-2.2,-2.2L-0.2,-0.2V0.2L-2.2,2.2L-1.4,3L1.6,0L-1.4,-3Z",backoff:1.6},{path:"M-4.4,-2.1L-0.6,-0.2V0.2L-4.4,2.1L-4,3L2,0L-4,-3Z",backoff:2},{path:"M2,0A2,2 0 1,1 0,-2A2,2 0 0,1 2,0Z",backoff:0,noRotate:!0},{path:"M2,2V-2H-2V2Z",backoff:0,noRotate:!0}]},{}],626:[function(t,e,r){"use strict";var n=t("./arrow_paths"),i=t("../../plots/font_attributes"),a=t("../../plots/cartesian/constants"),o=t("../../plot_api/plot_template").templatedArray;t("../../constants/axis_placeable_objects");e.exports=o("annotation",{visible:{valType:"boolean",dflt:!0,editType:"calc+arraydraw"},text:{valType:"string",editType:"calc+arraydraw"},textangle:{valType:"angle",dflt:0,editType:"calc+arraydraw"},font:i({editType:"calc+arraydraw",colorEditType:"arraydraw"}),width:{valType:"number",min:1,dflt:null,editType:"calc+arraydraw"},height:{valType:"number",min:1,dflt:null,editType:"calc+arraydraw"},opacity:{valType:"number",min:0,max:1,dflt:1,editType:"arraydraw"},align:{valType:"enumerated",values:["left","center","right"],dflt:"center",editType:"arraydraw"},valign:{valType:"enumerated",values:["top","middle","bottom"],dflt:"middle",editType:"arraydraw"},bgcolor:{valType:"color",dflt:"rgba(0,0,0,0)",editType:"arraydraw"},bordercolor:{valType:"color",dflt:"rgba(0,0,0,0)",editType:"arraydraw"},borderpad:{valType:"number",min:0,dflt:1,editType:"calc+arraydraw"},borderwidth:{valType:"number",min:0,dflt:1,editType:"calc+arraydraw"},showarrow:{valType:"boolean",dflt:!0,editType:"calc+arraydraw"},arrowcolor:{valType:"color",editType:"arraydraw"},arrowhead:{valType:"integer",min:0,max:n.length,dflt:1,editType:"arraydraw"},startarrowhead:{valType:"integer",min:0,max:n.length,dflt:1,editType:"arraydraw"},arrowside:{valType:"flaglist",flags:["end","start"],extras:["none"],dflt:"end",editType:"arraydraw"},arrowsize:{valType:"number",min:.3,dflt:1,editType:"calc+arraydraw"},startarrowsize:{valType:"number",min:.3,dflt:1,editType:"calc+arraydraw"},arrowwidth:{valType:"number",min:.1,editType:"calc+arraydraw"},standoff:{valType:"number",min:0,dflt:0,editType:"calc+arraydraw"},startstandoff:{valType:"number",min:0,dflt:0,editType:"calc+arraydraw"},ax:{valType:"any",editType:"calc+arraydraw"},ay:{valType:"any",editType:"calc+arraydraw"},axref:{valType:"enumerated",dflt:"pixel",values:["pixel",a.idRegex.x.toString()],editType:"calc"},ayref:{valType:"enumerated",dflt:"pixel",values:["pixel",a.idRegex.y.toString()],editType:"calc"},xref:{valType:"enumerated",values:["paper",a.idRegex.x.toString()],editType:"calc"},x:{valType:"any",editType:"calc+arraydraw"},xanchor:{valType:"enumerated",values:["auto","left","center","right"],dflt:"auto",editType:"calc+arraydraw"},xshift:{valType:"number",dflt:0,editType:"calc+arraydraw"},yref:{valType:"enumerated",values:["paper",a.idRegex.y.toString()],editType:"calc"},y:{valType:"any",editType:"calc+arraydraw"},yanchor:{valType:"enumerated",values:["auto","top","middle","bottom"],dflt:"auto",editType:"calc+arraydraw"},yshift:{valType:"number",dflt:0,editType:"calc+arraydraw"},clicktoshow:{valType:"enumerated",values:[!1,"onoff","onout"],dflt:!1,editType:"arraydraw"},xclick:{valType:"any",editType:"arraydraw"},yclick:{valType:"any",editType:"arraydraw"},hovertext:{valType:"string",editType:"arraydraw"},hoverlabel:{bgcolor:{valType:"color",editType:"arraydraw"},bordercolor:{valType:"color",editType:"arraydraw"},font:i({editType:"arraydraw"}),editType:"arraydraw"},captureevents:{valType:"boolean",editType:"arraydraw"},editType:"calc",_deprecated:{ref:{valType:"string",editType:"calc"}}})},{"../../constants/axis_placeable_objects":746,"../../plot_api/plot_template":817,"../../plots/cartesian/constants":834,"../../plots/font_attributes":856,"./arrow_paths":625}],627:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../plots/cartesian/axes"),a=t("./draw").draw;function o(t){var e=t._fullLayout;n.filterVisible(e.annotations).forEach((function(e){var r=i.getFromId(t,e.xref),n=i.getFromId(t,e.yref),a=i.getRefType(e.xref),o=i.getRefType(e.yref);e._extremes={},"range"===a&&s(e,r),"range"===o&&s(e,n)}))}function s(t,e){var r,n=e._id,a=n.charAt(0),o=t[a],s=t["a"+a],l=t[a+"ref"],c=t["a"+a+"ref"],u=t["_"+a+"padplus"],f=t["_"+a+"padminus"],h={x:1,y:-1}[a]*t[a+"shift"],p=3*t.arrowsize*t.arrowwidth||0,d=p+h,g=p-h,m=3*t.startarrowsize*t.arrowwidth||0,v=m+h,y=m-h;if(c===l){var x=i.findExtremes(e,[e.r2c(o)],{ppadplus:d,ppadminus:g}),b=i.findExtremes(e,[e.r2c(s)],{ppadplus:Math.max(u,v),ppadminus:Math.max(f,y)});r={min:[x.min[0],b.min[0]],max:[x.max[0],b.max[0]]}}else v=s?v+s:v,y=s?y-s:y,r=i.findExtremes(e,[e.r2c(o)],{ppadplus:Math.max(u,d,v),ppadminus:Math.max(f,g,y)});t._extremes[n]=r}e.exports=function(t){var e=t._fullLayout;if(n.filterVisible(e.annotations).length&&t._fullData.length)return n.syncOrAsync([a,o],t)}},{"../../lib":778,"../../plots/cartesian/axes":828,"./draw":632}],628:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry"),a=t("../../plot_api/plot_template").arrayEditor;function o(t,e){var r,n,i,a,o,l,c,u=t._fullLayout.annotations,f=[],h=[],p=[],d=(e||[]).length;for(r=0;r0||r.explicitOff.length>0},onClick:function(t,e){var r,s,l=o(t,e),c=l.on,u=l.off.concat(l.explicitOff),f={},h=t._fullLayout.annotations;if(!c.length&&!u.length)return;for(r=0;r2/3?"right":"center"),{center:0,middle:0,left:.5,bottom:-.5,right:-.5,top:.5}[e]}for(var W=!1,X=["x","y"],Z=0;Z1)&&(nt===rt?((pt=it.r2fraction(e["a"+et]))<0||pt>1)&&(W=!0):W=!0),J=it._offset+it.r2p(e[et]),$=.5}else{var dt="domain"===ht;"x"===et?(Q=e[et],J=dt?it._offset+it._length*Q:J=T.l+T.w*Q):(Q=1-e[et],J=dt?it._offset+it._length*Q:J=T.t+T.h*Q),$=e.showarrow?.5:Q}if(e.showarrow){ft.head=J;var gt=e["a"+et];if(tt=ot*H(.5,e.xanchor)-st*H(.5,e.yanchor),nt===rt){var mt=l.getRefType(nt);"domain"===mt?("y"===et&&(gt=1-gt),ft.tail=it._offset+it._length*gt):"paper"===mt?"y"===et?(gt=1-gt,ft.tail=T.t+T.h*gt):ft.tail=T.l+T.w*gt:ft.tail=it._offset+it.r2p(gt),K=tt}else ft.tail=J+gt,K=tt+gt;ft.text=ft.tail+tt;var vt=w["x"===et?"width":"height"];if("paper"===rt&&(ft.head=o.constrain(ft.head,1,vt-1)),"pixel"===nt){var yt=-Math.max(ft.tail-3,ft.text),xt=Math.min(ft.tail+3,ft.text)-vt;yt>0?(ft.tail+=yt,ft.text+=yt):xt>0&&(ft.tail-=xt,ft.text-=xt)}ft.tail+=ut,ft.head+=ut}else K=tt=lt*H($,ct),ft.text=J+tt;ft.text+=ut,tt+=ut,K+=ut,e["_"+et+"padplus"]=lt/2+K,e["_"+et+"padminus"]=lt/2-K,e["_"+et+"size"]=lt,e["_"+et+"shift"]=tt}if(W)R.remove();else{var bt=0,_t=0;if("left"!==e.align&&(bt=(M-b)*("center"===e.align?.5:1)),"top"!==e.valign&&(_t=(D-_)*("middle"===e.valign?.5:1)),f)n.select("svg").attr({x:N+bt-1,y:N+_t}).call(u.setClipUrl,U?C:null,t);else{var wt=N+_t-g.top,Tt=N+bt-g.left;G.call(h.positionText,Tt,wt).call(u.setClipUrl,U?C:null,t)}V.select("rect").call(u.setRect,N,N,M,D),j.call(u.setRect,F/2,F/2,B-F,q-F),R.call(u.setTranslate,Math.round(L.x.text-B/2),Math.round(L.y.text-q/2)),z.attr({transform:"rotate("+I+","+L.x.text+","+L.y.text+")"});var kt,Mt=function(r,n){P.selectAll(".annotation-arrow-g").remove();var l=L.x.head,f=L.y.head,h=L.x.tail+r,p=L.y.tail+n,g=L.x.text+r,b=L.y.text+n,_=o.rotationXYMatrix(I,g,b),w=o.apply2DTransform(_),M=o.apply2DTransform2(_),C=+j.attr("width"),O=+j.attr("height"),D=g-.5*C,F=D+C,B=b-.5*O,N=B+O,U=[[D,B,D,N],[D,N,F,N],[F,N,F,B],[F,B,D,B]].map(M);if(!U.reduce((function(t,e){return t^!!o.segmentsIntersect(l,f,l+1e6,f+1e6,e[0],e[1],e[2],e[3])}),!1)){U.forEach((function(t){var e=o.segmentsIntersect(h,p,l,f,t[0],t[1],t[2],t[3]);e&&(h=e.x,p=e.y)}));var V=e.arrowwidth,q=e.arrowcolor,H=e.arrowside,G=P.append("g").style({opacity:c.opacity(q)}).classed("annotation-arrow-g",!0),Y=G.append("path").attr("d","M"+h+","+p+"L"+l+","+f).style("stroke-width",V+"px").call(c.stroke,c.rgb(q));if(m(Y,H,e),k.annotationPosition&&Y.node().parentNode&&!a){var W=l,X=f;if(e.standoff){var Z=Math.sqrt(Math.pow(l-h,2)+Math.pow(f-p,2));W+=e.standoff*(h-l)/Z,X+=e.standoff*(p-f)/Z}var J,K,Q=G.append("path").classed("annotation-arrow",!0).classed("anndrag",!0).classed("cursor-move",!0).attr({d:"M3,3H-3V-3H3ZM0,0L"+(h-W)+","+(p-X),transform:s(W,X)}).style("stroke-width",V+6+"px").call(c.stroke,"rgba(0,0,0,0)").call(c.fill,"rgba(0,0,0,0)");d.init({element:Q.node(),gd:t,prepFn:function(){var t=u.getTranslate(R);J=t.x,K=t.y,v&&v.autorange&&A(v._name+".autorange",!0),x&&x.autorange&&A(x._name+".autorange",!0)},moveFn:function(t,r){var n=w(J,K),i=n[0]+t,a=n[1]+r;R.call(u.setTranslate,i,a),S("x",y(v,t,"x",T,e)),S("y",y(x,r,"y",T,e)),e.axref===e.xref&&S("ax",y(v,t,"ax",T,e)),e.ayref===e.yref&&S("ay",y(x,r,"ay",T,e)),G.attr("transform",s(t,r)),z.attr({transform:"rotate("+I+","+i+","+a+")"})},doneFn:function(){i.call("_guiRelayout",t,E());var e=document.querySelector(".js-notes-box-panel");e&&e.redraw(e.selectedObj)}})}}};if(e.showarrow&&Mt(0,0),O)d.init({element:R.node(),gd:t,prepFn:function(){kt=z.attr("transform")},moveFn:function(t,r){var n="pointer";if(e.showarrow)e.axref===e.xref?S("ax",y(v,t,"ax",T,e)):S("ax",e.ax+t),e.ayref===e.yref?S("ay",y(x,r,"ay",T.w,e)):S("ay",e.ay+r),Mt(t,r);else{if(a)return;var i,o;if(v)i=y(v,t,"x",T,e);else{var l=e._xsize/T.w,c=e.x+(e._xshift-e.xshift)/T.w-l/2;i=d.align(c+t/T.w,l,0,1,e.xanchor)}if(x)o=y(x,r,"y",T,e);else{var u=e._ysize/T.h,f=e.y-(e._yshift+e.yshift)/T.h-u/2;o=d.align(f-r/T.h,u,0,1,e.yanchor)}S("x",i),S("y",o),v&&x||(n=d.getCursor(v?.5:i,x?.5:o,e.xanchor,e.yanchor))}z.attr({transform:s(t,r)+kt}),p(R,n)},clickFn:function(r,n){e.captureevents&&t.emit("plotly_clickannotation",Y(n))},doneFn:function(){p(R),i.call("_guiRelayout",t,E());var e=document.querySelector(".js-notes-box-panel");e&&e.redraw(e.selectedObj)}})}}}e.exports={draw:function(t){var e=t._fullLayout;e._infolayer.selectAll(".annotation").remove();for(var r=0;r=0,x=e.indexOf("end")>=0,b=d.backoff*m+r.standoff,_=g.backoff*v+r.startstandoff;if("line"===p.nodeName){o={x:+t.attr("x1"),y:+t.attr("y1")},u={x:+t.attr("x2"),y:+t.attr("y2")};var w=o.x-u.x,T=o.y-u.y;if(h=(f=Math.atan2(T,w))+Math.PI,b&&_&&b+_>Math.sqrt(w*w+T*T))return void O();if(b){if(b*b>w*w+T*T)return void O();var k=b*Math.cos(f),M=b*Math.sin(f);u.x+=k,u.y+=M,t.attr({x2:u.x,y2:u.y})}if(_){if(_*_>w*w+T*T)return void O();var A=_*Math.cos(f),S=_*Math.sin(f);o.x-=A,o.y-=S,t.attr({x1:o.x,y1:o.y})}}else if("path"===p.nodeName){var E=p.getTotalLength(),C="";if(E1){c=!0;break}}c?t.fullLayout._infolayer.select(".annotation-"+t.id+'[data-index="'+s+'"]').remove():(l._pdata=i(t.glplot.cameraParams,[e.xaxis.r2l(l.x)*r[0],e.yaxis.r2l(l.y)*r[1],e.zaxis.r2l(l.z)*r[2]]),n(t.graphDiv,l,s,t.id,l._xa,l._ya))}}},{"../../plots/gl3d/project":879,"../annotations/draw":632}],639:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib");e.exports={moduleType:"component",name:"annotations3d",schema:{subplots:{scene:{annotations:t("./attributes")}}},layoutAttributes:t("./attributes"),handleDefaults:t("./defaults"),includeBasePlot:function(t,e){var r=n.subplotsRegistry.gl3d;if(!r)return;for(var a=r.attrRegex,o=Object.keys(t),s=0;s=0))return t;if(3===o)n[o]>1&&(n[o]=1);else if(n[o]>=1)return t}var s=Math.round(255*n[0])+", "+Math.round(255*n[1])+", "+Math.round(255*n[2]);return a?"rgba("+s+", "+n[3]+")":"rgb("+s+")"}a.tinyRGB=function(t){var e=t.toRgb();return"rgb("+Math.round(e.r)+", "+Math.round(e.g)+", "+Math.round(e.b)+")"},a.rgb=function(t){return a.tinyRGB(n(t))},a.opacity=function(t){return t?n(t).getAlpha():0},a.addOpacity=function(t,e){var r=n(t).toRgb();return"rgba("+Math.round(r.r)+", "+Math.round(r.g)+", "+Math.round(r.b)+", "+e+")"},a.combine=function(t,e){var r=n(t).toRgb();if(1===r.a)return n(t).toRgbString();var i=n(e||l).toRgb(),a=1===i.a?i:{r:255*(1-i.a)+i.r*i.a,g:255*(1-i.a)+i.g*i.a,b:255*(1-i.a)+i.b*i.a},o={r:a.r*(1-r.a)+r.r*r.a,g:a.g*(1-r.a)+r.g*r.a,b:a.b*(1-r.a)+r.b*r.a};return n(o).toRgbString()},a.contrast=function(t,e,r){var i=n(t);return 1!==i.getAlpha()&&(i=n(a.combine(t,l))),(i.isDark()?e?i.lighten(e):l:r?i.darken(r):s).toString()},a.stroke=function(t,e){var r=n(e);t.style({stroke:a.tinyRGB(r),"stroke-opacity":r.getAlpha()})},a.fill=function(t,e){var r=n(e);t.style({fill:a.tinyRGB(r),"fill-opacity":r.getAlpha()})},a.clean=function(t){if(t&&"object"==typeof t){var e,r,n,i,o=Object.keys(t);for(e=0;e0?n>=l:n<=l));i++)n>u&&n0?n>=l:n<=l));i++)n>r[0]&&n1){var J=Math.pow(10,Math.floor(Math.log(Z)/Math.LN10));W*=J*c.roundUp(Z/J,[2,5,10]),(Math.abs(L.start)/L.size+1e-6)%1<2e-6&&(Y.tick0=0)}Y.dtick=W}Y.domain=[q+j,q+F-j],Y.setScale(),t.attr("transform",u(Math.round(l.l),Math.round(l.t)));var K,Q=t.select("."+M.cbtitleunshift).attr("transform",u(-Math.round(l.l),-Math.round(l.t))),$=t.select("."+M.cbaxis),tt=0;function et(n,i){var a={propContainer:Y,propName:e._propPrefix+"title",traceIndex:e._traceIndex,_meta:e._meta,placeholder:o._dfltTitle.colorbar,containerGroup:t.select("."+M.cbtitle)},s="h"===n.charAt(0)?n.substr(1):"h"+n;t.selectAll("."+s+",."+s+"-math-group").remove(),g.draw(r,n,f(a,i||{}))}return c.syncOrAsync([a.previousPromises,function(){if(-1!==["top","bottom"].indexOf(A)){var t,r=l.l+(e.x+B)*l.w,n=Y.title.font.size;t="top"===A?(1-(q+F-j))*l.h+l.t+3+.75*n:(1-(q+j))*l.h+l.t-3-.25*n,et(Y._id+"title",{attributes:{x:r,y:t,"text-anchor":"start"}})}},function(){if(-1!==["top","bottom"].indexOf(A)){var a=t.select("."+M.cbtitle),o=a.select("text"),f=[-e.outlinewidth/2,e.outlinewidth/2],h=a.select(".h"+Y._id+"title-math-group").node(),d=15.6;if(o.node()&&(d=parseInt(o.node().style.fontSize,10)*w),h?(tt=p.bBox(h).height)>d&&(f[1]-=(tt-d)/2):o.node()&&!o.classed(M.jsPlaceholder)&&(tt=p.bBox(o.node()).height),tt){if(tt+=5,"top"===A)Y.domain[1]-=tt/l.h,f[1]*=-1;else{Y.domain[0]+=tt/l.h;var g=m.lineCount(o);f[1]+=(1-g)*d}a.attr("transform",u(f[0],f[1])),Y.setScale()}}t.selectAll("."+M.cbfills+",."+M.cblines).attr("transform",u(0,Math.round(l.h*(1-Y.domain[1])))),$.attr("transform",u(0,Math.round(-l.t)));var y=t.select("."+M.cbfills).selectAll("rect."+M.cbfill).attr("style","").data(P);y.enter().append("rect").classed(M.cbfill,!0).style("stroke","none"),y.exit().remove();var x=S.map(Y.c2p).map(Math.round).sort((function(t,e){return t-e}));y.each((function(t,a){var o=[0===a?S[0]:(P[a]+P[a-1])/2,a===P.length-1?S[1]:(P[a]+P[a+1])/2].map(Y.c2p).map(Math.round);o[1]=c.constrain(o[1]+(o[1]>o[0])?1:-1,x[0],x[1]);var s=n.select(this).attr({x:U,width:Math.max(O,2),y:n.min(o),height:Math.max(n.max(o)-n.min(o),2)});if(e._fillgradient)p.gradient(s,r,e._id,"vertical",e._fillgradient,"fill");else{var l=C(t).replace("e-","");s.attr("fill",i(l).toHexString())}}));var b=t.select("."+M.cblines).selectAll("path."+M.cbline).data(v.color&&v.width?z:[]);b.enter().append("path").classed(M.cbline,!0),b.exit().remove(),b.each((function(t){n.select(this).attr("d","M"+U+","+(Math.round(Y.c2p(t))+v.width/2%1)+"h"+O).call(p.lineGroupStyle,v.width,E(t),v.dash)})),$.selectAll("g."+Y._id+"tick,path").remove();var _=U+O+(e.outlinewidth||0)/2-("outside"===e.ticks?1:0),T=s.calcTicks(Y),k=s.getTickSigns(Y)[2];return s.drawTicks(r,Y,{vals:"inside"===Y.ticks?s.clipEnds(Y,T):T,layer:$,path:s.makeTickPath(Y,_,k),transFn:s.makeTransTickFn(Y)}),s.drawLabels(r,Y,{vals:T,layer:$,transFn:s.makeTransTickLabelFn(Y),labelFns:s.makeLabelFns(Y,_)})},function(){if(-1===["top","bottom"].indexOf(A)){var t=Y.title.font.size,e=Y._offset+Y._length/2,i=l.l+(Y.position||0)*l.w+("right"===Y.side?10+t*(Y.showticklabels?1:.5):-10-t*(Y.showticklabels?.5:0));et("h"+Y._id+"title",{avoid:{selection:n.select(r).selectAll("g."+Y._id+"tick"),side:A,offsetLeft:l.l,offsetTop:0,maxShift:o.width},attributes:{x:i,y:e,"text-anchor":"middle"},transform:{rotate:"-90",offset:0}})}},a.previousPromises,function(){var n=O+e.outlinewidth/2;if(-1===Y.ticklabelposition.indexOf("inside")&&(n+=p.bBox($.node()).width),(K=Q.select("text")).node()&&!K.classed(M.jsPlaceholder)){var i,o=Q.select(".h"+Y._id+"title-math-group").node();i=o&&-1!==["top","bottom"].indexOf(A)?p.bBox(o).width:p.bBox(Q.node()).right-U-l.l,n=Math.max(n,i)}var s=2*e.xpad+n+e.borderwidth+e.outlinewidth/2,c=H-G;t.select("."+M.cbbg).attr({x:U-e.xpad-(e.borderwidth+e.outlinewidth)/2,y:G-N,width:Math.max(s,2),height:Math.max(c+2*N,2)}).call(d.fill,e.bgcolor).call(d.stroke,e.bordercolor).style("stroke-width",e.borderwidth),t.selectAll("."+M.cboutline).attr({x:U,y:G+e.ypad+("top"===A?tt:0),width:Math.max(O,2),height:Math.max(c-2*e.ypad-tt,2)}).call(d.stroke,e.outlinecolor).style({fill:"none","stroke-width":e.outlinewidth});var f=({center:.5,right:1}[e.xanchor]||0)*s;t.attr("transform",u(l.l-f,l.t));var h={},g=T[e.yanchor],m=k[e.yanchor];"pixels"===e.lenmode?(h.y=e.y,h.t=c*g,h.b=c*m):(h.t=h.b=0,h.yt=e.y+e.len*g,h.yb=e.y-e.len*m);var v=T[e.xanchor],y=k[e.xanchor];if("pixels"===e.thicknessmode)h.x=e.x,h.l=s*v,h.r=s*y;else{var x=s-O;h.l=x*v,h.r=x*y,h.xl=e.x-e.thickness*v,h.xr=e.x+e.thickness*y}a.autoMargin(r,e._id,h)}],r)}(r,e,t);v&&v.then&&(t._promises||[]).push(v),t._context.edits.colorbarPosition&&function(t,e,r){var n,i,a,s=r._fullLayout._size;l.init({element:t.node(),gd:r,prepFn:function(){n=t.attr("transform"),h(t)},moveFn:function(r,o){t.attr("transform",n+u(r,o)),i=l.align(e._xLeftFrac+r/s.w,e._thickFrac,0,1,e.xanchor),a=l.align(e._yBottomFrac-o/s.h,e._lenFrac,0,1,e.yanchor);var c=l.getCursor(i,a,e.xanchor,e.yanchor);h(t,c)},doneFn:function(){if(h(t),void 0!==i&&void 0!==a){var n={};n[e._propPrefix+"x"]=i,n[e._propPrefix+"y"]=a,void 0!==e._traceIndex?o.call("_guiRestyle",r,n,e._traceIndex):o.call("_guiRelayout",r,n)}}})}(r,e,t)})),e.exit().each((function(e){a.autoMargin(t,e._id)})).remove(),e.order()}}},{"../../constants/alignment":745,"../../lib":778,"../../lib/extend":768,"../../lib/setcursor":799,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"../../plots/cartesian/axis_defaults":830,"../../plots/cartesian/layout_attributes":842,"../../plots/cartesian/position_defaults":845,"../../plots/plots":891,"../../registry":911,"../color":643,"../colorscale/helpers":654,"../dragelement":662,"../drawing":665,"../titles":738,"./constants":645,d3:169,tinycolor2:576}],648:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t){return n.isPlainObject(t.colorbar)}},{"../../lib":778}],649:[function(t,e,r){"use strict";e.exports={moduleType:"component",name:"colorbar",attributes:t("./attributes"),supplyDefaults:t("./defaults"),draw:t("./draw").draw,hasColorbar:t("./has_colorbar")}},{"./attributes":644,"./defaults":646,"./draw":647,"./has_colorbar":648}],650:[function(t,e,r){"use strict";var n=t("../colorbar/attributes"),i=t("../../lib/regex").counter,a=t("./scales.js").scales;Object.keys(a);function o(t){return"`"+t+"`"}e.exports=function(t,e){t=t||"";var r,s=(e=e||{}).cLetter||"c",l=("onlyIfNumerical"in e?e.onlyIfNumerical:Boolean(t),"noScale"in e?e.noScale:"marker.line"===t),c="showScaleDflt"in e?e.showScaleDflt:"z"===s,u="string"==typeof e.colorscaleDflt?a[e.colorscaleDflt]:null,f=e.editTypeOverride||"",h=t?t+".":"";"colorAttr"in e?(r=e.colorAttr,e.colorAttr):o(h+(r={z:"z",c:"color"}[s]));var p=s+"auto",d=s+"min",g=s+"max",m=s+"mid",v=(o(h+p),o(h+d),o(h+g),{});v[d]=v[g]=void 0;var y={};y[p]=!1;var x={};return"color"===r&&(x.color={valType:"color",arrayOk:!0,editType:f||"style"},e.anim&&(x.color.anim=!0)),x[p]={valType:"boolean",dflt:!0,editType:"calc",impliedEdits:v},x[d]={valType:"number",dflt:null,editType:f||"plot",impliedEdits:y},x[g]={valType:"number",dflt:null,editType:f||"plot",impliedEdits:y},x[m]={valType:"number",dflt:null,editType:"calc",impliedEdits:v},x.colorscale={valType:"colorscale",editType:"calc",dflt:u,impliedEdits:{autocolorscale:!1}},x.autocolorscale={valType:"boolean",dflt:!1!==e.autoColorDflt,editType:"calc",impliedEdits:{colorscale:void 0}},x.reversescale={valType:"boolean",dflt:!1,editType:"plot"},l||(x.showscale={valType:"boolean",dflt:c,editType:"calc"},x.colorbar=n),e.noColorAxis||(x.coloraxis={valType:"subplotid",regex:i("coloraxis"),dflt:null,editType:"calc"}),x}},{"../../lib/regex":795,"../colorbar/attributes":644,"./scales.js":658}],651:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../lib"),a=t("./helpers").extractOpts;e.exports=function(t,e,r){var o,s=t._fullLayout,l=r.vals,c=r.containerStr,u=c?i.nestedProperty(e,c).get():e,f=a(u),h=!1!==f.auto,p=f.min,d=f.max,g=f.mid,m=function(){return i.aggNums(Math.min,null,l)},v=function(){return i.aggNums(Math.max,null,l)};(void 0===p?p=m():h&&(p=u._colorAx&&n(p)?Math.min(p,m()):m()),void 0===d?d=v():h&&(d=u._colorAx&&n(d)?Math.max(d,v()):v()),h&&void 0!==g&&(d-g>g-p?p=g-(d-g):d-g=0?s.colorscale.sequential:s.colorscale.sequentialminus,f._sync("colorscale",o))}},{"../../lib":778,"./helpers":654,"fast-isnumeric":241}],652:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./helpers").hasColorscale,a=t("./helpers").extractOpts;e.exports=function(t,e){function r(t,e){var r=t["_"+e];void 0!==r&&(t[e]=r)}function o(t,i){var o=i.container?n.nestedProperty(t,i.container).get():t;if(o)if(o.coloraxis)o._colorAx=e[o.coloraxis];else{var s=a(o),l=s.auto;(l||void 0===s.min)&&r(o,i.min),(l||void 0===s.max)&&r(o,i.max),s.autocolorscale&&r(o,"colorscale")}}for(var s=0;s=0;n--,i++){var a=t[n];r[i]=[1-a[0],a[1]]}return r}function d(t,e){e=e||{};for(var r=t.domain,o=t.range,l=o.length,c=new Array(l),u=0;u4/3-s?o:s}},{}],660:[function(t,e,r){"use strict";var n=t("../../lib"),i=[["sw-resize","s-resize","se-resize"],["w-resize","move","e-resize"],["nw-resize","n-resize","ne-resize"]];e.exports=function(t,e,r,a){return t="left"===r?0:"center"===r?1:"right"===r?2:n.constrain(Math.floor(3*t),0,2),e="bottom"===a?0:"middle"===a?1:"top"===a?2:n.constrain(Math.floor(3*e),0,2),i[e][t]}},{"../../lib":778}],661:[function(t,e,r){"use strict";r.selectMode=function(t){return"lasso"===t||"select"===t},r.drawMode=function(t){return"drawclosedpath"===t||"drawopenpath"===t||"drawline"===t||"drawrect"===t||"drawcircle"===t},r.openMode=function(t){return"drawline"===t||"drawopenpath"===t},r.rectMode=function(t){return"select"===t||"drawline"===t||"drawrect"===t||"drawcircle"===t},r.freeMode=function(t){return"lasso"===t||"drawclosedpath"===t||"drawopenpath"===t},r.selectingOrDrawing=function(t){return r.freeMode(t)||r.rectMode(t)}},{}],662:[function(t,e,r){"use strict";var n=t("mouse-event-offset"),i=t("has-hover"),a=t("has-passive-events"),o=t("../../lib").removeElement,s=t("../../plots/cartesian/constants"),l=e.exports={};l.align=t("./align"),l.getCursor=t("./cursor");var c=t("./unhover");function u(){var t=document.createElement("div");t.className="dragcover";var e=t.style;return e.position="fixed",e.left=0,e.right=0,e.top=0,e.bottom=0,e.zIndex=999999999,e.background="none",document.body.appendChild(t),t}function f(t){return n(t.changedTouches?t.changedTouches[0]:t,document.body)}l.unhover=c.wrapped,l.unhoverRaw=c.raw,l.init=function(t){var e,r,n,c,h,p,d,g,m=t.gd,v=1,y=m._context.doubleClickDelay,x=t.element;m._mouseDownTime||(m._mouseDownTime=0),x.style.pointerEvents="all",x.onmousedown=_,a?(x._ontouchstart&&x.removeEventListener("touchstart",x._ontouchstart),x._ontouchstart=_,x.addEventListener("touchstart",_,{passive:!1})):x.ontouchstart=_;var b=t.clampFn||function(t,e,r){return Math.abs(t)y&&(v=Math.max(v-1,1)),m._dragged)t.doneFn&&t.doneFn();else if(t.clickFn&&t.clickFn(v,p),!g){var r;try{r=new MouseEvent("click",e)}catch(t){var n=f(e);(r=document.createEvent("MouseEvents")).initMouseEvent("click",e.bubbles,e.cancelable,e.view,e.detail,e.screenX,e.screenY,n[0],n[1],e.ctrlKey,e.altKey,e.shiftKey,e.metaKey,e.button,e.relatedTarget)}d.dispatchEvent(r)}m._dragging=!1,m._dragged=!1}else m._dragged=!1}},l.coverSlip=u},{"../../lib":778,"../../plots/cartesian/constants":834,"./align":659,"./cursor":660,"./unhover":663,"has-hover":440,"has-passive-events":441,"mouse-event-offset":484}],663:[function(t,e,r){"use strict";var n=t("../../lib/events"),i=t("../../lib/throttle"),a=t("../../lib/dom").getGraphDiv,o=t("../fx/constants"),s=e.exports={};s.wrapped=function(t,e,r){(t=a(t))._fullLayout&&i.clear(t._fullLayout._uid+o.HOVERID),s.raw(t,e,r)},s.raw=function(t,e){var r=t._fullLayout,i=t._hoverdata;e||(e={}),e.target&&!1===n.triggerHandler(t,"plotly_beforehover",e)||(r._hoverlayer.selectAll("g").remove(),r._hoverlayer.selectAll("line").remove(),r._hoverlayer.selectAll("circle").remove(),t._hoverdata=void 0,e.target&&i&&t.emit("plotly_unhover",{event:e,points:i}))}},{"../../lib/dom":766,"../../lib/events":767,"../../lib/throttle":804,"../fx/constants":677}],664:[function(t,e,r){"use strict";r.dash={valType:"string",values:["solid","dot","dash","longdash","dashdot","longdashdot"],dflt:"solid",editType:"style"}},{}],665:[function(t,e,r){"use strict";var n=t("d3"),i=t("fast-isnumeric"),a=t("tinycolor2"),o=t("../../registry"),s=t("../color"),l=t("../colorscale"),c=t("../../lib"),u=c.strTranslate,f=t("../../lib/svg_text_utils"),h=t("../../constants/xmlns_namespaces"),p=t("../../constants/alignment").LINE_SPACING,d=t("../../constants/interactions").DESELECTDIM,g=t("../../traces/scatter/subtypes"),m=t("../../traces/scatter/make_bubble_size_func"),v=t("../../components/fx/helpers").appendArrayPointValue,y=e.exports={};y.font=function(t,e,r,n){c.isPlainObject(e)&&(n=e.color,r=e.size,e=e.family),e&&t.style("font-family",e),r+1&&t.style("font-size",r+"px"),n&&t.call(s.fill,n)},y.setPosition=function(t,e,r){t.attr("x",e).attr("y",r)},y.setSize=function(t,e,r){t.attr("width",e).attr("height",r)},y.setRect=function(t,e,r,n,i){t.call(y.setPosition,e,r).call(y.setSize,n,i)},y.translatePoint=function(t,e,r,n){var a=r.c2p(t.x),o=n.c2p(t.y);return!!(i(a)&&i(o)&&e.node())&&("text"===e.node().nodeName?e.attr("x",a).attr("y",o):e.attr("transform",u(a,o)),!0)},y.translatePoints=function(t,e,r){t.each((function(t){var i=n.select(this);y.translatePoint(t,i,e,r)}))},y.hideOutsideRangePoint=function(t,e,r,n,i,a){e.attr("display",r.isPtWithinRange(t,i)&&n.isPtWithinRange(t,a)?null:"none")},y.hideOutsideRangePoints=function(t,e){if(e._hasClipOnAxisFalse){var r=e.xaxis,i=e.yaxis;t.each((function(e){var a=e[0].trace,s=a.xcalendar,l=a.ycalendar,c=o.traceIs(a,"bar-like")?".bartext":".point,.textpoint";t.selectAll(c).each((function(t){y.hideOutsideRangePoint(t,n.select(this),r,i,s,l)}))}))}},y.crispRound=function(t,e,r){return e&&i(e)?t._context.staticPlot?e:e<1?1:Math.round(e):r||0},y.singleLineStyle=function(t,e,r,n,i){e.style("fill","none");var a=(((t||[])[0]||{}).trace||{}).line||{},o=r||a.width||0,l=i||a.dash||"";s.stroke(e,n||a.color),y.dashLine(e,l,o)},y.lineGroupStyle=function(t,e,r,i){t.style("fill","none").each((function(t){var a=(((t||[])[0]||{}).trace||{}).line||{},o=e||a.width||0,l=i||a.dash||"";n.select(this).call(s.stroke,r||a.color).call(y.dashLine,l,o)}))},y.dashLine=function(t,e,r){r=+r||0,e=y.dashStyle(e,r),t.style({"stroke-dasharray":e,"stroke-width":r+"px"})},y.dashStyle=function(t,e){e=+e||1;var r=Math.max(e,3);return"solid"===t?t="":"dot"===t?t=r+"px,"+r+"px":"dash"===t?t=3*r+"px,"+3*r+"px":"longdash"===t?t=5*r+"px,"+5*r+"px":"dashdot"===t?t=3*r+"px,"+r+"px,"+r+"px,"+r+"px":"longdashdot"===t&&(t=5*r+"px,"+2*r+"px,"+r+"px,"+2*r+"px"),t},y.singleFillStyle=function(t){var e=(((n.select(t.node()).data()[0]||[])[0]||{}).trace||{}).fillcolor;e&&t.call(s.fill,e)},y.fillGroupStyle=function(t){t.style("stroke-width",0).each((function(t){var e=n.select(this);t[0].trace&&e.call(s.fill,t[0].trace.fillcolor)}))};var x=t("./symbol_defs");y.symbolNames=[],y.symbolFuncs=[],y.symbolNeedLines={},y.symbolNoDot={},y.symbolNoFill={},y.symbolList=[],Object.keys(x).forEach((function(t){var e=x[t],r=e.n;y.symbolList.push(r,String(r),t,r+100,String(r+100),t+"-open"),y.symbolNames[r]=t,y.symbolFuncs[r]=e.f,e.needLine&&(y.symbolNeedLines[r]=!0),e.noDot?y.symbolNoDot[r]=!0:y.symbolList.push(r+200,String(r+200),t+"-dot",r+300,String(r+300),t+"-open-dot"),e.noFill&&(y.symbolNoFill[r]=!0)}));var b=y.symbolNames.length;function _(t,e){var r=t%100;return y.symbolFuncs[r](e)+(t>=200?"M0,0.5L0.5,0L0,-0.5L-0.5,0Z":"")}y.symbolNumber=function(t){if(i(t))t=+t;else if("string"==typeof t){var e=0;t.indexOf("-open")>0&&(e=100,t=t.replace("-open","")),t.indexOf("-dot")>0&&(e+=200,t=t.replace("-dot","")),(t=y.symbolNames.indexOf(t))>=0&&(t+=e)}return t%100>=b||t>=400?0:Math.floor(Math.max(t,0))};var w={x1:1,x2:0,y1:0,y2:0},T={x1:0,x2:0,y1:1,y2:0},k=n.format("~.1f"),M={radial:{node:"radialGradient"},radialreversed:{node:"radialGradient",reversed:!0},horizontal:{node:"linearGradient",attrs:w},horizontalreversed:{node:"linearGradient",attrs:w,reversed:!0},vertical:{node:"linearGradient",attrs:T},verticalreversed:{node:"linearGradient",attrs:T,reversed:!0}};y.gradient=function(t,e,r,i,o,l){for(var u=o.length,f=M[i],h=new Array(u),p=0;p"+v(t);d._gradientUrlQueryParts[y]=1},y.initGradients=function(t){var e=t._fullLayout;c.ensureSingle(e._defs,"g","gradients").selectAll("linearGradient,radialGradient").remove(),e._gradientUrlQueryParts={}},y.pointStyle=function(t,e,r){if(t.size()){var i=y.makePointStyleFns(e);t.each((function(t){y.singlePointStyle(t,n.select(this),e,i,r)}))}},y.singlePointStyle=function(t,e,r,n,i){var a=r.marker,o=a.line;if(e.style("opacity",n.selectedOpacityFn?n.selectedOpacityFn(t):void 0===t.mo?a.opacity:t.mo),n.ms2mrc){var l;l="various"===t.ms||"various"===a.size?3:n.ms2mrc(t.ms),t.mrc=l,n.selectedSizeFn&&(l=t.mrc=n.selectedSizeFn(t));var u=y.symbolNumber(t.mx||a.symbol)||0;t.om=u%200>=100,e.attr("d",_(u,l))}var f,h,p,d=!1;if(t.so)p=o.outlierwidth,h=o.outliercolor,f=a.outliercolor;else{var g=(o||{}).width;p=(t.mlw+1||g+1||(t.trace?(t.trace.marker.line||{}).width:0)+1)-1||0,h="mlc"in t?t.mlcc=n.lineScale(t.mlc):c.isArrayOrTypedArray(o.color)?s.defaultLine:o.color,c.isArrayOrTypedArray(a.color)&&(f=s.defaultLine,d=!0),f="mc"in t?t.mcc=n.markerScale(t.mc):a.color||"rgba(0,0,0,0)",n.selectedColorFn&&(f=n.selectedColorFn(t))}if(t.om)e.call(s.stroke,f).style({"stroke-width":(p||1)+"px",fill:"none"});else{e.style("stroke-width",(t.isBlank?0:p)+"px");var m=a.gradient,v=t.mgt;if(v?d=!0:v=m&&m.type,Array.isArray(v)&&(v=v[0],M[v]||(v=0)),v&&"none"!==v){var x=t.mgc;x?d=!0:x=m.color;var b=r.uid;d&&(b+="-"+t.i),y.gradient(e,i,b,v,[[0,x],[1,f]],"fill")}else s.fill(e,f);p&&s.stroke(e,h)}},y.makePointStyleFns=function(t){var e={},r=t.marker;return e.markerScale=y.tryColorscale(r,""),e.lineScale=y.tryColorscale(r,"line"),o.traceIs(t,"symbols")&&(e.ms2mrc=g.isBubble(t)?m(t):function(){return(r.size||6)/2}),t.selectedpoints&&c.extendFlat(e,y.makeSelectedPointStyleFns(t)),e},y.makeSelectedPointStyleFns=function(t){var e={},r=t.selected||{},n=t.unselected||{},i=t.marker||{},a=r.marker||{},s=n.marker||{},l=i.opacity,u=a.opacity,f=s.opacity,h=void 0!==u,p=void 0!==f;(c.isArrayOrTypedArray(l)||h||p)&&(e.selectedOpacityFn=function(t){var e=void 0===t.mo?i.opacity:t.mo;return t.selected?h?u:e:p?f:d*e});var g=i.color,m=a.color,v=s.color;(m||v)&&(e.selectedColorFn=function(t){var e=t.mcc||g;return t.selected?m||e:v||e});var y=i.size,x=a.size,b=s.size,_=void 0!==x,w=void 0!==b;return o.traceIs(t,"symbols")&&(_||w)&&(e.selectedSizeFn=function(t){var e=t.mrc||y/2;return t.selected?_?x/2:e:w?b/2:e}),e},y.makeSelectedTextStyleFns=function(t){var e={},r=t.selected||{},n=t.unselected||{},i=t.textfont||{},a=r.textfont||{},o=n.textfont||{},l=i.color,c=a.color,u=o.color;return e.selectedTextColorFn=function(t){var e=t.tc||l;return t.selected?c||e:u||(c?e:s.addOpacity(e,d))},e},y.selectedPointStyle=function(t,e){if(t.size()&&e.selectedpoints){var r=y.makeSelectedPointStyleFns(e),i=e.marker||{},a=[];r.selectedOpacityFn&&a.push((function(t,e){t.style("opacity",r.selectedOpacityFn(e))})),r.selectedColorFn&&a.push((function(t,e){s.fill(t,r.selectedColorFn(e))})),r.selectedSizeFn&&a.push((function(t,e){var n=e.mx||i.symbol||0,a=r.selectedSizeFn(e);t.attr("d",_(y.symbolNumber(n),a)),e.mrc2=a})),a.length&&t.each((function(t){for(var e=n.select(this),r=0;r0?r:0}y.textPointStyle=function(t,e,r){if(t.size()){var i;if(e.selectedpoints){var a=y.makeSelectedTextStyleFns(e);i=a.selectedTextColorFn}var o=e.texttemplate,s=r._fullLayout;t.each((function(t){var a=n.select(this),l=o?c.extractOption(t,e,"txt","texttemplate"):c.extractOption(t,e,"tx","text");if(l||0===l){if(o){var u=e._module.formatLabels?e._module.formatLabels(t,e,s):{},h={};v(h,e,t.i);var p=e._meta||{};l=c.texttemplateString(l,u,s._d3locale,h,t,p)}var d=t.tp||e.textposition,g=E(t,e),m=i?i(t):t.tc||e.textfont.color;a.call(y.font,t.tf||e.textfont.family,g,m).text(l).call(f.convertToTspans,r).call(S,d,g,t.mrc)}else a.remove()}))}},y.selectedTextStyle=function(t,e){if(t.size()&&e.selectedpoints){var r=y.makeSelectedTextStyleFns(e);t.each((function(t){var i=n.select(this),a=r.selectedTextColorFn(t),o=t.tp||e.textposition,l=E(t,e);s.fill(i,a),S(i,o,l,t.mrc2||t.mrc)}))}};function C(t,e,r,i){var a=t[0]-e[0],o=t[1]-e[1],s=r[0]-e[0],l=r[1]-e[1],c=Math.pow(a*a+o*o,.25),u=Math.pow(s*s+l*l,.25),f=(u*u*a-c*c*s)*i,h=(u*u*o-c*c*l)*i,p=3*u*(c+u),d=3*c*(c+u);return[[n.round(e[0]+(p&&f/p),2),n.round(e[1]+(p&&h/p),2)],[n.round(e[0]-(d&&f/d),2),n.round(e[1]-(d&&h/d),2)]]}y.smoothopen=function(t,e){if(t.length<3)return"M"+t.join("L");var r,n="M"+t[0],i=[];for(r=1;r=1e4&&(y.savedBBoxes={},P=0),r&&(y.savedBBoxes[r]=m),P++,c.extendFlat({},m)},y.setClipUrl=function(t,e,r){t.attr("clip-path",O(e,r))},y.getTranslate=function(t){var e=(t[t.attr?"attr":"getAttribute"]("transform")||"").replace(/.*\btranslate\((-?\d*\.?\d*)[^-\d]*(-?\d*\.?\d*)[^\d].*/,(function(t,e,r){return[e,r].join(" ")})).split(" ");return{x:+e[0]||0,y:+e[1]||0}},y.setTranslate=function(t,e,r){var n=t.attr?"attr":"getAttribute",i=t.attr?"attr":"setAttribute",a=t[n]("transform")||"";return e=e||0,r=r||0,a=a.replace(/(\btranslate\(.*?\);?)/,"").trim(),a=(a+=u(e,r)).trim(),t[i]("transform",a),a},y.getScale=function(t){var e=(t[t.attr?"attr":"getAttribute"]("transform")||"").replace(/.*\bscale\((\d*\.?\d*)[^\d]*(\d*\.?\d*)[^\d].*/,(function(t,e,r){return[e,r].join(" ")})).split(" ");return{x:+e[0]||1,y:+e[1]||1}},y.setScale=function(t,e,r){var n=t.attr?"attr":"getAttribute",i=t.attr?"attr":"setAttribute",a=t[n]("transform")||"";return e=e||1,r=r||1,a=a.replace(/(\bscale\(.*?\);?)/,"").trim(),a=(a+="scale("+e+","+r+")").trim(),t[i]("transform",a),a};var D=/\s*sc.*/;y.setPointGroupScale=function(t,e,r){if(e=e||1,r=r||1,t){var n=1===e&&1===r?"":"scale("+e+","+r+")";t.each((function(){var t=(this.getAttribute("transform")||"").replace(D,"");t=(t+=n).trim(),this.setAttribute("transform",t)}))}};var R=/translate\([^)]*\)\s*$/;y.setTextPointsScale=function(t,e,r){t&&t.each((function(){var t,i=n.select(this),a=i.select("text");if(a.node()){var o=parseFloat(a.attr("x")||0),s=parseFloat(a.attr("y")||0),l=(i.attr("transform")||"").match(R);t=1===e&&1===r?[]:[u(o,s),"scale("+e+","+r+")",u(-o,-s)],l&&t.push(l),i.attr("transform",t.join(""))}}))}},{"../../components/fx/helpers":679,"../../constants/alignment":745,"../../constants/interactions":752,"../../constants/xmlns_namespaces":754,"../../lib":778,"../../lib/svg_text_utils":803,"../../registry":911,"../../traces/scatter/make_bubble_size_func":1204,"../../traces/scatter/subtypes":1212,"../color":643,"../colorscale":655,"./symbol_defs":666,d3:169,"fast-isnumeric":241,tinycolor2:576}],666:[function(t,e,r){"use strict";var n=t("d3");e.exports={circle:{n:0,f:function(t){var e=n.round(t,2);return"M"+e+",0A"+e+","+e+" 0 1,1 0,-"+e+"A"+e+","+e+" 0 0,1 "+e+",0Z"}},square:{n:1,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"H-"+e+"V-"+e+"H"+e+"Z"}},diamond:{n:2,f:function(t){var e=n.round(1.3*t,2);return"M"+e+",0L0,"+e+"L-"+e+",0L0,-"+e+"Z"}},cross:{n:3,f:function(t){var e=n.round(.4*t,2),r=n.round(1.2*t,2);return"M"+r+","+e+"H"+e+"V"+r+"H-"+e+"V"+e+"H-"+r+"V-"+e+"H-"+e+"V-"+r+"H"+e+"V-"+e+"H"+r+"Z"}},x:{n:4,f:function(t){var e=n.round(.8*t/Math.sqrt(2),2),r="l"+e+","+e,i="l"+e+",-"+e,a="l-"+e+",-"+e,o="l-"+e+","+e;return"M0,"+e+r+i+a+i+a+o+a+o+r+o+r+"Z"}},"triangle-up":{n:5,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return"M-"+e+","+n.round(t/2,2)+"H"+e+"L0,-"+n.round(t,2)+"Z"}},"triangle-down":{n:6,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return"M-"+e+",-"+n.round(t/2,2)+"H"+e+"L0,"+n.round(t,2)+"Z"}},"triangle-left":{n:7,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return"M"+n.round(t/2,2)+",-"+e+"V"+e+"L-"+n.round(t,2)+",0Z"}},"triangle-right":{n:8,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return"M-"+n.round(t/2,2)+",-"+e+"V"+e+"L"+n.round(t,2)+",0Z"}},"triangle-ne":{n:9,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return"M-"+r+",-"+e+"H"+e+"V"+r+"Z"}},"triangle-se":{n:10,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return"M"+e+",-"+r+"V"+e+"H-"+r+"Z"}},"triangle-sw":{n:11,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return"M"+r+","+e+"H-"+e+"V-"+r+"Z"}},"triangle-nw":{n:12,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return"M-"+e+","+r+"V-"+e+"H"+r+"Z"}},pentagon:{n:13,f:function(t){var e=n.round(.951*t,2),r=n.round(.588*t,2),i=n.round(-t,2),a=n.round(-.309*t,2);return"M"+e+","+a+"L"+r+","+n.round(.809*t,2)+"H-"+r+"L-"+e+","+a+"L0,"+i+"Z"}},hexagon:{n:14,f:function(t){var e=n.round(t,2),r=n.round(t/2,2),i=n.round(t*Math.sqrt(3)/2,2);return"M"+i+",-"+r+"V"+r+"L0,"+e+"L-"+i+","+r+"V-"+r+"L0,-"+e+"Z"}},hexagon2:{n:15,f:function(t){var e=n.round(t,2),r=n.round(t/2,2),i=n.round(t*Math.sqrt(3)/2,2);return"M-"+r+","+i+"H"+r+"L"+e+",0L"+r+",-"+i+"H-"+r+"L-"+e+",0Z"}},octagon:{n:16,f:function(t){var e=n.round(.924*t,2),r=n.round(.383*t,2);return"M-"+r+",-"+e+"H"+r+"L"+e+",-"+r+"V"+r+"L"+r+","+e+"H-"+r+"L-"+e+","+r+"V-"+r+"Z"}},star:{n:17,f:function(t){var e=1.4*t,r=n.round(.225*e,2),i=n.round(.951*e,2),a=n.round(.363*e,2),o=n.round(.588*e,2),s=n.round(-e,2),l=n.round(-.309*e,2),c=n.round(.118*e,2),u=n.round(.809*e,2);return"M"+r+","+l+"H"+i+"L"+a+","+c+"L"+o+","+u+"L0,"+n.round(.382*e,2)+"L-"+o+","+u+"L-"+a+","+c+"L-"+i+","+l+"H-"+r+"L0,"+s+"Z"}},hexagram:{n:18,f:function(t){var e=n.round(.66*t,2),r=n.round(.38*t,2),i=n.round(.76*t,2);return"M-"+i+",0l-"+r+",-"+e+"h"+i+"l"+r+",-"+e+"l"+r+","+e+"h"+i+"l-"+r+","+e+"l"+r+","+e+"h-"+i+"l-"+r+","+e+"l-"+r+",-"+e+"h-"+i+"Z"}},"star-triangle-up":{n:19,f:function(t){var e=n.round(t*Math.sqrt(3)*.8,2),r=n.round(.8*t,2),i=n.round(1.6*t,2),a=n.round(4*t,2),o="A "+a+","+a+" 0 0 1 ";return"M-"+e+","+r+o+e+","+r+o+"0,-"+i+o+"-"+e+","+r+"Z"}},"star-triangle-down":{n:20,f:function(t){var e=n.round(t*Math.sqrt(3)*.8,2),r=n.round(.8*t,2),i=n.round(1.6*t,2),a=n.round(4*t,2),o="A "+a+","+a+" 0 0 1 ";return"M"+e+",-"+r+o+"-"+e+",-"+r+o+"0,"+i+o+e+",-"+r+"Z"}},"star-square":{n:21,f:function(t){var e=n.round(1.1*t,2),r=n.round(2*t,2),i="A "+r+","+r+" 0 0 1 ";return"M-"+e+",-"+e+i+"-"+e+","+e+i+e+","+e+i+e+",-"+e+i+"-"+e+",-"+e+"Z"}},"star-diamond":{n:22,f:function(t){var e=n.round(1.4*t,2),r=n.round(1.9*t,2),i="A "+r+","+r+" 0 0 1 ";return"M-"+e+",0"+i+"0,"+e+i+e+",0"+i+"0,-"+e+i+"-"+e+",0Z"}},"diamond-tall":{n:23,f:function(t){var e=n.round(.7*t,2),r=n.round(1.4*t,2);return"M0,"+r+"L"+e+",0L0,-"+r+"L-"+e+",0Z"}},"diamond-wide":{n:24,f:function(t){var e=n.round(1.4*t,2),r=n.round(.7*t,2);return"M0,"+r+"L"+e+",0L0,-"+r+"L-"+e+",0Z"}},hourglass:{n:25,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"H-"+e+"L"+e+",-"+e+"H-"+e+"Z"},noDot:!0},bowtie:{n:26,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"V-"+e+"L-"+e+","+e+"V-"+e+"Z"},noDot:!0},"circle-cross":{n:27,f:function(t){var e=n.round(t,2);return"M0,"+e+"V-"+e+"M"+e+",0H-"+e+"M"+e+",0A"+e+","+e+" 0 1,1 0,-"+e+"A"+e+","+e+" 0 0,1 "+e+",0Z"},needLine:!0,noDot:!0},"circle-x":{n:28,f:function(t){var e=n.round(t,2),r=n.round(t/Math.sqrt(2),2);return"M"+r+","+r+"L-"+r+",-"+r+"M"+r+",-"+r+"L-"+r+","+r+"M"+e+",0A"+e+","+e+" 0 1,1 0,-"+e+"A"+e+","+e+" 0 0,1 "+e+",0Z"},needLine:!0,noDot:!0},"square-cross":{n:29,f:function(t){var e=n.round(t,2);return"M0,"+e+"V-"+e+"M"+e+",0H-"+e+"M"+e+","+e+"H-"+e+"V-"+e+"H"+e+"Z"},needLine:!0,noDot:!0},"square-x":{n:30,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"L-"+e+",-"+e+"M"+e+",-"+e+"L-"+e+","+e+"M"+e+","+e+"H-"+e+"V-"+e+"H"+e+"Z"},needLine:!0,noDot:!0},"diamond-cross":{n:31,f:function(t){var e=n.round(1.3*t,2);return"M"+e+",0L0,"+e+"L-"+e+",0L0,-"+e+"ZM0,-"+e+"V"+e+"M-"+e+",0H"+e},needLine:!0,noDot:!0},"diamond-x":{n:32,f:function(t){var e=n.round(1.3*t,2),r=n.round(.65*t,2);return"M"+e+",0L0,"+e+"L-"+e+",0L0,-"+e+"ZM-"+r+",-"+r+"L"+r+","+r+"M-"+r+","+r+"L"+r+",-"+r},needLine:!0,noDot:!0},"cross-thin":{n:33,f:function(t){var e=n.round(1.4*t,2);return"M0,"+e+"V-"+e+"M"+e+",0H-"+e},needLine:!0,noDot:!0,noFill:!0},"x-thin":{n:34,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"L-"+e+",-"+e+"M"+e+",-"+e+"L-"+e+","+e},needLine:!0,noDot:!0,noFill:!0},asterisk:{n:35,f:function(t){var e=n.round(1.2*t,2),r=n.round(.85*t,2);return"M0,"+e+"V-"+e+"M"+e+",0H-"+e+"M"+r+","+r+"L-"+r+",-"+r+"M"+r+",-"+r+"L-"+r+","+r},needLine:!0,noDot:!0,noFill:!0},hash:{n:36,f:function(t){var e=n.round(t/2,2),r=n.round(t,2);return"M"+e+","+r+"V-"+r+"m-"+r+",0V"+r+"M"+r+","+e+"H-"+r+"m0,-"+r+"H"+r},needLine:!0,noFill:!0},"y-up":{n:37,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return"M-"+e+","+i+"L0,0M"+e+","+i+"L0,0M0,-"+r+"L0,0"},needLine:!0,noDot:!0,noFill:!0},"y-down":{n:38,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return"M-"+e+",-"+i+"L0,0M"+e+",-"+i+"L0,0M0,"+r+"L0,0"},needLine:!0,noDot:!0,noFill:!0},"y-left":{n:39,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return"M"+i+","+e+"L0,0M"+i+",-"+e+"L0,0M-"+r+",0L0,0"},needLine:!0,noDot:!0,noFill:!0},"y-right":{n:40,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return"M-"+i+","+e+"L0,0M-"+i+",-"+e+"L0,0M"+r+",0L0,0"},needLine:!0,noDot:!0,noFill:!0},"line-ew":{n:41,f:function(t){var e=n.round(1.4*t,2);return"M"+e+",0H-"+e},needLine:!0,noDot:!0,noFill:!0},"line-ns":{n:42,f:function(t){var e=n.round(1.4*t,2);return"M0,"+e+"V-"+e},needLine:!0,noDot:!0,noFill:!0},"line-ne":{n:43,f:function(t){var e=n.round(t,2);return"M"+e+",-"+e+"L-"+e+","+e},needLine:!0,noDot:!0,noFill:!0},"line-nw":{n:44,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"L-"+e+",-"+e},needLine:!0,noDot:!0,noFill:!0},"arrow-up":{n:45,f:function(t){var e=n.round(t,2);return"M0,0L-"+e+","+n.round(2*t,2)+"H"+e+"Z"},noDot:!0},"arrow-down":{n:46,f:function(t){var e=n.round(t,2);return"M0,0L-"+e+",-"+n.round(2*t,2)+"H"+e+"Z"},noDot:!0},"arrow-left":{n:47,f:function(t){var e=n.round(2*t,2),r=n.round(t,2);return"M0,0L"+e+",-"+r+"V"+r+"Z"},noDot:!0},"arrow-right":{n:48,f:function(t){var e=n.round(2*t,2),r=n.round(t,2);return"M0,0L-"+e+",-"+r+"V"+r+"Z"},noDot:!0},"arrow-bar-up":{n:49,f:function(t){var e=n.round(t,2);return"M-"+e+",0H"+e+"M0,0L-"+e+","+n.round(2*t,2)+"H"+e+"Z"},needLine:!0,noDot:!0},"arrow-bar-down":{n:50,f:function(t){var e=n.round(t,2);return"M-"+e+",0H"+e+"M0,0L-"+e+",-"+n.round(2*t,2)+"H"+e+"Z"},needLine:!0,noDot:!0},"arrow-bar-left":{n:51,f:function(t){var e=n.round(2*t,2),r=n.round(t,2);return"M0,-"+r+"V"+r+"M0,0L"+e+",-"+r+"V"+r+"Z"},needLine:!0,noDot:!0},"arrow-bar-right":{n:52,f:function(t){var e=n.round(2*t,2),r=n.round(t,2);return"M0,-"+r+"V"+r+"M0,0L-"+e+",-"+r+"V"+r+"Z"},needLine:!0,noDot:!0}}},{d3:169}],667:[function(t,e,r){"use strict";e.exports={visible:{valType:"boolean",editType:"calc"},type:{valType:"enumerated",values:["percent","constant","sqrt","data"],editType:"calc"},symmetric:{valType:"boolean",editType:"calc"},array:{valType:"data_array",editType:"calc"},arrayminus:{valType:"data_array",editType:"calc"},value:{valType:"number",min:0,dflt:10,editType:"calc"},valueminus:{valType:"number",min:0,dflt:10,editType:"calc"},traceref:{valType:"integer",min:0,dflt:0,editType:"style"},tracerefminus:{valType:"integer",min:0,dflt:0,editType:"style"},copy_ystyle:{valType:"boolean",editType:"plot"},copy_zstyle:{valType:"boolean",editType:"style"},color:{valType:"color",editType:"style"},thickness:{valType:"number",min:0,dflt:2,editType:"style"},width:{valType:"number",min:0,editType:"plot"},editType:"calc",_deprecated:{opacity:{valType:"number",editType:"style"}}}},{}],668:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../registry"),a=t("../../plots/cartesian/axes"),o=t("../../lib"),s=t("./compute_error");function l(t,e,r,i){var l=e["error_"+i]||{},c=[];if(l.visible&&-1!==["linear","log"].indexOf(r.type)){for(var u=s(l),f=0;f0;e.each((function(e){var f,h=e[0].trace,p=h.error_x||{},d=h.error_y||{};h.ids&&(f=function(t){return t.id});var g=o.hasMarkers(h)&&h.marker.maxdisplayed>0;d.visible||p.visible||(e=[]);var m=n.select(this).selectAll("g.errorbar").data(e,f);if(m.exit().remove(),e.length){p.visible||m.selectAll("path.xerror").remove(),d.visible||m.selectAll("path.yerror").remove(),m.style("opacity",1);var v=m.enter().append("g").classed("errorbar",!0);u&&v.style("opacity",0).transition().duration(s.duration).style("opacity",1),a.setClipUrl(m,r.layerClipId,t),m.each((function(t){var e=n.select(this),r=function(t,e,r){var n={x:e.c2p(t.x),y:r.c2p(t.y)};void 0!==t.yh&&(n.yh=r.c2p(t.yh),n.ys=r.c2p(t.ys),i(n.ys)||(n.noYS=!0,n.ys=r.c2p(t.ys,!0)));void 0!==t.xh&&(n.xh=e.c2p(t.xh),n.xs=e.c2p(t.xs),i(n.xs)||(n.noXS=!0,n.xs=e.c2p(t.xs,!0)));return n}(t,l,c);if(!g||t.vis){var a,o=e.select("path.yerror");if(d.visible&&i(r.x)&&i(r.yh)&&i(r.ys)){var f=d.width;a="M"+(r.x-f)+","+r.yh+"h"+2*f+"m-"+f+",0V"+r.ys,r.noYS||(a+="m-"+f+",0h"+2*f),!o.size()?o=e.append("path").style("vector-effect","non-scaling-stroke").classed("yerror",!0):u&&(o=o.transition().duration(s.duration).ease(s.easing)),o.attr("d",a)}else o.remove();var h=e.select("path.xerror");if(p.visible&&i(r.y)&&i(r.xh)&&i(r.xs)){var m=(p.copy_ystyle?d:p).width;a="M"+r.xh+","+(r.y-m)+"v"+2*m+"m0,-"+m+"H"+r.xs,r.noXS||(a+="m0,-"+m+"v"+2*m),!h.size()?h=e.append("path").style("vector-effect","non-scaling-stroke").classed("xerror",!0):u&&(h=h.transition().duration(s.duration).ease(s.easing)),h.attr("d",a)}else h.remove()}}))}}))}},{"../../traces/scatter/subtypes":1212,"../drawing":665,d3:169,"fast-isnumeric":241}],673:[function(t,e,r){"use strict";var n=t("d3"),i=t("../color");e.exports=function(t){t.each((function(t){var e=t[0].trace,r=e.error_y||{},a=e.error_x||{},o=n.select(this);o.selectAll("path.yerror").style("stroke-width",r.thickness+"px").call(i.stroke,r.color),a.copy_ystyle&&(a=r),o.selectAll("path.xerror").style("stroke-width",a.thickness+"px").call(i.stroke,a.color)}))}},{"../color":643,d3:169}],674:[function(t,e,r){"use strict";var n=t("../../plots/font_attributes"),i=t("./layout_attributes").hoverlabel,a=t("../../lib/extend").extendFlat;e.exports={hoverlabel:{bgcolor:a({},i.bgcolor,{arrayOk:!0}),bordercolor:a({},i.bordercolor,{arrayOk:!0}),font:n({arrayOk:!0,editType:"none"}),align:a({},i.align,{arrayOk:!0}),namelength:a({},i.namelength,{arrayOk:!0}),editType:"none"}}},{"../../lib/extend":768,"../../plots/font_attributes":856,"./layout_attributes":684}],675:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry");function a(t,e,r,i){i=i||n.identity,Array.isArray(t)&&(e[0][r]=i(t))}e.exports=function(t){var e=t.calcdata,r=t._fullLayout;function o(t){return function(e){return n.coerceHoverinfo({hoverinfo:e},{_module:t._module},r)}}for(var s=0;s=0&&r.indexb[0]._length||tt<0||tt>_[0]._length)return d.unhoverRaw(t,e)}if(e.pointerX=$+b[0]._offset,e.pointerY=tt+_[0]._offset,C="xval"in e?v.flat(s,e.xval):v.p2c(b,$),I="yval"in e?v.flat(s,e.yval):v.p2c(_,tt),!i(C[0])||!i(I[0]))return o.warn("Fx.hover failed",e,t),d.unhoverRaw(t,e)}var nt=1/0;function it(t,r){for(F=0;FY&&(Z.splice(0,Y),nt=Z[0].distance),g&&0!==X&&0===Z.length){G.distance=X,G.index=!1;var f=N._module.hoverPoints(G,q,H,"closest",l._hoverlayer);if(f&&(f=f.filter((function(t){return t.spikeDistance<=X}))),f&&f.length){var h,d=f.filter((function(t){return t.xa.showspikes&&"hovered data"!==t.xa.spikesnap}));if(d.length){var m=d[0];i(m.x0)&&i(m.y0)&&(h=ot(m),(!K.vLinePoint||K.vLinePoint.spikeDistance>h.spikeDistance)&&(K.vLinePoint=h))}var y=f.filter((function(t){return t.ya.showspikes&&"hovered data"!==t.ya.spikesnap}));if(y.length){var x=y[0];i(x.x0)&&i(x.y0)&&(h=ot(x),(!K.hLinePoint||K.hLinePoint.spikeDistance>h.spikeDistance)&&(K.hLinePoint=h))}}}}}function at(t,e){for(var r,n=null,i=1/0,a=0;a1||Z.length>1)||"closest"===S&&Q&&Z.length>1,At=p.combine(l.plot_bgcolor||p.background,l.paper_bgcolor),St={hovermode:S,rotateLabels:Mt,bgColor:At,container:l._hoverlayer,outerContainer:l._paperdiv,commonLabelOpts:l.hoverlabel,hoverdistance:l.hoverdistance},Et=L(Z,St,t);v.isUnifiedHover(S)||(!function(t,e,r){var n,i,a,o,s,l,c,u=0,f=1,h=t.size(),p=new Array(h),d=0;function g(t){var e=t[0],r=t[t.length-1];if(i=e.pmin-e.pos-e.dp+e.size,a=r.pos+r.dp+r.size-e.pmax,i>.01){for(s=t.length-1;s>=0;s--)t[s].dp+=i;n=!1}if(!(a<.01)){if(i<-.01){for(s=t.length-1;s>=0;s--)t[s].dp-=a;n=!1}if(n){var c=0;for(o=0;oe.pmax&&c++;for(o=t.length-1;o>=0&&!(c<=0);o--)(l=t[o]).pos>e.pmax-1&&(l.del=!0,c--);for(o=0;o=0;s--)t[s].dp-=a;for(o=t.length-1;o>=0&&!(c<=0);o--)(l=t[o]).pos+l.dp+l.size>e.pmax&&(l.del=!0,c--)}}}t.each((function(t){var n=t[e],i="x"===n._id.charAt(0),a=n.range;0===d&&a&&a[0]>a[1]!==i&&(f=-1),p[d++]=[{datum:t,traceIndex:t.trace.index,dp:0,pos:t.pos,posref:t.posref,size:t.by*(i?T:1)/2,pmin:0,pmax:i?r.width:r.height}]})),p.sort((function(t,e){return t[0].posref-e[0].posref||f*(e[0].traceIndex-t[0].traceIndex)}));for(;!n&&u<=h;){for(u++,n=!0,o=0;o.01&&y.pmin===x.pmin&&y.pmax===x.pmax){for(s=v.length-1;s>=0;s--)v[s].dp+=i;for(m.push.apply(m,v),p.splice(o+1,1),c=0,s=m.length-1;s>=0;s--)c+=m[s].dp;for(a=c/m.length,s=m.length-1;s>=0;s--)m[s].dp-=a;n=!1}else o++}p.forEach(g)}for(o=p.length-1;o>=0;o--){var b=p[o];for(s=b.length-1;s>=0;s--){var _=b[s],w=_.datum;w.offset=_.dp,w.del=_.del}}}(Et,Mt?"xa":"ya",l),P(Et,Mt,l._invScaleX,l._invScaleY));if(e.target&&e.target.tagName){var Ct=m.getComponentMethod("annotations","hasClickToShow")(t,_t);f(n.select(e.target),Ct?"pointer":"")}if(!e.target||a||!function(t,e,r){if(!r||r.length!==t._hoverdata.length)return!0;for(var n=r.length-1;n>=0;n--){var i=r[n],a=t._hoverdata[n];if(i.curveNumber!==a.curveNumber||String(i.pointNumber)!==String(a.pointNumber)||String(i.pointNumbers)!==String(a.pointNumbers))return!0}return!1}(t,0,bt))return;bt&&t.emit("plotly_unhover",{event:e,points:bt});t.emit("plotly_hover",{event:e,points:t._hoverdata,xaxes:b,yaxes:_,xvals:C,yvals:I})}(t,e,r,a)}))},r.loneHover=function(t,e){var r=!0;Array.isArray(t)||(r=!1,t=[t]);var i=t.map((function(t){return{color:t.color||p.defaultLine,x0:t.x0||t.x||0,x1:t.x1||t.x||0,y0:t.y0||t.y||0,y1:t.y1||t.y||0,xLabel:t.xLabel,yLabel:t.yLabel,zLabel:t.zLabel,text:t.text,name:t.name,idealAlign:t.idealAlign,borderColor:t.borderColor,fontFamily:t.fontFamily,fontSize:t.fontSize,fontColor:t.fontColor,nameLength:t.nameLength,textAlign:t.textAlign,trace:t.trace||{index:0,hoverinfo:""},xa:{_offset:0},ya:{_offset:0},index:0,hovertemplate:t.hovertemplate||!1,eventData:t.eventData||!1,hovertemplateLabels:t.hovertemplateLabels||!1}})),a=n.select(e.container),o=e.outerContainer?n.select(e.outerContainer):a,s={hovermode:"closest",rotateLabels:!1,bgColor:e.bgColor||p.background,container:a,outerContainer:o},l=L(i,s,e.gd),c=0,u=0;l.sort((function(t,e){return t.y0-e.y0})).each((function(t,r){var n=t.y0-t.by/2;t.offset=n-5([\s\S]*)<\/extra>/;function L(t,e,r){var i=r._fullLayout,a=e.hovermode,c=e.rotateLabels,f=e.bgColor,d=e.container,g=e.outerContainer,m=e.commonLabelOpts||{},w=e.fontFamily||y.HOVERFONT,T=e.fontSize||y.HOVERFONTSIZE,k=t[0],M=k.xa,C=k.ya,L="y"===a.charAt(0)?"yLabel":"xLabel",P=k[L],z=(String(P)||"").split(" ")[0],O=g.node().getBoundingClientRect(),D=O.top,R=O.width,F=O.height,B=void 0!==P&&k.distance<=e.hoverdistance&&("x"===a||"y"===a);if(B){var N,j,U=!0;for(N=0;Ni.width-E?(y=i.width-E,l.attr("d","M"+(E-A)+",0L"+E+","+_+A+"v"+_+(2*S+b.height)+"H-"+E+"V"+_+A+"H"+(E-2*A)+"Z")):l.attr("d","M0,0L"+A+","+_+A+"H"+(S+b.width/2)+"v"+_+(2*S+b.height)+"H-"+(S+b.width/2)+"V"+_+A+"H-"+A+"Z")}else{var L,I,z;"right"===C.side?(L="start",I=1,z="",y=M._offset+M._length):(L="end",I=-1,z="-",y=M._offset),x=C._offset+(k.y0+k.y1)/2,c.attr("text-anchor",L),l.attr("d","M0,0L"+z+A+","+A+"V"+(S+b.height/2)+"h"+z+(2*S+b.width)+"V-"+(S+b.height/2)+"H"+z+A+"V-"+A+"Z");var O,R=b.height/2,F=D-b.top-R,B="clip"+i._uid+"commonlabel"+C._id;if(y=0?et-=it:et+=2*S;var at=nt.height+2*S,ot=tt+at>=F;return at<=F&&(tt<=D?tt=C._offset+2*S:ot&&(tt=F-at)),rt.attr("transform",s(et,tt)),rt}var st=d.selectAll("g.hovertext").data(t,(function(t){return E(t)}));return st.enter().append("g").classed("hovertext",!0).each((function(){var t=n.select(this);t.append("rect").call(p.fill,p.addOpacity(f,.8)),t.append("text").classed("name",!0),t.append("path").style("stroke-width","1px"),t.append("text").classed("nums",!0).call(h.font,w,T)})),st.exit().remove(),st.each((function(t){var e=n.select(this).attr("transform",""),o=t.color;Array.isArray(o)&&(o=o[t.eventData[0].pointNumber]);var d=t.bgcolor||o,g=p.combine(p.opacity(d)?d:p.defaultLine,f),m=p.combine(p.opacity(o)?o:p.defaultLine,f),v=t.borderColor||p.contrast(g),y=I(t,B,a,i,P,e),x=y[0],b=y[1],k=e.select("text.nums").call(h.font,t.fontFamily||w,t.fontSize||T,t.fontColor||v).text(x).attr("data-notex",1).call(u.positionText,0,0).call(u.convertToTspans,r),M=e.select("text.name"),E=0,C=0;if(b&&b!==x){M.call(h.font,t.fontFamily||w,t.fontSize||T,m).text(b).attr("data-notex",1).call(u.positionText,0,0).call(u.convertToTspans,r);var L=M.node().getBoundingClientRect();E=L.width+2*S,C=L.height+2*S}else M.remove(),e.select("rect").remove();e.select("path").style({fill:g,stroke:v});var z,O,N=k.node().getBoundingClientRect(),j=t.xa._offset+(t.x0+t.x1)/2,U=t.ya._offset+(t.y0+t.y1)/2,V=Math.abs(t.x1-t.x0),q=Math.abs(t.y1-t.y0),H=N.width+A+S+E;if(t.ty0=D-N.top,t.bx=N.width+2*S,t.by=Math.max(N.height+2*S,C),t.anchor="start",t.txwidth=N.width,t.tx2width=E,t.offset=0,c)t.pos=j,z=U+q/2+H<=F,O=U-q/2-H>=0,"top"!==t.idealAlign&&z||!O?z?(U+=q/2,t.anchor="start"):t.anchor="middle":(U-=q/2,t.anchor="end");else if(t.pos=U,z=j+V/2+H<=R,O=j-V/2-H>=0,"left"!==t.idealAlign&&z||!O)if(z)j+=V/2,t.anchor="start";else{t.anchor="middle";var G=H/2,Y=j+G-R,W=j-G;Y>0&&(j-=Y),W<0&&(j+=-W)}else j-=V/2,t.anchor="end";k.attr("text-anchor",t.anchor),E&&M.attr("text-anchor",t.anchor),e.attr("transform",s(j,U)+(c?l(_):""))})),st}function I(t,e,r,n,i,a){var s="",l="";void 0!==t.nameOverride&&(t.name=t.nameOverride),t.name&&(t.trace._meta&&(t.name=o.templateString(t.name,t.trace._meta)),s=R(t.name,t.nameLength)),void 0!==t.zLabel?(void 0!==t.xLabel&&(l+="x: "+t.xLabel+"
"),void 0!==t.yLabel&&(l+="y: "+t.yLabel+"
"),"choropleth"!==t.trace.type&&"choroplethmapbox"!==t.trace.type&&(l+=(l?"z: ":"")+t.zLabel)):e&&t[r.charAt(0)+"Label"]===i?l=t[("x"===r.charAt(0)?"y":"x")+"Label"]||"":void 0===t.xLabel?void 0!==t.yLabel&&"scattercarpet"!==t.trace.type&&(l=t.yLabel):l=void 0===t.yLabel?t.xLabel:"("+t.xLabel+", "+t.yLabel+")",!t.text&&0!==t.text||Array.isArray(t.text)||(l+=(l?"
":"")+t.text),void 0!==t.extraText&&(l+=(l?"
":"")+t.extraText),a&&""===l&&!t.hovertemplate&&(""===s&&a.remove(),l=s);var c=n._d3locale,u=t.hovertemplate||!1,f=t.hovertemplateLabels||t,h=t.eventData[0]||{};return u&&(l=(l=o.hovertemplateString(u,f,c,h,t.trace._meta)).replace(C,(function(e,r){return s=R(r,t.nameLength),""}))),[l,s]}function P(t,e,r,i){var a=function(t){return t*r},o=function(t){return t*i};t.each((function(t){var r=n.select(this);if(t.del)return r.remove();var i=r.select("text.nums"),s=t.anchor,l="end"===s?-1:1,c={start:1,end:-1,middle:0}[s],f=c*(A+S),p=f+c*(t.txwidth+S),d=0,g=t.offset,m="middle"===s;m&&(f-=t.tx2width/2,p+=t.txwidth/2+S),e&&(g*=-M,d=t.offset*k),r.select("path").attr("d",m?"M-"+a(t.bx/2+t.tx2width/2)+","+o(g-t.by/2)+"h"+a(t.bx)+"v"+o(t.by)+"h-"+a(t.bx)+"Z":"M0,0L"+a(l*A+d)+","+o(A+g)+"v"+o(t.by/2-A)+"h"+a(l*t.bx)+"v-"+o(t.by)+"H"+a(l*A+d)+"V"+o(g-A)+"Z");var v=d+f,y=g+t.ty0-t.by/2+S,x=t.textAlign||"auto";"auto"!==x&&("left"===x&&"start"!==s?(i.attr("text-anchor","start"),v=m?-t.bx/2-t.tx2width/2+S:-t.bx-S):"right"===x&&"end"!==s&&(i.attr("text-anchor","end"),v=m?t.bx/2-t.tx2width/2-S:t.bx+S)),i.call(u.positionText,a(v),o(y)),t.tx2width&&(r.select("text.name").call(u.positionText,a(p+c*S+d),o(g+t.ty0-t.by/2+S)),r.select("rect").call(h.setRect,a(p+(c-1)*t.tx2width/2+d),o(g-t.by/2-1),a(t.tx2width),o(t.by+2)))}))}function z(t,e){var r=t.index,n=t.trace||{},a=t.cd[0],s=t.cd[r]||{};function l(t){return t||i(t)&&0===t}var c=Array.isArray(r)?function(t,e){var i=o.castOption(a,r,t);return l(i)?i:o.extractOption({},n,"",e)}:function(t,e){return o.extractOption(s,n,t,e)};function u(e,r,n){var i=c(r,n);l(i)&&(t[e]=i)}if(u("hoverinfo","hi","hoverinfo"),u("bgcolor","hbg","hoverlabel.bgcolor"),u("borderColor","hbc","hoverlabel.bordercolor"),u("fontFamily","htf","hoverlabel.font.family"),u("fontSize","hts","hoverlabel.font.size"),u("fontColor","htc","hoverlabel.font.color"),u("nameLength","hnl","hoverlabel.namelength"),u("textAlign","hta","hoverlabel.align"),t.posref="y"===e||"closest"===e&&"h"===n.orientation?t.xa._offset+(t.x0+t.x1)/2:t.ya._offset+(t.y0+t.y1)/2,t.x0=o.constrain(t.x0,0,t.xa._length),t.x1=o.constrain(t.x1,0,t.xa._length),t.y0=o.constrain(t.y0,0,t.ya._length),t.y1=o.constrain(t.y1,0,t.ya._length),void 0!==t.xLabelVal&&(t.xLabel="xLabel"in t?t.xLabel:g.hoverLabelText(t.xa,t.xLabelVal),t.xVal=t.xa.c2d(t.xLabelVal)),void 0!==t.yLabelVal&&(t.yLabel="yLabel"in t?t.yLabel:g.hoverLabelText(t.ya,t.yLabelVal),t.yVal=t.ya.c2d(t.yLabelVal)),void 0!==t.zLabelVal&&void 0===t.zLabel&&(t.zLabel=String(t.zLabelVal)),!(isNaN(t.xerr)||"log"===t.xa.type&&t.xerr<=0)){var f=g.tickText(t.xa,t.xa.c2l(t.xerr),"hover").text;void 0!==t.xerrneg?t.xLabel+=" +"+f+" / -"+g.tickText(t.xa,t.xa.c2l(t.xerrneg),"hover").text:t.xLabel+=" \xb1 "+f,"x"===e&&(t.distance+=1)}if(!(isNaN(t.yerr)||"log"===t.ya.type&&t.yerr<=0)){var h=g.tickText(t.ya,t.ya.c2l(t.yerr),"hover").text;void 0!==t.yerrneg?t.yLabel+=" +"+h+" / -"+g.tickText(t.ya,t.ya.c2l(t.yerrneg),"hover").text:t.yLabel+=" \xb1 "+h,"y"===e&&(t.distance+=1)}var p=t.hoverinfo||t.trace.hoverinfo;return p&&"all"!==p&&(-1===(p=Array.isArray(p)?p:p.split("+")).indexOf("x")&&(t.xLabel=void 0),-1===p.indexOf("y")&&(t.yLabel=void 0),-1===p.indexOf("z")&&(t.zLabel=void 0),-1===p.indexOf("text")&&(t.text=void 0),-1===p.indexOf("name")&&(t.name=void 0)),t}function O(t,e,r){var n,i,o=r.container,s=r.fullLayout,l=s._size,c=r.event,u=!!e.hLinePoint,f=!!e.vLinePoint;if(o.selectAll(".spikeline").remove(),f||u){var d=p.combine(s.plot_bgcolor,s.paper_bgcolor);if(u){var m,v,y=e.hLinePoint;n=y&&y.xa,"cursor"===(i=y&&y.ya).spikesnap?(m=c.pointerX,v=c.pointerY):(m=n._offset+y.x,v=i._offset+y.y);var x,b,_=a.readability(y.color,d)<1.5?p.contrast(d):y.color,w=i.spikemode,T=i.spikethickness,k=i.spikecolor||_,M=g.getPxPosition(t,i);if(-1!==w.indexOf("toaxis")||-1!==w.indexOf("across")){if(-1!==w.indexOf("toaxis")&&(x=M,b=m),-1!==w.indexOf("across")){var A=i._counterDomainMin,S=i._counterDomainMax;"free"===i.anchor&&(A=Math.min(A,i.position),S=Math.max(S,i.position)),x=l.l+A*l.w,b=l.l+S*l.w}o.insert("line",":first-child").attr({x1:x,x2:b,y1:v,y2:v,"stroke-width":T,stroke:k,"stroke-dasharray":h.dashStyle(i.spikedash,T)}).classed("spikeline",!0).classed("crisp",!0),o.insert("line",":first-child").attr({x1:x,x2:b,y1:v,y2:v,"stroke-width":T+2,stroke:d}).classed("spikeline",!0).classed("crisp",!0)}-1!==w.indexOf("marker")&&o.insert("circle",":first-child").attr({cx:M+("right"!==i.side?T:-T),cy:v,r:T,fill:k}).classed("spikeline",!0)}if(f){var E,C,L=e.vLinePoint;n=L&&L.xa,i=L&&L.ya,"cursor"===n.spikesnap?(E=c.pointerX,C=c.pointerY):(E=n._offset+L.x,C=i._offset+L.y);var I,P,z=a.readability(L.color,d)<1.5?p.contrast(d):L.color,O=n.spikemode,D=n.spikethickness,R=n.spikecolor||z,F=g.getPxPosition(t,n);if(-1!==O.indexOf("toaxis")||-1!==O.indexOf("across")){if(-1!==O.indexOf("toaxis")&&(I=F,P=C),-1!==O.indexOf("across")){var B=n._counterDomainMin,N=n._counterDomainMax;"free"===n.anchor&&(B=Math.min(B,n.position),N=Math.max(N,n.position)),I=l.t+(1-N)*l.h,P=l.t+(1-B)*l.h}o.insert("line",":first-child").attr({x1:E,x2:E,y1:I,y2:P,"stroke-width":D,stroke:R,"stroke-dasharray":h.dashStyle(n.spikedash,D)}).classed("spikeline",!0).classed("crisp",!0),o.insert("line",":first-child").attr({x1:E,x2:E,y1:I,y2:P,"stroke-width":D+2,stroke:d}).classed("spikeline",!0).classed("crisp",!0)}-1!==O.indexOf("marker")&&o.insert("circle",":first-child").attr({cx:E,cy:F-("top"!==n.side?D:-D),r:D,fill:R}).classed("spikeline",!0)}}}function D(t,e){return!e||(e.vLinePoint!==t._spikepoints.vLinePoint||e.hLinePoint!==t._spikepoints.hLinePoint)}function R(t,e){return u.plainText(t||"",{len:e,allowedTags:["br","sub","sup","b","i","em"]})}},{"../../lib":778,"../../lib/events":767,"../../lib/override_cursor":789,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"../../registry":911,"../color":643,"../dragelement":662,"../drawing":665,"../legend/defaults":695,"../legend/draw":696,"./constants":677,"./helpers":679,d3:169,"fast-isnumeric":241,tinycolor2:576}],681:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../color"),a=t("./helpers").isUnifiedHover;e.exports=function(t,e,r,o){function s(t){o.font[t]||(o.font[t]=e.legend?e.legend.font[t]:e.font[t])}o=o||{},e&&a(e.hovermode)&&(o.font||(o.font={}),s("size"),s("family"),s("color"),e.legend?(o.bgcolor||(o.bgcolor=i.combine(e.legend.bgcolor,e.paper_bgcolor)),o.bordercolor||(o.bordercolor=e.legend.bordercolor)):o.bgcolor||(o.bgcolor=e.paper_bgcolor)),r("hoverlabel.bgcolor",o.bgcolor),r("hoverlabel.bordercolor",o.bordercolor),r("hoverlabel.namelength",o.namelength),n.coerceFont(r,"hoverlabel.font",o.font),r("hoverlabel.align",o.align)}},{"../../lib":778,"../color":643,"./helpers":679}],682:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e,r){function a(r,a){return void 0!==e[r]?e[r]:n.coerce(t,e,i,r,a)}var o,s=a("clickmode");return e._has("cartesian")?s.indexOf("select")>-1?o="closest":(e._isHoriz=function(t,e){for(var r=e._scatterStackOpts||{},n=0;n1){if(!h&&!p&&!d)"independent"===k("pattern")&&(h=!0);m._hasSubplotGrid=h;var x,b,_="top to bottom"===k("roworder"),w=h?.2:.1,T=h?.3:.1;g&&e._splomGridDflt&&(x=e._splomGridDflt.xside,b=e._splomGridDflt.yside),m._domains={x:u("x",k,w,x,y),y:u("y",k,T,b,v,_)}}else delete e.grid}function k(t,e){return n.coerce(r,m,l,t,e)}},contentDefaults:function(t,e){var r=e.grid;if(r&&r._domains){var n,i,a,o,s,l,u,h=t.grid||{},p=e._subplots,d=r._hasSubplotGrid,g=r.rows,m=r.columns,v="independent"===r.pattern,y=r._axisMap={};if(d){var x=h.subplots||[];l=r.subplots=new Array(g);var b=1;for(n=0;n1);if(!1!==g||c.uirevision){var m=a.newContainer(e,"legend");if(_("uirevision",e.uirevision),!1!==g){_("bgcolor",e.paper_bgcolor),_("bordercolor"),_("borderwidth"),i.coerceFont(_,"font",e.font);var v,y,x,b=_("orientation");"h"===b?(v=0,n.getComponentMethod("rangeslider","isVisible")(t.xaxis)?(y=1.1,x="bottom"):(y=-.1,x="top")):(v=1.02,y=1,x="auto"),_("traceorder",h),l.isGrouped(e.legend)&&_("tracegroupgap"),_("itemsizing"),_("itemwidth"),_("itemclick"),_("itemdoubleclick"),_("x",v),_("xanchor"),_("y",y),_("yanchor",x),_("valign"),i.noneOrAll(c,m,["x","y"]),_("title.text")&&(_("title.side","h"===b?"left":"top"),i.coerceFont(_,"title.font",e.font))}}function _(t,e){return i.coerce(c,m,o,t,e)}}},{"../../lib":778,"../../plot_api/plot_template":817,"../../plots/layout_attributes":882,"../../registry":911,"./attributes":693,"./helpers":699}],696:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../plots/plots"),o=t("../../registry"),s=t("../../lib/events"),l=t("../dragelement"),c=t("../drawing"),u=t("../color"),f=t("../../lib/svg_text_utils"),h=t("./handle_click"),p=t("./constants"),d=t("../../constants/alignment"),g=d.LINE_SPACING,m=d.FROM_TL,v=d.FROM_BR,y=t("./get_legend_data"),x=t("./style"),b=t("./helpers");function _(t,e,r,n,i){var a=r.data()[0][0].trace,l={event:i,node:r.node(),curveNumber:a.index,expandedIndex:a._expandedIndex,data:t.data,layout:t.layout,frames:t._transitionData._frames,config:t._context,fullData:t._fullData,fullLayout:t._fullLayout};if(a._group&&(l.group=a._group),o.traceIs(a,"pie-like")&&(l.label=r.datum()[0].label),!1!==s.triggerHandler(t,"plotly_legendclick",l))if(1===n)e._clickTimeout=setTimeout((function(){h(r,t,n)}),t._context.doubleClickDelay);else if(2===n){e._clickTimeout&&clearTimeout(e._clickTimeout),t._legendMouseDownTime=0,!1!==s.triggerHandler(t,"plotly_legenddoubleclick",l)&&h(r,t,n)}}function w(t,e,r){var n,a=t.data()[0][0],s=a.trace,l=o.traceIs(s,"pie-like"),u=s.index,h=r._main&&e._context.edits.legendText&&!l,d=r._maxNameLength;r.entries?n=a.text:(n=l?a.label:s.name,s._meta&&(n=i.templateString(n,s._meta)));var g=i.ensureSingle(t,"text","legendtext");g.attr("text-anchor","start").call(c.font,r.font).text(h?T(n,d):n);var m=r.itemwidth+2*p.itemGap;f.positionText(g,m,0),h?g.call(f.makeEditable,{gd:e,text:n}).call(M,t,e,r).on("edit",(function(n){this.text(T(n,d)).call(M,t,e,r);var s=a.trace._fullInput||{},l={};if(o.hasTransform(s,"groupby")){var c=o.getTransformIndices(s,"groupby"),f=c[c.length-1],h=i.keyedContainer(s,"transforms["+f+"].styles","target","value.name");h.set(a.trace._group,n),l=h.constructUpdate()}else l.name=n;return o.call("_guiRestyle",e,l,u)})):M(g,t,e,r)}function T(t,e){var r=Math.max(4,e);if(t&&t.trim().length>=r/2)return t;for(var n=r-(t=t||"").length;n>0;n--)t+=" ";return t}function k(t,e){var r,a=e._context.doubleClickDelay,o=1,s=i.ensureSingle(t,"rect","legendtoggle",(function(t){e._context.staticPlot||t.style("cursor","pointer").attr("pointer-events","all"),t.call(u.fill,"rgba(0,0,0,0)")}));e._context.staticPlot||(s.on("mousedown",(function(){(r=(new Date).getTime())-e._legendMouseDownTimea&&(o=Math.max(o-1,1)),_(e,r,t,o,n.event)}})))}function M(t,e,r,n){n._main||t.attr("data-notex",!0),f.convertToTspans(t,r,(function(){!function(t,e,r){var n=t.data()[0][0];if(r._main&&n&&!n.trace.showlegend)return void t.remove();var i=t.select("g[class*=math-group]"),a=i.node();r||(r=e._fullLayout.legend);var o,s,l=r.borderwidth,u=(n?r:r.title).font.size*g;if(a){var h=c.bBox(a);o=h.height,s=h.width,n?c.setTranslate(i,0,.25*o):c.setTranslate(i,l,.75*o+l)}else{var d=t.select(n?".legendtext":".legendtitletext"),m=f.lineCount(d),v=d.node();o=u*m,s=v?c.bBox(v).width:0;var y=u*((m-1)/2-.3);if(n){var x=r.itemwidth+2*p.itemGap;f.positionText(d,x,-y)}else f.positionText(d,p.titlePad+l,u+l)}n?(n.lineHeight=u,n.height=Math.max(o,16)+3,n.width=s):(r._titleWidth=s,r._titleHeight=o)}(e,r,n)}))}function A(t){return i.isRightAnchor(t)?"right":i.isCenterAnchor(t)?"center":"left"}function S(t){return i.isBottomAnchor(t)?"bottom":i.isMiddleAnchor(t)?"middle":"top"}e.exports=function(t,e){var r,s=t._fullLayout,f="legend"+s._uid;if(e?(r=e.layer,f+="-hover"):((e=s.legend||{})._main=!0,r=s._infolayer),r){var h;if(t._legendMouseDownTime||(t._legendMouseDownTime=0),e._main){if(!t.calcdata)return;h=s.showlegend&&y(t.calcdata,e)}else{if(!e.entries)return;h=y(e.entries,e)}var d=s.hiddenlabels||[];if(e._main&&(!s.showlegend||!h.length))return r.selectAll(".legend").remove(),s._topdefs.select("#"+f).remove(),a.autoMargin(t,"legend");var g=i.ensureSingle(r,"g","legend",(function(t){e._main&&t.attr("pointer-events","all")})),T=i.ensureSingleById(s._topdefs,"clipPath",f,(function(t){t.append("rect")})),E=i.ensureSingle(g,"rect","bg",(function(t){t.attr("shape-rendering","crispEdges")}));E.call(u.stroke,e.bordercolor).call(u.fill,e.bgcolor).style("stroke-width",e.borderwidth+"px");var C=i.ensureSingle(g,"g","scrollbox"),L=e.title;if(e._titleWidth=0,e._titleHeight=0,L.text){var I=i.ensureSingle(C,"text","legendtitletext");I.attr("text-anchor","start").call(c.font,L.font).text(L.text),M(I,C,t,e)}else C.selectAll(".legendtitletext").remove();var P=i.ensureSingle(g,"rect","scrollbar",(function(t){t.attr(p.scrollBarEnterAttrs).call(u.fill,p.scrollBarColor)})),z=C.selectAll("g.groups").data(h);z.enter().append("g").attr("class","groups"),z.exit().remove();var O=z.selectAll("g.traces").data(i.identity);O.enter().append("g").attr("class","traces"),O.exit().remove(),O.style("opacity",(function(t){var e=t[0].trace;return o.traceIs(e,"pie-like")?-1!==d.indexOf(t[0].label)?.5:1:"legendonly"===e.visible?.5:1})).each((function(){n.select(this).call(w,t,e)})).call(x,t,e).each((function(){e._main&&n.select(this).call(k,t)})),i.syncOrAsync([a.previousPromises,function(){return function(t,e,r,i){var a=t._fullLayout;i||(i=a.legend);var o=a._size,s=b.isVertical(i),l=b.isGrouped(i),u=i.borderwidth,f=2*u,h=p.itemGap,d=i.itemwidth+2*h,g=2*(u+h),m=S(i),v=i.y<0||0===i.y&&"top"===m,y=i.y>1||1===i.y&&"bottom"===m;i._maxHeight=Math.max(v||y?a.height/2:o.h,30);var x=0;i._width=0,i._height=0;var _=function(t){var e=0,r=0,n=t.title.side;n&&(-1!==n.indexOf("left")&&(e=t._titleWidth),-1!==n.indexOf("top")&&(r=t._titleHeight));return[e,r]}(i);if(s)r.each((function(t){var e=t[0].height;c.setTranslate(this,u+_[0],u+_[1]+i._height+e/2+h),i._height+=e,i._width=Math.max(i._width,t[0].width)})),x=d+i._width,i._width+=h+d+f,i._height+=g,l&&(e.each((function(t,e){c.setTranslate(this,0,e*i.tracegroupgap)})),i._height+=(i._lgroupsLength-1)*i.tracegroupgap);else{var w=A(i),T=i.x<0||0===i.x&&"right"===w,k=i.x>1||1===i.x&&"left"===w,M=y||v,E=a.width/2;i._maxWidth=Math.max(T?M&&"left"===w?o.l+o.w:E:k?M&&"right"===w?o.r+o.w:E:o.w,2*d);var C=0,L=0;r.each((function(t){var e=t[0].width+d;C=Math.max(C,e),L+=e})),x=null;var I=0;if(l){var P=0,z=0,O=0;e.each((function(){var t=0,e=0;n.select(this).selectAll("g.traces").each((function(r){var n=r[0].height;c.setTranslate(this,_[0],_[1]+u+h+n/2+e),e+=n,t=Math.max(t,d+r[0].width)})),P=Math.max(P,e);var r=t+h;r+u+z>i._maxWidth&&(I=Math.max(I,z),z=0,O+=P+i.tracegroupgap,P=e),c.setTranslate(this,z,O),z+=r})),i._width=Math.max(I,z)+u,i._height=O+P+g}else{var D=r.size(),R=L+f+(D-1)*h=i._maxWidth&&(I=Math.max(I,j),B=0,N+=F,i._height+=F,F=0),c.setTranslate(this,_[0]+u+B,_[1]+u+N+e/2+h),j=B+r+h,B+=n,F=Math.max(F,e)})),R?(i._width=B+f,i._height=F+g):(i._width=Math.max(I,j)+f,i._height+=F+g)}}i._width=Math.ceil(Math.max(i._width+_[0],i._titleWidth+2*(u+p.titlePad))),i._height=Math.ceil(Math.max(i._height+_[1],i._titleHeight+2*(u+p.itemGap))),i._effHeight=Math.min(i._height,i._maxHeight);var U=t._context.edits,V=U.legendText||U.legendPosition;r.each((function(t){var e=n.select(this).select(".legendtoggle"),r=t[0].height,i=V?d:x||d+t[0].width;s||(i+=h/2),c.setRect(e,0,-r/2,i,r)}))}(t,z,O,e)},function(){if(!e._main||!function(t){var e=t._fullLayout.legend,r=A(e),n=S(e);return a.autoMargin(t,"legend",{x:e.x,y:e.y,l:e._width*m[r],r:e._width*v[r],b:e._effHeight*v[n],t:e._effHeight*m[n]})}(t)){var u,h,d,y,x=s._size,b=e.borderwidth,w=x.l+x.w*e.x-m[A(e)]*e._width,k=x.t+x.h*(1-e.y)-m[S(e)]*e._effHeight;if(e._main&&s.margin.autoexpand){var M=w,L=k;w=i.constrain(w,0,s.width-e._width),k=i.constrain(k,0,s.height-e._effHeight),w!==M&&i.log("Constrain legend.x to make legend fit inside graph"),k!==L&&i.log("Constrain legend.y to make legend fit inside graph")}if(e._main&&c.setTranslate(g,w,k),P.on(".drag",null),g.on("wheel",null),!e._main||e._height<=e._maxHeight||t._context.staticPlot){var I=e._effHeight;e._main||(I=e._height),E.attr({width:e._width-b,height:I-b,x:b/2,y:b/2}),c.setTranslate(C,0,0),T.select("rect").attr({width:e._width-2*b,height:I-2*b,x:b,y:b}),c.setClipUrl(C,f,t),c.setRect(P,0,0,0,0),delete e._scrollY}else{var z,O,D,R=Math.max(p.scrollBarMinHeight,e._effHeight*e._effHeight/e._height),F=e._effHeight-R-2*p.scrollBarMargin,B=e._height-e._effHeight,N=F/B,j=Math.min(e._scrollY||0,B);E.attr({width:e._width-2*b+p.scrollBarWidth+p.scrollBarMargin,height:e._effHeight-b,x:b/2,y:b/2}),T.select("rect").attr({width:e._width-2*b+p.scrollBarWidth+p.scrollBarMargin,height:e._effHeight-2*b,x:b,y:b+j}),c.setClipUrl(C,f,t),q(j,R,N),g.on("wheel",(function(){q(j=i.constrain(e._scrollY+n.event.deltaY/F*B,0,B),R,N),0!==j&&j!==B&&n.event.preventDefault()}));var U=n.behavior.drag().on("dragstart",(function(){var t=n.event.sourceEvent;z="touchstart"===t.type?t.changedTouches[0].clientY:t.clientY,D=j})).on("drag",(function(){var t=n.event.sourceEvent;2===t.buttons||t.ctrlKey||(O="touchmove"===t.type?t.changedTouches[0].clientY:t.clientY,q(j=function(t,e,r){var n=(r-e)/N+t;return i.constrain(n,0,B)}(D,z,O),R,N))}));P.call(U);var V=n.behavior.drag().on("dragstart",(function(){var t=n.event.sourceEvent;"touchstart"===t.type&&(z=t.changedTouches[0].clientY,D=j)})).on("drag",(function(){var t=n.event.sourceEvent;"touchmove"===t.type&&(O=t.changedTouches[0].clientY,q(j=function(t,e,r){var n=(e-r)/N+t;return i.constrain(n,0,B)}(D,z,O),R,N))}));C.call(V)}if(t._context.edits.legendPosition)g.classed("cursor-move",!0),l.init({element:g.node(),gd:t,prepFn:function(){var t=c.getTranslate(g);d=t.x,y=t.y},moveFn:function(t,r){var n=d+t,i=y+r;c.setTranslate(g,n,i),u=l.align(n,0,x.l,x.l+x.w,e.xanchor),h=l.align(i,0,x.t+x.h,x.t,e.yanchor)},doneFn:function(){void 0!==u&&void 0!==h&&o.call("_guiRelayout",t,{"legend.x":u,"legend.y":h})},clickFn:function(e,n){var i=r.selectAll("g.traces").filter((function(){var t=this.getBoundingClientRect();return n.clientX>=t.left&&n.clientX<=t.right&&n.clientY>=t.top&&n.clientY<=t.bottom}));i.size()>0&&_(t,g,i,e,n)}})}function q(r,n,i){e._scrollY=t._fullLayout.legend._scrollY=r,c.setTranslate(C,0,-r),c.setRect(P,e._width,p.scrollBarMargin+r*i,p.scrollBarWidth,n),T.select("rect").attr("y",b+r)}}],t)}}},{"../../constants/alignment":745,"../../lib":778,"../../lib/events":767,"../../lib/svg_text_utils":803,"../../plots/plots":891,"../../registry":911,"../color":643,"../dragelement":662,"../drawing":665,"./constants":694,"./get_legend_data":697,"./handle_click":698,"./helpers":699,"./style":701,d3:169}],697:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("./helpers");e.exports=function(t,e){var r,a,o={},s=[],l=!1,c={},u=0,f=0,h=e._main;function p(t,r){if(""!==t&&i.isGrouped(e))-1===s.indexOf(t)?(s.push(t),l=!0,o[t]=[[r]]):o[t].push([r]);else{var n="~~i"+u;s.push(n),o[n]=[[r]],u++}}for(r=0;r0))return 0;i=e.width}return m?n:Math.min(i,r)};function _(t,e,r){var a=t[0].trace,o=a.marker||{},s=o.line||{},c=r?a.visible&&a.type===r:i.traceIs(a,"bar"),u=n.select(e).select("g.legendpoints").selectAll("path.legend"+r).data(c?[t]:[]);u.enter().append("path").classed("legend"+r,!0).attr("d","M6,6H-6V-6H6Z").attr("transform",x),u.exit().remove(),u.each((function(t){var e=n.select(this),r=t[0],i=b(r.mlw,o.line,5,2);e.style("stroke-width",i+"px").call(l.fill,r.mc||o.color),i&&l.stroke(e,r.mlc||s.color)}))}function w(t,e,r){var o=t[0],s=o.trace,l=r?s.visible&&s.type===r:i.traceIs(s,r),c=n.select(e).select("g.legendpoints").selectAll("path.legend"+r).data(l?[t]:[]);if(c.enter().append("path").classed("legend"+r,!0).attr("d","M6,6H-6V-6H6Z").attr("transform",x),c.exit().remove(),c.size()){var u=(s.marker||{}).line,p=b(h(u.width,o.pts),u,5,2),d=a.minExtend(s,{marker:{line:{width:p}}});d.marker.line.color=u.color;var g=a.minExtend(o,{trace:d});f(c,g,d)}}t.each((function(t){var e=n.select(this),i=a.ensureSingle(e,"g","layers");i.style("opacity",t[0].trace.opacity);var s=r.valign,l=t[0].lineHeight,c=t[0].height;if("middle"!==s&&l&&c){var u={top:1,bottom:-1}[s]*(.5*(l-c+3));i.attr("transform",o(0,u))}else i.attr("transform",null);i.selectAll("g.legendfill").data([t]).enter().append("g").classed("legendfill",!0),i.selectAll("g.legendlines").data([t]).enter().append("g").classed("legendlines",!0);var f=i.selectAll("g.legendsymbols").data([t]);f.enter().append("g").classed("legendsymbols",!0),f.selectAll("g.legendpoints").data([t]).enter().append("g").classed("legendpoints",!0)})).each((function(t){var r,i=t[0].trace,o=[];if(i.visible)switch(i.type){case"histogram2d":case"heatmap":o=[["M-15,-2V4H15V-2Z"]],r=!0;break;case"choropleth":case"choroplethmapbox":o=[["M-6,-6V6H6V-6Z"]],r=!0;break;case"densitymapbox":o=[["M-6,0 a6,6 0 1,0 12,0 a 6,6 0 1,0 -12,0"]],r="radial";break;case"cone":o=[["M-6,2 A2,2 0 0,0 -6,6 V6L6,4Z"],["M-6,-6 A2,2 0 0,0 -6,-2 L6,-4Z"],["M-6,-2 A2,2 0 0,0 -6,2 L6,0Z"]],r=!1;break;case"streamtube":o=[["M-6,2 A2,2 0 0,0 -6,6 H6 A2,2 0 0,1 6,2 Z"],["M-6,-6 A2,2 0 0,0 -6,-2 H6 A2,2 0 0,1 6,-6 Z"],["M-6,-2 A2,2 0 0,0 -6,2 H6 A2,2 0 0,1 6,-2 Z"]],r=!1;break;case"surface":o=[["M-6,-6 A2,3 0 0,0 -6,0 H6 A2,3 0 0,1 6,-6 Z"],["M-6,1 A2,3 0 0,1 -6,6 H6 A2,3 0 0,0 6,0 Z"]],r=!0;break;case"mesh3d":o=[["M-6,6H0L-6,-6Z"],["M6,6H0L6,-6Z"],["M-6,-6H6L0,6Z"]],r=!1;break;case"volume":o=[["M-6,6H0L-6,-6Z"],["M6,6H0L6,-6Z"],["M-6,-6H6L0,6Z"]],r=!0;break;case"isosurface":o=[["M-6,6H0L-6,-6Z"],["M6,6H0L6,-6Z"],["M-6,-6 A12,24 0 0,0 6,-6 L0,6Z"]],r=!1}var u=n.select(this).select("g.legendpoints").selectAll("path.legend3dandfriends").data(o);u.enter().append("path").classed("legend3dandfriends",!0).attr("transform",x).style("stroke-miterlimit",1),u.exit().remove(),u.each((function(t,o){var u,f=n.select(this),h=c(i),p=h.colorscale,g=h.reversescale;if(p){if(!r){var m=p.length;u=0===o?p[g?m-1:0][1]:1===o?p[g?0:m-1][1]:p[Math.floor((m-1)/2)][1]}}else{var v=i.vertexcolor||i.facecolor||i.color;u=a.isArrayOrTypedArray(v)?v[o]||v[0]:v}f.attr("d",t[0]),u?f.call(l.fill,u):f.call((function(t){if(t.size()){var n="legendfill-"+i.uid;s.gradient(t,e,n,d(g,"radial"===r),p,"fill")}}))}))})).each((function(t){var e=t[0].trace,r="waterfall"===e.type;if(t[0]._distinct&&r){var i=t[0].trace[t[0].dir].marker;return t[0].mc=i.color,t[0].mlw=i.line.width,t[0].mlc=i.line.color,_(t,this,"waterfall")}var a=[];e.visible&&r&&(a=t[0].hasTotals?[["increasing","M-6,-6V6H0Z"],["totals","M6,6H0L-6,-6H-0Z"],["decreasing","M6,6V-6H0Z"]]:[["increasing","M-6,-6V6H6Z"],["decreasing","M6,6V-6H-6Z"]]);var o=n.select(this).select("g.legendpoints").selectAll("path.legendwaterfall").data(a);o.enter().append("path").classed("legendwaterfall",!0).attr("transform",x).style("stroke-miterlimit",1),o.exit().remove(),o.each((function(t){var r=n.select(this),i=e[t[0]].marker,a=b(void 0,i.line,5,2);r.attr("d",t[1]).style("stroke-width",a+"px").call(l.fill,i.color),a&&r.call(l.stroke,i.line.color)}))})).each((function(t){_(t,this,"funnel")})).each((function(t){_(t,this)})).each((function(t){var r=t[0].trace,o=n.select(this).select("g.legendpoints").selectAll("path.legendbox").data(r.visible&&i.traceIs(r,"box-violin")?[t]:[]);o.enter().append("path").classed("legendbox",!0).attr("d","M6,6H-6V-6H6Z").attr("transform",x),o.exit().remove(),o.each((function(){var t=n.select(this);if("all"!==r.boxpoints&&"all"!==r.points||0!==l.opacity(r.fillcolor)||0!==l.opacity((r.line||{}).color)){var i=b(void 0,r.line,5,2);t.style("stroke-width",i+"px").call(l.fill,r.fillcolor),i&&l.stroke(t,r.line.color)}else{var c=a.minExtend(r,{marker:{size:m?12:a.constrain(r.marker.size,2,16),sizeref:1,sizemin:1,sizemode:"diameter"}});o.call(s.pointStyle,c,e)}}))})).each((function(t){w(t,this,"funnelarea")})).each((function(t){w(t,this,"pie")})).each((function(t){var r,i,o=t[0],l=o.trace,f=l.visible&&l.fill&&"none"!==l.fill,h=u.hasLines(l),p=l.contours,g=!1,m=!1,y=c(l),x=y.colorscale,_=y.reversescale;if(p){var w=p.coloring;"lines"===w?g=!0:h="none"===w||"heatmap"===w||p.showlines,"constraint"===p.type?f="="!==p._operation:"fill"!==w&&"heatmap"!==w||(m=!0)}var T=u.hasMarkers(l)||u.hasText(l),k=f||m,M=h||g,A=T||!k?"M5,0":M?"M5,-2":"M5,-3",S=n.select(this),E=S.select(".legendfill").selectAll("path").data(f||m?[t]:[]);if(E.enter().append("path").classed("js-fill",!0),E.exit().remove(),E.attr("d",A+"h"+v+"v6h-"+v+"z").call(f?s.fillGroupStyle:function(t){if(t.size()){var r="legendfill-"+l.uid;s.gradient(t,e,r,d(_),x,"fill")}}),h||g){var C=b(void 0,l.line,10,5);i=a.minExtend(l,{line:{width:C}}),r=[a.minExtend(o,{trace:i})]}var L=S.select(".legendlines").selectAll("path").data(h||g?[r]:[]);L.enter().append("path").classed("js-line",!0),L.exit().remove(),L.attr("d",A+(g?"l"+v+",0.0001":"h"+v)).call(h?s.lineGroupStyle:function(t){if(t.size()){var r="legendline-"+l.uid;s.lineGroupStyle(t),s.gradient(t,e,r,d(_),x,"stroke")}})})).each((function(t){var r,i,o=t[0],l=o.trace,c=u.hasMarkers(l),f=u.hasText(l),h=u.hasLines(l);function p(t,e,r,n){var i=a.nestedProperty(l,t).get(),o=a.isArrayOrTypedArray(i)&&e?e(i):i;if(m&&o&&void 0!==n&&(o=n),r){if(or[1])return r[1]}return o}function d(t){return o._distinct&&o.index&&t[o.index]?t[o.index]:t[0]}if(c||f||h){var g={},v={};if(c){g.mc=p("marker.color",d),g.mx=p("marker.symbol",d),g.mo=p("marker.opacity",a.mean,[.2,1]),g.mlc=p("marker.line.color",d),g.mlw=p("marker.line.width",a.mean,[0,5],2),v.marker={sizeref:1,sizemin:1,sizemode:"diameter"};var y=p("marker.size",a.mean,[2,16],12);g.ms=y,v.marker.size=y}h&&(v.line={width:p("line.width",d,[0,10],5)}),f&&(g.tx="Aa",g.tp=p("textposition",d),g.ts=10,g.tc=p("textfont.color",d),g.tf=p("textfont.family",d)),r=[a.minExtend(o,g)],(i=a.minExtend(l,v)).selectedpoints=null,i.texttemplate=null}var b=n.select(this).select("g.legendpoints"),_=b.selectAll("path.scatterpts").data(c?r:[]);_.enter().insert("path",":first-child").classed("scatterpts",!0).attr("transform",x),_.exit().remove(),_.call(s.pointStyle,i,e),c&&(r[0].mrc=3);var w=b.selectAll("g.pointtext").data(f?r:[]);w.enter().append("g").classed("pointtext",!0).append("text").attr("transform",x),w.exit().remove(),w.selectAll("text").call(s.textPointStyle,i,e)})).each((function(t){var e=t[0].trace,r=n.select(this).select("g.legendpoints").selectAll("path.legendcandle").data(e.visible&&"candlestick"===e.type?[t,t]:[]);r.enter().append("path").classed("legendcandle",!0).attr("d",(function(t,e){return e?"M-15,0H-8M-8,6V-6H8Z":"M15,0H8M8,-6V6H-8Z"})).attr("transform",x).style("stroke-miterlimit",1),r.exit().remove(),r.each((function(t,r){var i=n.select(this),a=e[r?"increasing":"decreasing"],o=b(void 0,a.line,5,2);i.style("stroke-width",o+"px").call(l.fill,a.fillcolor),o&&l.stroke(i,a.line.color)}))})).each((function(t){var e=t[0].trace,r=n.select(this).select("g.legendpoints").selectAll("path.legendohlc").data(e.visible&&"ohlc"===e.type?[t,t]:[]);r.enter().append("path").classed("legendohlc",!0).attr("d",(function(t,e){return e?"M-15,0H0M-8,-6V0":"M15,0H0M8,6V0"})).attr("transform",x).style("stroke-miterlimit",1),r.exit().remove(),r.each((function(t,r){var i=n.select(this),a=e[r?"increasing":"decreasing"],o=b(void 0,a.line,5,2);i.style("fill","none").call(s.dashLine,a.line.dash,o),o&&l.stroke(i,a.line.color)}))}))}},{"../../lib":778,"../../registry":911,"../../traces/pie/helpers":1166,"../../traces/pie/style_one":1172,"../../traces/scatter/subtypes":1212,"../color":643,"../colorscale/helpers":654,"../drawing":665,"./constants":694,d3:169}],702:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../plots/plots"),a=t("../../plots/cartesian/axis_ids"),o=t("../../fonts/ploticon"),s=t("../shapes/draw").eraseActiveShape,l=t("../../lib"),c=l._,u=e.exports={};function f(t,e){var r,i,o=e.currentTarget,s=o.getAttribute("data-attr"),l=o.getAttribute("data-val")||!0,c=t._fullLayout,u={},f=a.list(t,null,!0),h=c._cartesianSpikesEnabled;if("zoom"===s){var p,d="in"===l?.5:2,g=(1+d)/2,m=(1-d)/2;for(i=0;i1?(E=["toggleHover"],C=["resetViews"]):d?(S=["zoomInGeo","zoomOutGeo"],E=["hoverClosestGeo"],C=["resetGeo"]):p?(E=["hoverClosest3d"],C=["resetCameraDefault3d","resetCameraLastSave3d"]):x?(S=["zoomInMapbox","zoomOutMapbox"],E=["toggleHover"],C=["resetViewMapbox"]):v?E=["hoverClosestGl2d"]:g?E=["hoverClosestPie"]:_?(E=["hoverClosestCartesian","hoverCompareCartesian"],C=["resetViewSankey"]):E=["toggleHover"];h&&(E=["toggleSpikelines","hoverClosestCartesian","hoverCompareCartesian"]);(function(t){for(var e=0;e0)){var g=function(t,e,r){for(var n=r.filter((function(r){return e[r].anchor===t._id})),i=0,a=0;a=n.max)e=F[r+1];else if(t=n.pmax)e=F[r+1];else if(t0?h+c:c;return{ppad:c,ppadplus:u?d:g,ppadminus:u?g:d}}return{ppad:c}}function u(t,e,r,n,i){var s="category"===t.type||"multicategory"===t.type?t.r2c:t.d2c;if(void 0!==e)return[s(e),s(r)];if(n){var l,c,u,f,h=1/0,p=-1/0,d=n.match(a.segmentRE);for("date"===t.type&&(s=o.decodeDate(s)),l=0;lp&&(p=f)));return p>=h?[h,p]:void 0}}e.exports=function(t){var e=t._fullLayout,r=n.filterVisible(e.shapes);if(r.length&&t._fullData.length)for(var o=0;oy?(k=f,E="y0",M=y,C="y1"):(k=y,E="y1",M=f,C="y0");Z(n),Q(s,r),function(t,e,r){var n=e.xref,i=e.yref,o=a.getFromId(r,n),s=a.getFromId(r,i),l="";"paper"===n||o.autorange||(l+=n);"paper"===i||s.autorange||(l+=i);u.setClipUrl(t,l?"clip"+r._fullLayout._uid+l:null,r)}(e,r,t),X.moveFn="move"===z?J:K,X.altKey=n.altKey},doneFn:function(){if(v(t))return;p(e),$(s),b(e,t,r),n.call("_guiRelayout",t,l.getUpdateObj())},clickFn:function(){if(v(t))return;$(s)}};function Z(r){if(v(t))z=null;else if(R)z="path"===r.target.tagName?"move":"start-point"===r.target.attributes["data-line-point"].value?"resize-over-start-point":"resize-over-end-point";else{var n=X.element.getBoundingClientRect(),i=n.right-n.left,a=n.bottom-n.top,o=r.clientX-n.left,s=r.clientY-n.top,l=!F&&i>10&&a>10&&!r.shiftKey?h.getCursor(o/i,1-s/a):"move";p(e,l),z=l.split("-")[0]}}function J(n,i){if("path"===r.type){var a=function(t){return t},o=a,l=a;O?B("xanchor",r.xanchor=G(x+n)):(o=function(t){return G(q(t)+n)},N&&"date"===N.type&&(o=g.encodeDate(o))),D?B("yanchor",r.yanchor=Y(T+i)):(l=function(t){return Y(H(t)+i)},U&&"date"===U.type&&(l=g.encodeDate(l))),B("path",r.path=w(P,o,l))}else O?B("xanchor",r.xanchor=G(x+n)):(B("x0",r.x0=G(c+n)),B("x1",r.x1=G(m+n))),D?B("yanchor",r.yanchor=Y(T+i)):(B("y0",r.y0=Y(f+i)),B("y1",r.y1=Y(y+i)));e.attr("d",_(t,r)),Q(s,r)}function K(n,i){if(F){var a=function(t){return t},o=a,l=a;O?B("xanchor",r.xanchor=G(x+n)):(o=function(t){return G(q(t)+n)},N&&"date"===N.type&&(o=g.encodeDate(o))),D?B("yanchor",r.yanchor=Y(T+i)):(l=function(t){return Y(H(t)+i)},U&&"date"===U.type&&(l=g.encodeDate(l))),B("path",r.path=w(P,o,l))}else if(R){if("resize-over-start-point"===z){var u=c+n,h=D?f-i:f+i;B("x0",r.x0=O?u:G(u)),B("y0",r.y0=D?h:Y(h))}else if("resize-over-end-point"===z){var p=m+n,d=D?y-i:y+i;B("x1",r.x1=O?p:G(p)),B("y1",r.y1=D?d:Y(d))}}else{var v=function(t){return-1!==z.indexOf(t)},b=v("n"),j=v("s"),V=v("w"),W=v("e"),X=b?k+i:k,Z=j?M+i:M,J=V?A+n:A,K=W?S+n:S;D&&(b&&(X=k-i),j&&(Z=M-i)),(!D&&Z-X>10||D&&X-Z>10)&&(B(E,r[E]=D?X:Y(X)),B(C,r[C]=D?Z:Y(Z))),K-J>10&&(B(L,r[L]=O?J:G(J)),B(I,r[I]=O?K:G(K)))}e.attr("d",_(t,r)),Q(s,r)}function Q(t,e){(O||D)&&function(){var r="path"!==e.type,n=t.selectAll(".visual-cue").data([0]);n.enter().append("path").attr({fill:"#fff","fill-rule":"evenodd",stroke:"#000","stroke-width":1}).classed("visual-cue",!0);var a=q(O?e.xanchor:i.midRange(r?[e.x0,e.x1]:g.extractPathCoords(e.path,d.paramIsX))),o=H(D?e.yanchor:i.midRange(r?[e.y0,e.y1]:g.extractPathCoords(e.path,d.paramIsY)));if(a=g.roundPositionForSharpStrokeRendering(a,1),o=g.roundPositionForSharpStrokeRendering(o,1),O&&D){var s="M"+(a-1-1)+","+(o-1-1)+"h-8v2h8 v8h2v-8 h8v-2h-8 v-8h-2 Z";n.attr("d",s)}else if(O){var l="M"+(a-1-1)+","+(o-9-1)+"v18 h2 v-18 Z";n.attr("d",l)}else{var c="M"+(a-9-1)+","+(o-1-1)+"h18 v2 h-18 Z";n.attr("d",c)}}()}function $(t){t.selectAll(".visual-cue").remove()}h.init(X),W.node().onmousemove=Z}(t,O,l,e,r,z):!0===l.editable&&O.style("pointer-events",I||c.opacity(S)*A<=.5?"stroke":"all");O.node().addEventListener("click",(function(){return function(t,e){if(!y(t))return;var r=+e.node().getAttribute("data-index");if(r>=0){if(r===t._fullLayout._activeShapeIndex)return void T(t);t._fullLayout._activeShapeIndex=r,t._fullLayout._deactivateShape=T,m(t)}}(t,O)}))}}function b(t,e,r){var n=(r.xref+r.yref).replace(/paper/g,"").replace(/[xyz][1-9]* *domain/g,"");u.setClipUrl(t,n?"clip"+e._fullLayout._uid+n:null,e)}function _(t,e){var r,n,o,s,l,c,u,f,h=e.type,p=a.getRefType(e.xref),m=a.getRefType(e.yref),v=a.getFromId(t,e.xref),y=a.getFromId(t,e.yref),x=t._fullLayout._size;if(v?"domain"===p?n=function(t){return v._offset+v._length*t}:(r=g.shapePositionToRange(v),n=function(t){return v._offset+v.r2p(r(t,!0))}):n=function(t){return x.l+x.w*t},y?"domain"===m?s=function(t){return y._offset+y._length*(1-t)}:(o=g.shapePositionToRange(y),s=function(t){return y._offset+y.r2p(o(t,!0))}):s=function(t){return x.t+x.h*(1-t)},"path"===h)return v&&"date"===v.type&&(n=g.decodeDate(n)),y&&"date"===y.type&&(s=g.decodeDate(s)),function(t,e,r){var n=t.path,a=t.xsizemode,o=t.ysizemode,s=t.xanchor,l=t.yanchor;return n.replace(d.segmentRE,(function(t){var n=0,c=t.charAt(0),u=d.paramIsX[c],f=d.paramIsY[c],h=d.numParams[c],p=t.substr(1).replace(d.paramRE,(function(t){return u[n]?t="pixel"===a?e(s)+Number(t):e(t):f[n]&&(t="pixel"===o?r(l)-Number(t):r(t)),++n>h&&(t="X"),t}));return n>h&&(p=p.replace(/[\s,]*X.*/,""),i.log("Ignoring extra params in segment "+t)),c+p}))}(e,n,s);if("pixel"===e.xsizemode){var b=n(e.xanchor);l=b+e.x0,c=b+e.x1}else l=n(e.x0),c=n(e.x1);if("pixel"===e.ysizemode){var _=s(e.yanchor);u=_-e.y0,f=_-e.y1}else u=s(e.y0),f=s(e.y1);if("line"===h)return"M"+l+","+u+"L"+c+","+f;if("rect"===h)return"M"+l+","+u+"H"+c+"V"+f+"H"+l+"Z";var w=(l+c)/2,T=(u+f)/2,k=Math.abs(w-l),M=Math.abs(T-u),A="A"+k+","+M,S=w+k+","+T;return"M"+S+A+" 0 1,1 "+(w+","+(T-M))+A+" 0 0,1 "+S+"Z"}function w(t,e,r){return t.replace(d.segmentRE,(function(t){var n=0,i=t.charAt(0),a=d.paramIsX[i],o=d.paramIsY[i],s=d.numParams[i];return i+t.substr(1).replace(d.paramRE,(function(t){return n>=s||(a[n]?t=e(t):o[n]&&(t=r(t)),n++),t}))}))}function T(t){y(t)&&(t._fullLayout._activeShapeIndex>=0&&(l(t),delete t._fullLayout._activeShapeIndex,m(t)))}e.exports={draw:m,drawOne:x,eraseActiveShape:function(t){if(!y(t))return;l(t);var e=t._fullLayout._activeShapeIndex,r=(t.layout||{}).shapes||[];if(e=0&&f(v),r.attr("d",g(e)),M&&!h)&&(k=function(t,e){for(var r=0;r1&&(2!==t.length||"Z"!==t[1][0])&&(0===T&&(t[0][0]="M"),e[w]=t,y(),x())}}()}}function P(t,r){!function(t,r){if(e.length)for(var n=0;n0&&l0&&(s=s.transition().duration(e.transition.duration).ease(e.transition.easing)),s.attr("transform",l(o-.5*f.gripWidth,e._dims.currentValueTotalHeight))}}function E(t,e){var r=t._dims;return r.inputAreaStart+f.stepInset+(r.inputAreaLength-2*f.stepInset)*Math.min(1,Math.max(0,e))}function C(t,e){var r=t._dims;return Math.min(1,Math.max(0,(e-f.stepInset-r.inputAreaStart)/(r.inputAreaLength-2*f.stepInset-2*r.inputAreaStart)))}function L(t,e,r){var n=r._dims,i=s.ensureSingle(t,"rect",f.railTouchRectClass,(function(n){n.call(M,e,t,r).style("pointer-events","all")}));i.attr({width:n.inputAreaLength,height:Math.max(n.inputAreaWidth,f.tickOffset+r.ticklen+n.labelHeight)}).call(a.fill,r.bgcolor).attr("opacity",0),o.setTranslate(i,0,n.currentValueTotalHeight)}function I(t,e){var r=e._dims,n=r.inputAreaLength-2*f.railInset,i=s.ensureSingle(t,"rect",f.railRectClass);i.attr({width:n,height:f.railWidth,rx:f.railRadius,ry:f.railRadius,"shape-rendering":"crispEdges"}).call(a.stroke,e.bordercolor).call(a.fill,e.bgcolor).style("stroke-width",e.borderwidth+"px"),o.setTranslate(i,f.railInset,.5*(r.inputAreaWidth-f.railWidth)+r.currentValueTotalHeight)}e.exports=function(t){var e=t._fullLayout,r=function(t,e){for(var r=t[f.name],n=[],i=0;i0?[0]:[]);function s(e){e._commandObserver&&(e._commandObserver.remove(),delete e._commandObserver),i.autoMargin(t,m(e))}if(a.enter().append("g").classed(f.containerClassName,!0).style("cursor","ew-resize"),a.exit().each((function(){n.select(this).selectAll("g."+f.groupClassName).each(s)})).remove(),0!==r.length){var l=a.selectAll("g."+f.groupClassName).data(r,v);l.enter().append("g").classed(f.groupClassName,!0),l.exit().each(s).remove();for(var c=0;c0||h<0){var v={left:[-d,0],right:[d,0],top:[0,-d],bottom:[0,d]}[b.side];e.attr("transform",l(v[0],v[1]))}}}return D.call(R),z&&(E?D.on(".opacity",null):(M=0,A=!0,D.text(y).on("mouseover.opacity",(function(){n.select(this).transition().duration(h.SHOW_PLACEHOLDER).style("opacity",1)})).on("mouseout.opacity",(function(){n.select(this).transition().duration(h.HIDE_PLACEHOLDER).style("opacity",0)}))),D.call(f.makeEditable,{gd:t}).on("edit",(function(e){void 0!==x?o.call("_guiRestyle",t,v,e,x):o.call("_guiRelayout",t,v,e)})).on("cancel",(function(){this.text(this.attr("data-unformatted")).call(R)})).on("input",(function(t){this.text(t||" ").call(f.positionText,_.x,_.y)}))),D.classed("js-placeholder",A),T}}},{"../../constants/alignment":745,"../../constants/interactions":752,"../../lib":778,"../../lib/svg_text_utils":803,"../../plots/plots":891,"../../registry":911,"../color":643,"../drawing":665,d3:169,"fast-isnumeric":241}],739:[function(t,e,r){"use strict";var n=t("../../plots/font_attributes"),i=t("../color/attributes"),a=t("../../lib/extend").extendFlat,o=t("../../plot_api/edit_types").overrideAll,s=t("../../plots/pad_attributes"),l=t("../../plot_api/plot_template").templatedArray,c=l("button",{visible:{valType:"boolean"},method:{valType:"enumerated",values:["restyle","relayout","animate","update","skip"],dflt:"restyle"},args:{valType:"info_array",freeLength:!0,items:[{valType:"any"},{valType:"any"},{valType:"any"}]},args2:{valType:"info_array",freeLength:!0,items:[{valType:"any"},{valType:"any"},{valType:"any"}]},label:{valType:"string",dflt:""},execute:{valType:"boolean",dflt:!0}});e.exports=o(l("updatemenu",{_arrayAttrRegexps:[/^updatemenus\[(0|[1-9][0-9]+)\]\.buttons/],visible:{valType:"boolean"},type:{valType:"enumerated",values:["dropdown","buttons"],dflt:"dropdown"},direction:{valType:"enumerated",values:["left","right","up","down"],dflt:"down"},active:{valType:"integer",min:-1,dflt:0},showactive:{valType:"boolean",dflt:!0},buttons:c,x:{valType:"number",min:-2,max:3,dflt:-.05},xanchor:{valType:"enumerated",values:["auto","left","center","right"],dflt:"right"},y:{valType:"number",min:-2,max:3,dflt:1},yanchor:{valType:"enumerated",values:["auto","top","middle","bottom"],dflt:"top"},pad:a(s({editType:"arraydraw"}),{}),font:n({}),bgcolor:{valType:"color"},bordercolor:{valType:"color",dflt:i.borderLine},borderwidth:{valType:"number",min:0,dflt:1,editType:"arraydraw"}}),"arraydraw","from-root")},{"../../lib/extend":768,"../../plot_api/edit_types":810,"../../plot_api/plot_template":817,"../../plots/font_attributes":856,"../../plots/pad_attributes":890,"../color/attributes":642}],740:[function(t,e,r){"use strict";e.exports={name:"updatemenus",containerClassName:"updatemenu-container",headerGroupClassName:"updatemenu-header-group",headerClassName:"updatemenu-header",headerArrowClassName:"updatemenu-header-arrow",dropdownButtonGroupClassName:"updatemenu-dropdown-button-group",dropdownButtonClassName:"updatemenu-dropdown-button",buttonClassName:"updatemenu-button",itemRectClassName:"updatemenu-item-rect",itemTextClassName:"updatemenu-item-text",menuIndexAttrName:"updatemenu-active-index",autoMarginIdRoot:"updatemenu-",blankHeaderOpts:{label:" "},minWidth:30,minHeight:30,textPadX:24,arrowPadX:16,rx:2,ry:2,textOffsetX:12,textOffsetY:3,arrowOffsetX:4,gapButtonHeader:5,gapButton:2,activeColor:"#F4FAFF",hoverColor:"#F4FAFF",arrowSymbol:{left:"\u25c4",right:"\u25ba",up:"\u25b2",down:"\u25bc"}}},{}],741:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../plots/array_container_defaults"),a=t("./attributes"),o=t("./constants").name,s=a.buttons;function l(t,e,r){function o(r,i){return n.coerce(t,e,a,r,i)}o("visible",i(t,e,{name:"buttons",handleItemDefaults:c}).length>0)&&(o("active"),o("direction"),o("type"),o("showactive"),o("x"),o("y"),n.noneOrAll(t,e,["x","y"]),o("xanchor"),o("yanchor"),o("pad.t"),o("pad.r"),o("pad.b"),o("pad.l"),n.coerceFont(o,"font",r.font),o("bgcolor",r.paper_bgcolor),o("bordercolor"),o("borderwidth"))}function c(t,e){function r(r,i){return n.coerce(t,e,s,r,i)}r("visible","skip"===t.method||Array.isArray(t.args))&&(r("method"),r("args"),r("args2"),r("label"),r("execute"))}e.exports=function(t,e){i(t,e,{name:o,handleItemDefaults:l})}},{"../../lib":778,"../../plots/array_container_defaults":823,"./attributes":739,"./constants":740}],742:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../plots/plots"),a=t("../color"),o=t("../drawing"),s=t("../../lib"),l=t("../../lib/svg_text_utils"),c=t("../../plot_api/plot_template").arrayEditor,u=t("../../constants/alignment").LINE_SPACING,f=t("./constants"),h=t("./scrollbox");function p(t){return t._index}function d(t,e){return+t.attr(f.menuIndexAttrName)===e._index}function g(t,e,r,n,i,a,o,s){e.active=o,c(t.layout,f.name,e).applyUpdate("active",o),"buttons"===e.type?v(t,n,null,null,e):"dropdown"===e.type&&(i.attr(f.menuIndexAttrName,"-1"),m(t,n,i,a,e),s||v(t,n,i,a,e))}function m(t,e,r,n,i){var a=s.ensureSingle(e,"g",f.headerClassName,(function(t){t.style("pointer-events","all")})),l=i._dims,c=i.active,u=i.buttons[c]||f.blankHeaderOpts,h={y:i.pad.t,yPad:0,x:i.pad.l,xPad:0,index:0},p={width:l.headerWidth,height:l.headerHeight};a.call(y,i,u,t).call(A,i,h,p),s.ensureSingle(e,"text",f.headerArrowClassName,(function(t){t.attr("text-anchor","end").call(o.font,i.font).text(f.arrowSymbol[i.direction])})).attr({x:l.headerWidth-f.arrowOffsetX+i.pad.l,y:l.headerHeight/2+f.textOffsetY+i.pad.t}),a.on("click",(function(){r.call(S,String(d(r,i)?-1:i._index)),v(t,e,r,n,i)})),a.on("mouseover",(function(){a.call(w)})),a.on("mouseout",(function(){a.call(T,i)})),o.setTranslate(e,l.lx,l.ly)}function v(t,e,r,a,o){r||(r=e).attr("pointer-events","all");var l=function(t){return-1==+t.attr(f.menuIndexAttrName)}(r)&&"buttons"!==o.type?[]:o.buttons,c="dropdown"===o.type?f.dropdownButtonClassName:f.buttonClassName,u=r.selectAll("g."+c).data(s.filterVisible(l)),h=u.enter().append("g").classed(c,!0),p=u.exit();"dropdown"===o.type?(h.attr("opacity","0").transition().attr("opacity","1"),p.transition().attr("opacity","0").remove()):p.remove();var d=0,m=0,v=o._dims,x=-1!==["up","down"].indexOf(o.direction);"dropdown"===o.type&&(x?m=v.headerHeight+f.gapButtonHeader:d=v.headerWidth+f.gapButtonHeader),"dropdown"===o.type&&"up"===o.direction&&(m=-f.gapButtonHeader+f.gapButton-v.openHeight),"dropdown"===o.type&&"left"===o.direction&&(d=-f.gapButtonHeader+f.gapButton-v.openWidth);var b={x:v.lx+d+o.pad.l,y:v.ly+m+o.pad.t,yPad:f.gapButton,xPad:f.gapButton,index:0},k={l:b.x+o.borderwidth,t:b.y+o.borderwidth};u.each((function(s,l){var c=n.select(this);c.call(y,o,s,t).call(A,o,b),c.on("click",(function(){n.event.defaultPrevented||(s.execute&&(s.args2&&o.active===l?(g(t,o,0,e,r,a,-1),i.executeAPICommand(t,s.method,s.args2)):(g(t,o,0,e,r,a,l),i.executeAPICommand(t,s.method,s.args))),t.emit("plotly_buttonclicked",{menu:o,button:s,active:o.active}))})),c.on("mouseover",(function(){c.call(w)})),c.on("mouseout",(function(){c.call(T,o),u.call(_,o)}))})),u.call(_,o),x?(k.w=Math.max(v.openWidth,v.headerWidth),k.h=b.y-k.t):(k.w=b.x-k.l,k.h=Math.max(v.openHeight,v.headerHeight)),k.direction=o.direction,a&&(u.size()?function(t,e,r,n,i,a){var o,s,l,c=i.direction,u="up"===c||"down"===c,h=i._dims,p=i.active;if(u)for(s=0,l=0;l0?[0]:[]);if(o.enter().append("g").classed(f.containerClassName,!0).style("cursor","pointer"),o.exit().each((function(){n.select(this).selectAll("g."+f.headerGroupClassName).each(a)})).remove(),0!==r.length){var l=o.selectAll("g."+f.headerGroupClassName).data(r,p);l.enter().append("g").classed(f.headerGroupClassName,!0);for(var c=s.ensureSingle(o,"g",f.dropdownButtonGroupClassName,(function(t){t.style("pointer-events","all")})),u=0;uw,M=s.barLength+2*s.barPad,A=s.barWidth+2*s.barPad,S=d,E=m+v;E+A>c&&(E=c-A);var C=this.container.selectAll("rect.scrollbar-horizontal").data(k?[0]:[]);C.exit().on(".drag",null).remove(),C.enter().append("rect").classed("scrollbar-horizontal",!0).call(i.fill,s.barColor),k?(this.hbar=C.attr({rx:s.barRadius,ry:s.barRadius,x:S,y:E,width:M,height:A}),this._hbarXMin=S+M/2,this._hbarTranslateMax=w-M):(delete this.hbar,delete this._hbarXMin,delete this._hbarTranslateMax);var L=v>T,I=s.barWidth+2*s.barPad,P=s.barLength+2*s.barPad,z=d+g,O=m;z+I>l&&(z=l-I);var D=this.container.selectAll("rect.scrollbar-vertical").data(L?[0]:[]);D.exit().on(".drag",null).remove(),D.enter().append("rect").classed("scrollbar-vertical",!0).call(i.fill,s.barColor),L?(this.vbar=D.attr({rx:s.barRadius,ry:s.barRadius,x:z,y:O,width:I,height:P}),this._vbarYMin=O+P/2,this._vbarTranslateMax=T-P):(delete this.vbar,delete this._vbarYMin,delete this._vbarTranslateMax);var R=this.id,F=u-.5,B=L?f+I+.5:f+.5,N=h-.5,j=k?p+A+.5:p+.5,U=o._topdefs.selectAll("#"+R).data(k||L?[0]:[]);if(U.exit().remove(),U.enter().append("clipPath").attr("id",R).append("rect"),k||L?(this._clipRect=U.select("rect").attr({x:Math.floor(F),y:Math.floor(N),width:Math.ceil(B)-Math.floor(F),height:Math.ceil(j)-Math.floor(N)}),this.container.call(a.setClipUrl,R,this.gd),this.bg.attr({x:d,y:m,width:g,height:v})):(this.bg.attr({width:0,height:0}),this.container.on("wheel",null).on(".drag",null).call(a.setClipUrl,null),delete this._clipRect),k||L){var V=n.behavior.drag().on("dragstart",(function(){n.event.sourceEvent.preventDefault()})).on("drag",this._onBoxDrag.bind(this));this.container.on("wheel",null).on("wheel",this._onBoxWheel.bind(this)).on(".drag",null).call(V);var q=n.behavior.drag().on("dragstart",(function(){n.event.sourceEvent.preventDefault(),n.event.sourceEvent.stopPropagation()})).on("drag",this._onBarDrag.bind(this));k&&this.hbar.on(".drag",null).call(q),L&&this.vbar.on(".drag",null).call(q)}this.setTranslate(e,r)},s.prototype.disable=function(){(this.hbar||this.vbar)&&(this.bg.attr({width:0,height:0}),this.container.on("wheel",null).on(".drag",null).call(a.setClipUrl,null),delete this._clipRect),this.hbar&&(this.hbar.on(".drag",null),this.hbar.remove(),delete this.hbar,delete this._hbarXMin,delete this._hbarTranslateMax),this.vbar&&(this.vbar.on(".drag",null),this.vbar.remove(),delete this.vbar,delete this._vbarYMin,delete this._vbarTranslateMax)},s.prototype._onBoxDrag=function(){var t=this.translateX,e=this.translateY;this.hbar&&(t-=n.event.dx),this.vbar&&(e-=n.event.dy),this.setTranslate(t,e)},s.prototype._onBoxWheel=function(){var t=this.translateX,e=this.translateY;this.hbar&&(t+=n.event.deltaY),this.vbar&&(e+=n.event.deltaY),this.setTranslate(t,e)},s.prototype._onBarDrag=function(){var t=this.translateX,e=this.translateY;if(this.hbar){var r=t+this._hbarXMin,i=r+this._hbarTranslateMax;t=(o.constrain(n.event.x,r,i)-r)/(i-r)*(this.position.w-this._box.w)}if(this.vbar){var a=e+this._vbarYMin,s=a+this._vbarTranslateMax;e=(o.constrain(n.event.y,a,s)-a)/(s-a)*(this.position.h-this._box.h)}this.setTranslate(t,e)},s.prototype.setTranslate=function(t,e){var r=this.position.w-this._box.w,n=this.position.h-this._box.h;if(t=o.constrain(t||0,0,r),e=o.constrain(e||0,0,n),this.translateX=t,this.translateY=e,this.container.call(a.setTranslate,this._box.l-this.position.l-t,this._box.t-this.position.t-e),this._clipRect&&this._clipRect.attr({x:Math.floor(this.position.l+t-.5),y:Math.floor(this.position.t+e-.5)}),this.hbar){var i=t/r;this.hbar.call(a.setTranslate,t+i*this._hbarTranslateMax,e)}if(this.vbar){var s=e/n;this.vbar.call(a.setTranslate,t,e+s*this._vbarTranslateMax)}}},{"../../lib":778,"../color":643,"../drawing":665,d3:169}],745:[function(t,e,r){"use strict";e.exports={FROM_BL:{left:0,center:.5,right:1,bottom:0,middle:.5,top:1},FROM_TL:{left:0,center:.5,right:1,bottom:1,middle:.5,top:0},FROM_BR:{left:1,center:.5,right:0,bottom:0,middle:.5,top:1},LINE_SPACING:1.3,CAP_SHIFT:.7,MID_SHIFT:.35,OPPOSITE_SIDE:{left:"right",right:"left",top:"bottom",bottom:"top"}}},{}],746:[function(t,e,r){"use strict";e.exports={axisRefDescription:function(t,e,r){return["If set to a",t,"axis id (e.g. *"+t+"* or","*"+t+"2*), the `"+t+"` position refers to a",t,"coordinate. If set to *paper*, the `"+t+"`","position refers to the distance from the",e,"of the plotting","area in normalized coordinates where *0* (*1*) corresponds to the",e,"("+r+"). If set to a",t,"axis ID followed by","*domain* (separated by a space), the position behaves like for","*paper*, but refers to the distance in fractions of the domain","length from the",e,"of the domain of that axis: e.g.,","*"+t+"2 domain* refers to the domain of the second",t," axis and a",t,"position of 0.5 refers to the","point between the",e,"and the",r,"of the domain of the","second",t,"axis."].join(" ")}}},{}],747:[function(t,e,r){"use strict";e.exports={INCREASING:{COLOR:"#3D9970",SYMBOL:"\u25b2"},DECREASING:{COLOR:"#FF4136",SYMBOL:"\u25bc"}}},{}],748:[function(t,e,r){"use strict";e.exports={FORMAT_LINK:"https://github.com/d3/d3-3.x-api-reference/blob/master/Formatting.md#d3_format",DATE_FORMAT_LINK:"https://github.com/d3/d3-time-format#locale_format"}},{}],749:[function(t,e,r){"use strict";e.exports={COMPARISON_OPS:["=","!=","<",">=",">","<="],COMPARISON_OPS2:["=","<",">=",">","<="],INTERVAL_OPS:["[]","()","[)","(]","][",")(","](",")["],SET_OPS:["{}","}{"],CONSTRAINT_REDUCTION:{"=":"=","<":"<","<=":"<",">":">",">=":">","[]":"[]","()":"[]","[)":"[]","(]":"[]","][":"][",")(":"][","](":"][",")[":"]["}}},{}],750:[function(t,e,r){"use strict";e.exports={solid:[[],0],dot:[[.5,1],200],dash:[[.5,1],50],longdash:[[.5,1],10],dashdot:[[.5,.625,.875,1],50],longdashdot:[[.5,.7,.8,1],10]}},{}],751:[function(t,e,r){"use strict";e.exports={circle:"\u25cf","circle-open":"\u25cb",square:"\u25a0","square-open":"\u25a1",diamond:"\u25c6","diamond-open":"\u25c7",cross:"+",x:"\u274c"}},{}],752:[function(t,e,r){"use strict";e.exports={SHOW_PLACEHOLDER:100,HIDE_PLACEHOLDER:1e3,DESELECTDIM:.2}},{}],753:[function(t,e,r){"use strict";e.exports={BADNUM:void 0,FP_SAFE:Number.MAX_VALUE/1e4,ONEMAXYEAR:316224e5,ONEAVGYEAR:315576e5,ONEMINYEAR:31536e6,ONEMAXQUARTER:79488e5,ONEAVGQUARTER:78894e5,ONEMINQUARTER:76896e5,ONEMAXMONTH:26784e5,ONEAVGMONTH:26298e5,ONEMINMONTH:24192e5,ONEWEEK:6048e5,ONEDAY:864e5,ONEHOUR:36e5,ONEMIN:6e4,ONESEC:1e3,EPOCHJD:2440587.5,ALMOST_EQUAL:.999999,LOG_CLIP:10,MINUS_SIGN:"\u2212"}},{}],754:[function(t,e,r){"use strict";r.xmlns="http://www.w3.org/2000/xmlns/",r.svg="http://www.w3.org/2000/svg",r.xlink="http://www.w3.org/1999/xlink",r.svgAttrs={xmlns:r.svg,"xmlns:xlink":r.xlink}},{}],755:[function(t,e,r){"use strict";r.version=t("./version").version,t("es6-promise").polyfill(),t("../build/plotcss"),t("./fonts/mathjax_config")();for(var n=t("./registry"),i=r.register=n.register,a=t("./plot_api"),o=Object.keys(a),s=0;splotly-logomark"}}},{}],758:[function(t,e,r){"use strict";r.isLeftAnchor=function(t){return"left"===t.xanchor||"auto"===t.xanchor&&t.x<=1/3},r.isCenterAnchor=function(t){return"center"===t.xanchor||"auto"===t.xanchor&&t.x>1/3&&t.x<2/3},r.isRightAnchor=function(t){return"right"===t.xanchor||"auto"===t.xanchor&&t.x>=2/3},r.isTopAnchor=function(t){return"top"===t.yanchor||"auto"===t.yanchor&&t.y>=2/3},r.isMiddleAnchor=function(t){return"middle"===t.yanchor||"auto"===t.yanchor&&t.y>1/3&&t.y<2/3},r.isBottomAnchor=function(t){return"bottom"===t.yanchor||"auto"===t.yanchor&&t.y<=1/3}},{}],759:[function(t,e,r){"use strict";var n=t("./mod"),i=n.mod,a=n.modHalf,o=Math.PI,s=2*o;function l(t){return Math.abs(t[1]-t[0])>s-1e-14}function c(t,e){return a(e-t,s)}function u(t,e){if(l(e))return!0;var r,n;e[0](n=i(n,s))&&(n+=s);var a=i(t,s),o=a+s;return a>=r&&a<=n||o>=r&&o<=n}function f(t,e,r,n,i,a,c){i=i||0,a=a||0;var u,f,h,p,d,g=l([r,n]);function m(t,e){return[t*Math.cos(e)+i,a-t*Math.sin(e)]}g?(u=0,f=o,h=s):r=i&&t<=a);var i,a},pathArc:function(t,e,r,n,i){return f(null,t,e,r,n,i,0)},pathSector:function(t,e,r,n,i){return f(null,t,e,r,n,i,1)},pathAnnulus:function(t,e,r,n,i,a){return f(t,e,r,n,i,a,1)}}},{"./mod":785}],760:[function(t,e,r){"use strict";var n=Array.isArray,i="undefined"!=typeof ArrayBuffer&&ArrayBuffer.isView?ArrayBuffer:{isView:function(){return!1}},a="undefined"==typeof DataView?function(){}:DataView;function o(t){return i.isView(t)&&!(t instanceof a)}function s(t){return n(t)||o(t)}function l(t,e,r){if(s(t)){if(s(t[0])){for(var n=r,i=0;ii.max?e.set(r):e.set(+t)}},integer:{coerceFunction:function(t,e,r,i){t%1||!n(t)||void 0!==i.min&&ti.max?e.set(r):e.set(+t)}},string:{coerceFunction:function(t,e,r,n){if("string"!=typeof t){var i="number"==typeof t;!0!==n.strict&&i?e.set(String(t)):e.set(r)}else n.noBlank&&!t?e.set(r):e.set(t)}},color:{coerceFunction:function(t,e,r){i(t).isValid()?e.set(t):e.set(r)}},colorlist:{coerceFunction:function(t,e,r){Array.isArray(t)&&t.length&&t.every((function(t){return i(t).isValid()}))?e.set(t):e.set(r)}},colorscale:{coerceFunction:function(t,e,r){e.set(o.get(t,r))}},angle:{coerceFunction:function(t,e,r){"auto"===t?e.set("auto"):n(t)?e.set(u(+t,360)):e.set(r)}},subplotid:{coerceFunction:function(t,e,r,n){var i=n.regex||c(r);"string"==typeof t&&i.test(t)?e.set(t):e.set(r)},validateFunction:function(t,e){var r=e.dflt;return t===r||"string"==typeof t&&!!c(r).test(t)}},flaglist:{coerceFunction:function(t,e,r,n){if("string"==typeof t)if(-1===(n.extras||[]).indexOf(t)){for(var i=t.split("+"),a=0;a=n&&t<=i?t:u}if("string"!=typeof t&&"number"!=typeof t)return u;t=String(t);var c=_(e),v=t.charAt(0);!c||"G"!==v&&"g"!==v||(t=t.substr(1),e="");var w=c&&"chinese"===e.substr(0,7),T=t.match(w?x:y);if(!T)return u;var k=T[1],M=T[3]||"1",A=Number(T[5]||1),S=Number(T[7]||0),E=Number(T[9]||0),C=Number(T[11]||0);if(c){if(2===k.length)return u;var L;k=Number(k);try{var I=m.getComponentMethod("calendars","getCal")(e);if(w){var P="i"===M.charAt(M.length-1);M=parseInt(M,10),L=I.newDate(k,I.toMonthIndex(k,M,P),A)}else L=I.newDate(k,Number(M),A)}catch(t){return u}return L?(L.toJD()-g)*f+S*h+E*p+C*d:u}k=2===k.length?(Number(k)+2e3-b)%100+b:Number(k),M-=1;var z=new Date(Date.UTC(2e3,M,A,S,E));return z.setUTCFullYear(k),z.getUTCMonth()!==M||z.getUTCDate()!==A?u:z.getTime()+C*d},n=r.MIN_MS=r.dateTime2ms("-9999"),i=r.MAX_MS=r.dateTime2ms("9999-12-31 23:59:59.9999"),r.isDateTime=function(t,e){return r.dateTime2ms(t,e)!==u};var T=90*f,k=3*h,M=5*p;function A(t,e,r,n,i){if((e||r||n||i)&&(t+=" "+w(e,2)+":"+w(r,2),(n||i)&&(t+=":"+w(n,2),i))){for(var a=4;i%10==0;)a-=1,i/=10;t+="."+w(i,a)}return t}r.ms2DateTime=function(t,e,r){if("number"!=typeof t||!(t>=n&&t<=i))return u;e||(e=0);var a,o,s,c,y,x,b=Math.floor(10*l(t+.05,1)),w=Math.round(t-b/10);if(_(r)){var S=Math.floor(w/f)+g,E=Math.floor(l(t,f));try{a=m.getComponentMethod("calendars","getCal")(r).fromJD(S).formatDate("yyyy-mm-dd")}catch(t){a=v("G%Y-%m-%d")(new Date(w))}if("-"===a.charAt(0))for(;a.length<11;)a="-0"+a.substr(1);else for(;a.length<10;)a="0"+a;o=e=n+f&&t<=i-f))return u;var e=Math.floor(10*l(t+.05,1)),r=new Date(Math.round(t-e/10));return A(a("%Y-%m-%d")(r),r.getHours(),r.getMinutes(),r.getSeconds(),10*r.getUTCMilliseconds()+e)},r.cleanDate=function(t,e,n){if(t===u)return e;if(r.isJSDate(t)||"number"==typeof t&&isFinite(t)){if(_(n))return s.error("JS Dates and milliseconds are incompatible with world calendars",t),e;if(!(t=r.ms2DateTimeLocal(+t))&&void 0!==e)return e}else if(!r.isDateTime(t,n))return s.error("unrecognized date",t),e;return t};var S=/%\d?f/g;function E(t,e,r,n){t=t.replace(S,(function(t){var r=Math.min(+t.charAt(1)||6,6);return(e/1e3%1+2).toFixed(r).substr(2).replace(/0+$/,"")||"0"}));var i=new Date(Math.floor(e+.05));if(_(n))try{t=m.getComponentMethod("calendars","worldCalFmt")(t,e,n)}catch(t){return"Invalid"}return r(t)(i)}var C=[59,59.9,59.99,59.999,59.9999];r.formatDate=function(t,e,r,n,i,a){if(i=_(i)&&i,!e)if("y"===r)e=a.year;else if("m"===r)e=a.month;else{if("d"!==r)return function(t,e){var r=l(t+.05,f),n=w(Math.floor(r/h),2)+":"+w(l(Math.floor(r/p),60),2);if("M"!==e){o(e)||(e=0);var i=(100+Math.min(l(t/d,60),C[e])).toFixed(e).substr(1);e>0&&(i=i.replace(/0+$/,"").replace(/[\.]$/,"")),n+=":"+i}return n}(t,r)+"\n"+E(a.dayMonthYear,t,n,i);e=a.dayMonth+"\n"+a.year}return E(e,t,n,i)};var L=3*f;r.incrementMonth=function(t,e,r){r=_(r)&&r;var n=l(t,f);if(t=Math.round(t-n),r)try{var i=Math.round(t/f)+g,a=m.getComponentMethod("calendars","getCal")(r),o=a.fromJD(i);return e%12?a.add(o,e,"m"):a.add(o,e/12,"y"),(o.toJD()-g)*f+n}catch(e){s.error("invalid ms "+t+" in calendar "+r)}var c=new Date(t+L);return c.setUTCMonth(c.getUTCMonth()+e)+n-L},r.findExactDates=function(t,e){for(var r,n,i=0,a=0,s=0,l=0,c=_(e)&&m.getComponentMethod("calendars","getCal")(e),u=0;u0&&t[e+1][0]<0)return e;return null}switch(e="RUS"===s||"FJI"===s?function(t){var e;if(null===c(t))e=t;else for(e=new Array(t.length),i=0;ie?r[n++]=[t[i][0]+360,t[i][1]]:i===e?(r[n++]=t[i],r[n++]=[t[i][0],-90]):r[n++]=t[i];var a=h.tester(r);a.pts.pop(),l.push(a)}:function(t){l.push(h.tester(t))},a.type){case"MultiPolygon":for(r=0;ri&&(i=c,e=l)}else e=r;return o.default(e).geometry.coordinates}(u),n.fIn=t,n.fOut=u,s.push(u)}else c.log(["Location",n.loc,"does not have a valid GeoJSON geometry.","Traces with locationmode *geojson-id* only support","*Polygon* and *MultiPolygon* geometries."].join(" "))}delete i[r]}switch(r.type){case"FeatureCollection":var h=r.features;for(n=0;n100?(clearInterval(a),n("Unexpected error while fetching from "+t)):void i++}),50)}))}for(var o=0;o0&&(r.push(i),i=[])}return i.length>0&&r.push(i),r},r.makeLine=function(t){return 1===t.length?{type:"LineString",coordinates:t[0]}:{type:"MultiLineString",coordinates:t}},r.makePolygon=function(t){if(1===t.length)return{type:"Polygon",coordinates:t};for(var e=new Array(t.length),r=0;r1||g<0||g>1?null:{x:t+l*g,y:e+f*g}}function l(t,e,r,n,i){var a=n*t+i*e;if(a<0)return n*n+i*i;if(a>r){var o=n-t,s=i-e;return o*o+s*s}var l=n*e-i*t;return l*l/r}r.segmentsIntersect=s,r.segmentDistance=function(t,e,r,n,i,a,o,c){if(s(t,e,r,n,i,a,o,c))return 0;var u=r-t,f=n-e,h=o-i,p=c-a,d=u*u+f*f,g=h*h+p*p,m=Math.min(l(u,f,d,i-t,a-e),l(u,f,d,o-t,c-e),l(h,p,g,t-i,e-a),l(h,p,g,r-i,n-a));return Math.sqrt(m)},r.getTextLocation=function(t,e,r,s){if(t===i&&s===a||(n={},i=t,a=s),n[r])return n[r];var l=t.getPointAtLength(o(r-s/2,e)),c=t.getPointAtLength(o(r+s/2,e)),u=Math.atan((c.y-l.y)/(c.x-l.x)),f=t.getPointAtLength(o(r,e)),h={x:(4*f.x+l.x+c.x)/6,y:(4*f.y+l.y+c.y)/6,theta:u};return n[r]=h,h},r.clearLocationCache=function(){i=null},r.getVisibleSegment=function(t,e,r){var n,i,a=e.left,o=e.right,s=e.top,l=e.bottom,c=0,u=t.getTotalLength(),f=u;function h(e){var r=t.getPointAtLength(e);0===e?n=r:e===u&&(i=r);var c=r.xo?r.x-o:0,f=r.yl?r.y-l:0;return Math.sqrt(c*c+f*f)}for(var p=h(c);p;){if((c+=p+r)>f)return;p=h(c)}for(p=h(f);p;){if(c>(f-=p+r))return;p=h(f)}return{min:c,max:f,len:f-c,total:u,isClosed:0===c&&f===u&&Math.abs(n.x-i.x)<.1&&Math.abs(n.y-i.y)<.1}},r.findPointOnPath=function(t,e,r,n){for(var i,a,o,s=(n=n||{}).pathLength||t.getTotalLength(),l=n.tolerance||.001,c=n.iterationLimit||30,u=t.getPointAtLength(0)[r]>t.getPointAtLength(s)[r]?-1:1,f=0,h=0,p=s;f0?p=i:h=i,f++}return a}},{"./mod":785}],774:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("tinycolor2"),a=t("color-normalize"),o=t("../components/colorscale"),s=t("../components/color/attributes").defaultLine,l=t("./array").isArrayOrTypedArray,c=a(s);function u(t,e){var r=t;return r[3]*=e,r}function f(t){if(n(t))return c;var e=a(t);return e.length?e:c}function h(t){return n(t)?t:1}e.exports={formatColor:function(t,e,r){var n,i,s,p,d,g=t.color,m=l(g),v=l(e),y=o.extractOpts(t),x=[];if(n=void 0!==y.colorscale?o.makeColorScaleFuncFromTrace(t):f,i=m?function(t,e){return void 0===t[e]?c:a(n(t[e]))}:f,s=v?function(t,e){return void 0===t[e]?1:h(t[e])}:h,m||v)for(var b=0;b1?(r*t+r*e)/r:t+e,i=String(n).length;if(i>16){var a=String(e).length;if(i>=String(t).length+a){var o=parseFloat(n).toPrecision(12);-1===o.indexOf("e+")&&(n=+o)}}return n}},{}],778:[function(t,e,r){"use strict";var n=t("d3"),i=t("d3-time-format").utcFormat,a=t("fast-isnumeric"),o=t("../constants/numerical"),s=o.FP_SAFE,l=o.BADNUM,c=e.exports={};c.nestedProperty=t("./nested_property"),c.keyedContainer=t("./keyed_container"),c.relativeAttr=t("./relative_attr"),c.isPlainObject=t("./is_plain_object"),c.toLogRange=t("./to_log_range"),c.relinkPrivateKeys=t("./relink_private");var u=t("./array");c.isTypedArray=u.isTypedArray,c.isArrayOrTypedArray=u.isArrayOrTypedArray,c.isArray1D=u.isArray1D,c.ensureArray=u.ensureArray,c.concat=u.concat,c.maxRowLength=u.maxRowLength,c.minRowLength=u.minRowLength;var f=t("./mod");c.mod=f.mod,c.modHalf=f.modHalf;var h=t("./coerce");c.valObjectMeta=h.valObjectMeta,c.coerce=h.coerce,c.coerce2=h.coerce2,c.coerceFont=h.coerceFont,c.coerceHoverinfo=h.coerceHoverinfo,c.coerceSelectionMarkerOpacity=h.coerceSelectionMarkerOpacity,c.validate=h.validate;var p=t("./dates");c.dateTime2ms=p.dateTime2ms,c.isDateTime=p.isDateTime,c.ms2DateTime=p.ms2DateTime,c.ms2DateTimeLocal=p.ms2DateTimeLocal,c.cleanDate=p.cleanDate,c.isJSDate=p.isJSDate,c.formatDate=p.formatDate,c.incrementMonth=p.incrementMonth,c.dateTick0=p.dateTick0,c.dfltRange=p.dfltRange,c.findExactDates=p.findExactDates,c.MIN_MS=p.MIN_MS,c.MAX_MS=p.MAX_MS;var d=t("./search");c.findBin=d.findBin,c.sorterAsc=d.sorterAsc,c.sorterDes=d.sorterDes,c.distinctVals=d.distinctVals,c.roundUp=d.roundUp,c.sort=d.sort,c.findIndexOfMin=d.findIndexOfMin;var g=t("./stats");c.aggNums=g.aggNums,c.len=g.len,c.mean=g.mean,c.median=g.median,c.midRange=g.midRange,c.variance=g.variance,c.stdev=g.stdev,c.interp=g.interp;var m=t("./matrix");c.init2dArray=m.init2dArray,c.transposeRagged=m.transposeRagged,c.dot=m.dot,c.translationMatrix=m.translationMatrix,c.rotationMatrix=m.rotationMatrix,c.rotationXYMatrix=m.rotationXYMatrix,c.apply3DTransform=m.apply3DTransform,c.apply2DTransform=m.apply2DTransform,c.apply2DTransform2=m.apply2DTransform2,c.convertCssMatrix=m.convertCssMatrix,c.inverseTransformMatrix=m.inverseTransformMatrix;var v=t("./angles");c.deg2rad=v.deg2rad,c.rad2deg=v.rad2deg,c.angleDelta=v.angleDelta,c.angleDist=v.angleDist,c.isFullCircle=v.isFullCircle,c.isAngleInsideSector=v.isAngleInsideSector,c.isPtInsideSector=v.isPtInsideSector,c.pathArc=v.pathArc,c.pathSector=v.pathSector,c.pathAnnulus=v.pathAnnulus;var y=t("./anchor_utils");c.isLeftAnchor=y.isLeftAnchor,c.isCenterAnchor=y.isCenterAnchor,c.isRightAnchor=y.isRightAnchor,c.isTopAnchor=y.isTopAnchor,c.isMiddleAnchor=y.isMiddleAnchor,c.isBottomAnchor=y.isBottomAnchor;var x=t("./geometry2d");c.segmentsIntersect=x.segmentsIntersect,c.segmentDistance=x.segmentDistance,c.getTextLocation=x.getTextLocation,c.clearLocationCache=x.clearLocationCache,c.getVisibleSegment=x.getVisibleSegment,c.findPointOnPath=x.findPointOnPath;var b=t("./extend");c.extendFlat=b.extendFlat,c.extendDeep=b.extendDeep,c.extendDeepAll=b.extendDeepAll,c.extendDeepNoArrays=b.extendDeepNoArrays;var _=t("./loggers");c.log=_.log,c.warn=_.warn,c.error=_.error;var w=t("./regex");c.counterRegex=w.counter;var T=t("./throttle");c.throttle=T.throttle,c.throttleDone=T.done,c.clearThrottle=T.clear;var k=t("./dom");function M(t){var e={};for(var r in t)for(var n=t[r],i=0;is?l:a(t)?Number(t):l:l},c.isIndex=function(t,e){return!(void 0!==e&&t>=e)&&(a(t)&&t>=0&&t%1==0)},c.noop=t("./noop"),c.identity=t("./identity"),c.repeat=function(t,e){for(var r=new Array(e),n=0;nr?Math.max(r,Math.min(e,t)):Math.max(e,Math.min(r,t))},c.bBoxIntersect=function(t,e,r){return r=r||0,t.left<=e.right+r&&e.left<=t.right+r&&t.top<=e.bottom+r&&e.top<=t.bottom+r},c.simpleMap=function(t,e,r,n,i){for(var a=t.length,o=new Array(a),s=0;s=Math.pow(2,r)?i>10?(c.warn("randstr failed uniqueness"),l):t(e,r,n,(i||0)+1):l},c.OptionControl=function(t,e){t||(t={}),e||(e="opt");var r={optionList:[],_newoption:function(n){n[e]=t,r[n.name]=n,r.optionList.push(n)}};return r["_"+e]=t,r},c.smooth=function(t,e){if((e=Math.round(e)||0)<2)return t;var r,n,i,a,o=t.length,s=2*o,l=2*e-1,c=new Array(l),u=new Array(o);for(r=0;r=s&&(i-=s*Math.floor(i/s)),i<0?i=-1-i:i>=o&&(i=s-1-i),a+=t[i]*c[n];u[r]=a}return u},c.syncOrAsync=function(t,e,r){var n;function i(){return c.syncOrAsync(t,e,r)}for(;t.length;)if((n=(0,t.splice(0,1)[0])(e))&&n.then)return n.then(i).then(void 0,c.promiseError);return r&&r(e)},c.stripTrailingSlash=function(t){return"/"===t.substr(-1)?t.substr(0,t.length-1):t},c.noneOrAll=function(t,e,r){if(t){var n,i=!1,a=!0;for(n=0;n0?e:0}))},c.fillArray=function(t,e,r,n){if(n=n||c.identity,c.isArrayOrTypedArray(t))for(var i=0;i1?i+o[1]:"";if(a&&(o.length>1||s.length>4||r))for(;n.test(s);)s=s.replace(n,"$1"+a+"$2");return s+l},c.TEMPLATE_STRING_REGEX=/%{([^\s%{}:]*)([:|\|][^}]*)?}/g;var I=/^\w*$/;c.templateString=function(t,e){var r={};return t.replace(c.TEMPLATE_STRING_REGEX,(function(t,n){var i;return I.test(n)?i=e[n]:(r[n]=r[n]||c.nestedProperty(e,n).get,i=r[n]()),c.isValidTextValue(i)?i:""}))};var P={max:10,count:0,name:"hovertemplate"};c.hovertemplateString=function(){return D.apply(P,arguments)};var z={max:10,count:0,name:"texttemplate"};c.texttemplateString=function(){return D.apply(z,arguments)};var O=/^[:|\|]/;function D(t,e,r){var a=this,o=arguments;e||(e={});var s={};return t.replace(c.TEMPLATE_STRING_REGEX,(function(t,l,u){var f,h,p,d;for(p=3;p=48&&o<=57,c=s>=48&&s<=57;if(l&&(n=10*n+o-48),c&&(i=10*i+s-48),!l||!c){if(n!==i)return n-i;if(o!==s)return o-s}}return i-n};var R=2e9;c.seedPseudoRandom=function(){R=2e9},c.pseudoRandom=function(){var t=R;return R=(69069*R+1)%4294967296,Math.abs(R-t)<429496729?c.pseudoRandom():R/4294967296},c.fillText=function(t,e,r){var n=Array.isArray(r)?function(t){r.push(t)}:function(t){r.text=t},i=c.extractOption(t,e,"htx","hovertext");if(c.isValidTextValue(i))return n(i);var a=c.extractOption(t,e,"tx","text");return c.isValidTextValue(a)?n(a):void 0},c.isValidTextValue=function(t){return t||0===t},c.formatPercent=function(t,e){e=e||0;for(var r=(Math.round(100*t*Math.pow(10,e))*Math.pow(.1,e)).toFixed(e)+"%",n=0;n1&&(u=1):u=0,c.strTranslate(i-u*(r+o),a-u*(n+s))+c.strScale(u)+(l?"rotate("+l+(e?"":" "+r+" "+n)+")":"")},c.ensureUniformFontSize=function(t,e){var r=c.extendFlat({},e);return r.size=Math.max(e.size,t._fullLayout.uniformtext.minsize||0),r},c.join2=function(t,e,r){var n=t.length;return n>1?t.slice(0,-1).join(e)+r+t[n-1]:t.join(e)}},{"../constants/numerical":753,"./anchor_utils":758,"./angles":759,"./array":760,"./clean_number":761,"./clear_responsive":763,"./coerce":764,"./dates":765,"./dom":766,"./extend":768,"./filter_unique":769,"./filter_visible":770,"./geometry2d":773,"./identity":776,"./increment":777,"./is_plain_object":779,"./keyed_container":780,"./localize":781,"./loggers":782,"./make_trace_groups":783,"./matrix":784,"./mod":785,"./nested_property":786,"./noop":787,"./notifier":788,"./preserve_drawing_buffer":792,"./push_unique":793,"./regex":795,"./relative_attr":796,"./relink_private":797,"./search":798,"./stats":801,"./throttle":804,"./to_log_range":805,d3:169,"d3-time-format":166,"fast-isnumeric":241}],779:[function(t,e,r){"use strict";e.exports=function(t){return window&&window.process&&window.process.versions?"[object Object]"===Object.prototype.toString.call(t):"[object Object]"===Object.prototype.toString.call(t)&&Object.getPrototypeOf(t)===Object.prototype}},{}],780:[function(t,e,r){"use strict";var n=t("./nested_property"),i=/^\w*$/;e.exports=function(t,e,r,a){var o,s,l;r=r||"name",a=a||"value";var c={};e&&e.length?(l=n(t,e),s=l.get()):s=t,e=e||"";var u={};if(s)for(o=0;o2)return c[e]=2|c[e],h.set(t,null);if(f){for(o=e;o1){var e=["LOG:"];for(t=0;t1){var r=[];for(t=0;t"),"long")}},a.warn=function(){var t;if(n.logging>0){var e=["WARN:"];for(t=0;t0){var r=[];for(t=0;t"),"stick")}},a.error=function(){var t;if(n.logging>0){var e=["ERROR:"];for(t=0;t0){var r=[];for(t=0;t"),"stick")}}},{"../plot_api/plot_config":815,"./notifier":788}],783:[function(t,e,r){"use strict";var n=t("d3");e.exports=function(t,e,r){var i=t.selectAll("g."+r.replace(/\s/g,".")).data(e,(function(t){return t[0].trace.uid}));i.exit().remove(),i.enter().append("g").attr("class",r),i.order();var a=t.classed("rangeplot")?"nodeRangePlot3":"node3";return i.each((function(t){t[0][a]=n.select(this)})),i}},{d3:169}],784:[function(t,e,r){"use strict";var n=t("gl-mat4");r.init2dArray=function(t,e){for(var r=new Array(t),n=0;ne/2?t-Math.round(t/e)*e:t}}},{}],786:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("./array").isArrayOrTypedArray;function a(t,e){return function(){var r,n,o,s,l,c=t;for(s=0;s/g),l=0;la||c===i||cs)&&(!e||!l(t))}:function(t,e){var l=t[0],c=t[1];if(l===i||la||c===i||cs)return!1;var u,f,h,p,d,g=r.length,m=r[0][0],v=r[0][1],y=0;for(u=1;uMath.max(f,m)||c>Math.max(h,v)))if(cu||Math.abs(n(o,h))>i)return!0;return!1},a.filter=function(t,e){var r=[t[0]],n=0,i=0;function o(o){t.push(o);var s=r.length,l=n;r.splice(i+1);for(var c=l+1;c1&&o(t.pop());return{addPt:o,raw:t,filtered:r}}},{"../constants/numerical":753,"./matrix":784}],791:[function(t,e,r){(function(r){(function(){"use strict";var n=t("./show_no_webgl_msg"),i=t("regl");e.exports=function(t,e){var a=t._fullLayout,o=!0;return a._glcanvas.each((function(n){if(!n.regl&&(!n.pick||a._has("parcoords"))){try{n.regl=i({canvas:this,attributes:{antialias:!n.pick,preserveDrawingBuffer:!0},pixelRatio:t._context.plotGlPixelRatio||r.devicePixelRatio,extensions:e||[]})}catch(t){o=!1}n.regl||(o=!1),o&&this.addEventListener("webglcontextlost",(function(e){t&&t.emit&&t.emit("plotly_webglcontextlost",{event:e,layer:n.key})}),!1)}})),o||n({container:a._glcontainer.node()}),o}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"./show_no_webgl_msg":800,regl:540}],792:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("is-mobile");e.exports=function(t){var e;if("string"!=typeof(e=t&&t.hasOwnProperty("userAgent")?t.userAgent:function(){var t;"undefined"!=typeof navigator&&(t=navigator.userAgent);t&&t.headers&&"string"==typeof t.headers["user-agent"]&&(t=t.headers["user-agent"]);return t}()))return!0;var r=i({ua:{headers:{"user-agent":e}},tablet:!0,featureDetect:!1});if(!r)for(var a=e.split(" "),o=1;o-1;s--){var l=a[s];if("Version/"===l.substr(0,8)){var c=l.substr(8).split(".")[0];if(n(c)&&(c=+c),c>=13)return!0}}}return r}},{"fast-isnumeric":241,"is-mobile":467}],793:[function(t,e,r){"use strict";e.exports=function(t,e){if(e instanceof RegExp){for(var r=e.toString(),n=0;ni.queueLength&&(t.undoQueue.queue.shift(),t.undoQueue.index--))},startSequence:function(t){t.undoQueue=t.undoQueue||{index:0,queue:[],sequence:!1},t.undoQueue.sequence=!0,t.undoQueue.beginSequence=!0},stopSequence:function(t){t.undoQueue=t.undoQueue||{index:0,queue:[],sequence:!1},t.undoQueue.sequence=!1,t.undoQueue.beginSequence=!1},undo:function(t){var e,r;if(t.framework&&t.framework.isPolar)t.framework.undo();else if(!(void 0===t.undoQueue||isNaN(t.undoQueue.index)||t.undoQueue.index<=0)){for(t.undoQueue.index--,e=t.undoQueue.queue[t.undoQueue.index],t.undoQueue.inSequence=!0,r=0;r=t.undoQueue.queue.length)){for(e=t.undoQueue.queue[t.undoQueue.index],t.undoQueue.inSequence=!0,r=0;re}function u(t,e){return t>=e}r.findBin=function(t,e,r){if(n(e.start))return r?Math.ceil((t-e.start)/e.size-1e-9)-1:Math.floor((t-e.start)/e.size+1e-9);var a,o,f=0,h=e.length,p=0,d=h>1?(e[h-1]-e[0])/(h-1):1;for(o=d>=0?r?s:l:r?u:c,t+=1e-9*d*(r?-1:1)*(d>=0?1:-1);f90&&i.log("Long binary search..."),f-1},r.sorterAsc=function(t,e){return t-e},r.sorterDes=function(t,e){return e-t},r.distinctVals=function(t,e){var n,i=(e||{}).unitMinDiff,a=t.slice();for(a.sort(r.sorterAsc),n=a.length-1;n>-1&&a[n]===o;n--);var s=1;i||(s=a[n]-a[0]||1);for(var l,c=s/(n||1)/1e4,u=[],f=0;f<=n;f++){var h=a[f],p=h-l;void 0===l?(u.push(h),l=h):p>c&&(s=Math.min(s,p),u.push(h),l=h)}return{vals:u,minDiff:s}},r.roundUp=function(t,e,r){for(var n,i=0,a=e.length-1,o=0,s=r?0:1,l=r?1:0,c=r?Math.ceil:Math.floor;i0&&(n=1),r&&n)return t.sort(e)}return n?t:t.reverse()},r.findIndexOfMin=function(t,e){e=e||a;for(var r,n=1/0,i=0;ia.length)&&(o=a.length),n(e)||(e=!1),i(a[0])){for(l=new Array(o),s=0;st.length-1)return t[t.length-1];var r=e%1;return r*t[Math.ceil(e)]+(1-r)*t[Math.floor(e)]}},{"./array":760,"fast-isnumeric":241}],802:[function(t,e,r){"use strict";var n=t("color-normalize");e.exports=function(t){return t?n(t):[0,0,0,1]}},{"color-normalize":125}],803:[function(t,e,r){"use strict";var n=t("d3"),i=t("../lib"),a=i.strTranslate,o=t("../constants/xmlns_namespaces"),s=t("../constants/alignment").LINE_SPACING;function l(t,e){return t.node().getBoundingClientRect()[e]}var c=/([^$]*)([$]+[^$]*[$]+)([^$]*)/;r.convertToTspans=function(t,e,A){var S=t.text(),C=!t.attr("data-notex")&&"undefined"!=typeof MathJax&&S.match(c),L=n.select(t.node().parentNode);if(!L.empty()){var I=t.attr("class")?t.attr("class").split(" ")[0]:"text";return I+="-math",L.selectAll("svg."+I).remove(),L.selectAll("g."+I+"-group").remove(),t.style("display",null).attr({"data-unformatted":S,"data-math":"N"}),C?(e&&e._promises||[]).push(new Promise((function(e){t.style("display","none");var r=parseInt(t.node().style.fontSize,10),o={fontSize:r};!function(t,e,r){var a,o,s,l;MathJax.Hub.Queue((function(){return o=i.extendDeepAll({},MathJax.Hub.config),s=MathJax.Hub.processSectionDelay,void 0!==MathJax.Hub.processSectionDelay&&(MathJax.Hub.processSectionDelay=0),MathJax.Hub.Config({messageStyle:"none",tex2jax:{inlineMath:[["$","$"],["\\(","\\)"]]},displayAlign:"left"})}),(function(){if("SVG"!==(a=MathJax.Hub.config.menuSettings.renderer))return MathJax.Hub.setRenderer("SVG")}),(function(){var r="math-output-"+i.randstr({},64);return l=n.select("body").append("div").attr({id:r}).style({visibility:"hidden",position:"absolute"}).style({"font-size":e.fontSize+"px"}).text(t.replace(u,"\\lt ").replace(f,"\\gt ")),MathJax.Hub.Typeset(l.node())}),(function(){var e=n.select("body").select("#MathJax_SVG_glyphs");if(l.select(".MathJax_SVG").empty()||!l.select("svg").node())i.log("There was an error in the tex syntax.",t),r();else{var o=l.select("svg").node().getBoundingClientRect();r(l.select(".MathJax_SVG"),e,o)}if(l.remove(),"SVG"!==a)return MathJax.Hub.setRenderer(a)}),(function(){return void 0!==s&&(MathJax.Hub.processSectionDelay=s),MathJax.Hub.Config(o)}))}(C[2],o,(function(n,i,o){L.selectAll("svg."+I).remove(),L.selectAll("g."+I+"-group").remove();var s=n&&n.select("svg");if(!s||!s.node())return P(),void e();var c=L.append("g").classed(I+"-group",!0).attr({"pointer-events":"none","data-unformatted":S,"data-math":"Y"});c.node().appendChild(s.node()),i&&i.node()&&s.node().insertBefore(i.node().cloneNode(!0),s.node().firstChild),s.attr({class:I,height:o.height,preserveAspectRatio:"xMinYMin meet"}).style({overflow:"visible","pointer-events":"none"});var u=t.node().style.fill||"black",f=s.select("g");f.attr({fill:u,stroke:u});var h=l(f,"width"),p=l(f,"height"),d=+t.attr("x")-h*{start:0,middle:.5,end:1}[t.attr("text-anchor")||"start"],g=-(r||l(t,"height"))/4;"y"===I[0]?(c.attr({transform:"rotate("+[-90,+t.attr("x"),+t.attr("y")]+")"+a(-h/2,g-p/2)}),s.attr({x:+t.attr("x"),y:+t.attr("y")})):"l"===I[0]?s.attr({x:t.attr("x"),y:g-p/2}):"a"===I[0]&&0!==I.indexOf("atitle")?s.attr({x:0,y:g}):s.attr({x:d,y:+t.attr("y")+g-p/2}),A&&A.call(t,c),e(c)}))}))):P(),t}function P(){L.empty()||(I=t.attr("class")+"-math",L.select("svg."+I).remove()),t.text("").style("white-space","pre"),function(t,e){e=e.replace(m," ");var r,a=!1,l=[],c=-1;function u(){c++;var e=document.createElementNS(o.svg,"tspan");n.select(e).attr({class:"line",dy:c*s+"em"}),t.appendChild(e),r=e;var i=l;if(l=[{node:e}],i.length>1)for(var a=1;a doesnt match end tag <"+t+">. Pretending it did match.",e),r=l[l.length-1].node}else i.log("Ignoring unexpected end tag .",e)}x.test(e)?u():(r=t,l=[{node:t}]);for(var C=e.split(v),L=0;L|>|>)/g;var h={sup:"font-size:70%",sub:"font-size:70%",b:"font-weight:bold",i:"font-style:italic",a:"cursor:pointer",span:"",em:"font-style:italic;font-weight:bold"},p={sub:"0.3em",sup:"-0.6em"},d={sub:"-0.21em",sup:"0.42em"},g=["http:","https:","mailto:","",void 0,":"],m=r.NEWLINES=/(\r\n?|\n)/g,v=/(<[^<>]*>)/,y=/<(\/?)([^ >]*)(\s+(.*))?>/i,x=//i;r.BR_TAG_ALL=//gi;var b=/(^|[\s"'])style\s*=\s*("([^"]*);?"|'([^']*);?')/i,_=/(^|[\s"'])href\s*=\s*("([^"]*)"|'([^']*)')/i,w=/(^|[\s"'])target\s*=\s*("([^"\s]*)"|'([^'\s]*)')/i,T=/(^|[\s"'])popup\s*=\s*("([\w=,]*)"|'([\w=,]*)')/i;function k(t,e){if(!t)return null;var r=t.match(e),n=r&&(r[3]||r[4]);return n&&E(n)}var M=/(^|;)\s*color:/;r.plainText=function(t,e){for(var r=void 0!==(e=e||{}).len&&-1!==e.len?e.len:1/0,n=void 0!==e.allowedTags?e.allowedTags:["br"],i="...".length,a=t.split(v),o=[],s="",l=0,c=0;ci?o.push(u.substr(0,d-i)+"..."):o.push(u.substr(0,d));break}s=""}}return o.join("")};var A={mu:"\u03bc",amp:"&",lt:"<",gt:">",nbsp:"\xa0",times:"\xd7",plusmn:"\xb1",deg:"\xb0"},S=/&(#\d+|#x[\da-fA-F]+|[a-z]+);/g;function E(t){return t.replace(S,(function(t,e){return("#"===e.charAt(0)?function(t){if(t>1114111)return;var e=String.fromCodePoint;if(e)return e(t);var r=String.fromCharCode;return t<=65535?r(t):r(55232+(t>>10),t%1024+56320)}("x"===e.charAt(1)?parseInt(e.substr(2),16):parseInt(e.substr(1),10)):A[e])||t}))}function C(t,e,r){var n,a,o,s=r.horizontalAlign,l=r.verticalAlign||"top",c=t.node().getBoundingClientRect(),u=e.node().getBoundingClientRect();return a="bottom"===l?function(){return c.bottom-n.height}:"middle"===l?function(){return c.top+(c.height-n.height)/2}:function(){return c.top},o="right"===s?function(){return c.right-n.width}:"center"===s?function(){return c.left+(c.width-n.width)/2}:function(){return c.left},function(){n=this.node().getBoundingClientRect();var t=o()-u.left,e=a()-u.top,s=r.gd||{};if(r.gd){s._fullLayout._calcInverseTransform(s);var l=i.apply3DTransform(s._fullLayout._invTransform)(t,e);t=l[0],e=l[1]}return this.style({top:e+"px",left:t+"px","z-index":1e3}),this}}r.convertEntities=E,r.sanitizeHTML=function(t){t=t.replace(m," ");for(var e=document.createElement("p"),r=e,i=[],a=t.split(v),o=0;oa.ts+e?l():a.timer=setTimeout((function(){l(),a.timer=null}),e)},r.done=function(t){var e=n[t];return e&&e.timer?new Promise((function(t){var r=e.onDone;e.onDone=function(){r&&r(),t(),e.onDone=null}})):Promise.resolve()},r.clear=function(t){if(t)i(n[t]),delete n[t];else for(var e in n)r.clear(e)}},{}],805:[function(t,e,r){"use strict";var n=t("fast-isnumeric");e.exports=function(t,e){if(t>0)return Math.log(t)/Math.LN10;var r=Math.log(Math.min(e[0],e[1]))/Math.LN10;return n(r)||(r=Math.log(Math.max(e[0],e[1]))/Math.LN10-6),r}},{"fast-isnumeric":241}],806:[function(t,e,r){"use strict";var n=e.exports={},i=t("../plots/geo/constants").locationmodeToLayer,a=t("topojson-client").feature;n.getTopojsonName=function(t){return[t.scope.replace(/ /g,"-"),"_",t.resolution.toString(),"m"].join("")},n.getTopojsonPath=function(t,e){return t+e+".json"},n.getTopojsonFeatures=function(t,e){var r=i[t.locationmode],n=e.objects[r];return a(e,n).features}},{"../plots/geo/constants":858,"topojson-client":579}],807:[function(t,e,r){"use strict";e.exports={moduleType:"locale",name:"en-US",dictionary:{"Click to enter Colorscale title":"Click to enter Colorscale title"},format:{date:"%m/%d/%Y"}}},{}],808:[function(t,e,r){"use strict";e.exports={moduleType:"locale",name:"en",dictionary:{"Click to enter Colorscale title":"Click to enter Colourscale title"},format:{days:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],shortDays:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],months:["January","February","March","April","May","June","July","August","September","October","November","December"],shortMonths:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"],periods:["AM","PM"],dateTime:"%a %b %e %X %Y",date:"%d/%m/%Y",time:"%H:%M:%S",decimal:".",thousands:",",grouping:[3],currency:["$",""],year:"%Y",month:"%b %Y",dayMonth:"%b %-d",dayMonthYear:"%b %-d, %Y"}}},{}],809:[function(t,e,r){"use strict";var n=t("../registry");e.exports=function(t){for(var e,r,i=n.layoutArrayContainers,a=n.layoutArrayRegexes,o=t.split("[")[0],s=0;s0&&o.log("Clearing previous rejected promises from queue."),t._promises=[]},r.cleanLayout=function(t){var e,n;t||(t={}),t.xaxis1&&(t.xaxis||(t.xaxis=t.xaxis1),delete t.xaxis1),t.yaxis1&&(t.yaxis||(t.yaxis=t.yaxis1),delete t.yaxis1),t.scene1&&(t.scene||(t.scene=t.scene1),delete t.scene1);var a=(s.subplotsRegistry.cartesian||{}).attrRegex,l=(s.subplotsRegistry.polar||{}).attrRegex,f=(s.subplotsRegistry.ternary||{}).attrRegex,h=(s.subplotsRegistry.gl3d||{}).attrRegex,g=Object.keys(t);for(e=0;e3?(z.x=1.02,z.xanchor="left"):z.x<-2&&(z.x=-.02,z.xanchor="right"),z.y>3?(z.y=1.02,z.yanchor="bottom"):z.y<-2&&(z.y=-.02,z.yanchor="top")),d(t),"rotate"===t.dragmode&&(t.dragmode="orbit"),c.clean(t),t.template&&t.template.layout&&r.cleanLayout(t.template.layout),t},r.cleanData=function(t){for(var e=0;e0)return t.substr(0,e)}r.hasParent=function(t,e){for(var r=b(e);r;){if(r in t)return!0;r=b(r)}return!1};var _=["x","y","z"];r.clearAxisTypes=function(t,e,r){for(var n=0;n1&&a.warn("Full array edits are incompatible with other edits",f);var y=r[""][""];if(c(y))e.set(null);else{if(!Array.isArray(y))return a.warn("Unrecognized full array edit value",f,y),!0;e.set(y)}return!g&&(h(m,v),p(t),!0)}var x,b,_,w,T,k,M,A,S=Object.keys(r).map(Number).sort(o),E=e.get(),C=E||[],L=u(v,f).get(),I=[],P=-1,z=C.length;for(x=0;xC.length-(M?0:1))a.warn("index out of range",f,_);else if(void 0!==k)T.length>1&&a.warn("Insertion & removal are incompatible with edits to the same index.",f,_),c(k)?I.push(_):M?("add"===k&&(k={}),C.splice(_,0,k),L&&L.splice(_,0,{})):a.warn("Unrecognized full object edit value",f,_,k),-1===P&&(P=_);else for(b=0;b=0;x--)C.splice(I[x],1),L&&L.splice(I[x],1);if(C.length?E||e.set(C):e.set(null),g)return!1;if(h(m,v),d!==i){var O;if(-1===P)O=S;else{for(z=Math.max(C.length,z),O=[],x=0;x=P);x++)O.push(_);for(x=P;x=t.data.length||i<-t.data.length)throw new Error(r+" must be valid indices for gd.data.");if(e.indexOf(i,n+1)>-1||i>=0&&e.indexOf(-t.data.length+i)>-1||i<0&&e.indexOf(t.data.length+i)>-1)throw new Error("each index in "+r+" must be unique.")}}function O(t,e,r){if(!Array.isArray(t.data))throw new Error("gd.data must be an array.");if("undefined"==typeof e)throw new Error("currentIndices is a required argument.");if(Array.isArray(e)||(e=[e]),z(t,e,"currentIndices"),"undefined"==typeof r||Array.isArray(r)||(r=[r]),"undefined"!=typeof r&&z(t,r,"newIndices"),"undefined"!=typeof r&&e.length!==r.length)throw new Error("current and new indices must be of equal length.")}function D(t,e,r,n,a){!function(t,e,r,n){var i=o.isPlainObject(n);if(!Array.isArray(t.data))throw new Error("gd.data must be an array");if(!o.isPlainObject(e))throw new Error("update must be a key:value object");if("undefined"==typeof r)throw new Error("indices must be an integer or array of integers");for(var a in z(t,r,"indices"),e){if(!Array.isArray(e[a])||e[a].length!==r.length)throw new Error("attribute "+a+" must be an array of length equal to indices array length");if(i&&(!(a in n)||!Array.isArray(n[a])||n[a].length!==e[a].length))throw new Error("when maxPoints is set as a key:value object it must contain a 1:1 corrispondence with the keys and number of traces in the update object")}}(t,e,r,n);for(var l=function(t,e,r,n){var a,l,c,u,f,h=o.isPlainObject(n),p=[];for(var d in Array.isArray(r)||(r=[r]),r=P(r,t.data.length-1),e)for(var g=0;g-1?l(r,r.replace("titlefont","title.font")):r.indexOf("titleposition")>-1?l(r,r.replace("titleposition","title.position")):r.indexOf("titleside")>-1?l(r,r.replace("titleside","title.side")):r.indexOf("titleoffset")>-1&&l(r,r.replace("titleoffset","title.offset")):l(r,r.replace("title","title.text"));function l(e,r){t[r]=t[e],delete t[e]}}function q(t,e,r){if(t=o.getGraphDiv(t),T.clearPromiseQueue(t),t.framework&&t.framework.isPolar)return Promise.resolve(t);var n={};if("string"==typeof e)n[e]=r;else{if(!o.isPlainObject(e))return o.warn("Relayout fail.",e,r),Promise.reject();n=o.extendFlat({},e)}Object.keys(n).length&&(t.changed=!0);var i=Z(t,n),a=i.flags;a.calc&&(t.calcdata=void 0);var s=[h.previousPromises];a.layoutReplot?s.push(k.layoutReplot):Object.keys(n).length&&(H(t,a,i)||h.supplyDefaults(t),a.legend&&s.push(k.doLegend),a.layoutstyle&&s.push(k.layoutStyles),a.axrange&&G(s,i.rangesAltered),a.ticks&&s.push(k.doTicksRelayout),a.modebar&&s.push(k.doModeBar),a.camera&&s.push(k.doCamera),a.colorbars&&s.push(k.doColorBars),s.push(E)),s.push(h.rehover,h.redrag),c.add(t,q,[t,i.undoit],q,[t,i.redoit]);var l=o.syncOrAsync(s,t);return l&&l.then||(l=Promise.resolve(t)),l.then((function(){return t.emit("plotly_relayout",i.eventData),t}))}function H(t,e,r){var n=t._fullLayout;if(!e.axrange)return!1;for(var i in e)if("axrange"!==i&&e[i])return!1;for(var a in r.rangesAltered){var o=d.id2name(a),s=t.layout[o],l=n[o];if(l.autorange=s.autorange,s.range&&(l.range=s.range.slice()),l.cleanRange(),l._matchGroup)for(var c in l._matchGroup)if(c!==a){var u=n[d.id2name(c)];u.autorange=l.autorange,u.range=l.range.slice(),u._input.range=l.range.slice()}}return!0}function G(t,e){var r=e?function(t){var r=[],n=!0;for(var i in e){var a=d.getFromId(t,i);if(r.push(i),-1!==(a.ticklabelposition||"").indexOf("inside")&&a._anchorAxis&&r.push(a._anchorAxis._id),a._matchGroup)for(var o in a._matchGroup)e[o]||r.push(o);a.automargin&&(n=!1)}return d.draw(t,r,{skipTitle:n})}:function(t){return d.draw(t,"redraw")};t.push(b,k.doAutoRangeAndConstraints,r,k.drawData,k.finalDraw)}var Y=/^[xyz]axis[0-9]*\.range(\[[0|1]\])?$/,W=/^[xyz]axis[0-9]*\.autorange$/,X=/^[xyz]axis[0-9]*\.domain(\[[0|1]\])?$/;function Z(t,e){var r,n,i,a=t.layout,l=t._fullLayout,c=l._guiEditing,h=N(l._preGUI,c),p=Object.keys(e),g=d.list(t),m=o.extendDeepAll({},e),v={};for(V(e),p=Object.keys(e),n=0;n0&&"string"!=typeof z.parts[D];)D--;var R=z.parts[D],F=z.parts[D-1]+"."+R,j=z.parts.slice(0,D).join("."),U=s(t.layout,j).get(),q=s(l,j).get(),H=z.get();if(void 0!==O){k[P]=O,S[P]="reverse"===R?O:B(H);var G=f.getLayoutValObject(l,z.parts);if(G&&G.impliedEdits&&null!==O)for(var Z in G.impliedEdits)E(o.relativeAttr(P,Z),G.impliedEdits[Z]);if(-1!==["width","height"].indexOf(P))if(O){E("autosize",null);var K="height"===P?"width":"height";E(K,l[K])}else l[P]=t._initialAutoSize[P];else if("autosize"===P)E("width",O?null:l.width),E("height",O?null:l.height);else if(F.match(Y))I(F),s(l,j+"._inputRange").set(null);else if(F.match(W)){I(F),s(l,j+"._inputRange").set(null);var Q=s(l,j).get();Q._inputDomain&&(Q._input.domain=Q._inputDomain.slice())}else F.match(X)&&s(l,j+"._inputDomain").set(null);if("type"===R){C=U;var $="linear"===q.type&&"log"===O,tt="log"===q.type&&"linear"===O;if($||tt){if(C&&C.range)if(q.autorange)$&&(C.range=C.range[1]>C.range[0]?[1,2]:[2,1]);else{var et=C.range[0],rt=C.range[1];$?(et<=0&&rt<=0&&E(j+".autorange",!0),et<=0?et=rt/1e6:rt<=0&&(rt=et/1e6),E(j+".range[0]",Math.log(et)/Math.LN10),E(j+".range[1]",Math.log(rt)/Math.LN10)):(E(j+".range[0]",Math.pow(10,et)),E(j+".range[1]",Math.pow(10,rt)))}else E(j+".autorange",!0);Array.isArray(l._subplots.polar)&&l._subplots.polar.length&&l[z.parts[0]]&&"radialaxis"===z.parts[1]&&delete l[z.parts[0]]._subplot.viewInitial["radialaxis.range"],u.getComponentMethod("annotations","convertCoords")(t,q,O,E),u.getComponentMethod("images","convertCoords")(t,q,O,E)}else E(j+".autorange",!0),E(j+".range",null);s(l,j+"._inputRange").set(null)}else if(R.match(A)){var nt=s(l,P).get(),it=(O||{}).type;it&&"-"!==it||(it="linear"),u.getComponentMethod("annotations","convertCoords")(t,nt,it,E),u.getComponentMethod("images","convertCoords")(t,nt,it,E)}var at=w.containerArrayMatch(P);if(at){r=at.array,n=at.index;var ot=at.property,st=G||{editType:"calc"};""!==n&&""===ot&&(w.isAddVal(O)?S[P]=null:w.isRemoveVal(O)?S[P]=(s(a,r).get()||[])[n]:o.warn("unrecognized full object value",e)),M.update(_,st),v[r]||(v[r]={});var lt=v[r][n];lt||(lt=v[r][n]={}),lt[ot]=O,delete e[P]}else"reverse"===R?(U.range?U.range.reverse():(E(j+".autorange",!0),U.range=[1,0]),q.autorange?_.calc=!0:_.plot=!0):(l._has("scatter-like")&&l._has("regl")&&"dragmode"===P&&("lasso"===O||"select"===O)&&"lasso"!==H&&"select"!==H||l._has("gl2d")?_.plot=!0:G?M.update(_,G):_.calc=!0,z.set(O))}}for(r in v){w.applyContainerArrayChanges(t,h(a,r),v[r],_,h)||(_.plot=!0)}for(var ct in L){var ut=(C=d.getFromId(t,ct))&&C._constraintGroup;if(ut)for(var ft in _.calc=!0,ut)L[ft]||(d.getFromId(t,ft)._constraintShrinkable=!0)}return(J(t)||e.height||e.width)&&(_.plot=!0),(_.plot||_.calc)&&(_.layoutReplot=!0),{flags:_,rangesAltered:L,undoit:S,redoit:k,eventData:m}}function J(t){var e=t._fullLayout,r=e.width,n=e.height;return t.layout.autosize&&h.plotAutoSize(t,t.layout,e),e.width!==r||e.height!==n}function K(t,e,n,i){if(t=o.getGraphDiv(t),T.clearPromiseQueue(t),t.framework&&t.framework.isPolar)return Promise.resolve(t);o.isPlainObject(e)||(e={}),o.isPlainObject(n)||(n={}),Object.keys(e).length&&(t.changed=!0),Object.keys(n).length&&(t.changed=!0);var a=T.coerceTraceIndices(t,i),s=U(t,o.extendFlat({},e),a),l=s.flags,u=Z(t,o.extendFlat({},n)),f=u.flags;(l.calc||f.calc)&&(t.calcdata=void 0),l.clearAxisTypes&&T.clearAxisTypes(t,a,n);var p=[];f.layoutReplot?p.push(k.layoutReplot):l.fullReplot?p.push(r.plot):(p.push(h.previousPromises),H(t,f,u)||h.supplyDefaults(t),l.style&&p.push(k.doTraceStyle),(l.colorbars||f.colorbars)&&p.push(k.doColorBars),f.legend&&p.push(k.doLegend),f.layoutstyle&&p.push(k.layoutStyles),f.axrange&&G(p,u.rangesAltered),f.ticks&&p.push(k.doTicksRelayout),f.modebar&&p.push(k.doModeBar),f.camera&&p.push(k.doCamera),p.push(E)),p.push(h.rehover,h.redrag),c.add(t,K,[t,s.undoit,u.undoit,s.traces],K,[t,s.redoit,u.redoit,s.traces]);var d=o.syncOrAsync(p,t);return d&&d.then||(d=Promise.resolve(t)),d.then((function(){return t.emit("plotly_update",{data:s.eventData,layout:u.eventData}),t}))}function Q(t){return function(e){e._fullLayout._guiEditing=!0;var r=t.apply(null,arguments);return e._fullLayout._guiEditing=!1,r}}var $=[{pattern:/^hiddenlabels/,attr:"legend.uirevision"},{pattern:/^((x|y)axis\d*)\.((auto)?range|title\.text)/},{pattern:/axis\d*\.showspikes$/,attr:"modebar.uirevision"},{pattern:/(hover|drag)mode$/,attr:"modebar.uirevision"},{pattern:/^(scene\d*)\.camera/},{pattern:/^(geo\d*)\.(projection|center|fitbounds)/},{pattern:/^(ternary\d*\.[abc]axis)\.(min|title\.text)$/},{pattern:/^(polar\d*\.radialaxis)\.((auto)?range|angle|title\.text)/},{pattern:/^(polar\d*\.angularaxis)\.rotation/},{pattern:/^(mapbox\d*)\.(center|zoom|bearing|pitch)/},{pattern:/^legend\.(x|y)$/,attr:"editrevision"},{pattern:/^(shapes|annotations)/,attr:"editrevision"},{pattern:/^title\.text$/,attr:"editrevision"}],tt=[{pattern:/^selectedpoints$/,attr:"selectionrevision"},{pattern:/(^|value\.)visible$/,attr:"legend.uirevision"},{pattern:/^dimensions\[\d+\]\.constraintrange/},{pattern:/^node\.(x|y|groups)/},{pattern:/^level$/},{pattern:/(^|value\.)name$/},{pattern:/colorbar\.title\.text$/},{pattern:/colorbar\.(x|y)$/,attr:"editrevision"}];function et(t,e){for(var r=0;r1;)if(n.pop(),void 0!==(r=s(e,n.join(".")+".uirevision").get()))return r;return e.uirevision}function nt(t,e){for(var r=0;r=i.length?i[0]:i[t]:i}function l(t){return Array.isArray(a)?t>=a.length?a[0]:a[t]:a}function c(t,e){var r=0;return function(){if(t&&++r===e)return t()}}return void 0===n._frameWaitingCnt&&(n._frameWaitingCnt=0),new Promise((function(a,u){function f(){n._currentFrame&&n._currentFrame.onComplete&&n._currentFrame.onComplete();var e=n._currentFrame=n._frameQueue.shift();if(e){var r=e.name?e.name.toString():null;t._fullLayout._currentFrame=r,n._lastFrameAt=Date.now(),n._timeToNext=e.frameOpts.duration,h.transition(t,e.frame.data,e.frame.layout,T.coerceTraceIndices(t,e.frame.traces),e.frameOpts,e.transitionOpts).then((function(){e.onComplete&&e.onComplete()})),t.emit("plotly_animatingframe",{name:r,frame:e.frame,animation:{frame:e.frameOpts,transition:e.transitionOpts}})}else t.emit("plotly_animated"),window.cancelAnimationFrame(n._animationRaf),n._animationRaf=null}function p(){t.emit("plotly_animating"),n._lastFrameAt=-1/0,n._timeToNext=0,n._runningTransitions=0,n._currentFrame=null;var e=function(){n._animationRaf=window.requestAnimationFrame(e),Date.now()-n._lastFrameAt>n._timeToNext&&f()};e()}var d,g,m=0;function v(t){return Array.isArray(i)?m>=i.length?t.transitionOpts=i[m]:t.transitionOpts=i[0]:t.transitionOpts=i,m++,t}var y=[],x=null==e,b=Array.isArray(e);if(!x&&!b&&o.isPlainObject(e))y.push({type:"object",data:v(o.extendFlat({},e))});else if(x||-1!==["string","number"].indexOf(typeof e))for(d=0;d0&&kk)&&M.push(g);y=M}}y.length>0?function(e){if(0!==e.length){for(var i=0;i=0;n--)if(o.isPlainObject(e[n])){var g=e[n].name,m=(u[g]||d[g]||{}).name,v=e[n].name,y=u[m]||d[m];m&&v&&"number"==typeof v&&y&&S<5&&(S++,o.warn('addFrames: overwriting frame "'+(u[m]||d[m]).name+'" with a frame whose name of type "number" also equates to "'+m+'". This is valid but may potentially lead to unexpected behavior since all plotly.js frame names are stored internally as strings.'),5===S&&o.warn("addFrames: This API call has yielded too many of these warnings. For the rest of this call, further warnings about numeric frame names will be suppressed.")),d[g]={name:g},p.push({frame:h.supplyFrameDefaults(e[n]),index:r&&void 0!==r[n]&&null!==r[n]?r[n]:f+n})}p.sort((function(t,e){return t.index>e.index?-1:t.index=0;n--){if("number"==typeof(i=p[n].frame).name&&o.warn("Warning: addFrames accepts frames with numeric names, but the numbers areimplicitly cast to strings"),!i.name)for(;u[i.name="frame "+t._transitionData._counter++];);if(u[i.name]){for(a=0;a=0;r--)n=e[r],a.push({type:"delete",index:n}),s.unshift({type:"insert",index:n,value:i[n]});var l=h.modifyFrames,u=h.modifyFrames,f=[t,s],p=[t,a];return c&&c.add(t,l,f,u,p),h.modifyFrames(t,a)},r.addTraces=function t(e,n,i){e=o.getGraphDiv(e);var a,s,l=[],u=r.deleteTraces,f=t,h=[e,l],p=[e,n];for(function(t,e,r){var n,i;if(!Array.isArray(t.data))throw new Error("gd.data must be an array.");if("undefined"==typeof e)throw new Error("traces must be defined.");for(Array.isArray(e)||(e=[e]),n=0;n=0&&r=0&&r=a.length)return!1;if(2===t.dimensions){if(r++,e.length===r)return t;var o=e[r];if(!_(o))return!1;t=a[i][o]}else t=a[i]}else t=a}}return t}function _(t){return t===Math.round(t)&&t>=0}function w(){var t,e,r={};for(t in d(r,o),n.subplotsRegistry){if((e=n.subplotsRegistry[t]).layoutAttributes)if(Array.isArray(e.attr))for(var i=0;i=l.length)return!1;i=(r=(n.transformsRegistry[l[c].type]||{}).attributes)&&r[e[2]],s=3}else if("area"===t.type)i=u[o];else{var f=t._module;if(f||(f=(n.modules[t.type||a.type.dflt]||{})._module),!f)return!1;if(!(i=(r=f.attributes)&&r[o])){var h=f.basePlotModule;h&&h.attributes&&(i=h.attributes[o])}i||(i=a[o])}return b(i,e,s)},r.getLayoutValObject=function(t,e){return b(function(t,e){var r,i,a,s,l=t._basePlotModules;if(l){var c;for(r=0;r=i&&(r._input||{})._templateitemname;o&&(a=i);var s,l=e+"["+a+"]";function c(){s={},o&&(s[l]={},s[l].templateitemname=o)}function u(t,e){o?n.nestedProperty(s[l],t).set(e):s[l+"."+t]=e}function f(){var t=s;return c(),t}return c(),{modifyBase:function(t,e){s[t]=e},modifyItem:u,getUpdateObj:f,applyUpdate:function(e,r){e&&u(e,r);var i=f();for(var a in i)n.nestedProperty(t,a).set(i[a])}}}},{"../lib":778,"../plots/attributes":824}],818:[function(t,e,r){"use strict";var n=t("d3"),i=t("../registry"),a=t("../plots/plots"),o=t("../lib"),s=t("../lib/clear_gl_canvases"),l=t("../components/color"),c=t("../components/drawing"),u=t("../components/titles"),f=t("../components/modebar"),h=t("../plots/cartesian/axes"),p=t("../constants/alignment"),d=t("../plots/cartesian/constraints"),g=d.enforce,m=d.clean,v=t("../plots/cartesian/autorange").doAutoRange;function y(t,e,r){for(var n=0;n=t[1]||i[1]<=t[0])&&(a[0]e[0]))return!0}return!1}function x(t){var e,i,s,u,d,g,m=t._fullLayout,v=m._size,x=v.p,_=h.list(t,"",!0);if(m._paperdiv.style({width:t._context.responsive&&m.autosize&&!t._context._hasZeroWidth&&!t.layout.width?"100%":m.width+"px",height:t._context.responsive&&m.autosize&&!t._context._hasZeroHeight&&!t.layout.height?"100%":m.height+"px"}).selectAll(".main-svg").call(c.setSize,m.width,m.height),t._context.setBackground(t,m.paper_bgcolor),r.drawMainTitle(t),f.manage(t),!m._has("cartesian"))return a.previousPromises(t);function T(t,e,r){var n=t._lw/2;return"x"===t._id.charAt(0)?e?"top"===r?e._offset-x-n:e._offset+e._length+x+n:v.t+v.h*(1-(t.position||0))+n%1:e?"right"===r?e._offset+e._length+x+n:e._offset-x-n:v.l+v.w*(t.position||0)+n%1}for(e=0;e<_.length;e++){var k=(u=_[e])._anchorAxis;u._linepositions={},u._lw=c.crispRound(t,u.linewidth,1),u._mainLinePosition=T(u,k,u.side),u._mainMirrorPosition=u.mirror&&k?T(u,k,p.OPPOSITE_SIDE[u.side]):null}var M=[],A=[],S=[],E=1===l.opacity(m.paper_bgcolor)&&1===l.opacity(m.plot_bgcolor)&&m.paper_bgcolor===m.plot_bgcolor;for(i in m._plots)if((s=m._plots[i]).mainplot)s.bg&&s.bg.remove(),s.bg=void 0;else{var C=s.xaxis.domain,L=s.yaxis.domain,I=s.plotgroup;if(y(C,L,S)){var P=I.node(),z=s.bg=o.ensureSingle(I,"rect","bg");P.insertBefore(z.node(),P.childNodes[0]),A.push(i)}else I.select("rect.bg").remove(),S.push([C,L]),E||(M.push(i),A.push(i))}var O,D,R,F,B,N,j,U,V,q,H,G,Y,W=m._bgLayer.selectAll(".bg").data(M);for(W.enter().append("rect").classed("bg",!0),W.exit().remove(),W.each((function(t){m._plots[t].bg=n.select(this)})),e=0;eT?u.push({code:"unused",traceType:y,templateCount:w,dataCount:T}):T>w&&u.push({code:"reused",traceType:y,templateCount:w,dataCount:T})}}else u.push({code:"data"});if(function t(e,r){for(var n in e)if("_"!==n.charAt(0)){var a=e[n],o=g(e,n,r);i(a)?(Array.isArray(e)&&!1===a._template&&a.templateitemname&&u.push({code:"missing",path:o,templateitemname:a.templateitemname}),t(a,o)):Array.isArray(a)&&m(a)&&t(a,o)}}({data:p,layout:h},""),u.length)return u.map(v)}},{"../lib":778,"../plots/attributes":824,"../plots/plots":891,"./plot_config":815,"./plot_schema":816,"./plot_template":817}],820:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("./plot_api"),a=t("../plots/plots"),o=t("../lib"),s=t("../snapshot/helpers"),l=t("../snapshot/tosvg"),c=t("../snapshot/svgtoimg"),u=t("../version").version,f={format:{valType:"enumerated",values:["png","jpeg","webp","svg","full-json"],dflt:"png"},width:{valType:"number",min:1},height:{valType:"number",min:1},scale:{valType:"number",min:0,dflt:1},setBackground:{valType:"any",dflt:!1},imageDataOnly:{valType:"boolean",dflt:!1}};e.exports=function(t,e){var r,h,p,d;function g(t){return!(t in e)||o.validate(e[t],f[t])}if(e=e||{},o.isPlainObject(t)?(r=t.data||[],h=t.layout||{},p=t.config||{},d={}):(t=o.getGraphDiv(t),r=o.extendDeep([],t.data),h=o.extendDeep({},t.layout),p=t._context,d=t._fullLayout||{}),!g("width")&&null!==e.width||!g("height")&&null!==e.height)throw new Error("Height and width should be pixel values.");if(!g("format"))throw new Error("Export format is not "+o.join2(f.format.values,", "," or ")+".");var m={};function v(t,r){return o.coerce(e,m,f,t,r)}var y=v("format"),x=v("width"),b=v("height"),_=v("scale"),w=v("setBackground"),T=v("imageDataOnly"),k=document.createElement("div");k.style.position="absolute",k.style.left="-5000px",document.body.appendChild(k);var M=o.extendFlat({},h);x?M.width=x:null===e.width&&n(d.width)&&(M.width=d.width),b?M.height=b:null===e.height&&n(d.height)&&(M.height=d.height);var A=o.extendFlat({},p,{_exportedPlot:!0,staticPlot:!0,setBackground:w}),S=s.getRedrawFunc(k);function E(){return new Promise((function(t){setTimeout(t,s.getDelay(k._fullLayout))}))}function C(){return new Promise((function(t,e){var r=l(k,y,_),n=k._fullLayout.width,f=k._fullLayout.height;function h(){i.purge(k),document.body.removeChild(k)}if("full-json"===y){var p=a.graphJson(k,!1,"keepdata","object",!0,!0);return p.version=u,p=JSON.stringify(p),h(),t(T?p:s.encodeJSON(p))}if(h(),"svg"===y)return t(T?r:s.encodeSVG(r));var d=document.createElement("canvas");d.id=o.randstr(),c({format:y,width:n,height:f,scale:_,canvas:d,svg:r,promise:!0}).then(t).catch(e)}))}return new Promise((function(t,e){i.plot(k,r,M,A).then(S).then(E).then(C).then((function(e){t(function(t){return T?t.replace(s.IMAGE_URL_PREFIX,""):t}(e))})).catch((function(t){e(t)}))}))}},{"../lib":778,"../plots/plots":891,"../snapshot/helpers":915,"../snapshot/svgtoimg":917,"../snapshot/tosvg":919,"../version":1370,"./plot_api":814,"fast-isnumeric":241}],821:[function(t,e,r){"use strict";var n=t("../lib"),i=t("../plots/plots"),a=t("./plot_schema"),o=t("./plot_config").dfltConfig,s=n.isPlainObject,l=Array.isArray,c=n.isArrayOrTypedArray;function u(t,e,r,i,a,o){o=o||[];for(var f=Object.keys(t),h=0;hx.length&&i.push(d("unused",a,v.concat(x.length)));var M,A,S,E,C,L=x.length,I=Array.isArray(k);if(I&&(L=Math.min(L,k.length)),2===b.dimensions)for(A=0;Ax[A].length&&i.push(d("unused",a,v.concat(A,x[A].length)));var P=x[A].length;for(M=0;M<(I?Math.min(P,k[A].length):P);M++)S=I?k[A][M]:k,E=y[A][M],C=x[A][M],n.validate(E,S)?C!==E&&C!==+E&&i.push(d("dynamic",a,v.concat(A,M),E,C)):i.push(d("value",a,v.concat(A,M),E))}else i.push(d("array",a,v.concat(A),y[A]));else for(A=0;A1&&p.push(d("object","layout"))),i.supplyDefaults(g);for(var m=g._fullData,v=r.length,y=0;y0&&Math.round(f)===f))return i;c=f}for(var h=e.calendar,p="start"===l,d="end"===l,g=t[r+"period0"],m=a(g,h)||0,v=[],y=i.length,x=0;xT;)w=o(w,-c,h);for(;w<=T;)w=o(w,c,h);_=o(w,-c,h)}else{for(w=m+(b=Math.round((T-m)/u))*u;w>T;)w-=u;for(;w<=T;)w+=u;_=w-u}v[x]=p?_:d?w:(_+w)/2}return v}},{"../../constants/numerical":753,"../../lib":778,"fast-isnumeric":241}],826:[function(t,e,r){"use strict";e.exports={xaxis:{valType:"subplotid",dflt:"x",editType:"calc+clearAxisTypes"},yaxis:{valType:"subplotid",dflt:"y",editType:"calc+clearAxisTypes"}}},{}],827:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../lib"),a=t("../../constants/numerical").FP_SAFE,o=t("../../registry"),s=t("./axis_ids"),l=s.getFromId,c=s.isLinked;function u(t,e){var r,n,a=[],o=t._fullLayout,s=h(o,e,0),l=h(o,e,1),c=p(t,e),u=c.min,d=c.max;if(0===u.length||0===d.length)return i.simpleMap(e.range,e.r2l);var g=u[0].val,m=d[0].val;for(r=1;r0&&((T=E-s(x)-l(b))>C?k/T>L&&(_=x,w=b,L=k/T):k/E>L&&(_={val:x.val,nopad:1},w={val:b.val,nopad:1},L=k/E));if(g===m){var I=g-1,P=g+1;if(A)if(0===g)a=[0,1];else{var z=(g>0?d:u).reduce((function(t,e){return Math.max(t,l(e))}),0),O=g/(1-Math.min(.5,z/E));a=g>0?[0,O]:[O,0]}else a=S?[Math.max(0,I),Math.max(1,P)]:[I,P]}else A?(_.val>=0&&(_={val:0,nopad:1}),w.val<=0&&(w={val:0,nopad:1})):S&&(_.val-L*s(_)<0&&(_={val:0,nopad:1}),w.val<=0&&(w={val:1,nopad:1})),L=(w.val-_.val-f(e,x.val,b.val))/(E-s(_)-l(w)),a=[_.val-L*s(_),w.val+L*l(w)];return v&&a.reverse(),i.simpleMap(a,e.l2r||Number)}function f(t,e,r){var n=0;if(t.rangebreaks)for(var i=t.locateBreaks(e,r),a=0;a0?r.ppadplus:r.ppadminus)||r.ppad||0),S=M((t._m>0?r.ppadminus:r.ppadplus)||r.ppad||0),E=M(r.vpadplus||r.vpad),C=M(r.vpadminus||r.vpad);if(!T){if(h=1/0,p=-1/0,w)for(i=0;i0&&(h=o),o>p&&o-a&&(h=o),o>p&&o=P;i--)I(i);return{min:m,max:y,opts:r}},concatExtremes:p};function p(t,e,r){var n,i,a,o=e._id,s=t._fullData,c=t._fullLayout,u=[],f=[];function h(t,e){for(n=0;n=r&&(c.extrapad||!o)){s=!1;break}i(e,c.val)&&c.pad<=r&&(o||!c.extrapad)&&(t.splice(l,1),l--)}if(s){var u=a&&0===e;t.push({val:e,pad:u?0:r,extrapad:!u&&o})}}function v(t){return n(t)&&Math.abs(t)=e}},{"../../constants/numerical":753,"../../lib":778,"../../registry":911,"./axis_ids":831,"fast-isnumeric":241}],828:[function(t,e,r){"use strict";var n=t("d3"),i=t("fast-isnumeric"),a=t("../../plots/plots"),o=t("../../registry"),s=t("../../lib"),l=s.strTranslate,c=t("../../lib/svg_text_utils"),u=t("../../components/titles"),f=t("../../components/color"),h=t("../../components/drawing"),p=t("./layout_attributes"),d=t("./clean_ticks"),g=t("../../constants/numerical"),m=g.ONEMAXYEAR,v=g.ONEAVGYEAR,y=g.ONEMINYEAR,x=g.ONEMAXQUARTER,b=g.ONEAVGQUARTER,_=g.ONEMINQUARTER,w=g.ONEMAXMONTH,T=g.ONEAVGMONTH,k=g.ONEMINMONTH,M=g.ONEWEEK,A=g.ONEDAY,S=A/2,E=g.ONEHOUR,C=g.ONEMIN,L=g.ONESEC,I=g.MINUS_SIGN,P=g.BADNUM,z=t("../../constants/alignment"),O=z.MID_SHIFT,D=z.CAP_SHIFT,R=z.LINE_SPACING,F=z.OPPOSITE_SIDE,B=e.exports={};B.setConvert=t("./set_convert");var N=t("./axis_autotype"),j=t("./axis_ids"),U=j.idSort,V=j.isLinked;B.id2name=j.id2name,B.name2id=j.name2id,B.cleanId=j.cleanId,B.list=j.list,B.listIds=j.listIds,B.getFromId=j.getFromId,B.getFromTrace=j.getFromTrace;var q=t("./autorange");B.getAutoRange=q.getAutoRange,B.findExtremes=q.findExtremes;function H(t){var e=1e-4*(t[1]-t[0]);return[t[0]-e,t[1]+e]}B.coerceRef=function(t,e,r,n,i,a){var o=n.charAt(n.length-1),l=r._fullLayout._subplots[o+"axis"],c=n+"ref",u={};return i||(i=l[0]||("string"==typeof a?a:a[0])),a||(a=i),l=l.concat(l.map((function(t){return t+" domain"}))),u[c]={valType:"enumerated",values:l.concat(a?"string"==typeof a?[a]:a:[]),dflt:i},s.coerce(t,e,u,c)},B.getRefType=function(t){return void 0===t?t:"paper"===t?"paper":"pixel"===t?"pixel":/( domain)$/.test(t)?"domain":"range"},B.coercePosition=function(t,e,r,n,i,a){var o,l;if("range"!==B.getRefType(n))o=s.ensureNumber,l=r(i,a);else{var c=B.getFromId(e,n);l=r(i,a=c.fraction2r(a)),o=c.cleanPos}t[i]=o(l)},B.cleanPosition=function(t,e,r){return("paper"===r||"pixel"===r?s.ensureNumber:B.getFromId(e,r).cleanPos)(t)},B.redrawComponents=function(t,e){e=e||B.listIds(t);var r=t._fullLayout;function n(n,i,a,s){for(var l=o.getComponentMethod(n,i),c={},u=0;u2e-6||((r-t._forceTick0)/t._minDtick%1+1.000001)%1>2e-6)&&(t._minDtick=0)):t._minDtick=0},B.saveRangeInitial=function(t,e){for(var r=B.list(t,"",!0),n=!1,i=0;i.3*h||u(n)||u(a))){var p=r.dtick/2;t+=t+p.8){var o=Number(r.substr(1));a.exactYears>.8&&o%12==0?t=B.tickIncrement(t,"M6","reverse")+1.5*A:a.exactMonths>.8?t=B.tickIncrement(t,"M1","reverse")+15.5*A:t-=S;var l=B.tickIncrement(t,r);if(l<=n)return l}return t}(y,t,v,c,a)),m=y,0;m<=u;)m=B.tickIncrement(m,v,!1,a);return{start:e.c2r(y,0,a),end:e.c2r(m,0,a),size:v,_dataSpan:u-c}},B.prepTicks=function(t,e){var r=s.simpleMap(t.range,t.r2l,void 0,void 0,e);if(t._dtickInit=t.dtick,t._tick0Init=t.tick0,"auto"===t.tickmode||!t.dtick){var n,a=t.nticks;a||("category"===t.type||"multicategory"===t.type?(n=t.tickfont?1.2*(t.tickfont.size||12):15,a=t._length/n):(n="y"===t._id.charAt(0)?40:80,a=s.constrain(t._length/n,4,9)+1),"radialaxis"===t._name&&(a*=2)),"array"===t.tickmode&&(a*=100),t._roughDTick=Math.abs(r[1]-r[0])/a,B.autoTicks(t,t._roughDTick),t._minDtick>0&&t.dtick<2*t._minDtick&&(t.dtick=t._minDtick,t.tick0=t.l2r(t._forceTick0))}"period"===t.ticklabelmode&&function(t){var e;function r(){return!(i(t.dtick)||"M"!==t.dtick.charAt(0))}var n=r(),a=B.getTickFormat(t);if(a){var o=t._dtickInit!==t.dtick;/%[fLQsSMX]/.test(a)||(/%[HI]/.test(a)?(e=E,o&&!n&&t.dticka&&f=o:p<=o;p=B.tickIncrement(p,t.dtick,l,t.calendar)){if(t.rangebreaks&&!l){if(p=u)break}if(C.length>g||p===L)break;L=p;var I=!1;f&&p!==(0|p)&&(I=!0),C.push({minor:I,value:p})}if(h&&function(t,e,r){for(var n=0;n0?(a=n-1,o=n):(a=n,o=n);var s,l=t[a].value,c=t[o].value,u=Math.abs(c-l),f=r||u,h=0;f>=y?h=u>=y&&u<=m?u:v:r===b&&f>=_?h=u>=_&&u<=x?u:b:f>=k?h=u>=k&&u<=w?u:T:r===M&&f>=M?h=M:f>=A?h=A:r===S&&f>=S?h=S:r===E&&f>=E&&(h=E),h>=u&&(h=u,s=!0);var p=i+h;if(e.rangebreaks&&h>0){for(var d=0,g=0;g<84;g++){var C=(g+.5)/84;e.maskBreaks(i*(1-C)+C*p)!==P&&d++}(h*=d/84)||(t[n].drop=!0),s&&u>M&&(h=u)}(h>0||0===n)&&(t[n].periodX=i+h/2)}}(C,t,t._definedDelta),t.rangebreaks){var z="y"===t._id.charAt(0),O=1;"auto"===t.tickmode&&(O=t.tickfont?t.tickfont.size:12);var D=NaN;for(d=C.length-1;d>-1;d--)if(C[d].drop)C.splice(d,1);else{C[d].value=wt(C[d].value,t);var R=t.c2p(C[d].value);(z?D>R-O:Du||Nu&&(F.periodX=u),N10||"01-01"!==n.substr(5)?t._tickround="d":t._tickround=+e.substr(1)%12==0?"y":"m";else if(e>=A&&a<=10||e>=15*A)t._tickround="d";else if(e>=C&&a<=16||e>=E)t._tickround="M";else if(e>=L&&a<=19||e>=C)t._tickround="S";else{var o=t.l2r(r+e).replace(/^-/,"").length;t._tickround=Math.max(a,o)-20,t._tickround<0&&(t._tickround=4)}}else if(i(e)||"L"===e.charAt(0)){var s=t.range.map(t.r2d||Number);i(e)||(e=Number(e.substr(1))),t._tickround=2-Math.floor(Math.log(e)/Math.LN10+.01);var l=Math.max(Math.abs(s[0]),Math.abs(s[1])),c=Math.floor(Math.log(l)/Math.LN10+.01),u=void 0===t.minexponent?3:t.minexponent;Math.abs(c)>u&&(ot(t.exponentformat)&&!st(c)?t._tickexponent=3*Math.round((c-1)/3):t._tickexponent=c)}else t._tickround=null}function it(t,e,r){var n=t.tickfont||{};return{x:e,dx:0,dy:0,text:r||"",fontSize:n.size,font:n.family,fontColor:n.color}}B.autoTicks=function(t,e){var r;function n(t){return Math.pow(t,Math.floor(Math.log(e)/Math.LN10))}if("date"===t.type){t.tick0=s.dateTick0(t.calendar,0);var a=2*e;if(a>v)e/=v,r=n(10),t.dtick="M"+12*rt(e,r,Z);else if(a>T)e/=T,t.dtick="M"+rt(e,1,J);else if(a>A){t.dtick=rt(e,A,t._hasDayOfWeekBreaks?[1,2,7,14]:Q);var o=B.getTickFormat(t),l="period"===t.ticklabelmode;l&&(t._rawTick0=t.tick0),/%[uVW]/.test(o)?t.tick0=s.dateTick0(t.calendar,2):t.tick0=s.dateTick0(t.calendar,1),l&&(t._dowTick0=t.tick0)}else a>E?t.dtick=rt(e,E,J):a>C?t.dtick=rt(e,C,K):a>L?t.dtick=rt(e,L,K):(r=n(10),t.dtick=rt(e,r,Z))}else if("log"===t.type){t.tick0=0;var c=s.simpleMap(t.range,t.r2l);if(e>.7)t.dtick=Math.ceil(e);else if(Math.abs(c[1]-c[0])<1){var u=1.5*Math.abs((c[1]-c[0])/e);e=Math.abs(Math.pow(10,c[1])-Math.pow(10,c[0]))/u,r=n(10),t.dtick="L"+rt(e,r,Z)}else t.dtick=e>.3?"D2":"D1"}else"category"===t.type||"multicategory"===t.type?(t.tick0=0,t.dtick=Math.ceil(Math.max(e,1))):_t(t)?(t.tick0=0,r=1,t.dtick=rt(e,r,et)):(t.tick0=0,r=n(10),t.dtick=rt(e,r,Z));if(0===t.dtick&&(t.dtick=1),!i(t.dtick)&&"string"!=typeof t.dtick){var f=t.dtick;throw t.dtick=1,"ax.dtick error: "+String(f)}},B.tickIncrement=function(t,e,r,a){var o=r?-1:1;if(i(e))return s.increment(t,o*e);var l=e.charAt(0),c=o*Number(e.substr(1));if("M"===l)return s.incrementMonth(t,c,a);if("L"===l)return Math.log(Math.pow(10,t)+c)/Math.LN10;if("D"===l){var u="D2"===e?tt:$,f=t+.01*o,h=s.roundUp(s.mod(f,1),u,r);return Math.floor(f)+Math.log(n.round(Math.pow(10,h),1))/Math.LN10}throw"unrecognized dtick "+String(e)},B.tickFirst=function(t,e){var r=t.r2l||Number,a=s.simpleMap(t.range,r,void 0,void 0,e),o=a[1] ")}else t._prevDateHead=l,c+="
"+l;e.text=c}(t,o,r,c):"log"===u?function(t,e,r,n,a){var o=t.dtick,l=e.x,c=t.tickformat,u="string"==typeof o&&o.charAt(0);"never"===a&&(a="");n&&"L"!==u&&(o="L3",u="L");if(c||"L"===u)e.text=lt(Math.pow(10,l),t,a,n);else if(i(o)||"D"===u&&s.mod(l+.01,1)<.1){var f=Math.round(l),h=Math.abs(f),p=t.exponentformat;"power"===p||ot(p)&&st(f)?(e.text=0===f?1:1===f?"10":"10"+(f>1?"":I)+h+"",e.fontSize*=1.25):("e"===p||"E"===p)&&h>2?e.text="1"+p+(f>0?"+":I)+h:(e.text=lt(Math.pow(10,l),t,"","fakehover"),"D1"===o&&"y"===t._id.charAt(0)&&(e.dy-=e.fontSize/6))}else{if("D"!==u)throw"unrecognized dtick "+String(o);e.text=String(Math.round(Math.pow(10,s.mod(l,1)))),e.fontSize*=.75}if("D1"===t.dtick){var d=String(e.text).charAt(0);"0"!==d&&"1"!==d||("y"===t._id.charAt(0)?e.dx-=e.fontSize/4:(e.dy+=e.fontSize/2,e.dx+=(t.range[1]>t.range[0]?1:-1)*e.fontSize*(l<0?.5:.25)))}}(t,o,0,c,g):"category"===u?function(t,e){var r=t._categories[Math.round(e.x)];void 0===r&&(r="");e.text=String(r)}(t,o):"multicategory"===u?function(t,e,r){var n=Math.round(e.x),i=t._categories[n]||[],a=void 0===i[1]?"":String(i[1]),o=void 0===i[0]?"":String(i[0]);r?e.text=o+" - "+a:(e.text=a,e.text2=o)}(t,o,r):_t(t)?function(t,e,r,n,i){if("radians"!==t.thetaunit||r)e.text=lt(e.x,t,i,n);else{var a=e.x/180;if(0===a)e.text="0";else{var o=function(t){function e(t,e){return Math.abs(t-e)<=1e-6}var r=function(t){for(var r=1;!e(Math.round(t*r)/r,t);)r*=10;return r}(t),n=t*r,i=Math.abs(function t(r,n){return e(n,0)?r:t(n,r%n)}(n,r));return[Math.round(n/i),Math.round(r/i)]}(a);if(o[1]>=100)e.text=lt(s.deg2rad(e.x),t,i,n);else{var l=e.x<0;1===o[1]?1===o[0]?e.text="\u03c0":e.text=o[0]+"\u03c0":e.text=["",o[0],"","\u2044","",o[1],"","\u03c0"].join(""),l&&(e.text=I+e.text)}}}}(t,o,r,c,g):function(t,e,r,n,i){"never"===i?i="":"all"===t.showexponent&&Math.abs(e.x/t.dtick)<1e-6&&(i="hide");e.text=lt(e.x,t,i,n)}(t,o,0,c,g),n||(t.tickprefix&&!d(t.showtickprefix)&&(o.text=t.tickprefix+o.text),t.ticksuffix&&!d(t.showticksuffix)&&(o.text+=t.ticksuffix)),"boundaries"===t.tickson||t.showdividers){var m=function(e){var r=t.l2p(e);return r>=0&&r<=t._length?e:null};o.xbnd=[m(o.x-.5),m(o.x+t.dtick-.5)]}return o},B.hoverLabelText=function(t,e,r){if(r!==P&&r!==e)return B.hoverLabelText(t,e)+" - "+B.hoverLabelText(t,r);var n="log"===t.type&&e<=0,i=B.tickText(t,t.c2l(n?-e:e),"hover").text;return n?0===e?"0":I+i:i};var at=["f","p","n","\u03bc","m","","k","M","G","T"];function ot(t){return"SI"===t||"B"===t}function st(t){return t>14||t<-15}function lt(t,e,r,n){var a=t<0,o=e._tickround,l=r||e.exponentformat||"B",c=e._tickexponent,u=B.getTickFormat(e),f=e.separatethousands;if(n){var h={exponentformat:l,minexponent:e.minexponent,dtick:"none"===e.showexponent?e.dtick:i(t)&&Math.abs(t)||1,range:"none"===e.showexponent?e.range.map(e.r2d):[0,t||1]};nt(h),o=(Number(h._tickround)||0)+4,c=h._tickexponent,e.hoverformat&&(u=e.hoverformat)}if(u)return e._numFormat(u)(t).replace(/-/g,I);var p,d=Math.pow(10,-o)/2;if("none"===l&&(c=0),(t=Math.abs(t))"+p+"":"B"===l&&9===c?t+="B":ot(l)&&(t+=at[c/3+5]));return a?I+t:t}function ct(t,e){for(var r=[],n={},i=0;i1&&r=i.min&&t=0,a=u(t,e[1])<=0;return(r||i)&&(n||a)}if(t.tickformatstops&&t.tickformatstops.length>0)switch(t.type){case"date":case"linear":for(e=0;e=o(i)))){r=n;break}break;case"log":for(e=0;e0?r.bottom-f:0,h)))),e.automargin){n={x:0,y:0,r:0,l:0,t:0,b:0};var p=[0,1];if("x"===d){if("b"===l?n[l]=e._depth:(n[l]=e._depth=Math.max(r.width>0?f-r.top:0,h),p.reverse()),r.width>0){var m=r.right-(e._offset+e._length);m>0&&(n.xr=1,n.r=m);var v=e._offset-r.left;v>0&&(n.xl=0,n.l=v)}}else if("l"===l?n[l]=e._depth=Math.max(r.height>0?f-r.left:0,h):(n[l]=e._depth=Math.max(r.height>0?r.right-f:0,h),p.reverse()),r.height>0){var y=r.bottom-(e._offset+e._length);y>0&&(n.yb=0,n.b=y);var x=e._offset-r.top;x>0&&(n.yt=1,n.t=x)}n[g]="free"===e.anchor?e.position:e._anchorAxis.domain[p[0]],e.title.text!==c._dfltTitle[d]&&(n[l]+=ht(e)+(e.title.standoff||0)),e.mirror&&"free"!==e.anchor&&((i={x:0,y:0,r:0,l:0,t:0,b:0})[u]=e.linewidth,e.mirror&&!0!==e.mirror&&(i[u]+=h),!0===e.mirror||"ticks"===e.mirror?i[g]=e._anchorAxis.domain[p[1]]:"all"!==e.mirror&&"allticks"!==e.mirror||(i[g]=[e._counterDomainMin,e._counterDomainMax][p[1]]))}K&&(s=o.getComponentMethod("rangeslider","autoMarginOpts")(t,e)),a.autoMargin(t,gt(e),n),a.autoMargin(t,mt(e),i),a.autoMargin(t,vt(e),s)})),r.skipTitle||K&&"bottom"===e.side||Z.push((function(){return function(t,e){var r,n=t._fullLayout,i=e._id,a=i.charAt(0),o=e.title.font.size;if(e.title.hasOwnProperty("standoff"))r=e._depth+e.title.standoff+ht(e);else{var s=-1!==(e.ticklabelposition||"").indexOf("inside");if("multicategory"===e.type)r=e._depth;else{var l=1.5*o;s&&(l=.5*o,"outside"===e.ticks&&(l+=e.ticklen)),r=10+l+(e.linewidth?e.linewidth-1:0)}s||(r+="x"===a?"top"===e.side?o*(e.showticklabels?1:0):o*(e.showticklabels?1.5:.5):"right"===e.side?o*(e.showticklabels?1:.5):o*(e.showticklabels?.5:0))}var c,f,p,d,g=B.getPxPosition(t,e);"x"===a?(f=e._offset+e._length/2,p="top"===e.side?g-r:g+r):(p=e._offset+e._length/2,f="right"===e.side?g+r:g-r,c={rotate:"-90",offset:0});if("multicategory"!==e.type){var m=e._selections[e._id+"tick"];if(d={selection:m,side:e.side},m&&m.node()&&m.node().parentNode){var v=h.getTranslate(m.node().parentNode);d.offsetLeft=v.x,d.offsetTop=v.y}e.title.hasOwnProperty("standoff")&&(d.pad=0)}return u.draw(t,i+"title",{propContainer:e,propName:e._name+".title.text",placeholder:n._dfltTitle[a],avoid:d,transform:c,attributes:{x:f,y:p,"text-anchor":"middle"}})}(t,e)})),s.syncOrAsync(Z)}}function Q(t){var r=p+(t||"tick");return w[r]||(w[r]=function(t,e){var r,n,i,a;t._selections[e].size()?(r=1/0,n=-1/0,i=1/0,a=-1/0,t._selections[e].each((function(){var t=dt(this),e=h.bBox(t.node().parentNode);r=Math.min(r,e.top),n=Math.max(n,e.bottom),i=Math.min(i,e.left),a=Math.max(a,e.right)}))):(r=0,n=0,i=0,a=0);return{top:r,bottom:n,left:i,right:a,height:n-r,width:a-i}}(e,r)),w[r]}},B.getTickSigns=function(t){var e=t._id.charAt(0),r={x:"top",y:"right"}[e],n=t.side===r?1:-1,i=[-1,1,n,-n];return"inside"!==t.ticks==("x"===e)&&(i=i.map((function(t){return-t}))),t.side&&i.push({l:-1,t:-1,r:1,b:1}[t.side.charAt(0)]),i},B.makeTransTickFn=function(t){return"x"===t._id.charAt(0)?function(e){return l(t._offset+t.l2p(e.x),0)}:function(e){return l(0,t._offset+t.l2p(e.x))}},B.makeTransTickLabelFn=function(t){var e=function(t){var e=t.ticklabelposition||"",r=function(t){return-1!==e.indexOf(t)},n=r("top"),i=r("left"),a=r("right"),o=r("bottom"),s=r("inside"),l=o||i||n||a;if(!l&&!s)return[0,0];var c=t.side,u=l?(t.tickwidth||0)/2:0,f=3,h=t.tickfont?t.tickfont.size:12;(o||n)&&(u+=h*D,f+=(t.linewidth||0)/2);(i||a)&&(u+=(t.linewidth||0)/2,f+=3);s&&"top"===c&&(f-=h*(1-D));(i||n)&&(u=-u);"bottom"!==c&&"right"!==c||(f=-f);return[l?u:0,s?f:0]}(t),r=e[0],n=e[1];return"x"===t._id.charAt(0)?function(e){return l(r+t._offset+t.l2p(ut(e)),n)}:function(e){return l(n,r+t._offset+t.l2p(ut(e)))}},B.makeTickPath=function(t,e,r,n){n=void 0!==n?n:t.ticklen;var i=t._id.charAt(0),a=(t.linewidth||1)/2;return"x"===i?"M0,"+(e+a*r)+"v"+n*r:"M"+(e+a*r)+",0h"+n*r},B.makeLabelFns=function(t,e,r){var n=t.ticklabelposition||"",a=function(t){return-1!==n.indexOf(t)},o=a("top"),l=a("left"),c=a("right"),u=a("bottom")||l||o||c,f=a("inside"),h="inside"===n&&"inside"===t.ticks||!f&&"outside"===t.ticks&&"boundaries"!==t.tickson,p=0,d=0,g=h?t.ticklen:0;if(f?g*=-1:u&&(g=0),h&&(p+=g,r)){var m=s.deg2rad(r);p=g*Math.cos(m)+1,d=g*Math.sin(m)}t.showticklabels&&(h||t.showline)&&(p+=.2*t.tickfont.size);var v,y,x,b,_,w={labelStandoff:p+=(t.linewidth||1)/2*(f?-1:1),labelShift:d},T=0,k=t.side,M=t._id.charAt(0),A=t.tickangle;if("x"===M)b=(_=!f&&"bottom"===k||f&&"top"===k)?1:-1,f&&(b*=-1),v=d*b,y=e+p*b,x=_?1:-.2,90===Math.abs(A)&&(f?x+=O:x=-90===A&&"bottom"===k?D:90===A&&"top"===k?O:.5,T=O/2*(A/90)),w.xFn=function(t){return t.dx+v+T*t.fontSize},w.yFn=function(t){return t.dy+y+t.fontSize*x},w.anchorFn=function(t,e){if(u){if(l)return"end";if(c)return"start"}return i(e)&&0!==e&&180!==e?e*b<0!==f?"end":"start":"middle"},w.heightFn=function(e,r,n){return r<-60||r>60?-.5*n:"top"===t.side!==f?-n:0};else if("y"===M){if(b=(_=!f&&"left"===k||f&&"right"===k)?1:-1,f&&(b*=-1),v=p,y=d*b,x=0,f||90!==Math.abs(A)||(x=-90===A&&"left"===k||90===A&&"right"===k?D:.5),f){var S=i(A)?+A:0;if(0!==S){var E=s.deg2rad(S);T=Math.abs(Math.sin(E))*D*b,x=0}}w.xFn=function(t){return t.dx+e-(v+t.fontSize*x)*b+T*t.fontSize},w.yFn=function(t){return t.dy+y+t.fontSize*O},w.anchorFn=function(t,e){return i(e)&&90===Math.abs(e)?"middle":_?"end":"start"},w.heightFn=function(e,r,n){return"right"===t.side&&(r*=-1),r<-30?-n:r<30?-.5*n:0}}return w},B.drawTicks=function(t,e,r){r=r||{};var n=e._id+"tick",i=r.vals;"period"===e.ticklabelmode&&(i=i.slice()).shift();var a=r.layer.selectAll("path."+n).data(e.ticks?i:[],ft);a.exit().remove(),a.enter().append("path").classed(n,1).classed("ticks",1).classed("crisp",!1!==r.crisp).call(f.stroke,e.tickcolor).style("stroke-width",h.crispRound(t,e.tickwidth,1)+"px").attr("d",r.path),a.attr("transform",r.transFn)},B.drawGrid=function(t,e,r){r=r||{};var n=e._id+"grid",i=r.vals,a=r.counterAxis;if(!1===e.showgrid)i=[];else if(a&&B.shouldShowZeroLine(t,e,a))for(var o="array"===e.tickmode,s=0;so||i.lefto||i.top+(e.tickangle?0:t.fontSize/4)1)for(n=1;n2*o}(i,e))return"date";var m="strict"!==r.autotypenumbers;return function(t,e){for(var r=t.length,n=f(r),i=0,o=0,s={},u=0;u2*i}(i,m)?"category":function(t,e){for(var r=t.length,n=0;n=2){var l,c,u="";if(2===o.length)for(l=0;l<2;l++)if(c=y(o[l])){u=d;break}var f=i("pattern",u);if(f===d)for(l=0;l<2;l++)(c=y(o[l]))&&(e.bounds[l]=o[l]=c-1);if(f)for(l=0;l<2;l++)switch(c=o[l],f){case d:if(!n(c))return void(e.enabled=!1);if((c=+c)!==Math.floor(c)||c<0||c>=7)return void(e.enabled=!1);e.bounds[l]=o[l]=c;break;case g:if(!n(c))return void(e.enabled=!1);if((c=+c)<0||c>24)return void(e.enabled=!1);e.bounds[l]=o[l]=c}if(!1===r.autorange){var h=r.range;if(h[0]h[1])return void(e.enabled=!1)}else if(o[0]>h[0]&&o[1]n?1:-1:+(t.substr(1)||1)-+(e.substr(1)||1)},r.ref2id=function(t){return!!/^[xyz]/.test(t)&&t.split(" ")[0]},r.isLinked=function(t,e){return a(e,t._axisMatchGroups)||a(e,t._axisConstraintGroups)}},{"../../registry":911,"./constants":834}],832:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){if("category"===e.type){var i,a=t.categoryarray,o=Array.isArray(a)&&a.length>0;o&&(i="array");var s,l=r("categoryorder",i);"array"===l&&(s=r("categoryarray")),o||"array"!==l||(l=e.categoryorder="trace"),"trace"===l?e._initialCategories=[]:"array"===l?e._initialCategories=s.slice():(s=function(t,e){var r,n,i,a=e.dataAttr||t._id.charAt(0),o={};if(e.axData)r=e.axData;else for(r=[],n=0;nn?i.substr(n):a.substr(r))+o:i+a+t*e:o}function m(t,e){for(var r=e._size,n=r.h/r.w,i={},a=Object.keys(t),o=0;oc*x)||T)for(r=0;rz&&FI&&(I=F);h/=(I-L)/(2*P),L=l.l2r(L),I=l.l2r(I),l.range=l._input.range=S=0?Math.min(t,.9):1/(1/Math.max(t,-.3)+3.222))}function B(t,e,r,n,i){return t.append("path").attr("class","zoombox").style({fill:e>.2?"rgba(0,0,0,0)":"rgba(255,255,255,0)","stroke-width":0}).attr("transform",l(r,n)).attr("d",i+"Z")}function N(t,e,r){return t.append("path").attr("class","zoombox-corners").style({fill:u.background,stroke:u.defaultLine,"stroke-width":1,opacity:0}).attr("transform",l(e,r)).attr("d","M0,0Z")}function j(t,e,r,n,i,a){t.attr("d",n+"M"+r.l+","+r.t+"v"+r.h+"h"+r.w+"v-"+r.h+"h-"+r.w+"Z"),U(t,e,i,a)}function U(t,e,r,n){r||(t.transition().style("fill",n>.2?"rgba(0,0,0,0.4)":"rgba(255,255,255,0.3)").duration(200),e.transition().style("opacity",1).duration(200))}function V(t){n.select(t).selectAll(".zoombox,.js-zoombox-backdrop,.js-zoombox-menu,.zoombox-corners").remove()}function q(t){I&&t.data&&t._context.showTips&&(s.notifier(s._(t,"Double-click to zoom back out"),"long"),I=!1)}function H(t){var e=Math.floor(Math.min(t.b-t.t,t.r-t.l,L)/2);return"M"+(t.l-3.5)+","+(t.t-.5+e)+"h3v"+-e+"h"+e+"v-3h-"+(e+3)+"ZM"+(t.r+3.5)+","+(t.t-.5+e)+"h-3v"+-e+"h"+-e+"v-3h"+(e+3)+"ZM"+(t.r+3.5)+","+(t.b+.5-e)+"h-3v"+e+"h"+-e+"v3h"+(e+3)+"ZM"+(t.l-3.5)+","+(t.b+.5-e)+"h3v"+e+"h"+e+"v3h-"+(e+3)+"Z"}function G(t,e,r,n,i){for(var a,o,l,c,u=!1,f={},h={},p=(i||{}).xaHash,d=(i||{}).yaHash,g=0;g=0)i._fullLayout._deactivateShape(i);else{var a=i._fullLayout.clickmode;if(V(i),2!==t||mt||qt(),gt)a.indexOf("select")>-1&&A(r,i,Z,J,e.id,Lt),a.indexOf("event")>-1&&h.click(i,r,e.id);else if(1===t&&mt){var s=d?P:I,l="s"===d||"w"===m?0:1,u=s._name+".range["+l+"]",f=function(t,e){var r,i=t.range[e],a=Math.abs(i-t.range[1-e]);return"date"===t.type?i:"log"===t.type?(r=Math.ceil(Math.max(0,-Math.log(a)/Math.LN10))+3,n.format("."+r+"g")(Math.pow(10,i))):(r=Math.floor(Math.log(Math.abs(i))/Math.LN10)-Math.floor(Math.log(a)/Math.LN10)+4,n.format("."+String(r)+"g")(i))}(s,l),p="left",g="middle";if(s.fixedrange)return;d?(g="n"===d?"top":"bottom","right"===s.side&&(p="right")):"e"===m&&(p="right"),i._context.showAxisRangeEntryBoxes&&n.select(xt).call(c.makeEditable,{gd:i,immediate:!0,background:i._fullLayout.paper_bgcolor,text:String(f),fill:s.tickfont?s.tickfont.color:"#444",horizontalAlign:p,verticalAlign:g}).on("edit",(function(t){var e=s.d2r(t);void 0!==e&&o.call("_guiRelayout",i,u,e)}))}}}function zt(e,r){if(t._transitioningWithDuration)return!1;var n=Math.max(0,Math.min($,ht*e+bt)),i=Math.max(0,Math.min(tt,pt*r+_t)),a=Math.abs(n-bt),o=Math.abs(i-_t);function s(){At="",wt.r=wt.l,wt.t=wt.b,Et.attr("d","M0,0Z")}if(wt.l=Math.min(bt,n),wt.r=Math.max(bt,n),wt.t=Math.min(_t,i),wt.b=Math.max(_t,i),et.isSubplotConstrained)a>L||o>L?(At="xy",a/$>o/tt?(o=a*tt/$,_t>i?wt.t=_t-o:wt.b=_t+o):(a=o*$/tt,bt>n?wt.l=bt-a:wt.r=bt+a),Et.attr("d",H(wt))):s();else if(rt.isSubplotConstrained)if(a>L||o>L){At="xy";var l=Math.min(wt.l/$,(tt-wt.b)/tt),c=Math.max(wt.r/$,(tt-wt.t)/tt);wt.l=l*$,wt.r=c*$,wt.b=(1-l)*tt,wt.t=(1-c)*tt,Et.attr("d",H(wt))}else s();else!it||o0){var u;if(rt.isSubplotConstrained||!nt&&1===it.length){for(u=0;ug[1]-1/4096&&(e.domain=s),i.noneOrAll(t.domain,e.domain,s)}return r("layer"),e}},{"../../lib":778,"fast-isnumeric":241}],846:[function(t,e,r){"use strict";var n=t("../../constants/alignment").FROM_BL;e.exports=function(t,e,r){void 0===r&&(r=n[t.constraintoward||"center"]);var i=[t.r2l(t.range[0]),t.r2l(t.range[1])],a=i[0]+(i[1]-i[0])*r;t.range=t._input.range=[t.l2r(a+(i[0]-a)*e),t.l2r(a+(i[1]-a)*e)],t.setScale()}},{"../../constants/alignment":745}],847:[function(t,e,r){"use strict";var n=t("polybooljs"),i=t("../../registry"),a=t("../../components/drawing").dashStyle,o=t("../../components/color"),s=t("../../components/fx"),l=t("../../components/fx/helpers").makeEventData,c=t("../../components/dragelement/helpers"),u=c.freeMode,f=c.rectMode,h=c.drawMode,p=c.openMode,d=c.selectMode,g=t("../../components/shapes/draw_newshape/display_outlines"),m=t("../../components/shapes/draw_newshape/helpers").handleEllipse,v=t("../../components/shapes/draw_newshape/newshapes"),y=t("../../lib"),x=t("../../lib/polygon"),b=t("../../lib/throttle"),_=t("./axis_ids").getFromId,w=t("../../lib/clear_gl_canvases"),T=t("../../plot_api/subroutines").redrawReglTraces,k=t("./constants"),M=k.MINSELECT,A=x.filter,S=x.tester,E=t("./handle_outline").clearSelect,C=t("./helpers"),L=C.p2r,I=C.axValue,P=C.getTransform;function z(t,e,r,n,i,a,o){var s,l,c,u,f,h,d,m,v,y=e._hoverdata,x=e._fullLayout.clickmode.indexOf("event")>-1,b=[];if(function(t){return t&&Array.isArray(t)&&!0!==t[0].hoverOnBox}(y)){F(t,e,a);var _=function(t,e){var r,n,i=t[0],a=-1,o=[];for(n=0;n0?function(t,e){var r,n,i,a=[];for(i=0;i0&&a.push(r);if(1===a.length&&a[0]===e.searchInfo&&(n=e.searchInfo.cd[0].trace).selectedpoints.length===e.pointNumbers.length){for(i=0;i1)return!1;if((i+=r.selectedpoints.length)>1)return!1}return 1===i}(s)&&(h=j(_))){for(o&&o.remove(),v=0;v=0&&n._fullLayout._deactivateShape(n),h(e)){var a=n._fullLayout._zoomlayer.selectAll(".select-outline-"+r.id);if(a&&n._fullLayout._drawing){var o=v(a,t);o&&i.call("_guiRelayout",n,{shapes:o}),n._fullLayout._drawing=!1}}r.selection={},r.selection.selectionDefs=t.selectionDefs=[],r.selection.mergedPolygons=t.mergedPolygons=[]}function N(t,e,r,n){var i,a,o,s=[],l=e.map((function(t){return t._id})),c=r.map((function(t){return t._id}));for(o=0;o0?n[0]:r;return!!e.selectedpoints&&e.selectedpoints.indexOf(i)>-1}function U(t,e,r){var n,a,o,s;for(n=0;n=0)C._fullLayout._deactivateShape(C);else if(!_){var r=O.clickmode;b.done(gt).then((function(){if(b.clear(gt),2===t){for(ft.remove(),$=0;$-1&&z(e,C,i.xaxes,i.yaxes,i.subplot,i,ft),"event"===r&&C.emit("plotly_selected",void 0);s.click(C,e)})).catch(y.error)}},i.doneFn=function(){dt.remove(),b.done(gt).then((function(){b.clear(gt),i.gd.emit("plotly_selected",et),Q&&i.selectionDefs&&(Q.subtract=ut,i.selectionDefs.push(Q),i.mergedPolygons.length=0,[].push.apply(i.mergedPolygons,K)),i.doneFnCompleted&&i.doneFnCompleted(mt)})).catch(y.error),_&&B(i)}},clearSelect:E,clearSelectionsCache:B,selectOnClick:z}},{"../../components/color":643,"../../components/dragelement/helpers":661,"../../components/drawing":665,"../../components/fx":683,"../../components/fx/helpers":679,"../../components/shapes/draw_newshape/display_outlines":728,"../../components/shapes/draw_newshape/helpers":729,"../../components/shapes/draw_newshape/newshapes":730,"../../lib":778,"../../lib/clear_gl_canvases":762,"../../lib/polygon":790,"../../lib/throttle":804,"../../plot_api/subroutines":818,"../../registry":911,"./axis_ids":831,"./constants":834,"./handle_outline":838,"./helpers":839,polybooljs:517}],848:[function(t,e,r){"use strict";var n=t("d3"),i=t("d3-time-format").utcFormat,a=t("fast-isnumeric"),o=t("../../lib"),s=o.cleanNumber,l=o.ms2DateTime,c=o.dateTime2ms,u=o.ensureNumber,f=o.isArrayOrTypedArray,h=t("../../constants/numerical"),p=h.FP_SAFE,d=h.BADNUM,g=h.LOG_CLIP,m=h.ONEWEEK,v=h.ONEDAY,y=h.ONEHOUR,x=h.ONEMIN,b=h.ONESEC,_=t("./axis_ids"),w=t("./constants"),T=w.HOUR_PATTERN,k=w.WEEKDAY_PATTERN;function M(t){return Math.pow(10,t)}function A(t){return null!=t}e.exports=function(t,e){e=e||{};var r=t._id||"x",h=r.charAt(0);function S(e,r){if(e>0)return Math.log(e)/Math.LN10;if(e<=0&&r&&t.range&&2===t.range.length){var n=t.range[0],i=t.range[1];return.5*(n+i-2*g*Math.abs(n-i))}return d}function E(e,r,n,i){if((i||{}).msUTC&&a(e))return+e;var s=c(e,n||t.calendar);if(s===d){if(!a(e))return d;e=+e;var l=Math.floor(10*o.mod(e+.05,1)),u=Math.round(e-l/10);s=c(new Date(u))+l/10}return s}function C(e,r,n){return l(e,r,n||t.calendar)}function L(e){return t._categories[Math.round(e)]}function I(e){if(A(e)){if(void 0===t._categoriesMap&&(t._categoriesMap={}),void 0!==t._categoriesMap[e])return t._categoriesMap[e];t._categories.push("number"==typeof e?String(e):e);var r=t._categories.length-1;return t._categoriesMap[e]=r,r}return d}function P(e){if(t._categoriesMap)return t._categoriesMap[e]}function z(t){var e=P(t);return void 0!==e?e:a(t)?+t:void 0}function O(t){return a(t)?+t:P(t)}function D(t,e,r){return n.round(r+e*t,2)}function R(t,e,r){return(t-r)/e}var F=function(e){return a(e)?D(e,t._m,t._b):d},B=function(e){return R(e,t._m,t._b)};if(t.rangebreaks){var N="y"===h;F=function(e){if(!a(e))return d;var r=t._rangebreaks.length;if(!r)return D(e,t._m,t._b);var n=N;t.range[0]>t.range[1]&&(n=!n);for(var i=n?-1:1,o=i*e,s=0,l=0;lu)){s=o<(c+u)/2?l:l+1;break}s=l+1}var f=t._B[s]||0;return isFinite(f)?D(e,t._m2,f):0},B=function(e){var r=t._rangebreaks.length;if(!r)return R(e,t._m,t._b);for(var n=0,i=0;it._rangebreaks[i].pmax&&(n=i+1);return R(e,t._m2,t._B[n])}}t.c2l="log"===t.type?S:u,t.l2c="log"===t.type?M:u,t.l2p=F,t.p2l=B,t.c2p="log"===t.type?function(t,e){return F(S(t,e))}:F,t.p2c="log"===t.type?function(t){return M(B(t))}:B,-1!==["linear","-"].indexOf(t.type)?(t.d2r=t.r2d=t.d2c=t.r2c=t.d2l=t.r2l=s,t.c2d=t.c2r=t.l2d=t.l2r=u,t.d2p=t.r2p=function(e){return t.l2p(s(e))},t.p2d=t.p2r=B,t.cleanPos=u):"log"===t.type?(t.d2r=t.d2l=function(t,e){return S(s(t),e)},t.r2d=t.r2c=function(t){return M(s(t))},t.d2c=t.r2l=s,t.c2d=t.l2r=u,t.c2r=S,t.l2d=M,t.d2p=function(e,r){return t.l2p(t.d2r(e,r))},t.p2d=function(t){return M(B(t))},t.r2p=function(e){return t.l2p(s(e))},t.p2r=B,t.cleanPos=u):"date"===t.type?(t.d2r=t.r2d=o.identity,t.d2c=t.r2c=t.d2l=t.r2l=E,t.c2d=t.c2r=t.l2d=t.l2r=C,t.d2p=t.r2p=function(e,r,n){return t.l2p(E(e,0,n))},t.p2d=t.p2r=function(t,e,r){return C(B(t),e,r)},t.cleanPos=function(e){return o.cleanDate(e,d,t.calendar)}):"category"===t.type?(t.d2c=t.d2l=I,t.r2d=t.c2d=t.l2d=L,t.d2r=t.d2l_noadd=z,t.r2c=function(e){var r=O(e);return void 0!==r?r:t.fraction2r(.5)},t.l2r=t.c2r=u,t.r2l=O,t.d2p=function(e){return t.l2p(t.r2c(e))},t.p2d=function(t){return L(B(t))},t.r2p=t.d2p,t.p2r=B,t.cleanPos=function(t){return"string"==typeof t&&""!==t?t:u(t)}):"multicategory"===t.type&&(t.r2d=t.c2d=t.l2d=L,t.d2r=t.d2l_noadd=z,t.r2c=function(e){var r=z(e);return void 0!==r?r:t.fraction2r(.5)},t.r2c_just_indices=P,t.l2r=t.c2r=u,t.r2l=z,t.d2p=function(e){return t.l2p(t.r2c(e))},t.p2d=function(t){return L(B(t))},t.r2p=t.d2p,t.p2r=B,t.cleanPos=function(t){return Array.isArray(t)||"string"==typeof t&&""!==t?t:u(t)},t.setupMultiCategory=function(n){var i,a,s=t._traceIndices,l=t._matchGroup;if(l&&0===t._categories.length)for(var c in l)if(c!==r){var u=e[_.id2name(c)];s=s.concat(u._traceIndices)}var p=[[0,{}],[0,{}]],d=[];for(i=0;ip&&(s[n]=p),s[0]===s[1]){var c=Math.max(1,Math.abs(1e-6*s[0]));s[0]-=c,s[1]+=c}}else o.nestedProperty(t,e).set(i)},t.setScale=function(r){var n=e._size;if(t.overlaying){var i=_.getFromId({_fullLayout:e},t.overlaying);t.domain=i.domain}var a=r&&t._r?"_r":"range",o=t.calendar;t.cleanRange(a);var s,l,c=t.r2l(t[a][0],o),u=t.r2l(t[a][1],o),f="y"===h;if((f?(t._offset=n.t+(1-t.domain[1])*n.h,t._length=n.h*(t.domain[1]-t.domain[0]),t._m=t._length/(c-u),t._b=-t._m*u):(t._offset=n.l+t.domain[0]*n.w,t._length=n.w*(t.domain[1]-t.domain[0]),t._m=t._length/(u-c),t._b=-t._m*c),t._rangebreaks=[],t._lBreaks=0,t._m2=0,t._B=[],t.rangebreaks)&&(t._rangebreaks=t.locateBreaks(Math.min(c,u),Math.max(c,u)),t._rangebreaks.length)){for(s=0;su&&(p=!p),p&&t._rangebreaks.reverse();var d=p?-1:1;for(t._m2=d*t._length/(Math.abs(u-c)-t._lBreaks),t._B.push(-t._m2*(f?u:c)),s=0;si&&(i+=7,ai&&(i+=24,a=n&&a=n&&e=s.min&&(ts.max&&(s.max=n),i=!1)}i&&c.push({min:t,max:n})}};for(n=0;nr.duration?(!function(){for(var r={},n=0;n rect").call(o.setTranslate,0,0).call(o.setScale,1,1),t.plot.call(o.setTranslate,e._offset,r._offset).call(o.setScale,1,1);var n=t.plot.selectAll(".scatterlayer .trace");n.selectAll(".point").call(o.setPointGroupScale,1,1),n.selectAll(".textpoint").call(o.setTextPointsScale,1,1),n.call(o.hideOutsideRangePoints,t)}function m(e,r){var n=e.plotinfo,i=n.xaxis,l=n.yaxis,c=i._length,u=l._length,f=!!e.xr1,h=!!e.yr1,p=[];if(f){var d=a.simpleMap(e.xr0,i.r2l),g=a.simpleMap(e.xr1,i.r2l),m=d[1]-d[0],v=g[1]-g[0];p[0]=(d[0]*(1-r)+r*g[0]-d[0])/(d[1]-d[0])*c,p[2]=c*(1-r+r*v/m),i.range[0]=i.l2r(d[0]*(1-r)+r*g[0]),i.range[1]=i.l2r(d[1]*(1-r)+r*g[1])}else p[0]=0,p[2]=c;if(h){var y=a.simpleMap(e.yr0,l.r2l),x=a.simpleMap(e.yr1,l.r2l),b=y[1]-y[0],_=x[1]-x[0];p[1]=(y[1]*(1-r)+r*x[1]-y[1])/(y[0]-y[1])*u,p[3]=u*(1-r+r*_/b),l.range[0]=i.l2r(y[0]*(1-r)+r*x[0]),l.range[1]=l.l2r(y[1]*(1-r)+r*x[1])}else p[1]=0,p[3]=u;s.drawOne(t,i,{skipTitle:!0}),s.drawOne(t,l,{skipTitle:!0}),s.redrawComponents(t,[i._id,l._id]);var w=f?c/p[2]:1,T=h?u/p[3]:1,k=f?p[0]:0,M=h?p[1]:0,A=f?p[0]/p[2]*c:0,S=h?p[1]/p[3]*u:0,E=i._offset-A,C=l._offset-S;n.clipRect.call(o.setTranslate,k,M).call(o.setScale,1/w,1/T),n.plot.call(o.setTranslate,E,C).call(o.setScale,w,T),o.setPointGroupScale(n.zoomScalePts,1/w,1/T),o.setTextPointsScale(n.zoomScaleTxt,1/w,1/T)}s.redrawComponents(t)}},{"../../components/drawing":665,"../../lib":778,"../../registry":911,"./axes":828,d3:169}],853:[function(t,e,r){"use strict";var n=t("../../registry").traceIs,i=t("./axis_autotype");function a(t){return{v:"x",h:"y"}[t.orientation||"v"]}function o(t,e){var r=a(t),i=n(t,"box-violin"),o=n(t._fullInput||{},"candlestick");return i&&!o&&e===r&&void 0===t[r]&&void 0===t[r+"0"]}e.exports=function(t,e,r,s){r("autotypenumbers",s.autotypenumbersDflt),"-"===r("type",(s.splomStash||{}).type)&&(!function(t,e){if("-"!==t.type)return;var r,s=t._id,l=s.charAt(0);-1!==s.indexOf("scene")&&(s=l);var c=function(t,e,r){for(var n=0;n0&&(i["_"+r+"axes"]||{})[e])return i;if((i[r+"axis"]||r)===e){if(o(i,r))return i;if((i[r]||[]).length||i[r+"0"])return i}}}(e,s,l);if(!c)return;if("histogram"===c.type&&l==={v:"y",h:"x"}[c.orientation||"v"])return void(t.type="linear");var u=l+"calendar",f=c[u],h={noMultiCategory:!n(c,"cartesian")||n(c,"noMultiCategory")};"box"===c.type&&c._hasPreCompStats&&l==={h:"x",v:"y"}[c.orientation||"v"]&&(h.noMultiCategory=!0);if(h.autotypenumbers=t.autotypenumbers,o(c,l)){var p=a(c),d=[];for(r=0;r0?".":"")+a;i.isPlainObject(o)?l(o,e,s,n+1):e(s,a,o)}}))}r.manageCommandObserver=function(t,e,n,o){var s={},l=!0;e&&e._commandObserver&&(s=e._commandObserver),s.cache||(s.cache={}),s.lookupTable={};var c=r.hasSimpleAPICommandBindings(t,n,s.lookupTable);if(e&&e._commandObserver){if(c)return s;if(e._commandObserver.remove)return e._commandObserver.remove(),e._commandObserver=null,s}if(c){a(t,c,s.cache),s.check=function(){if(l){var e=a(t,c,s.cache);return e.changed&&o&&void 0!==s.lookupTable[e.value]&&(s.disable(),Promise.resolve(o({value:e.value,type:c.type,prop:c.prop,traces:c.traces,index:s.lookupTable[e.value]})).then(s.enable,s.enable)),e.changed}};for(var u=["plotly_relayout","plotly_redraw","plotly_restyle","plotly_update","plotly_animatingframe","plotly_afterplot"],f=0;f0&&i<0&&(i+=360);var s=(i-n)/4;return{type:"Polygon",coordinates:[[[n,a],[n,o],[n+s,o],[n+2*s,o],[n+3*s,o],[i,o],[i,a],[i-s,a],[i-2*s,a],[i-3*s,a],[n,a]]]}}e.exports=function(t){return new w(t)},T.plot=function(t,e,r){var n=this,i=e[this.id],a=[],o=!1;for(var s in y.layerNameToAdjective)if("frame"!==s&&i["show"+s]){o=!0;break}for(var l=0;l0&&a._module.calcGeoJSON(i,e)}if(!this.updateProjection(t,e)){this.viewInitial&&this.scope===r.scope||this.saveViewInitial(r),this.scope=r.scope,this.updateBaseLayers(e,r),this.updateDims(e,r),this.updateFx(e,r),u.generalUpdatePerTraceModule(this.graphDiv,this,t,r);var o=this.layers.frontplot.select(".scatterlayer");this.dataPoints.point=o.selectAll(".point"),this.dataPoints.text=o.selectAll("text"),this.dataPaths.line=o.selectAll(".js-line");var s=this.layers.backplot.select(".choroplethlayer");this.dataPaths.choropleth=s.selectAll("path"),this.render()}},T.updateProjection=function(t,e){var r=this.graphDiv,o=e[this.id],s=e._size,l=o.domain,c=o.projection,u=o.lonaxis,f=o.lataxis,p=u._ax,d=f._ax,g=this.projection=function(t){for(var e=t.projection.type,r=n.geo[y.projNames[e]](),i=t._isClipped?y.lonaxisSpan[e]/2:null,a=["center","rotate","parallels","clipExtent"],o=function(t){return t?r:[]},s=0;si*Math.PI/180}return!1},r.getPath=function(){return n.geo.path().projection(r)},r.getBounds=function(t){return r.getPath().bounds(t)},r.fitExtent=function(t,e){var n=t[1][0]-t[0][0],i=t[1][1]-t[0][1],a=r.clipExtent&&r.clipExtent();r.scale(150).translate([0,0]),a&&r.clipExtent(null);var o=r.getBounds(e),s=Math.min(n/(o[1][0]-o[0][0]),i/(o[1][1]-o[0][1])),l=+t[0][0]+(n-s*(o[1][0]+o[0][0]))/2,c=+t[0][1]+(i-s*(o[1][1]+o[0][1]))/2;return a&&r.clipExtent(a),r.scale(150*s).translate([l,c])},r.precision(y.precision),i&&r.clipAngle(i-y.clipPad);return r}(o),m=[[s.l+s.w*l.x[0],s.t+s.h*(1-l.y[1])],[s.l+s.w*l.x[1],s.t+s.h*(1-l.y[0])]],v=o.center||{},x=c.rotation||{},b=u.range||[],_=f.range||[];if(o.fitbounds){p._length=m[1][0]-m[0][0],d._length=m[1][1]-m[0][1],p.range=h(r,p),d.range=h(r,d);var w=(p.range[0]+p.range[1])/2,T=(d.range[0]+d.range[1])/2;if(o._isScoped)v={lon:w,lat:T};else if(o._isClipped){v={lon:w,lat:T},x={lon:w,lat:T,roll:x.roll};var M=c.type,A=y.lonaxisSpan[M]/2||180,S=y.lataxisSpan[M]/2||90;b=[w-A,w+A],_=[T-S,T+S]}else v={lon:w,lat:T},x={lon:w,lat:x.lat,roll:x.roll}}g.center([v.lon-x.lon,v.lat-x.lat]).rotate([-x.lon,-x.lat,x.roll]).parallels(c.parallels);var E=k(b,_);g.fitExtent(m,E);var C=this.bounds=g.getBounds(E),L=this.fitScale=g.scale(),I=g.translate();if(!isFinite(C[0][0])||!isFinite(C[0][1])||!isFinite(C[1][0])||!isFinite(C[1][1])||isNaN(I[0])||isNaN(I[0])){for(var P=["fitbounds","projection.rotation","center","lonaxis.range","lataxis.range"],z="Invalid geo settings, relayout'ing to default view.",O={},D=0;D-1&&m(n.event,a,[r.xaxis],[r.yaxis],r.id,f),l.indexOf("event")>-1&&c.click(a,n.event))}))}function h(t){return r.projection.invert([t[0]+r.xaxis._offset,t[1]+r.yaxis._offset])}},T.makeFramework=function(){var t=this,e=t.graphDiv,r=e._fullLayout,i="clip"+r._uid+t.id;t.clipDef=r._clips.append("clipPath").attr("id",i),t.clipRect=t.clipDef.append("rect"),t.framework=n.select(t.container).append("g").attr("class","geo "+t.id).call(l.setClipUrl,i,e),t.project=function(e){var r=t.projection(e);return r?[r[0]-t.xaxis._offset,r[1]-t.yaxis._offset]:[null,null]},t.xaxis={_id:"x",c2p:function(e){return t.project(e)[0]}},t.yaxis={_id:"y",c2p:function(e){return t.project(e)[1]}},t.mockAxis={type:"linear",showexponent:"all",exponentformat:"B"},f.setConvert(t.mockAxis,r)},T.saveViewInitial=function(t){var e,r=t.center||{},n=t.projection,i=n.rotation||{};this.viewInitial={fitbounds:t.fitbounds,"projection.scale":n.scale},e=t._isScoped?{"center.lon":r.lon,"center.lat":r.lat}:t._isClipped?{"projection.rotation.lon":i.lon,"projection.rotation.lat":i.lat}:{"center.lon":r.lon,"center.lat":r.lat,"projection.rotation.lon":i.lon},a.extendFlat(this.viewInitial,e)},T.render=function(){var t,e=this.projection,r=e.getPath();function n(t){var r=e(t.lonlat);return r?o(r[0],r[1]):null}function i(t){return e.isLonLatOverEdges(t.lonlat)?"none":null}for(t in this.basePaths)this.basePaths[t].attr("d",r);for(t in this.dataPaths)this.dataPaths[t].attr("d",(function(t){return r(t.geojson)}));for(t in this.dataPoints)this.dataPoints[t].attr("display",i).attr("transform",n)}},{"../../components/color":643,"../../components/dragelement":662,"../../components/drawing":665,"../../components/fx":683,"../../lib":778,"../../lib/geo_location_utils":771,"../../lib/topojson_utils":806,"../../registry":911,"../cartesian/autorange":827,"../cartesian/axes":828,"../cartesian/select":847,"../plots":891,"./constants":858,"./projections":863,"./zoom":864,d3:169,"topojson-client":579}],860:[function(t,e,r){"use strict";var n=t("../../plots/get_data").getSubplotCalcData,i=t("../../lib").counterRegex,a=t("./geo"),o="geo",s=i(o),l={};l.geo={valType:"subplotid",dflt:o,editType:"calc"},e.exports={attr:o,name:o,idRoot:o,idRegex:s,attrRegex:s,attributes:l,layoutAttributes:t("./layout_attributes"),supplyLayoutDefaults:t("./layout_defaults"),plot:function(t){for(var e=t._fullLayout,r=t.calcdata,i=e._subplots.geo,s=0;s0&&L<0&&(L+=360);var I,P,z,O=(C+L)/2;if(!p){var D=d?f.projRotate:[O,0,0];I=r("projection.rotation.lon",D[0]),r("projection.rotation.lat",D[1]),r("projection.rotation.roll",D[2]),r("showcoastlines",!d&&y)&&(r("coastlinecolor"),r("coastlinewidth")),r("showocean",!!y&&void 0)&&r("oceancolor")}(p?(P=-96.6,z=38.7):(P=d?O:I,z=(E[0]+E[1])/2),r("center.lon",P),r("center.lat",z),g)&&r("projection.parallels",f.projParallels||[0,60]);r("projection.scale"),r("showland",!!y&&void 0)&&r("landcolor"),r("showlakes",!!y&&void 0)&&r("lakecolor"),r("showrivers",!!y&&void 0)&&(r("rivercolor"),r("riverwidth")),r("showcountries",d&&"usa"!==u&&y)&&(r("countrycolor"),r("countrywidth")),("usa"===u||"north america"===u&&50===c)&&(r("showsubunits",y),r("subunitcolor"),r("subunitwidth")),d||r("showframe",y)&&(r("framecolor"),r("framewidth")),r("bgcolor"),r("fitbounds")&&(delete e.projection.scale,d?(delete e.center.lon,delete e.center.lat):m?(delete e.center.lon,delete e.center.lat,delete e.projection.rotation.lon,delete e.projection.rotation.lat,delete e.lonaxis.range,delete e.lataxis.range):(delete e.center.lon,delete e.center.lat,delete e.projection.rotation.lon))}e.exports=function(t,e,r){i(t,e,r,{type:"geo",attributes:s,handleDefaults:c,fullData:r,partition:"y"})}},{"../../lib":778,"../get_data":865,"../subplot_defaults":905,"./constants":858,"./layout_attributes":861}],863:[function(t,e,r){"use strict";e.exports=function(t){function e(t,e){return{type:"Feature",id:t.id,properties:t.properties,geometry:r(t.geometry,e)}}function r(e,n){if(!e)return null;if("GeometryCollection"===e.type)return{type:"GeometryCollection",geometries:object.geometries.map((function(t){return r(t,n)}))};if(!c.hasOwnProperty(e.type))return null;var i=c[e.type];return t.geo.stream(e,n(i)),i.result()}t.geo.project=function(t,e){var i=e.stream;if(!i)throw new Error("not yet supported");return(t&&n.hasOwnProperty(t.type)?n[t.type]:r)(t,i)};var n={Feature:e,FeatureCollection:function(t,r){return{type:"FeatureCollection",features:t.features.map((function(t){return e(t,r)}))}}},i=[],a=[],o={point:function(t,e){i.push([t,e])},result:function(){var t=i.length?i.length<2?{type:"Point",coordinates:i[0]}:{type:"MultiPoint",coordinates:i}:null;return i=[],t}},s={lineStart:u,point:function(t,e){i.push([t,e])},lineEnd:function(){i.length&&(a.push(i),i=[])},result:function(){var t=a.length?a.length<2?{type:"LineString",coordinates:a[0]}:{type:"MultiLineString",coordinates:a}:null;return a=[],t}},l={polygonStart:u,lineStart:u,point:function(t,e){i.push([t,e])},lineEnd:function(){var t=i.length;if(t){do{i.push(i[0].slice())}while(++t<4);a.push(i),i=[]}},polygonEnd:u,result:function(){if(!a.length)return null;var t=[],e=[];return a.forEach((function(r){!function(t){if((e=t.length)<4)return!1;var e,r=0,n=t[e-1][1]*t[0][0]-t[e-1][0]*t[0][1];for(;++rn^p>n&&r<(h-c)*(n-u)/(p-u)+c&&(i=!i)}return i}(t[0],r))return t.push(e),!0}))||t.push([e])})),a=[],t.length?t.length>1?{type:"MultiPolygon",coordinates:t}:{type:"Polygon",coordinates:t[0]}:null}},c={Point:o,MultiPoint:o,LineString:s,MultiLineString:s,Polygon:l,MultiPolygon:l,Sphere:l};function u(){}var f=1e-6,h=Math.PI,p=h/2,d=(Math.sqrt(h),h/180),g=180/h;function m(t){return t>1?p:t<-1?-p:Math.asin(t)}function v(t){return t>1?0:t<-1?h:Math.acos(t)}var y=t.geo.projection,x=t.geo.projectionMutator;function b(t,e){var r=(2+p)*Math.sin(e);e/=2;for(var n=0,i=1/0;n<10&&Math.abs(i)>f;n++){var a=Math.cos(e);e-=i=(e+Math.sin(e)*(a+2)-r)/(2*a*(1+a))}return[2/Math.sqrt(h*(4+h))*t*(1+Math.cos(e)),2*Math.sqrt(h/(4+h))*Math.sin(e)]}t.geo.interrupt=function(e){var r,n=[[[[-h,0],[0,p],[h,0]]],[[[-h,0],[0,-p],[h,0]]]];function i(t,r){for(var i=r<0?-1:1,a=n[+(r<0)],o=0,s=a.length-1;oa[o][2][0];++o);var l=e(t-a[o][1][0],r);return l[0]+=e(a[o][1][0],i*r>i*a[o][0][1]?a[o][0][1]:r)[0],l}function a(){r=n.map((function(t){return t.map((function(t){var r,n=e(t[0][0],t[0][1])[0],i=e(t[2][0],t[2][1])[0],a=e(t[1][0],t[0][1])[1],o=e(t[1][0],t[1][1])[1];return a>o&&(r=a,a=o,o=r),[[n,a],[i,o]]}))}))}e.invert&&(i.invert=function(t,a){for(var o=r[+(a<0)],s=n[+(a<0)],l=0,u=o.length;l=0;--i){var p;o=180*(p=n[1][i])[0][0]/h,s=180*p[0][1]/h,c=180*p[1][1]/h,u=180*p[2][0]/h,f=180*p[2][1]/h;r.push(l([[u-e,f-e],[u-e,c+e],[o+e,c+e],[o+e,s-e]],30))}return{type:"Polygon",coordinates:[t.merge(r)]}}(),a)},i},o.lobes=function(t){return arguments.length?(n=t.map((function(t){return t.map((function(t){return[[t[0][0]*h/180,t[0][1]*h/180],[t[1][0]*h/180,t[1][1]*h/180],[t[2][0]*h/180,t[2][1]*h/180]]}))})),a(),o):n.map((function(t){return t.map((function(t){return[[180*t[0][0]/h,180*t[0][1]/h],[180*t[1][0]/h,180*t[1][1]/h],[180*t[2][0]/h,180*t[2][1]/h]]}))}))},o},b.invert=function(t,e){var r=.5*e*Math.sqrt((4+h)/h),n=m(r),i=Math.cos(n);return[t/(2/Math.sqrt(h*(4+h))*(1+i)),m((n+r*(i+2))/(2+p))]},(t.geo.eckert4=function(){return y(b)}).raw=b;var _=t.geo.azimuthalEqualArea.raw;function w(t,e){if(arguments.length<2&&(e=t),1===e)return _;if(e===1/0)return T;function r(r,n){var i=_(r/e,n);return i[0]*=t,i}return r.invert=function(r,n){var i=_.invert(r/t,n);return i[0]*=e,i},r}function T(t,e){return[t*Math.cos(e)/Math.cos(e/=2),2*Math.sin(e)]}function k(t,e){return[3*t/(2*h)*Math.sqrt(h*h/3-e*e),e]}function M(t,e){return[t,1.25*Math.log(Math.tan(h/4+.4*e))]}function A(t){return function(e){var r,n=t*Math.sin(e),i=30;do{e-=r=(e+Math.sin(e)-n)/(1+Math.cos(e))}while(Math.abs(r)>f&&--i>0);return e/2}}T.invert=function(t,e){var r=2*m(e/2);return[t*Math.cos(r/2)/Math.cos(r),r]},(t.geo.hammer=function(){var t=2,e=x(w),r=e(t);return r.coefficient=function(r){return arguments.length?e(t=+r):t},r}).raw=w,k.invert=function(t,e){return[2/3*h*t/Math.sqrt(h*h/3-e*e),e]},(t.geo.kavrayskiy7=function(){return y(k)}).raw=k,M.invert=function(t,e){return[t,2.5*Math.atan(Math.exp(.8*e))-.625*h]},(t.geo.miller=function(){return y(M)}).raw=M,A(h);var S=function(t,e,r){var n=A(r);function i(r,i){return[t*r*Math.cos(i=n(i)),e*Math.sin(i)]}return i.invert=function(n,i){var a=m(i/e);return[n/(t*Math.cos(a)),m((2*a+Math.sin(2*a))/r)]},i}(Math.SQRT2/p,Math.SQRT2,h);function E(t,e){var r=e*e,n=r*r;return[t*(.8707-.131979*r+n*(n*(.003971*r-.001529*n)-.013791)),e*(1.007226+r*(.015085+n*(.028874*r-.044475-.005916*n)))]}(t.geo.mollweide=function(){return y(S)}).raw=S,E.invert=function(t,e){var r,n=e,i=25;do{var a=n*n,o=a*a;n-=r=(n*(1.007226+a*(.015085+o*(.028874*a-.044475-.005916*o)))-e)/(1.007226+a*(.045255+o*(.259866*a-.311325-.005916*11*o)))}while(Math.abs(r)>f&&--i>0);return[t/(.8707+(a=n*n)*(a*(a*a*a*(.003971-.001529*a)-.013791)-.131979)),n]},(t.geo.naturalEarth=function(){return y(E)}).raw=E;var C=[[.9986,-.062],[1,0],[.9986,.062],[.9954,.124],[.99,.186],[.9822,.248],[.973,.31],[.96,.372],[.9427,.434],[.9216,.4958],[.8962,.5571],[.8679,.6176],[.835,.6769],[.7986,.7346],[.7597,.7903],[.7186,.8435],[.6732,.8936],[.6213,.9394],[.5722,.9761],[.5322,1]];function L(t,e){var r,n=Math.min(18,36*Math.abs(e)/h),i=Math.floor(n),a=n-i,o=(r=C[i])[0],s=r[1],l=(r=C[++i])[0],c=r[1],u=(r=C[Math.min(19,++i)])[0],f=r[1];return[t*(l+a*(u-o)/2+a*a*(u-2*l+o)/2),(e>0?p:-p)*(c+a*(f-s)/2+a*a*(f-2*c+s)/2)]}function I(t,e){return[t*Math.cos(e),e]}function P(t,e){var r,n=Math.cos(e),i=(r=v(n*Math.cos(t/=2)))?r/Math.sin(r):1;return[2*n*Math.sin(t)*i,Math.sin(e)*i]}function z(t,e){var r=P(t,e);return[(r[0]+t/p)/2,(r[1]+e)/2]}C.forEach((function(t){t[1]*=1.0144})),L.invert=function(t,e){var r=e/p,n=90*r,i=Math.min(18,Math.abs(n/5)),a=Math.max(0,Math.floor(i));do{var o=C[a][1],s=C[a+1][1],l=C[Math.min(19,a+2)][1],c=l-o,u=l-2*s+o,f=2*(Math.abs(r)-s)/c,h=u/c,m=f*(1-h*f*(1-2*h*f));if(m>=0||1===a){n=(e>=0?5:-5)*(m+i);var v,y=50;do{m=(i=Math.min(18,Math.abs(n)/5))-(a=Math.floor(i)),o=C[a][1],s=C[a+1][1],l=C[Math.min(19,a+2)][1],n-=(v=(e>=0?p:-p)*(s+m*(l-o)/2+m*m*(l-2*s+o)/2)-e)*g}while(Math.abs(v)>1e-12&&--y>0);break}}while(--a>=0);var x=C[a][0],b=C[a+1][0],_=C[Math.min(19,a+2)][0];return[t/(b+m*(_-x)/2+m*m*(_-2*b+x)/2),n*d]},(t.geo.robinson=function(){return y(L)}).raw=L,I.invert=function(t,e){return[t/Math.cos(e),e]},(t.geo.sinusoidal=function(){return y(I)}).raw=I,P.invert=function(t,e){if(!(t*t+4*e*e>h*h+f)){var r=t,n=e,i=25;do{var a,o=Math.sin(r),s=Math.sin(r/2),l=Math.cos(r/2),c=Math.sin(n),u=Math.cos(n),p=Math.sin(2*n),d=c*c,g=u*u,m=s*s,y=1-g*l*l,x=y?v(u*l)*Math.sqrt(a=1/y):a=0,b=2*x*u*s-t,_=x*c-e,w=a*(g*m+x*u*l*d),T=a*(.5*o*p-2*x*c*s),k=.25*a*(p*s-x*c*g*o),M=a*(d*l+x*m*u),A=T*k-M*w;if(!A)break;var S=(_*T-b*M)/A,E=(b*k-_*w)/A;r-=S,n-=E}while((Math.abs(S)>f||Math.abs(E)>f)&&--i>0);return[r,n]}},(t.geo.aitoff=function(){return y(P)}).raw=P,z.invert=function(t,e){var r=t,n=e,i=25;do{var a,o=Math.cos(n),s=Math.sin(n),l=Math.sin(2*n),c=s*s,u=o*o,h=Math.sin(r),d=Math.cos(r/2),g=Math.sin(r/2),m=g*g,y=1-u*d*d,x=y?v(o*d)*Math.sqrt(a=1/y):a=0,b=.5*(2*x*o*g+r/p)-t,_=.5*(x*s+n)-e,w=.5*a*(u*m+x*o*d*c)+.5/p,T=a*(h*l/4-x*s*g),k=.125*a*(l*g-x*s*u*h),M=.5*a*(c*d+x*m*o)+.5,A=T*k-M*w,S=(_*T-b*M)/A,E=(b*k-_*w)/A;r-=S,n-=E}while((Math.abs(S)>f||Math.abs(E)>f)&&--i>0);return[r,n]},(t.geo.winkel3=function(){return y(z)}).raw=z}},{}],864:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../registry"),o=Math.PI/180,s=180/Math.PI,l={cursor:"pointer"},c={cursor:"auto"};function u(t,e){return n.behavior.zoom().translate(e.translate()).scale(e.scale())}function f(t,e,r){var n=t.id,o=t.graphDiv,s=o.layout,l=s[n],c=o._fullLayout,u=c[n],f={},h={};function p(t,e){f[n+"."+t]=i.nestedProperty(l,t).get(),a.call("_storeDirectGUIEdit",s,c._preGUI,f);var r=i.nestedProperty(u,t);r.get()!==e&&(r.set(e),i.nestedProperty(l,t).set(e),h[n+"."+t]=e)}r(p),p("projection.scale",e.scale()/t.fitScale),p("fitbounds",!1),o.emit("plotly_relayout",h)}function h(t,e){var r=u(0,e);function i(r){var n=e.invert(t.midPt);r("center.lon",n[0]),r("center.lat",n[1])}return r.on("zoomstart",(function(){n.select(this).style(l)})).on("zoom",(function(){e.scale(n.event.scale).translate(n.event.translate),t.render();var r=e.invert(t.midPt);t.graphDiv.emit("plotly_relayouting",{"geo.projection.scale":e.scale()/t.fitScale,"geo.center.lon":r[0],"geo.center.lat":r[1]})})).on("zoomend",(function(){n.select(this).style(c),f(t,e,i)})),r}function p(t,e){var r,i,a,o,s,h,p,d,g,m=u(0,e);function v(t){return e.invert(t)}function y(r){var n=e.rotate(),i=e.invert(t.midPt);r("projection.rotation.lon",-n[0]),r("center.lon",i[0]),r("center.lat",i[1])}return m.on("zoomstart",(function(){n.select(this).style(l),r=n.mouse(this),i=e.rotate(),a=e.translate(),o=i,s=v(r)})).on("zoom",(function(){if(h=n.mouse(this),function(t){var r=v(t);if(!r)return!0;var n=e(r);return Math.abs(n[0]-t[0])>2||Math.abs(n[1]-t[1])>2}(r))return m.scale(e.scale()),void m.translate(e.translate());e.scale(n.event.scale),e.translate([a[0],n.event.translate[1]]),s?v(h)&&(d=v(h),p=[o[0]+(d[0]-s[0]),i[1],i[2]],e.rotate(p),o=p):s=v(r=h),g=!0,t.render();var l=e.rotate(),c=e.invert(t.midPt);t.graphDiv.emit("plotly_relayouting",{"geo.projection.scale":e.scale()/t.fitScale,"geo.center.lon":c[0],"geo.center.lat":c[1],"geo.projection.rotation.lon":-l[0]})})).on("zoomend",(function(){n.select(this).style(c),g&&f(t,e,y)})),m}function d(t,e){var r,i={r:e.rotate(),k:e.scale()},a=u(0,e),o=function(t){var e=0,r=arguments.length,i=[];for(;++ed?(a=(f>0?90:-90)-p,i=0):(a=Math.asin(f/d)*s-p,i=Math.sqrt(d*d-f*f));var g=180-a-2*p,m=(Math.atan2(h,u)-Math.atan2(c,i))*s,v=(Math.atan2(h,u)-Math.atan2(c,-i))*s;return b(r[0],r[1],a,m)<=b(r[0],r[1],g,v)?[a,m,r[2]]:[g,v,r[2]]}function b(t,e,r,n){var i=_(r-t),a=_(n-e);return Math.sqrt(i*i+a*a)}function _(t){return(t%360+540)%360-180}function w(t,e,r){var n=r*o,i=t.slice(),a=0===e?1:0,s=2===e?1:2,l=Math.cos(n),c=Math.sin(n);return i[a]=t[a]*l-t[s]*c,i[s]=t[s]*l+t[a]*c,i}function T(t){return[Math.atan2(2*(t[0]*t[1]+t[2]*t[3]),1-2*(t[1]*t[1]+t[2]*t[2]))*s,Math.asin(Math.max(-1,Math.min(1,2*(t[0]*t[2]-t[3]*t[1]))))*s,Math.atan2(2*(t[0]*t[3]+t[1]*t[2]),1-2*(t[2]*t[2]+t[3]*t[3]))*s]}function k(t,e){for(var r=0,n=0,i=t.length;nMath.abs(s)?(c.boxEnd[1]=c.boxStart[1]+Math.abs(a)*_*(s>=0?1:-1),c.boxEnd[1]l[3]&&(c.boxEnd[1]=l[3],c.boxEnd[0]=c.boxStart[0]+(l[3]-c.boxStart[1])/Math.abs(_))):(c.boxEnd[0]=c.boxStart[0]+Math.abs(s)/_*(a>=0?1:-1),c.boxEnd[0]l[2]&&(c.boxEnd[0]=l[2],c.boxEnd[1]=c.boxStart[1]+(l[2]-c.boxStart[0])*Math.abs(_)))}}else c.boxEnabled?(a=c.boxStart[0]!==c.boxEnd[0],s=c.boxStart[1]!==c.boxEnd[1],a||s?(a&&(m(0,c.boxStart[0],c.boxEnd[0]),t.xaxis.autorange=!1),s&&(m(1,c.boxStart[1],c.boxEnd[1]),t.yaxis.autorange=!1),t.relayoutCallback()):t.glplot.setDirty(),c.boxEnabled=!1,c.boxInited=!1):c.boxInited&&(c.boxInited=!1);break;case"pan":c.boxEnabled=!1,c.boxInited=!1,e?(c.panning||(c.dragStart[0]=n,c.dragStart[1]=i),Math.abs(c.dragStart[0]-n).999&&(g="turntable"):g="turntable")}else g="turntable";r("dragmode",g),r("hovermode",n.getDfltFromLayout("hovermode"))}e.exports=function(t,e,r){var i=e._basePlotModules.length>1;o(t,e,r,{type:"gl3d",attributes:l,handleDefaults:u,fullLayout:e,font:e.font,fullData:r,getDfltFromLayout:function(e){if(!i)return n.validate(t[e],l[e])?t[e]:void 0},autotypenumbersDflt:e.autotypenumbers,paper_bgcolor:e.paper_bgcolor,calendar:e.calendar})}},{"../../../components/color":643,"../../../lib":778,"../../../registry":911,"../../get_data":865,"../../subplot_defaults":905,"./axis_defaults":873,"./layout_attributes":876}],876:[function(t,e,r){"use strict";var n=t("./axis_attributes"),i=t("../../domain").attributes,a=t("../../../lib/extend").extendFlat,o=t("../../../lib").counterRegex;function s(t,e,r){return{x:{valType:"number",dflt:t,editType:"camera"},y:{valType:"number",dflt:e,editType:"camera"},z:{valType:"number",dflt:r,editType:"camera"},editType:"camera"}}e.exports={_arrayAttrRegexps:[o("scene",".annotations",!0)],bgcolor:{valType:"color",dflt:"rgba(0,0,0,0)",editType:"plot"},camera:{up:a(s(0,0,1),{}),center:a(s(0,0,0),{}),eye:a(s(1.25,1.25,1.25),{}),projection:{type:{valType:"enumerated",values:["perspective","orthographic"],dflt:"perspective",editType:"calc"},editType:"calc"},editType:"camera"},domain:i({name:"scene",editType:"plot"}),aspectmode:{valType:"enumerated",values:["auto","cube","data","manual"],dflt:"auto",editType:"plot",impliedEdits:{"aspectratio.x":void 0,"aspectratio.y":void 0,"aspectratio.z":void 0}},aspectratio:{x:{valType:"number",min:0,editType:"plot",impliedEdits:{"^aspectmode":"manual"}},y:{valType:"number",min:0,editType:"plot",impliedEdits:{"^aspectmode":"manual"}},z:{valType:"number",min:0,editType:"plot",impliedEdits:{"^aspectmode":"manual"}},editType:"plot",impliedEdits:{aspectmode:"manual"}},xaxis:n,yaxis:n,zaxis:n,dragmode:{valType:"enumerated",values:["orbit","turntable","zoom","pan",!1],editType:"plot"},hovermode:{valType:"enumerated",values:["closest",!1],dflt:"closest",editType:"modebar"},uirevision:{valType:"any",editType:"none"},editType:"plot",_deprecated:{cameraposition:{valType:"info_array",editType:"camera"}}}},{"../../../lib":778,"../../../lib/extend":768,"../../domain":855,"./axis_attributes":872}],877:[function(t,e,r){"use strict";var n=t("../../../lib/str2rgbarray"),i=["xaxis","yaxis","zaxis"];function a(){this.enabled=[!0,!0,!0],this.colors=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.drawSides=[!0,!0,!0],this.lineWidth=[1,1,1]}a.prototype.merge=function(t){for(var e=0;e<3;++e){var r=t[i[e]];r.visible?(this.enabled[e]=r.showspikes,this.colors[e]=n(r.spikecolor),this.drawSides[e]=r.spikesides,this.lineWidth[e]=r.spikethickness):(this.enabled[e]=!1,this.drawSides[e]=!1)}},e.exports=function(t){var e=new a;return e.merge(t),e}},{"../../../lib/str2rgbarray":802}],878:[function(t,e,r){"use strict";e.exports=function(t){for(var e=t.axesOptions,r=t.glplot.axesPixels,s=t.fullSceneLayout,l=[[],[],[]],c=0;c<3;++c){var u=s[a[c]];if(u._length=(r[c].hi-r[c].lo)*r[c].pixelsPerDataUnit/t.dataScale[c],Math.abs(u._length)===1/0||isNaN(u._length))l[c]=[];else{u._input_range=u.range.slice(),u.range[0]=r[c].lo/t.dataScale[c],u.range[1]=r[c].hi/t.dataScale[c],u._m=1/(t.dataScale[c]*r[c].pixelsPerDataUnit),u.range[0]===u.range[1]&&(u.range[0]-=1,u.range[1]+=1);var f=u.tickmode;if("auto"===u.tickmode){u.tickmode="linear";var h=u.nticks||i.constrain(u._length/40,4,9);n.autoTicks(u,Math.abs(u.range[1]-u.range[0])/h)}for(var p=n.calcTicks(u,{msUTC:!0}),d=0;d/g," "));l[c]=p,u.tickmode=f}}e.ticks=l;for(c=0;c<3;++c){o[c]=.5*(t.glplot.bounds[0][c]+t.glplot.bounds[1][c]);for(d=0;d<2;++d)e.bounds[d][c]=t.glplot.bounds[d][c]}t.contourLevels=function(t){for(var e=new Array(3),r=0;r<3;++r){for(var n=t[r],i=new Array(n.length),a=0;ar.deltaY?1.1:1/1.1,a=t.glplot.getAspectratio();t.glplot.setAspectratio({x:n*a.x,y:n*a.y,z:n*a.z})}i(t)}}),!!c&&{passive:!1}),t.glplot.canvas.addEventListener("mousemove",(function(){if(!1!==t.fullSceneLayout.dragmode&&0!==t.camera.mouseListener.buttons){var e=n();t.graphDiv.emit("plotly_relayouting",e)}})),t.staticMode||t.glplot.canvas.addEventListener("webglcontextlost",(function(r){e&&e.emit&&e.emit("plotly_webglcontextlost",{event:r,layer:t.id})}),!1)),t.glplot.oncontextloss=function(){t.recoverContext()},t.glplot.onrender=function(){t.render()},!0},w.render=function(){var t,e=this,r=e.graphDiv,n=e.svgContainer,i=e.container.getBoundingClientRect();r._fullLayout._calcInverseTransform(r);var a=r._fullLayout._invScaleX,o=r._fullLayout._invScaleY,s=i.width*a,l=i.height*o;n.setAttributeNS(null,"viewBox","0 0 "+s+" "+l),n.setAttributeNS(null,"width",s),n.setAttributeNS(null,"height",l),b(e),e.glplot.axes.update(e.axesOptions);for(var c,u=Object.keys(e.traces),h=null,g=e.glplot.selection,m=0;m")):"isosurface"===t.type||"volume"===t.type?(k.valueLabel=p.tickText(e._mockAxis,e._mockAxis.d2l(g.traceCoordinate[3]),"hover").text,E.push("value: "+k.valueLabel),g.textLabel&&E.push(g.textLabel),_=E.join("
")):_=g.textLabel;var C={x:g.traceCoordinate[0],y:g.traceCoordinate[1],z:g.traceCoordinate[2],data:w._input,fullData:w,curveNumber:w.index,pointNumber:T};d.appendArrayPointValue(C,w,T),t._module.eventData&&(C=w._module.eventData(C,g,w,{},T));var L={points:[C]};e.fullSceneLayout.hovermode&&d.loneHover({trace:w,x:(.5+.5*x[0]/x[3])*s,y:(.5-.5*x[1]/x[3])*l,xLabel:k.xLabel,yLabel:k.yLabel,zLabel:k.zLabel,text:_,name:h.name,color:d.castHoverOption(w,T,"bgcolor")||h.color,borderColor:d.castHoverOption(w,T,"bordercolor"),fontFamily:d.castHoverOption(w,T,"font.family"),fontSize:d.castHoverOption(w,T,"font.size"),fontColor:d.castHoverOption(w,T,"font.color"),nameLength:d.castHoverOption(w,T,"namelength"),textAlign:d.castHoverOption(w,T,"align"),hovertemplate:f.castOption(w,T,"hovertemplate"),hovertemplateLabels:f.extendFlat({},C,k),eventData:[C]},{container:n,gd:r}),g.buttons&&g.distance<5?r.emit("plotly_click",L):r.emit("plotly_hover",L),c=L}else d.loneUnhover(n),r.emit("plotly_unhover",c);e.drawAnnotations(e)},w.recoverContext=function(){var t=this;t.glplot.dispose();var e=function(){t.glplot.gl.isContextLost()?requestAnimationFrame(e):t.initializeGLPlot()?t.plot.apply(t,t.plotArgs):f.error("Catastrophic and unrecoverable WebGL error. Context lost.")};requestAnimationFrame(e)};var k=["xaxis","yaxis","zaxis"];function M(t,e,r){for(var n=t.fullSceneLayout,i=0;i<3;i++){var a=k[i],o=a.charAt(0),s=n[a],l=e[o],c=e[o+"calendar"],u=e["_"+o+"length"];if(f.isArrayOrTypedArray(l))for(var h,p=0;p<(u||l.length);p++)if(f.isArrayOrTypedArray(l[p]))for(var d=0;dm[1][a])m[0][a]=-1,m[1][a]=1;else{var C=m[1][a]-m[0][a];m[0][a]-=C/32,m[1][a]+=C/32}if("reversed"===s.autorange){var L=m[0][a];m[0][a]=m[1][a],m[1][a]=L}}else{var I=s.range;m[0][a]=s.r2l(I[0]),m[1][a]=s.r2l(I[1])}m[0][a]===m[1][a]&&(m[0][a]-=1,m[1][a]+=1),v[a]=m[1][a]-m[0][a],this.glplot.setBounds(a,{min:m[0][a]*h[a],max:m[1][a]*h[a]})}var P=c.aspectmode;if("cube"===P)d=[1,1,1];else if("manual"===P){var z=c.aspectratio;d=[z.x,z.y,z.z]}else{if("auto"!==P&&"data"!==P)throw new Error("scene.js aspectRatio was not one of the enumerated types");var O=[1,1,1];for(a=0;a<3;++a){var D=y[l=(s=c[k[a]]).type];O[a]=Math.pow(D.acc,1/D.count)/h[a]}d="data"===P||Math.max.apply(null,O)/Math.min.apply(null,O)<=4?O:[1,1,1]}c.aspectratio.x=u.aspectratio.x=d[0],c.aspectratio.y=u.aspectratio.y=d[1],c.aspectratio.z=u.aspectratio.z=d[2],this.glplot.setAspectratio(c.aspectratio),this.viewInitial.aspectratio||(this.viewInitial.aspectratio={x:c.aspectratio.x,y:c.aspectratio.y,z:c.aspectratio.z}),this.viewInitial.aspectmode||(this.viewInitial.aspectmode=c.aspectmode);var R=c.domain||null,F=e._size||null;if(R&&F){var B=this.container.style;B.position="absolute",B.left=F.l+R.x[0]*F.w+"px",B.top=F.t+(1-R.y[1])*F.h+"px",B.width=F.w*(R.x[1]-R.x[0])+"px",B.height=F.h*(R.y[1]-R.y[0])+"px"}this.glplot.redraw()}},w.destroy=function(){this.glplot&&(this.camera.mouseListener.enabled=!1,this.container.removeEventListener("wheel",this.camera.wheelListener),this.camera=null,this.glplot.dispose(),this.container.parentNode.removeChild(this.container),this.glplot=null)},w.getCamera=function(){var t;return this.camera.view.recalcMatrix(this.camera.view.lastT()),{up:{x:(t=this.camera).up[0],y:t.up[1],z:t.up[2]},center:{x:t.center[0],y:t.center[1],z:t.center[2]},eye:{x:t.eye[0],y:t.eye[1],z:t.eye[2]},projection:{type:!0===t._ortho?"orthographic":"perspective"}}},w.setViewport=function(t){var e,r=t.camera;this.camera.lookAt.apply(this,[[(e=r).eye.x,e.eye.y,e.eye.z],[e.center.x,e.center.y,e.center.z],[e.up.x,e.up.y,e.up.z]]),this.glplot.setAspectratio(t.aspectratio),"orthographic"===r.projection.type!==this.camera._ortho&&(this.glplot.redraw(),this.glplot.clearRGBA(),this.glplot.dispose(),this.initializeGLPlot())},w.isCameraChanged=function(t){var e=this.getCamera(),r=f.nestedProperty(t,this.id+".camera").get();function n(t,e,r,n){var i=["up","center","eye"],a=["x","y","z"];return e[i[r]]&&t[i[r]][a[n]]===e[i[r]][a[n]]}var i=!1;if(void 0===r)i=!0;else{for(var a=0;a<3;a++)for(var o=0;o<3;o++)if(!n(e,r,a,o)){i=!0;break}(!r.projection||e.projection&&e.projection.type!==r.projection.type)&&(i=!0)}return i},w.isAspectChanged=function(t){var e=this.glplot.getAspectratio(),r=f.nestedProperty(t,this.id+".aspectratio").get();return void 0===r||r.x!==e.x||r.y!==e.y||r.z!==e.z},w.saveLayout=function(t){var e,r,n,i,a,o,s=this.fullLayout,l=this.isCameraChanged(t),c=this.isAspectChanged(t),h=l||c;if(h){var p={};if(l&&(e=this.getCamera(),n=(r=f.nestedProperty(t,this.id+".camera")).get(),p[this.id+".camera"]=n),c&&(i=this.glplot.getAspectratio(),o=(a=f.nestedProperty(t,this.id+".aspectratio")).get(),p[this.id+".aspectratio"]=o),u.call("_storeDirectGUIEdit",t,s._preGUI,p),l)r.set(e),f.nestedProperty(s,this.id+".camera").set(e);if(c)a.set(i),f.nestedProperty(s,this.id+".aspectratio").set(i),this.glplot.redraw()}return h},w.updateFx=function(t,e){var r=this.camera;if(r)if("orbit"===t)r.mode="orbit",r.keyBindingMode="rotate";else if("turntable"===t){r.up=[0,0,1],r.mode="turntable",r.keyBindingMode="rotate";var n=this.graphDiv,i=n._fullLayout,a=this.fullSceneLayout.camera,o=a.up.x,s=a.up.y,l=a.up.z;if(l/Math.sqrt(o*o+s*s+l*l)<.999){var c=this.id+".camera.up",h={x:0,y:0,z:1},p={};p[c]=h;var d=n.layout;u.call("_storeDirectGUIEdit",d,i._preGUI,p),a.up=h,f.nestedProperty(d,c).set(h)}}else r.keyBindingMode=t;this.fullSceneLayout.hovermode=e},w.toImage=function(t){t||(t="png"),this.staticMode&&this.container.appendChild(n),this.glplot.redraw();var e=this.glplot.gl,r=e.drawingBufferWidth,i=e.drawingBufferHeight;e.bindFramebuffer(e.FRAMEBUFFER,null);var a=new Uint8Array(r*i*4);e.readPixels(0,0,r,i,e.RGBA,e.UNSIGNED_BYTE,a),function(t,e,r){for(var n=0,i=r-1;n0)for(var s=255/o,l=0;l<3;++l)t[a+l]=Math.min(s*t[a+l],255)}}(a,r,i);var o=document.createElement("canvas");o.width=r,o.height=i;var s,l=o.getContext("2d"),c=l.createImageData(r,i);switch(c.data.set(a),l.putImageData(c,0,0),t){case"jpeg":s=o.toDataURL("image/jpeg");break;case"webp":s=o.toDataURL("image/webp");break;default:s=o.toDataURL("image/png")}return this.staticMode&&this.container.removeChild(n),s},w.setConvert=function(){for(var t=0;t<3;t++){var e=this.fullSceneLayout[k[t]];p.setConvert(e,this.fullLayout),e.setScale=f.noop}},w.make4thDimension=function(){var t=this.graphDiv._fullLayout;this._mockAxis={type:"linear",showexponent:"all",exponentformat:"B"},p.setConvert(this._mockAxis,t)},e.exports=_},{"../../components/fx":683,"../../lib":778,"../../lib/show_no_webgl_msg":800,"../../lib/str2rgbarray":802,"../../plots/cartesian/axes":828,"../../registry":911,"./layout/convert":874,"./layout/spikes":877,"./layout/tick_marks":878,"./project":879,"gl-plot3d":321,"has-passive-events":441,"webgl-context":606}],881:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){n=n||t.length;for(var i=new Array(n),a=0;a\xa9 OpenStreetMap
',tiles:["https://a.tile.openstreetmap.org/{z}/{x}/{y}.png","https://b.tile.openstreetmap.org/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-osm-tiles",type:"raster",source:"plotly-osm-tiles",minzoom:0,maxzoom:22}]},"white-bg":{id:"white-bg",version:8,sources:{},layers:[{id:"white-bg",type:"background",paint:{"background-color":"#FFFFFF"},minzoom:0,maxzoom:22}]},"carto-positron":{id:"carto-positron",version:8,sources:{"plotly-carto-positron":{type:"raster",attribution:'\xa9 CARTO',tiles:["https://cartodb-basemaps-c.global.ssl.fastly.net/light_all/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-carto-positron",type:"raster",source:"plotly-carto-positron",minzoom:0,maxzoom:22}]},"carto-darkmatter":{id:"carto-darkmatter",version:8,sources:{"plotly-carto-darkmatter":{type:"raster",attribution:'\xa9 CARTO',tiles:["https://cartodb-basemaps-c.global.ssl.fastly.net/dark_all/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-carto-darkmatter",type:"raster",source:"plotly-carto-darkmatter",minzoom:0,maxzoom:22}]},"stamen-terrain":{id:"stamen-terrain",version:8,sources:{"plotly-stamen-terrain":{type:"raster",attribution:'Map tiles by Stamen Design, under CC BY 3.0 | Data by OpenStreetMap, under ODbL.',tiles:["https://stamen-tiles.a.ssl.fastly.net/terrain/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-stamen-terrain",type:"raster",source:"plotly-stamen-terrain",minzoom:0,maxzoom:22}]},"stamen-toner":{id:"stamen-toner",version:8,sources:{"plotly-stamen-toner":{type:"raster",attribution:'Map tiles by Stamen Design, under CC BY 3.0 | Data by OpenStreetMap, under ODbL.',tiles:["https://stamen-tiles.a.ssl.fastly.net/toner/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-stamen-toner",type:"raster",source:"plotly-stamen-toner",minzoom:0,maxzoom:22}]},"stamen-watercolor":{id:"stamen-watercolor",version:8,sources:{"plotly-stamen-watercolor":{type:"raster",attribution:'Map tiles by Stamen Design, under CC BY 3.0 | Data by OpenStreetMap, under CC BY SA.',tiles:["https://stamen-tiles.a.ssl.fastly.net/watercolor/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-stamen-watercolor",type:"raster",source:"plotly-stamen-watercolor",minzoom:0,maxzoom:22}]}},i=Object.keys(n);e.exports={requiredVersion:"1.10.1",styleUrlPrefix:"mapbox://styles/mapbox/",styleUrlSuffix:"v9",styleValuesMapbox:["basic","streets","outdoors","light","dark","satellite","satellite-streets"],styleValueDflt:"basic",stylesNonMapbox:n,styleValuesNonMapbox:i,traceLayerPrefix:"plotly-trace-layer-",layoutLayerPrefix:"plotly-layout-layer-",wrongVersionErrorMsg:["Your custom plotly.js bundle is not using the correct mapbox-gl version","Please install mapbox-gl@1.10.1."].join("\n"),noAccessTokenErrorMsg:["Missing Mapbox access token.","Mapbox trace type require a Mapbox access token to be registered.","For example:"," Plotly.plot(gd, data, layout, { mapboxAccessToken: 'my-access-token' });","More info here: https://www.mapbox.com/help/define-access-token/"].join("\n"),missingStyleErrorMsg:["No valid mapbox style found, please set `mapbox.style` to one of:",i.join(", "),"or register a Mapbox access token to use a Mapbox-served style."].join("\n"),multipleTokensErrorMsg:["Set multiple mapbox access token across different mapbox subplot,","using first token found as mapbox-gl does not allow multipleaccess tokens on the same page."].join("\n"),mapOnErrorMsg:"Mapbox error.",mapboxLogo:{path0:"m 10.5,1.24 c -5.11,0 -9.25,4.15 -9.25,9.25 0,5.1 4.15,9.25 9.25,9.25 5.1,0 9.25,-4.15 9.25,-9.25 0,-5.11 -4.14,-9.25 -9.25,-9.25 z m 4.39,11.53 c -1.93,1.93 -4.78,2.31 -6.7,2.31 -0.7,0 -1.41,-0.05 -2.1,-0.16 0,0 -1.02,-5.64 2.14,-8.81 0.83,-0.83 1.95,-1.28 3.13,-1.28 1.27,0 2.49,0.51 3.39,1.42 1.84,1.84 1.89,4.75 0.14,6.52 z",path1:"M 10.5,-0.01 C 4.7,-0.01 0,4.7 0,10.49 c 0,5.79 4.7,10.5 10.5,10.5 5.8,0 10.5,-4.7 10.5,-10.5 C 20.99,4.7 16.3,-0.01 10.5,-0.01 Z m 0,19.75 c -5.11,0 -9.25,-4.15 -9.25,-9.25 0,-5.1 4.14,-9.26 9.25,-9.26 5.11,0 9.25,4.15 9.25,9.25 0,5.13 -4.14,9.26 -9.25,9.26 z",path2:"M 14.74,6.25 C 12.9,4.41 9.98,4.35 8.23,6.1 5.07,9.27 6.09,14.91 6.09,14.91 c 0,0 5.64,1.02 8.81,-2.14 C 16.64,11 16.59,8.09 14.74,6.25 Z m -2.27,4.09 -0.91,1.87 -0.9,-1.87 -1.86,-0.91 1.86,-0.9 0.9,-1.87 0.91,1.87 1.86,0.9 z",polygon:"11.56,12.21 10.66,10.34 8.8,9.43 10.66,8.53 11.56,6.66 12.47,8.53 14.33,9.43 12.47,10.34"},styleRules:{map:"overflow:hidden;position:relative;","missing-css":"display:none;",canary:"background-color:salmon;","ctrl-bottom-left":"position: absolute; pointer-events: none; z-index: 2; bottom: 0; left: 0;","ctrl-bottom-right":"position: absolute; pointer-events: none; z-index: 2; right: 0; bottom: 0;",ctrl:"clear: both; pointer-events: auto; transform: translate(0, 0);","ctrl-attrib.mapboxgl-compact .mapboxgl-ctrl-attrib-inner":"display: none;","ctrl-attrib.mapboxgl-compact:hover .mapboxgl-ctrl-attrib-inner":"display: block; margin-top:2px","ctrl-attrib.mapboxgl-compact:hover":"padding: 2px 24px 2px 4px; visibility: visible; margin-top: 6px;","ctrl-attrib.mapboxgl-compact::after":'content: ""; cursor: pointer; position: absolute; background-image: url(\'data:image/svg+xml;charset=utf-8,%3Csvg viewBox="0 0 20 20" xmlns="http://www.w3.org/2000/svg"%3E %3Cpath fill="%23333333" fill-rule="evenodd" d="M4,10a6,6 0 1,0 12,0a6,6 0 1,0 -12,0 M9,7a1,1 0 1,0 2,0a1,1 0 1,0 -2,0 M9,10a1,1 0 1,1 2,0l0,3a1,1 0 1,1 -2,0"/%3E %3C/svg%3E\'); background-color: rgba(255, 255, 255, 0.5); width: 24px; height: 24px; box-sizing: border-box; border-radius: 12px;',"ctrl-attrib.mapboxgl-compact":"min-height: 20px; padding: 0; margin: 10px; position: relative; background-color: #fff; border-radius: 3px 12px 12px 3px;","ctrl-bottom-right > .mapboxgl-ctrl-attrib.mapboxgl-compact::after":"bottom: 0; right: 0","ctrl-bottom-left > .mapboxgl-ctrl-attrib.mapboxgl-compact::after":"bottom: 0; left: 0","ctrl-bottom-left .mapboxgl-ctrl":"margin: 0 0 10px 10px; float: left;","ctrl-bottom-right .mapboxgl-ctrl":"margin: 0 10px 10px 0; float: right;","ctrl-attrib":"color: rgba(0, 0, 0, 0.75); text-decoration: none; font-size: 12px","ctrl-attrib a":"color: rgba(0, 0, 0, 0.75); text-decoration: none; font-size: 12px","ctrl-attrib a:hover":"color: inherit; text-decoration: underline;","ctrl-attrib .mapbox-improve-map":"font-weight: bold; margin-left: 2px;","attrib-empty":"display: none;","ctrl-logo":'display:block; width: 21px; height: 21px; background-image: url(\'data:image/svg+xml;charset=utf-8,%3C?xml version="1.0" encoding="utf-8"?%3E %3Csvg version="1.1" id="Layer_1" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" x="0px" y="0px" viewBox="0 0 21 21" style="enable-background:new 0 0 21 21;" xml:space="preserve"%3E%3Cg transform="translate(0,0.01)"%3E%3Cpath d="m 10.5,1.24 c -5.11,0 -9.25,4.15 -9.25,9.25 0,5.1 4.15,9.25 9.25,9.25 5.1,0 9.25,-4.15 9.25,-9.25 0,-5.11 -4.14,-9.25 -9.25,-9.25 z m 4.39,11.53 c -1.93,1.93 -4.78,2.31 -6.7,2.31 -0.7,0 -1.41,-0.05 -2.1,-0.16 0,0 -1.02,-5.64 2.14,-8.81 0.83,-0.83 1.95,-1.28 3.13,-1.28 1.27,0 2.49,0.51 3.39,1.42 1.84,1.84 1.89,4.75 0.14,6.52 z" style="opacity:0.9;fill:%23ffffff;enable-background:new" class="st0"/%3E%3Cpath d="M 10.5,-0.01 C 4.7,-0.01 0,4.7 0,10.49 c 0,5.79 4.7,10.5 10.5,10.5 5.8,0 10.5,-4.7 10.5,-10.5 C 20.99,4.7 16.3,-0.01 10.5,-0.01 Z m 0,19.75 c -5.11,0 -9.25,-4.15 -9.25,-9.25 0,-5.1 4.14,-9.26 9.25,-9.26 5.11,0 9.25,4.15 9.25,9.25 0,5.13 -4.14,9.26 -9.25,9.26 z" style="opacity:0.35;enable-background:new" class="st1"/%3E%3Cpath d="M 14.74,6.25 C 12.9,4.41 9.98,4.35 8.23,6.1 5.07,9.27 6.09,14.91 6.09,14.91 c 0,0 5.64,1.02 8.81,-2.14 C 16.64,11 16.59,8.09 14.74,6.25 Z m -2.27,4.09 -0.91,1.87 -0.9,-1.87 -1.86,-0.91 1.86,-0.9 0.9,-1.87 0.91,1.87 1.86,0.9 z" style="opacity:0.35;enable-background:new" class="st1"/%3E%3Cpolygon points="11.56,12.21 10.66,10.34 8.8,9.43 10.66,8.53 11.56,6.66 12.47,8.53 14.33,9.43 12.47,10.34 " style="opacity:0.9;fill:%23ffffff;enable-background:new" class="st0"/%3E%3C/g%3E%3C/svg%3E\')'}}},{}],884:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t,e){var r=t.split(" "),i=r[0],a=r[1],o=n.isArrayOrTypedArray(e)?n.mean(e):e,s=.5+o/100,l=1.5+o/100,c=["",""],u=[0,0];switch(i){case"top":c[0]="top",u[1]=-l;break;case"bottom":c[0]="bottom",u[1]=l}switch(a){case"left":c[1]="right",u[0]=-s;break;case"right":c[1]="left",u[0]=s}return{anchor:c[0]&&c[1]?c.join("-"):c[0]?c[0]:c[1]?c[1]:"center",offset:u}}},{"../../lib":778}],885:[function(t,e,r){"use strict";var n=t("mapbox-gl"),i=t("../../lib"),a=i.strTranslate,o=i.strScale,s=t("../../plots/get_data").getSubplotCalcData,l=t("../../constants/xmlns_namespaces"),c=t("d3"),u=t("../../components/drawing"),f=t("../../lib/svg_text_utils"),h=t("./mapbox"),p=r.constants=t("./constants");function d(t){return"string"==typeof t&&(-1!==p.styleValuesMapbox.indexOf(t)||0===t.indexOf("mapbox://"))}r.name="mapbox",r.attr="subplot",r.idRoot="mapbox",r.idRegex=r.attrRegex=i.counterRegex("mapbox"),r.attributes={subplot:{valType:"subplotid",dflt:"mapbox",editType:"calc"}},r.layoutAttributes=t("./layout_attributes"),r.supplyLayoutDefaults=t("./layout_defaults"),r.plot=function(t){var e=t._fullLayout,r=t.calcdata,a=e._subplots.mapbox;if(n.version!==p.requiredVersion)throw new Error(p.wrongVersionErrorMsg);var o=function(t,e){var r=t._fullLayout;if(""===t._context.mapboxAccessToken)return"";for(var n=[],a=[],o=!1,s=!1,l=0;l1&&i.warn(p.multipleTokensErrorMsg),n[0]):(a.length&&i.log(["Listed mapbox access token(s)",a.join(","),"but did not use a Mapbox map style, ignoring token(s)."].join(" ")),"")}(t,a);n.accessToken=o;for(var l=0;l_/2){var w=v.split("|").join("
");x.text(w).attr("data-unformatted",w).call(f.convertToTspans,t),b=u.bBox(x.node())}x.attr("transform",a(-3,8-b.height)),y.insert("rect",".static-attribution").attr({x:-b.width-6,y:-b.height-3,width:b.width+6,height:b.height+3,fill:"rgba(255, 255, 255, 0.75)"});var T=1;b.width+6>_&&(T=_/(b.width+6));var k=[n.l+n.w*h.x[1],n.t+n.h*(1-h.y[0])];y.attr("transform",a(k[0],k[1])+o(T))}},r.updateFx=function(t){for(var e=t._fullLayout,r=e._subplots.mapbox,n=0;n0){for(var r=0;r0}function u(t){var e={},r={};switch(t.type){case"circle":n.extendFlat(r,{"circle-radius":t.circle.radius,"circle-color":t.color,"circle-opacity":t.opacity});break;case"line":n.extendFlat(r,{"line-width":t.line.width,"line-color":t.color,"line-opacity":t.opacity,"line-dasharray":t.line.dash});break;case"fill":n.extendFlat(r,{"fill-color":t.color,"fill-outline-color":t.fill.outlinecolor,"fill-opacity":t.opacity});break;case"symbol":var i=t.symbol,o=a(i.textposition,i.iconsize);n.extendFlat(e,{"icon-image":i.icon+"-15","icon-size":i.iconsize/10,"text-field":i.text,"text-size":i.textfont.size,"text-anchor":o.anchor,"text-offset":o.offset,"symbol-placement":i.placement}),n.extendFlat(r,{"icon-color":t.color,"text-color":i.textfont.color,"text-opacity":t.opacity});break;case"raster":n.extendFlat(r,{"raster-fade-duration":0,"raster-opacity":t.opacity})}return{layout:e,paint:r}}l.update=function(t){this.visible?this.needsNewImage(t)?this.updateImage(t):this.needsNewSource(t)?(this.removeLayer(),this.updateSource(t),this.updateLayer(t)):this.needsNewLayer(t)?this.updateLayer(t):this.updateStyle(t):(this.updateSource(t),this.updateLayer(t)),this.visible=c(t)},l.needsNewImage=function(t){return this.subplot.map.getSource(this.idSource)&&"image"===this.sourceType&&"image"===t.sourcetype&&(this.source!==t.source||JSON.stringify(this.coordinates)!==JSON.stringify(t.coordinates))},l.needsNewSource=function(t){return this.sourceType!==t.sourcetype||JSON.stringify(this.source)!==JSON.stringify(t.source)||this.layerType!==t.type},l.needsNewLayer=function(t){return this.layerType!==t.type||this.below!==this.subplot.belowLookup["layout-"+this.index]},l.lookupBelow=function(){return this.subplot.belowLookup["layout-"+this.index]},l.updateImage=function(t){this.subplot.map.getSource(this.idSource).updateImage({url:t.source,coordinates:t.coordinates});var e=this.findFollowingMapboxLayerId(this.lookupBelow());null!==e&&this.subplot.map.moveLayer(this.idLayer,e)},l.updateSource=function(t){var e=this.subplot.map;if(e.getSource(this.idSource)&&e.removeSource(this.idSource),this.sourceType=t.sourcetype,this.source=t.source,c(t)){var r=function(t){var e,r=t.sourcetype,n=t.source,a={type:r};"geojson"===r?e="data":"vector"===r?e="string"==typeof n?"url":"tiles":"raster"===r?(e="tiles",a.tileSize=256):"image"===r&&(e="url",a.coordinates=t.coordinates);a[e]=n,t.sourceattribution&&(a.attribution=i(t.sourceattribution));return a}(t);e.addSource(this.idSource,r)}},l.findFollowingMapboxLayerId=function(t){if("traces"===t)for(var e=this.subplot.getMapLayers(),r=0;r1)for(r=0;r-1&&v(e.originalEvent,n,[r.xaxis],[r.yaxis],r.id,t),i.indexOf("event")>-1&&c.click(n,e.originalEvent)}}},_.updateFx=function(t){var e=this,r=e.map,n=e.gd;if(!e.isStatic){var a,o=t.dragmode;a=f(o)?function(t,r){(t.range={})[e.id]=[c([r.xmin,r.ymin]),c([r.xmax,r.ymax])]}:function(t,r,n){(t.lassoPoints={})[e.id]=n.filtered.map(c)};var s=e.dragOptions;e.dragOptions=i.extendDeep(s||{},{dragmode:t.dragmode,element:e.div,gd:n,plotinfo:{id:e.id,domain:t[e.id].domain,xaxis:e.xaxis,yaxis:e.yaxis,fillRangeItems:a},xaxes:[e.xaxis],yaxes:[e.yaxis],subplot:e.id}),r.off("click",e.onClickInPanHandler),p(o)||h(o)?(r.dragPan.disable(),r.on("zoomstart",e.clearSelect),e.dragOptions.prepFn=function(t,r,n){d(t,r,n,e.dragOptions,o)},l.init(e.dragOptions)):(r.dragPan.enable(),r.off("zoomstart",e.clearSelect),e.div.onmousedown=null,e.onClickInPanHandler=e.onClickInPanFn(e.dragOptions),r.on("click",e.onClickInPanHandler))}function c(t){var r=e.map.unproject(t);return[r.lng,r.lat]}},_.updateFramework=function(t){var e=t[this.id].domain,r=t._size,n=this.div.style;n.width=r.w*(e.x[1]-e.x[0])+"px",n.height=r.h*(e.y[1]-e.y[0])+"px",n.left=r.l+e.x[0]*r.w+"px",n.top=r.t+(1-e.y[1])*r.h+"px",this.xaxis._offset=r.l+e.x[0]*r.w,this.xaxis._length=r.w*(e.x[1]-e.x[0]),this.yaxis._offset=r.t+(1-e.y[1])*r.h,this.yaxis._length=r.h*(e.y[1]-e.y[0])},_.updateLayers=function(t){var e,r=t[this.id].layers,n=this.layerList;if(r.length!==n.length){for(e=0;e=e.width-20?(a["text-anchor"]="start",a.x=5):(a["text-anchor"]="end",a.x=e._paper.attr("width")-7),r.attr(a);var o=r.select(".js-link-to-tool"),s=r.select(".js-link-spacer"),l=r.select(".js-sourcelinks");t._context.showSources&&t._context.showSources(t),t._context.showLink&&function(t,e){e.text("");var r=e.append("a").attr({"xlink:xlink:href":"#",class:"link--impt link--embedview","font-weight":"bold"}).text(t._context.linkText+" "+String.fromCharCode(187));if(t._context.sendData)r.on("click",(function(){x.sendDataToCloud(t)}));else{var n=window.location.pathname.split("/"),i=window.location.search;r.attr({"xlink:xlink:show":"new","xlink:xlink:href":"/"+n[2].split(".")[0]+"/"+n[1]+i})}}(t,o),s.text(o.text()&&l.text()?" - ":"")}},x.sendDataToCloud=function(t){var e=(window.PLOTLYENV||{}).BASE_URL||t._context.plotlyServerURL;if(e){t.emit("plotly_beforeexport");var r=n.select(t).append("div").attr("id","hiddenform").style("display","none"),i=r.append("form").attr({action:e+"/external",method:"post",target:"_blank"});return i.append("input").attr({type:"text",name:"data"}).node().value=x.graphJson(t,!1,"keepdata"),i.node().submit(),r.remove(),t.emit("plotly_afterexport"),!1}};var w=["days","shortDays","months","shortMonths","periods","dateTime","date","time","decimal","thousands","grouping","currency"],T=["year","month","dayMonth","dayMonthYear"];function k(t,e){var r=t._context.locale;r||(r="en-US");var n=!1,i={};function a(t){for(var r=!0,a=0;a1&&O.length>1){for(o.getComponentMethod("grid","sizeDefaults")(u,l),s=0;s15&&O.length>15&&0===l.shapes.length&&0===l.images.length,l._hasCartesian=l._has("cartesian"),l._hasGeo=l._has("geo"),l._hasGL3D=l._has("gl3d"),l._hasGL2D=l._has("gl2d"),l._hasTernary=l._has("ternary"),l._hasPie=l._has("pie"),x.linkSubplots(h,l,f,a),x.cleanPlot(h,l,f,a);var N=!(!a._has||!a._has("gl2d")),j=!(!l._has||!l._has("gl2d")),U=!(!a._has||!a._has("cartesian"))||N,V=!(!l._has||!l._has("cartesian"))||j;U&&!V?a._bgLayer.remove():V&&!U&&(l._shouldCreateBgLayer=!0),a._zoomlayer&&!t._dragging&&p({_fullLayout:a}),function(t,e){var r,n=[];e.meta&&(r=e._meta={meta:e.meta,layout:{meta:e.meta}});for(var i=0;i0){var f=1-2*s;n=Math.round(f*n),i=Math.round(f*i)}}var h=x.layoutAttributes.width.min,p=x.layoutAttributes.height.min;n1,g=!e.height&&Math.abs(r.height-i)>1;(g||d)&&(d&&(r.width=n),g&&(r.height=i)),t._initialAutoSize||(t._initialAutoSize={width:n,height:i}),x.sanitizeMargins(r)},x.supplyLayoutModuleDefaults=function(t,e,r,n){var i,a,s,l=o.componentsRegistry,u=e._basePlotModules,f=o.subplotsRegistry.cartesian;for(i in l)(s=l[i]).includeBasePlot&&s.includeBasePlot(t,e);for(var h in u.length||u.push(f),e._has("cartesian")&&(o.getComponentMethod("grid","contentDefaults")(t,e),f.finalizeSubplots(t,e)),e._subplots)e._subplots[h].sort(c.subplotSort);for(a=0;a1&&(r.l/=g,r.r/=g)}if(f){var m=(r.t+r.b)/f;m>1&&(r.t/=m,r.b/=m)}var v=void 0!==r.xl?r.xl:r.x,y=void 0!==r.xr?r.xr:r.x,b=void 0!==r.yt?r.yt:r.y,_=void 0!==r.yb?r.yb:r.y;h[e]={l:{val:v,size:r.l+d},r:{val:y,size:r.r+d},b:{val:_,size:r.b+d},t:{val:b,size:r.t+d}},p[e]=1}else delete h[e],delete p[e];if(!n._replotting)return x.doAutoMargin(t)}},x.doAutoMargin=function(t){var e=t._fullLayout,r=e.width,n=e.height;e._size||(e._size={}),C(e);var i=e._size,s=e.margin,l=c.extendFlat({},i),u=s.l,f=s.r,p=s.t,d=s.b,g=e._pushmargin,m=e._pushmarginIds;if(!1!==e.margin.autoexpand){for(var v in g)m[v]||delete g[v];for(var y in g.base={l:{val:0,size:u},r:{val:1,size:f},t:{val:1,size:p},b:{val:0,size:d}},g){var b=g[y].l||{},_=g[y].b||{},w=b.val,T=b.size,k=_.val,M=_.size;for(var A in g){if(a(T)&&g[A].r){var S=g[A].r.val,E=g[A].r.size;if(S>w){var L=(T*S+(E-r)*w)/(S-w),I=(E*(1-w)+(T-r)*(1-S))/(S-w);L+I>u+f&&(u=L,f=I)}}if(a(M)&&g[A].t){var P=g[A].t.val,z=g[A].t.size;if(P>k){var O=(M*P+(z-n)*k)/(P-k),D=(z*(1-k)+(M-n)*(1-P))/(P-k);O+D>d+p&&(d=O,p=D)}}}}}var R=c.constrain(r-s.l-s.r,2,64),F=c.constrain(n-s.t-s.b,2,64),B=Math.max(0,r-R),N=Math.max(0,n-F);if(B){var j=(u+f)/B;j>1&&(u/=j,f/=j)}if(N){var U=(d+p)/N;U>1&&(d/=U,p/=U)}if(i.l=Math.round(u),i.r=Math.round(f),i.t=Math.round(p),i.b=Math.round(d),i.p=Math.round(s.pad),i.w=Math.round(r)-i.l-i.r,i.h=Math.round(n)-i.t-i.b,!e._replotting&&x.didMarginChange(l,i)){"_redrawFromAutoMarginCount"in e?e._redrawFromAutoMarginCount++:e._redrawFromAutoMarginCount=1;var V=3*(1+Object.keys(m).length);if(e._redrawFromAutoMarginCount0&&(t._transitioningWithDuration=!0),t._transitionData._interruptCallbacks.push((function(){n=!0})),r.redraw&&t._transitionData._interruptCallbacks.push((function(){return o.call("redraw",t)})),t._transitionData._interruptCallbacks.push((function(){t.emit("plotly_transitioninterrupted",[])}));var a=0,s=0;function l(){return a++,function(){s++,n||s!==a||function(e){if(!t._transitionData)return;(function(t){if(t)for(;t.length;)t.shift()})(t._transitionData._interruptCallbacks),Promise.resolve().then((function(){if(r.redraw)return o.call("redraw",t)})).then((function(){t._transitioning=!1,t._transitioningWithDuration=!1,t.emit("plotly_transitioned",[])})).then(e)}(i)}}r.runFn(l),setTimeout(l())}))}],a=c.syncOrAsync(i,t);return a&&a.then||(a=Promise.resolve()),a.then((function(){return t}))}x.didMarginChange=function(t,e){for(var r=0;r1)return!0}return!1},x.graphJson=function(t,e,r,n,i,a){(i&&e&&!t._fullData||i&&!e&&!t._fullLayout)&&x.supplyDefaults(t);var o=i?t._fullData:t.data,s=i?t._fullLayout:t.layout,l=(t._transitionData||{})._frames;function u(t,e){if("function"==typeof t)return e?"_function_":null;if(c.isPlainObject(t)){var n,i={};return Object.keys(t).sort().forEach((function(a){if(-1===["_","["].indexOf(a.charAt(0)))if("function"!=typeof t[a]){if("keepdata"===r){if("src"===a.substr(a.length-3))return}else if("keepstream"===r){if("string"==typeof(n=t[a+"src"])&&n.indexOf(":")>0&&!c.isPlainObject(t.stream))return}else if("keepall"!==r&&"string"==typeof(n=t[a+"src"])&&n.indexOf(":")>0)return;i[a]=u(t[a],e)}else e&&(i[a]="_function")})),i}return Array.isArray(t)?t.map((function(t){return u(t,e)})):c.isTypedArray(t)?c.simpleMap(t,c.identity):c.isJSDate(t)?c.ms2DateTimeLocal(+t):t}var f={data:(o||[]).map((function(t){var r=u(t);return e&&delete r.fit,r}))};if(!e&&(f.layout=u(s),i)){var h=s._size;f.layout.computed={margin:{b:h.b,l:h.l,r:h.r,t:h.t}}}return t.framework&&t.framework.isPolar&&(f=t.framework.getConfig()),l&&(f.frames=u(l)),a&&(f.config=u(t._context,!0)),"object"===n?f:JSON.stringify(f)},x.modifyFrames=function(t,e){var r,n,i,a=t._transitionData._frames,o=t._transitionData._frameHash;for(r=0;r=0;a--)if(s[a].enabled){r._indexToPoints=s[a]._indexToPoints;break}n&&n.calc&&(o=n.calc(t,r))}Array.isArray(o)&&o[0]||(o=[{x:f,y:f}]),o[0].t||(o[0].t={}),o[0].trace=r,d[e]=o}}for(z(l,u,p),i=0;i1e-10?t:0}function h(t,e,r){e=e||0,r=r||0;for(var n=t.length,i=new Array(n),a=0;a0?r:1/0})),i=n.mod(r+1,e.length);return[e[r],e[i]]},findIntersectionXY:c,findXYatLength:function(t,e,r,n){var i=-e*r,a=e*e+1,o=2*(e*i-r),s=i*i+r*r-t*t,l=Math.sqrt(o*o-4*a*s),c=(-o+l)/(2*a),u=(-o-l)/(2*a);return[[c,e*c+i+n],[u,e*u+i+n]]},clampTiny:f,pathPolygon:function(t,e,r,n,i,a){return"M"+h(u(t,e,r,n),i,a).join("L")},pathPolygonAnnulus:function(t,e,r,n,i,a,o){var s,l;t=0?h.angularAxis.domain:n.extent(T),E=Math.abs(T[1]-T[0]);M&&!k&&(E=0);var C=S.slice();A&&k&&(C[1]+=E);var L=h.angularAxis.ticksCount||4;L>8&&(L=L/(L/8)+L%8),h.angularAxis.ticksStep&&(L=(C[1]-C[0])/L);var I=h.angularAxis.ticksStep||(C[1]-C[0])/(L*(h.minorTicks+1));w&&(I=Math.max(Math.round(I),1)),C[2]||(C[2]=I);var P=n.range.apply(this,C);if(P=P.map((function(t,e){return parseFloat(t.toPrecision(12))})),s=n.scale.linear().domain(C.slice(0,2)).range("clockwise"===h.direction?[0,360]:[360,0]),u.layout.angularAxis.domain=s.domain(),u.layout.angularAxis.endPadding=A?E:0,"undefined"==typeof(t=n.select(this).select("svg.chart-root"))||t.empty()){var z=(new DOMParser).parseFromString("' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '","application/xml"),O=this.appendChild(this.ownerDocument.importNode(z.documentElement,!0));t=n.select(O)}t.select(".guides-group").style({"pointer-events":"none"}),t.select(".angular.axis-group").style({"pointer-events":"none"}),t.select(".radial.axis-group").style({"pointer-events":"none"});var D,R=t.select(".chart-group"),F={fill:"none",stroke:h.tickColor},B={"font-size":h.font.size,"font-family":h.font.family,fill:h.font.color,"text-shadow":["-1px 0px","1px -1px","-1px 1px","1px 1px"].map((function(t,e){return" "+t+" 0 "+h.font.outlineColor})).join(",")};if(h.showLegend){D=t.select(".legend-group").attr({transform:"translate("+[x,h.margin.top]+")"}).style({display:"block"});var N=p.map((function(t,e){var r=o.util.cloneJson(t);return r.symbol="DotPlot"===t.geometry?t.dotType||"circle":"LinePlot"!=t.geometry?"square":"line",r.visibleInLegend="undefined"==typeof t.visibleInLegend||t.visibleInLegend,r.color="LinePlot"===t.geometry?t.strokeColor:t.color,r}));o.Legend().config({data:p.map((function(t,e){return t.name||"Element"+e})),legendConfig:i({},o.Legend.defaultConfig().legendConfig,{container:D,elements:N,reverseOrder:h.legend.reverseOrder})})();var j=D.node().getBBox();x=Math.min(h.width-j.width-h.margin.left-h.margin.right,h.height-h.margin.top-h.margin.bottom)/2,x=Math.max(10,x),_=[h.margin.left+x,h.margin.top+x],r.range([0,x]),u.layout.radialAxis.domain=r.domain(),D.attr("transform","translate("+[_[0]+x,_[1]-x]+")")}else D=t.select(".legend-group").style({display:"none"});t.attr({width:h.width,height:h.height}).style({opacity:h.opacity}),R.attr("transform","translate("+_+")").style({cursor:"crosshair"});var U=[(h.width-(h.margin.left+h.margin.right+2*x+(j?j.width:0)))/2,(h.height-(h.margin.top+h.margin.bottom+2*x))/2];if(U[0]=Math.max(0,U[0]),U[1]=Math.max(0,U[1]),t.select(".outer-group").attr("transform","translate("+U+")"),h.title&&h.title.text){var V=t.select("g.title-group text").style(B).text(h.title.text),q=V.node().getBBox();V.attr({x:_[0]-q.width/2,y:_[1]-x-20})}var H=t.select(".radial.axis-group");if(h.radialAxis.gridLinesVisible){var G=H.selectAll("circle.grid-circle").data(r.ticks(5));G.enter().append("circle").attr({class:"grid-circle"}).style(F),G.attr("r",r),G.exit().remove()}H.select("circle.outside-circle").attr({r:x}).style(F);var Y=t.select("circle.background-circle").attr({r:x}).style({fill:h.backgroundColor,stroke:h.stroke});function W(t,e){return s(t)%360+h.orientation}if(h.radialAxis.visible){var X=n.svg.axis().scale(r).ticks(5).tickSize(5);H.call(X).attr({transform:"rotate("+h.radialAxis.orientation+")"}),H.selectAll(".domain").style(F),H.selectAll("g>text").text((function(t,e){return this.textContent+h.radialAxis.ticksSuffix})).style(B).style({"text-anchor":"start"}).attr({x:0,y:0,dx:0,dy:0,transform:function(t,e){return"horizontal"===h.radialAxis.tickOrientation?"rotate("+-h.radialAxis.orientation+") translate("+[0,B["font-size"]]+")":"translate("+[0,B["font-size"]]+")"}}),H.selectAll("g>line").style({stroke:"black"})}var Z=t.select(".angular.axis-group").selectAll("g.angular-tick").data(P),J=Z.enter().append("g").classed("angular-tick",!0);Z.attr({transform:function(t,e){return"rotate("+W(t)+")"}}).style({display:h.angularAxis.visible?"block":"none"}),Z.exit().remove(),J.append("line").classed("grid-line",!0).classed("major",(function(t,e){return e%(h.minorTicks+1)==0})).classed("minor",(function(t,e){return!(e%(h.minorTicks+1)==0)})).style(F),J.selectAll(".minor").style({stroke:h.minorTickColor}),Z.select("line.grid-line").attr({x1:h.tickLength?x-h.tickLength:0,x2:x}).style({display:h.angularAxis.gridLinesVisible?"block":"none"}),J.append("text").classed("axis-text",!0).style(B);var K=Z.select("text.axis-text").attr({x:x+h.labelOffset,dy:a+"em",transform:function(t,e){var r=W(t),n=x+h.labelOffset,i=h.angularAxis.tickOrientation;return"horizontal"==i?"rotate("+-r+" "+n+" 0)":"radial"==i?r<270&&r>90?"rotate(180 "+n+" 0)":null:"rotate("+(r<=180&&r>0?-90:90)+" "+n+" 0)"}}).style({"text-anchor":"middle",display:h.angularAxis.labelsVisible?"block":"none"}).text((function(t,e){return e%(h.minorTicks+1)!=0?"":w?w[t]+h.angularAxis.ticksSuffix:t+h.angularAxis.ticksSuffix})).style(B);h.angularAxis.rewriteTicks&&K.text((function(t,e){return e%(h.minorTicks+1)!=0?"":h.angularAxis.rewriteTicks(this.textContent,e)}));var Q=n.max(R.selectAll(".angular-tick text")[0].map((function(t,e){return t.getCTM().e+t.getBBox().width})));D.attr({transform:"translate("+[x+Q,h.margin.top]+")"});var $=t.select("g.geometry-group").selectAll("g").size()>0,tt=t.select("g.geometry-group").selectAll("g.geometry").data(p);if(tt.enter().append("g").attr({class:function(t,e){return"geometry geometry"+e}}),tt.exit().remove(),p[0]||$){var et=[];p.forEach((function(t,e){var n={};n.radialScale=r,n.angularScale=s,n.container=tt.filter((function(t,r){return r==e})),n.geometry=t.geometry,n.orientation=h.orientation,n.direction=h.direction,n.index=e,et.push({data:t,geometryConfig:n})}));var rt=n.nest().key((function(t,e){return"undefined"!=typeof t.data.groupId||"unstacked"})).entries(et),nt=[];rt.forEach((function(t,e){"unstacked"===t.key?nt=nt.concat(t.values.map((function(t,e){return[t]}))):nt.push(t.values)})),nt.forEach((function(t,e){var r;r=Array.isArray(t)?t[0].geometryConfig.geometry:t.geometryConfig.geometry;var n=t.map((function(t,e){return i(o[r].defaultConfig(),t)}));o[r]().config(n)()}))}var it,at,ot=t.select(".guides-group"),st=t.select(".tooltips-group"),lt=o.tooltipPanel().config({container:st,fontSize:8})(),ct=o.tooltipPanel().config({container:st,fontSize:8})(),ut=o.tooltipPanel().config({container:st,hasTick:!0})();if(!k){var ft=ot.select("line").attr({x1:0,y1:0,y2:0}).style({stroke:"grey","pointer-events":"none"});R.on("mousemove.angular-guide",(function(t,e){var r=o.util.getMousePos(Y).angle;ft.attr({x2:-x,transform:"rotate("+r+")"}).style({opacity:.5});var n=(r+180+360-h.orientation)%360;it=s.invert(n);var i=o.util.convertToCartesian(x+12,r+180);lt.text(o.util.round(it)).move([i[0]+_[0],i[1]+_[1]])})).on("mouseout.angular-guide",(function(t,e){ot.select("line").style({opacity:0})}))}var ht=ot.select("circle").style({stroke:"grey",fill:"none"});R.on("mousemove.radial-guide",(function(t,e){var n=o.util.getMousePos(Y).radius;ht.attr({r:n}).style({opacity:.5}),at=r.invert(o.util.getMousePos(Y).radius);var i=o.util.convertToCartesian(n,h.radialAxis.orientation);ct.text(o.util.round(at)).move([i[0]+_[0],i[1]+_[1]])})).on("mouseout.radial-guide",(function(t,e){ht.style({opacity:0}),ut.hide(),lt.hide(),ct.hide()})),t.selectAll(".geometry-group .mark").on("mouseover.tooltip",(function(e,r){var i=n.select(this),a=this.style.fill,s="black",l=this.style.opacity||1;if(i.attr({"data-opacity":l}),a&&"none"!==a){i.attr({"data-fill":a}),s=n.hsl(a).darker().toString(),i.style({fill:s,opacity:1});var c={t:o.util.round(e[0]),r:o.util.round(e[1])};k&&(c.t=w[e[0]]);var u="t: "+c.t+", r: "+c.r,f=this.getBoundingClientRect(),h=t.node().getBoundingClientRect(),p=[f.left+f.width/2-U[0]-h.left,f.top+f.height/2-U[1]-h.top];ut.config({color:s}).text(u),ut.move(p)}else a=this.style.stroke||"black",i.attr({"data-stroke":a}),s=n.hsl(a).darker().toString(),i.style({stroke:s,opacity:1})})).on("mousemove.tooltip",(function(t,e){if(0!=n.event.which)return!1;n.select(this).attr("data-fill")&&ut.show()})).on("mouseout.tooltip",(function(t,e){ut.hide();var r=n.select(this),i=r.attr("data-fill");i?r.style({fill:i,opacity:r.attr("data-opacity")}):r.style({stroke:r.attr("data-stroke"),opacity:r.attr("data-opacity")})}))}))}(c),this},h.config=function(t){if(!arguments.length)return l;var e=o.util.cloneJson(t);return e.data.forEach((function(t,e){l.data[e]||(l.data[e]={}),i(l.data[e],o.Axis.defaultConfig().data[0]),i(l.data[e],t)})),i(l.layout,o.Axis.defaultConfig().layout),i(l.layout,e.layout),this},h.getLiveConfig=function(){return u},h.getinputConfig=function(){return c},h.radialScale=function(t){return r},h.angularScale=function(t){return s},h.svg=function(){return t},n.rebind(h,f,"on"),h},o.Axis.defaultConfig=function(t,e){return{data:[{t:[1,2,3,4],r:[10,11,12,13],name:"Line1",geometry:"LinePlot",color:null,strokeDash:"solid",strokeColor:null,strokeSize:"1",visibleInLegend:!0,opacity:1}],layout:{defaultColorRange:n.scale.category10().range(),title:null,height:450,width:500,margin:{top:40,right:40,bottom:40,left:40},font:{size:12,color:"gray",outlineColor:"white",family:"Tahoma, sans-serif"},direction:"clockwise",orientation:0,labelOffset:10,radialAxis:{domain:null,orientation:-45,ticksSuffix:"",visible:!0,gridLinesVisible:!0,tickOrientation:"horizontal",rewriteTicks:null},angularAxis:{domain:[0,360],ticksSuffix:"",visible:!0,gridLinesVisible:!0,labelsVisible:!0,tickOrientation:"horizontal",rewriteTicks:null,ticksCount:null,ticksStep:null},minorTicks:0,tickLength:null,tickColor:"silver",minorTickColor:"#eee",backgroundColor:"none",needsEndSpacing:null,showLegend:!0,legend:{reverseOrder:!1},opacity:1}}},o.util={},o.DATAEXTENT="dataExtent",o.AREA="AreaChart",o.LINE="LinePlot",o.DOT="DotPlot",o.BAR="BarChart",o.util._override=function(t,e){for(var r in t)r in e&&(e[r]=t[r])},o.util._extend=function(t,e){for(var r in t)e[r]=t[r]},o.util._rndSnd=function(){return 2*Math.random()-1+(2*Math.random()-1)+(2*Math.random()-1)},o.util.dataFromEquation2=function(t,e){var r=e||6;return n.range(0,360+r,r).map((function(e,r){var n=e*Math.PI/180;return[e,t(n)]}))},o.util.dataFromEquation=function(t,e,r){var i=e||6,a=[],o=[];n.range(0,360+i,i).forEach((function(e,r){var n=e*Math.PI/180,i=t(n);a.push(e),o.push(i)}));var s={t:a,r:o};return r&&(s.name=r),s},o.util.ensureArray=function(t,e){if("undefined"==typeof t)return null;var r=[].concat(t);return n.range(e).map((function(t,e){return r[e]||r[0]}))},o.util.fillArrays=function(t,e,r){return e.forEach((function(e,n){t[e]=o.util.ensureArray(t[e],r)})),t},o.util.cloneJson=function(t){return JSON.parse(JSON.stringify(t))},o.util.validateKeys=function(t,e){"string"==typeof e&&(e=e.split("."));var r=e.shift();return t[r]&&(!e.length||objHasKeys(t[r],e))},o.util.sumArrays=function(t,e){return n.zip(t,e).map((function(t,e){return n.sum(t)}))},o.util.arrayLast=function(t){return t[t.length-1]},o.util.arrayEqual=function(t,e){for(var r=Math.max(t.length,e.length,1);r-- >=0&&t[r]===e[r];);return-2===r},o.util.flattenArray=function(t){for(var e=[];!o.util.arrayEqual(e,t);)e=t,t=[].concat.apply([],t);return t},o.util.deduplicate=function(t){return t.filter((function(t,e,r){return r.indexOf(t)==e}))},o.util.convertToCartesian=function(t,e){var r=e*Math.PI/180;return[t*Math.cos(r),t*Math.sin(r)]},o.util.round=function(t,e){var r=e||2,n=Math.pow(10,r);return Math.round(t*n)/n},o.util.getMousePos=function(t){var e=n.mouse(t.node()),r=e[0],i=e[1],a={};return a.x=r,a.y=i,a.pos=e,a.angle=180*(Math.atan2(i,r)+Math.PI)/Math.PI,a.radius=Math.sqrt(r*r+i*i),a},o.util.duplicatesCount=function(t){for(var e,r={},n={},i=0,a=t.length;i0)){var l=n.select(this.parentNode).selectAll("path.line").data([0]);l.enter().insert("path"),l.attr({class:"line",d:u(s),transform:function(t,r){return"rotate("+(e.orientation+90)+")"},"pointer-events":"none"}).style({fill:function(t,e){return d.fill(r,i,a)},"fill-opacity":0,stroke:function(t,e){return d.stroke(r,i,a)},"stroke-width":function(t,e){return d["stroke-width"](r,i,a)},"stroke-dasharray":function(t,e){return d["stroke-dasharray"](r,i,a)},opacity:function(t,e){return d.opacity(r,i,a)},display:function(t,e){return d.display(r,i,a)}})}};var f=e.angularScale.range(),h=Math.abs(f[1]-f[0])/o[0].length*Math.PI/180,p=n.svg.arc().startAngle((function(t){return-h/2})).endAngle((function(t){return h/2})).innerRadius((function(t){return e.radialScale(l+(t[2]||0))})).outerRadius((function(t){return e.radialScale(l+(t[2]||0))+e.radialScale(t[1])}));c.arc=function(t,r,i){n.select(this).attr({class:"mark arc",d:p,transform:function(t,r){return"rotate("+(e.orientation+s(t[0])+90)+")"}})};var d={fill:function(e,r,n){return t[n].data.color},stroke:function(e,r,n){return t[n].data.strokeColor},"stroke-width":function(e,r,n){return t[n].data.strokeSize+"px"},"stroke-dasharray":function(e,n,i){return r[t[i].data.strokeDash]},opacity:function(e,r,n){return t[n].data.opacity},display:function(e,r,n){return"undefined"==typeof t[n].data.visible||t[n].data.visible?"block":"none"}},g=n.select(this).selectAll("g.layer").data(o);g.enter().append("g").attr({class:"layer"});var m=g.selectAll("path.mark").data((function(t,e){return t}));m.enter().append("path").attr({class:"mark"}),m.style(d).each(c[e.geometryType]),m.exit().remove(),g.exit().remove()}))}return a.config=function(e){return arguments.length?(e.forEach((function(e,r){t[r]||(t[r]={}),i(t[r],o.PolyChart.defaultConfig()),i(t[r],e)})),this):t},a.getColorScale=function(){},n.rebind(a,e,"on"),a},o.PolyChart.defaultConfig=function(){return{data:{name:"geom1",t:[[1,2,3,4]],r:[[1,2,3,4]],dotType:"circle",dotSize:64,dotVisible:!1,barWidth:20,color:"#ffa500",strokeSize:1,strokeColor:"silver",strokeDash:"solid",opacity:1,index:0,visible:!0,visibleInLegend:!0},geometryConfig:{geometry:"LinePlot",geometryType:"arc",direction:"clockwise",orientation:0,container:"body",radialScale:null,angularScale:null,colorScale:n.scale.category20()}}},o.BarChart=function(){return o.PolyChart()},o.BarChart.defaultConfig=function(){return{geometryConfig:{geometryType:"bar"}}},o.AreaChart=function(){return o.PolyChart()},o.AreaChart.defaultConfig=function(){return{geometryConfig:{geometryType:"arc"}}},o.DotPlot=function(){return o.PolyChart()},o.DotPlot.defaultConfig=function(){return{geometryConfig:{geometryType:"dot",dotType:"circle"}}},o.LinePlot=function(){return o.PolyChart()},o.LinePlot.defaultConfig=function(){return{geometryConfig:{geometryType:"line"}}},o.Legend=function(){var t=o.Legend.defaultConfig(),e=n.dispatch("hover");function r(){var e=t.legendConfig,a=t.data.map((function(t,r){return[].concat(t).map((function(t,n){var a=i({},e.elements[r]);return a.name=t,a.color=[].concat(e.elements[r].color)[n],a}))})),o=n.merge(a);o=o.filter((function(t,r){return e.elements[r]&&(e.elements[r].visibleInLegend||"undefined"==typeof e.elements[r].visibleInLegend)})),e.reverseOrder&&(o=o.reverse());var s=e.container;("string"==typeof s||s.nodeName)&&(s=n.select(s));var l=o.map((function(t,e){return t.color})),c=e.fontSize,u=null==e.isContinuous?"number"==typeof o[0]:e.isContinuous,f=u?e.height:c*o.length,h=s.classed("legend-group",!0).selectAll("svg").data([0]),p=h.enter().append("svg").attr({width:300,height:f+c,xmlns:"http://www.w3.org/2000/svg","xmlns:xlink":"http://www.w3.org/1999/xlink",version:"1.1"});p.append("g").classed("legend-axis",!0),p.append("g").classed("legend-marks",!0);var d=n.range(o.length),g=n.scale[u?"linear":"ordinal"]().domain(d).range(l),m=n.scale[u?"linear":"ordinal"]().domain(d)[u?"range":"rangePoints"]([0,f]);if(u){var v=h.select(".legend-marks").append("defs").append("linearGradient").attr({id:"grad1",x1:"0%",y1:"0%",x2:"0%",y2:"100%"}).selectAll("stop").data(l);v.enter().append("stop"),v.attr({offset:function(t,e){return e/(l.length-1)*100+"%"}}).style({"stop-color":function(t,e){return t}}),h.append("rect").classed("legend-mark",!0).attr({height:e.height,width:e.colorBandWidth,fill:"url(#grad1)"})}else{var y=h.select(".legend-marks").selectAll("path.legend-mark").data(o);y.enter().append("path").classed("legend-mark",!0),y.attr({transform:function(t,e){return"translate("+[c/2,m(e)+c/2]+")"},d:function(t,e){var r,i,a,o=t.symbol;return a=3*(i=c),"line"===(r=o)?"M"+[[-i/2,-i/12],[i/2,-i/12],[i/2,i/12],[-i/2,i/12]]+"Z":-1!=n.svg.symbolTypes.indexOf(r)?n.svg.symbol().type(r).size(a)():n.svg.symbol().type("square").size(a)()},fill:function(t,e){return g(e)}}),y.exit().remove()}var x=n.svg.axis().scale(m).orient("right"),b=h.select("g.legend-axis").attr({transform:"translate("+[u?e.colorBandWidth:c,c/2]+")"}).call(x);return b.selectAll(".domain").style({fill:"none",stroke:"none"}),b.selectAll("line").style({fill:"none",stroke:u?e.textColor:"none"}),b.selectAll("text").style({fill:e.textColor,"font-size":e.fontSize}).text((function(t,e){return o[e].name})),r}return r.config=function(e){return arguments.length?(i(t,e),this):t},n.rebind(r,e,"on"),r},o.Legend.defaultConfig=function(t,e){return{data:["a","b","c"],legendConfig:{elements:[{symbol:"line",color:"red"},{symbol:"square",color:"yellow"},{symbol:"diamond",color:"limegreen"}],height:150,colorBandWidth:30,fontSize:12,container:"body",isContinuous:null,textColor:"grey",reverseOrder:!1}}},o.tooltipPanel=function(){var t,e,r,a={container:null,hasTick:!1,fontSize:12,color:"white",padding:5},s="tooltip-"+o.tooltipPanel.uid++,l=10,c=function(){var n=(t=a.container.selectAll("g."+s).data([0])).enter().append("g").classed(s,!0).style({"pointer-events":"none",display:"none"});return r=n.append("path").style({fill:"white","fill-opacity":.9}).attr({d:"M0 0"}),e=n.append("text").attr({dx:a.padding+l,dy:.3*+a.fontSize}),c};return c.text=function(i){var o=n.hsl(a.color).l,s=o>=.5?"#aaa":"white",u=o>=.5?"black":"white",f=i||"";e.style({fill:u,"font-size":a.fontSize+"px"}).text(f);var h=a.padding,p=e.node().getBBox(),d={fill:a.color,stroke:s,"stroke-width":"2px"},g=p.width+2*h+l,m=p.height+2*h;return r.attr({d:"M"+[[l,-m/2],[l,-m/4],[a.hasTick?0:l,0],[l,m/4],[l,m/2],[g,m/2],[g,-m/2]].join("L")+"Z"}).style(d),t.attr({transform:"translate("+[l,-m/2+2*h]+")"}),t.style({display:"block"}),c},c.move=function(e){if(t)return t.attr({transform:"translate("+[e[0],e[1]]+")"}).style({display:"block"}),c},c.hide=function(){if(t)return t.style({display:"none"}),c},c.show=function(){if(t)return t.style({display:"block"}),c},c.config=function(t){return i(a,t),c},c},o.tooltipPanel.uid=1,o.adapter={},o.adapter.plotly=function(){var t={convert:function(t,e){var r={};if(t.data&&(r.data=t.data.map((function(t,r){var n=i({},t);return[[n,["marker","color"],["color"]],[n,["marker","opacity"],["opacity"]],[n,["marker","line","color"],["strokeColor"]],[n,["marker","line","dash"],["strokeDash"]],[n,["marker","line","width"],["strokeSize"]],[n,["marker","symbol"],["dotType"]],[n,["marker","size"],["dotSize"]],[n,["marker","barWidth"],["barWidth"]],[n,["line","interpolation"],["lineInterpolation"]],[n,["showlegend"],["visibleInLegend"]]].forEach((function(t,r){o.util.translator.apply(null,t.concat(e))})),e||delete n.marker,e&&delete n.groupId,e?("LinePlot"===n.geometry?(n.type="scatter",!0===n.dotVisible?(delete n.dotVisible,n.mode="lines+markers"):n.mode="lines"):"DotPlot"===n.geometry?(n.type="scatter",n.mode="markers"):"AreaChart"===n.geometry?n.type="area":"BarChart"===n.geometry&&(n.type="bar"),delete n.geometry):("scatter"===n.type?"lines"===n.mode?n.geometry="LinePlot":"markers"===n.mode?n.geometry="DotPlot":"lines+markers"===n.mode&&(n.geometry="LinePlot",n.dotVisible=!0):"area"===n.type?n.geometry="AreaChart":"bar"===n.type&&(n.geometry="BarChart"),delete n.mode,delete n.type),n})),!e&&t.layout&&"stack"===t.layout.barmode)){var a=o.util.duplicates(r.data.map((function(t,e){return t.geometry})));r.data.forEach((function(t,e){var n=a.indexOf(t.geometry);-1!=n&&(r.data[e].groupId=n)}))}if(t.layout){var s=i({},t.layout);if([[s,["plot_bgcolor"],["backgroundColor"]],[s,["showlegend"],["showLegend"]],[s,["radialaxis"],["radialAxis"]],[s,["angularaxis"],["angularAxis"]],[s.angularaxis,["showline"],["gridLinesVisible"]],[s.angularaxis,["showticklabels"],["labelsVisible"]],[s.angularaxis,["nticks"],["ticksCount"]],[s.angularaxis,["tickorientation"],["tickOrientation"]],[s.angularaxis,["ticksuffix"],["ticksSuffix"]],[s.angularaxis,["range"],["domain"]],[s.angularaxis,["endpadding"],["endPadding"]],[s.radialaxis,["showline"],["gridLinesVisible"]],[s.radialaxis,["tickorientation"],["tickOrientation"]],[s.radialaxis,["ticksuffix"],["ticksSuffix"]],[s.radialaxis,["range"],["domain"]],[s.angularAxis,["showline"],["gridLinesVisible"]],[s.angularAxis,["showticklabels"],["labelsVisible"]],[s.angularAxis,["nticks"],["ticksCount"]],[s.angularAxis,["tickorientation"],["tickOrientation"]],[s.angularAxis,["ticksuffix"],["ticksSuffix"]],[s.angularAxis,["range"],["domain"]],[s.angularAxis,["endpadding"],["endPadding"]],[s.radialAxis,["showline"],["gridLinesVisible"]],[s.radialAxis,["tickorientation"],["tickOrientation"]],[s.radialAxis,["ticksuffix"],["ticksSuffix"]],[s.radialAxis,["range"],["domain"]],[s.font,["outlinecolor"],["outlineColor"]],[s.legend,["traceorder"],["reverseOrder"]],[s,["labeloffset"],["labelOffset"]],[s,["defaultcolorrange"],["defaultColorRange"]]].forEach((function(t,r){o.util.translator.apply(null,t.concat(e))})),e?("undefined"!=typeof s.tickLength&&(s.angularaxis.ticklen=s.tickLength,delete s.tickLength),s.tickColor&&(s.angularaxis.tickcolor=s.tickColor,delete s.tickColor)):(s.angularAxis&&"undefined"!=typeof s.angularAxis.ticklen&&(s.tickLength=s.angularAxis.ticklen),s.angularAxis&&"undefined"!=typeof s.angularAxis.tickcolor&&(s.tickColor=s.angularAxis.tickcolor)),s.legend&&"boolean"!=typeof s.legend.reverseOrder&&(s.legend.reverseOrder="normal"!=s.legend.reverseOrder),s.legend&&"boolean"==typeof s.legend.traceorder&&(s.legend.traceorder=s.legend.traceorder?"reversed":"normal",delete s.legend.reverseOrder),s.margin&&"undefined"!=typeof s.margin.t){var l=["t","r","b","l","pad"],c=["top","right","bottom","left","pad"],u={};n.entries(s.margin).forEach((function(t,e){u[c[l.indexOf(t.key)]]=t.value})),s.margin=u}e&&(delete s.needsEndSpacing,delete s.minorTickColor,delete s.minorTicks,delete s.angularaxis.ticksCount,delete s.angularaxis.ticksCount,delete s.angularaxis.ticksStep,delete s.angularaxis.rewriteTicks,delete s.angularaxis.nticks,delete s.radialaxis.ticksCount,delete s.radialaxis.ticksCount,delete s.radialaxis.ticksStep,delete s.radialaxis.rewriteTicks,delete s.radialaxis.nticks),r.layout=s}return r}};return t}},{"../../../constants/alignment":745,"../../../lib":778,d3:169}],901:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../../lib"),a=t("../../../components/color"),o=t("./micropolar"),s=t("./undo_manager"),l=i.extendDeepAll,c=e.exports={};c.framework=function(t){var e,r,i,a,u,f=new s;function h(r,s){return s&&(u=s),n.select(n.select(u).node().parentNode).selectAll(".svg-container>*:not(.chart-root)").remove(),e=e?l(e,r):r,i||(i=o.Axis()),a=o.adapter.plotly().convert(e),i.config(a).render(u),t.data=e.data,t.layout=e.layout,c.fillLayout(t),e}return h.isPolar=!0,h.svg=function(){return i.svg()},h.getConfig=function(){return e},h.getLiveConfig=function(){return o.adapter.plotly().convert(i.getLiveConfig(),!0)},h.getLiveScales=function(){return{t:i.angularScale(),r:i.radialScale()}},h.setUndoPoint=function(){var t,n,i=this,a=o.util.cloneJson(e);t=a,n=r,f.add({undo:function(){n&&i(n)},redo:function(){i(t)}}),r=o.util.cloneJson(a)},h.undo=function(){f.undo()},h.redo=function(){f.redo()},h},c.fillLayout=function(t){var e=n.select(t).selectAll(".plot-container"),r=e.selectAll(".svg-container"),i=t.framework&&t.framework.svg&&t.framework.svg(),o={width:800,height:600,paper_bgcolor:a.background,_container:e,_paperdiv:r,_paper:i};t._fullLayout=l(o,t.layout)}},{"../../../components/color":643,"../../../lib":778,"./micropolar":900,"./undo_manager":902,d3:169}],902:[function(t,e,r){"use strict";e.exports=function(){var t,e=[],r=-1,n=!1;function i(t,e){return t?(n=!0,t[e](),n=!1,this):this}return{add:function(t){return n||(e.splice(r+1,e.length-r),e.push(t),r=e.length-1),this},setCallback:function(e){t=e},undo:function(){var n=e[r];return n?(i(n,"undo"),r-=1,t&&t(n.undo),this):this},redo:function(){var n=e[r+1];return n?(i(n,"redo"),r+=1,t&&t(n.redo),this):this},clear:function(){e=[],r=-1},hasUndo:function(){return-1!==r},hasRedo:function(){return r=90||s>90&&l>=450?1:u<=0&&h<=0?0:Math.max(u,h);e=s<=180&&l>=180||s>180&&l>=540?-1:c>=0&&f>=0?0:Math.min(c,f);r=s<=270&&l>=270||s>270&&l>=630?-1:u>=0&&h>=0?0:Math.min(u,h);n=l>=360?1:c<=0&&f<=0?0:Math.max(c,f);return[e,r,n,i]}(p),b=x[2]-x[0],_=x[3]-x[1],w=h/f,T=Math.abs(_/b);w>T?(d=f,y=(h-(g=f*T))/n.h/2,m=[o[0],o[1]],v=[s[0]+y,s[1]-y]):(g=h,y=(f-(d=h/T))/n.w/2,m=[o[0]+y,o[1]-y],v=[s[0],s[1]]),this.xLength2=d,this.yLength2=g,this.xDomain2=m,this.yDomain2=v;var k=this.xOffset2=n.l+n.w*m[0],M=this.yOffset2=n.t+n.h*(1-v[1]),A=this.radius=d/b,S=this.innerRadius=e.hole*A,E=this.cx=k-A*x[0],C=this.cy=M+A*x[3],P=this.cxx=E-k,z=this.cyy=C-M;this.radialAxis=this.mockAxis(t,e,i,{_id:"x",side:{counterclockwise:"top",clockwise:"bottom"}[i.side],_realSide:i.side,domain:[S/n.w,A/n.w]}),this.angularAxis=this.mockAxis(t,e,a,{side:"right",domain:[0,Math.PI],autorange:!1}),this.doAutoRange(t,e),this.updateAngularAxis(t,e),this.updateRadialAxis(t,e),this.updateRadialAxisTitle(t,e),this.xaxis=this.mockCartesianAxis(t,e,{_id:"x",domain:m}),this.yaxis=this.mockCartesianAxis(t,e,{_id:"y",domain:v});var O=this.pathSubplot();this.clipPaths.forTraces.select("path").attr("d",O).attr("transform",l(P,z)),r.frontplot.attr("transform",l(k,M)).call(u.setClipUrl,this._hasClipOnAxisFalse?null:this.clipIds.forTraces,this.gd),r.bg.attr("d",O).attr("transform",l(E,C)).call(c.fill,e.bgcolor)},O.mockAxis=function(t,e,r,n){var i=o.extendFlat({},r,n);return d(i,e,t),i},O.mockCartesianAxis=function(t,e,r){var n=this,i=r._id,a=o.extendFlat({type:"linear"},r);p(a,t);var s={x:[0,2],y:[1,3]};return a.setRange=function(){var t=n.sectorBBox,r=s[i],o=n.radialAxis._rl,l=(o[1]-o[0])/(1-e.hole);a.range=[t[r[0]]*l,t[r[1]]*l]},a.isPtWithinRange="x"===i?function(t){return n.isPtInside(t)}:function(){return!0},a.setRange(),a.setScale(),a},O.doAutoRange=function(t,e){var r=this.gd,n=this.radialAxis,i=e.radialaxis;n.setScale(),g(r,n);var a=n.range;i.range=a.slice(),i._input.range=a.slice(),n._rl=[n.r2l(a[0],null,"gregorian"),n.r2l(a[1],null,"gregorian")]},O.updateRadialAxis=function(t,e){var r=this,n=r.gd,i=r.layers,a=r.radius,u=r.innerRadius,f=r.cx,p=r.cy,d=e.radialaxis,g=L(e.sector[0],360),m=r.radialAxis,v=u90&&g<=270&&(m.tickangle=180);var y=function(t){return l(m.l2p(t.x)+u,0)},x=D(d);if(r.radialTickLayout!==x&&(i["radial-axis"].selectAll(".xtick").remove(),r.radialTickLayout=x),v){m.setScale();var b=h.calcTicks(m),_=h.clipEnds(m,b),w=h.getTickSigns(m)[2];h.drawTicks(n,m,{vals:b,layer:i["radial-axis"],path:h.makeTickPath(m,0,w),transFn:y,crisp:!1}),h.drawGrid(n,m,{vals:_,layer:i["radial-grid"],path:function(t){return r.pathArc(m.r2p(t.x)+u)},transFn:o.noop,crisp:!1}),h.drawLabels(n,m,{vals:b,layer:i["radial-axis"],transFn:y,labelFns:h.makeLabelFns(m,0)})}var T=r.radialAxisAngle=r.vangles?P(R(I(d.angle),r.vangles)):d.angle,k=l(f,p),M=k+s(-T);F(i["radial-axis"],v&&(d.showticklabels||d.ticks),{transform:M}),F(i["radial-grid"],v&&d.showgrid,{transform:k}),F(i["radial-line"].select("line"),v&&d.showline,{x1:u,y1:0,x2:a,y2:0,transform:M}).attr("stroke-width",d.linewidth).call(c.stroke,d.linecolor)},O.updateRadialAxisTitle=function(t,e,r){var n=this.gd,i=this.radius,a=this.cx,o=this.cy,s=e.radialaxis,l=this.id+"title",c=void 0!==r?r:this.radialAxisAngle,f=I(c),h=Math.cos(f),p=Math.sin(f),d=0;if(s.title){var g=u.bBox(this.layers["radial-axis"].node()).height,m=s.title.font.size;d="counterclockwise"===s.side?-g-.4*m:g+.8*m}this.layers["radial-axis-title"]=x.draw(n,l,{propContainer:s,propName:this.id+".radialaxis.title",placeholder:C(n,"Click to enter radial axis title"),attributes:{x:a+i/2*h+d*p,y:o-i/2*p+d*h,"text-anchor":"middle"},transform:{rotate:-c}})},O.updateAngularAxis=function(t,e){var r=this,n=r.gd,i=r.layers,a=r.radius,u=r.innerRadius,f=r.cx,p=r.cy,d=e.angularaxis,g=r.angularAxis;r.fillViewInitialKey("angularaxis.rotation",d.rotation),g.setGeometry(),g.setScale();var m=function(t){return g.t2g(t.x)};"linear"===g.type&&"radians"===g.thetaunit&&(g.tick0=P(g.tick0),g.dtick=P(g.dtick));var v=function(t){return l(f+a*Math.cos(t),p-a*Math.sin(t))},y=h.makeLabelFns(g,0).labelStandoff,x={xFn:function(t){var e=m(t);return Math.cos(e)*y},yFn:function(t){var e=m(t),r=Math.sin(e)>0?.2:1;return-Math.sin(e)*(y+t.fontSize*r)+Math.abs(Math.cos(e))*(t.fontSize*A)},anchorFn:function(t){var e=m(t),r=Math.cos(e);return Math.abs(r)<.1?"middle":r>0?"start":"end"},heightFn:function(t,e,r){var n=m(t);return-.5*(1+Math.sin(n))*r}},b=D(d);r.angularTickLayout!==b&&(i["angular-axis"].selectAll("."+g._id+"tick").remove(),r.angularTickLayout=b);var _,w=h.calcTicks(g);if("linear"===e.gridshape?(_=w.map(m),o.angleDelta(_[0],_[1])<0&&(_=_.slice().reverse())):_=null,r.vangles=_,"category"===g.type&&(w=w.filter((function(t){return o.isAngleInsideSector(m(t),r.sectorInRad)}))),g.visible){var T="inside"===g.ticks?-1:1,k=(g.linewidth||1)/2;h.drawTicks(n,g,{vals:w,layer:i["angular-axis"],path:"M"+T*k+",0h"+T*g.ticklen,transFn:function(t){var e=m(t);return v(e)+s(-P(e))},crisp:!1}),h.drawGrid(n,g,{vals:w,layer:i["angular-grid"],path:function(t){var e=m(t),r=Math.cos(e),n=Math.sin(e);return"M"+[f+u*r,p-u*n]+"L"+[f+a*r,p-a*n]},transFn:o.noop,crisp:!1}),h.drawLabels(n,g,{vals:w,layer:i["angular-axis"],repositionOnUpdate:!0,transFn:function(t){return v(m(t))},labelFns:x})}F(i["angular-line"].select("path"),d.showline,{d:r.pathSubplot(),transform:l(f,p)}).attr("stroke-width",d.linewidth).call(c.stroke,d.linecolor)},O.updateFx=function(t,e){this.gd._context.staticPlot||(this.updateAngularDrag(t),this.updateRadialDrag(t,e,0),this.updateRadialDrag(t,e,1),this.updateMainDrag(t))},O.updateMainDrag=function(t){var e,r,s=this,c=s.gd,u=s.layers,f=t._zoomlayer,h=S.MINZOOM,p=S.OFFEDGE,d=s.radius,g=s.innerRadius,x=s.cx,T=s.cy,k=s.cxx,M=s.cyy,A=s.sectorInRad,C=s.vangles,L=s.radialAxis,I=E.clampTiny,P=E.findXYatLength,z=E.findEnclosingVertexAngles,O=S.cornerHalfWidth,D=S.cornerLen/2,R=m.makeDragger(u,"path","maindrag","crosshair");n.select(R).attr("d",s.pathSubplot()).attr("transform",l(x,T));var F,B,N,j,U,V,q,H,G,Y={element:R,gd:c,subplot:s.id,plotinfo:{id:s.id,xaxis:s.xaxis,yaxis:s.yaxis},xaxes:[s.xaxis],yaxes:[s.yaxis]};function W(t,e){return Math.sqrt(t*t+e*e)}function X(t,e){return W(t-k,e-M)}function Z(t,e){return Math.atan2(M-e,t-k)}function J(t,e){return[t*Math.cos(e),t*Math.sin(-e)]}function K(t,e){if(0===t)return s.pathSector(2*O);var r=D/t,n=e-r,i=e+r,a=Math.max(0,Math.min(t,d)),o=a-O,l=a+O;return"M"+J(o,n)+"A"+[o,o]+" 0,0,0 "+J(o,i)+"L"+J(l,i)+"A"+[l,l]+" 0,0,1 "+J(l,n)+"Z"}function Q(t,e,r){if(0===t)return s.pathSector(2*O);var n,i,a=J(t,e),o=J(t,r),l=I((a[0]+o[0])/2),c=I((a[1]+o[1])/2);if(l&&c){var u=c/l,f=-1/u,h=P(O,u,l,c);n=P(D,f,h[0][0],h[0][1]),i=P(D,f,h[1][0],h[1][1])}else{var p,d;c?(p=D,d=O):(p=O,d=D),n=[[l-p,c-d],[l+p,c-d]],i=[[l-p,c+d],[l+p,c+d]]}return"M"+n.join("L")+"L"+i.reverse().join("L")+"Z"}function $(t,e){return e=Math.max(Math.min(e,d),g),th?(t-1&&1===t&&_(e,c,[s.xaxis],[s.yaxis],s.id,Y),r.indexOf("event")>-1&&y.click(c,e,s.id)}Y.prepFn=function(t,n,a){var l=c._fullLayout.dragmode,u=R.getBoundingClientRect();c._fullLayout._calcInverseTransform(c);var h=c._fullLayout._invTransform;e=c._fullLayout._invScaleX,r=c._fullLayout._invScaleY;var p=o.apply3DTransform(h)(n-u.left,a-u.top);if(F=p[0],B=p[1],C){var g=E.findPolygonOffset(d,A[0],A[1],C);F+=k+g[0],B+=M+g[1]}switch(l){case"zoom":Y.moveFn=C?nt:et,Y.clickFn=ot,Y.doneFn=it,function(){N=null,j=null,U=s.pathSubplot(),V=!1;var t=c._fullLayout[s.id];q=i(t.bgcolor).getLuminance(),(H=m.makeZoombox(f,q,x,T,U)).attr("fill-rule","evenodd"),G=m.makeCorners(f,x,T),w(c)}();break;case"select":case"lasso":b(t,n,a,Y,l)}},R.onmousemove=function(t){y.hover(c,t,s.id),c._fullLayout._lasthover=R,c._fullLayout._hoversubplot=s.id},R.onmouseout=function(t){c._dragging||v.unhover(c,t)},v.init(Y)},O.updateRadialDrag=function(t,e,r){var i=this,c=i.gd,u=i.layers,f=i.radius,h=i.innerRadius,p=i.cx,d=i.cy,g=i.radialAxis,y=S.radialDragBoxSize,x=y/2;if(g.visible){var b,_,T,A=I(i.radialAxisAngle),E=g._rl,C=E[0],L=E[1],z=E[r],O=.75*(E[1]-E[0])/(1-e.hole)/f;r?(b=p+(f+x)*Math.cos(A),_=d-(f+x)*Math.sin(A),T="radialdrag"):(b=p+(h-x)*Math.cos(A),_=d-(h-x)*Math.sin(A),T="radialdrag-inner");var D,B,N,j=m.makeRectDragger(u,T,"crosshair",-x,-x,y,y),U={element:j,gd:c};F(n.select(j),g.visible&&h0==(r?N>C:Nn?function(t){return t<=0}:function(t){return t>=0};t.c2g=function(r){var n=t.c2l(r)-e;return(s(n)?n:0)+o},t.g2c=function(r){return t.l2c(r+e-o)},t.g2p=function(t){return t*a},t.c2p=function(e){return t.g2p(t.c2g(e))}}}(t,e);break;case"angularaxis":!function(t,e){var r=t.type;if("linear"===r){var i=t.d2c,s=t.c2d;t.d2c=function(t,e){return function(t,e){return"degrees"===e?a(t):t}(i(t),e)},t.c2d=function(t,e){return s(function(t,e){return"degrees"===e?o(t):t}(t,e))}}t.makeCalcdata=function(e,i){var a,o,s=e[i],l=e._length,c=function(r){return t.d2c(r,e.thetaunit)};if(s){if(n.isTypedArray(s)&&"linear"===r){if(l===s.length)return s;if(s.subarray)return s.subarray(0,l)}for(a=new Array(l),o=0;o0){for(var n=[],i=0;i=u&&(p.min=0,g.min=0,m.min=0,t.aaxis&&delete t.aaxis.min,t.baxis&&delete t.baxis.min,t.caxis&&delete t.caxis.min)}function d(t,e,r,n){var i=f[e._name];function o(r,n){return a.coerce(t,e,i,r,n)}o("uirevision",n.uirevision),e.type="linear";var h=o("color"),p=h!==i.color.dflt?h:r.font.color,d=e._name.charAt(0).toUpperCase(),g="Component "+d,m=o("title.text",g);e._hovertitle=m===g?m:d,a.coerceFont(o,"title.font",{family:r.font.family,size:Math.round(1.2*r.font.size),color:p}),o("min"),c(t,e,o,"linear"),s(t,e,o,"linear",{}),l(t,e,o,{outerTicks:!0}),o("showticklabels")&&(a.coerceFont(o,"tickfont",{family:r.font.family,size:r.font.size,color:p}),o("tickangle"),o("tickformat")),u(t,e,o,{dfltColor:h,bgColor:r.bgColor,blend:60,showLine:!0,showGrid:!0,noZeroLine:!0,attributes:i}),o("hoverformat"),o("layer")}e.exports=function(t,e,r){o(t,e,r,{type:"ternary",attributes:f,handleDefaults:p,font:e.font,paper_bgcolor:e.paper_bgcolor})}},{"../../components/color":643,"../../lib":778,"../../plot_api/plot_template":817,"../cartesian/line_grid_defaults":844,"../cartesian/tick_label_defaults":849,"../cartesian/tick_mark_defaults":850,"../cartesian/tick_value_defaults":851,"../subplot_defaults":905,"./layout_attributes":908}],910:[function(t,e,r){"use strict";var n=t("d3"),i=t("tinycolor2"),a=t("../../registry"),o=t("../../lib"),s=o.strTranslate,l=o._,c=t("../../components/color"),u=t("../../components/drawing"),f=t("../cartesian/set_convert"),h=t("../../lib/extend").extendFlat,p=t("../plots"),d=t("../cartesian/axes"),g=t("../../components/dragelement"),m=t("../../components/fx"),v=t("../../components/dragelement/helpers"),y=v.freeMode,x=v.rectMode,b=t("../../components/titles"),_=t("../cartesian/select").prepSelect,w=t("../cartesian/select").selectOnClick,T=t("../cartesian/select").clearSelect,k=t("../cartesian/select").clearSelectionsCache,M=t("../cartesian/constants");function A(t,e){this.id=t.id,this.graphDiv=t.graphDiv,this.init(e),this.makeFramework(e),this.aTickLayout=null,this.bTickLayout=null,this.cTickLayout=null}e.exports=A;var S=A.prototype;S.init=function(t){this.container=t._ternarylayer,this.defs=t._defs,this.layoutId=t._uid,this.traceHash={},this.layers={}},S.plot=function(t,e){var r=e[this.id],n=e._size;this._hasClipOnAxisFalse=!1;for(var i=0;iE*b?i=(a=b)*E:a=(i=x)/E,o=v*i/x,l=y*a/b,r=e.l+e.w*g-i/2,n=e.t+e.h*(1-m)-a/2,p.x0=r,p.y0=n,p.w=i,p.h=a,p.sum=_,p.xaxis={type:"linear",range:[w+2*k-_,_-w-2*T],domain:[g-o/2,g+o/2],_id:"x"},f(p.xaxis,p.graphDiv._fullLayout),p.xaxis.setScale(),p.xaxis.isPtWithinRange=function(t){return t.a>=p.aaxis.range[0]&&t.a<=p.aaxis.range[1]&&t.b>=p.baxis.range[1]&&t.b<=p.baxis.range[0]&&t.c>=p.caxis.range[1]&&t.c<=p.caxis.range[0]},p.yaxis={type:"linear",range:[w,_-T-k],domain:[m-l/2,m+l/2],_id:"y"},f(p.yaxis,p.graphDiv._fullLayout),p.yaxis.setScale(),p.yaxis.isPtWithinRange=function(){return!0};var M=p.yaxis.domain[0],A=p.aaxis=h({},t.aaxis,{range:[w,_-T-k],side:"left",tickangle:(+t.aaxis.tickangle||0)-30,domain:[M,M+l*E],anchor:"free",position:0,_id:"y",_length:i});f(A,p.graphDiv._fullLayout),A.setScale();var S=p.baxis=h({},t.baxis,{range:[_-w-k,T],side:"bottom",domain:p.xaxis.domain,anchor:"free",position:0,_id:"x",_length:i});f(S,p.graphDiv._fullLayout),S.setScale();var C=p.caxis=h({},t.caxis,{range:[_-w-T,k],side:"right",tickangle:(+t.caxis.tickangle||0)+30,domain:[M,M+l*E],anchor:"free",position:0,_id:"y",_length:i});f(C,p.graphDiv._fullLayout),C.setScale();var L="M"+r+","+(n+a)+"h"+i+"l-"+i/2+",-"+a+"Z";p.clipDef.select("path").attr("d",L),p.layers.plotbg.select("path").attr("d",L);var I="M0,"+a+"h"+i+"l-"+i/2+",-"+a+"Z";p.clipDefRelative.select("path").attr("d",I);var P=s(r,n);p.plotContainer.selectAll(".scatterlayer,.maplayer").attr("transform",P),p.clipDefRelative.select("path").attr("transform",null);var z=s(r-S._offset,n+a);p.layers.baxis.attr("transform",z),p.layers.bgrid.attr("transform",z);var O=s(r+i/2,n)+"rotate(30)"+s(0,-A._offset);p.layers.aaxis.attr("transform",O),p.layers.agrid.attr("transform",O);var D=s(r+i/2,n)+"rotate(-30)"+s(0,-C._offset);p.layers.caxis.attr("transform",D),p.layers.cgrid.attr("transform",D),p.drawAxes(!0),p.layers.aline.select("path").attr("d",A.showline?"M"+r+","+(n+a)+"l"+i/2+",-"+a:"M0,0").call(c.stroke,A.linecolor||"#000").style("stroke-width",(A.linewidth||0)+"px"),p.layers.bline.select("path").attr("d",S.showline?"M"+r+","+(n+a)+"h"+i:"M0,0").call(c.stroke,S.linecolor||"#000").style("stroke-width",(S.linewidth||0)+"px"),p.layers.cline.select("path").attr("d",C.showline?"M"+(r+i/2)+","+n+"l"+i/2+","+a:"M0,0").call(c.stroke,C.linecolor||"#000").style("stroke-width",(C.linewidth||0)+"px"),p.graphDiv._context.staticPlot||p.initInteractions(),u.setClipUrl(p.layers.frontplot,p._hasClipOnAxisFalse?null:p.clipId,p.graphDiv)},S.drawAxes=function(t){var e=this.graphDiv,r=this.id.substr(7)+"title",n=this.layers,i=this.aaxis,a=this.baxis,o=this.caxis;if(this.drawAx(i),this.drawAx(a),this.drawAx(o),t){var s=Math.max(i.showticklabels?i.tickfont.size/2:0,(o.showticklabels?.75*o.tickfont.size:0)+("outside"===o.ticks?.87*o.ticklen:0)),c=(a.showticklabels?a.tickfont.size:0)+("outside"===a.ticks?a.ticklen:0)+3;n["a-title"]=b.draw(e,"a"+r,{propContainer:i,propName:this.id+".aaxis.title",placeholder:l(e,"Click to enter Component A title"),attributes:{x:this.x0+this.w/2,y:this.y0-i.title.font.size/3-s,"text-anchor":"middle"}}),n["b-title"]=b.draw(e,"b"+r,{propContainer:a,propName:this.id+".baxis.title",placeholder:l(e,"Click to enter Component B title"),attributes:{x:this.x0-c,y:this.y0+this.h+.83*a.title.font.size+c,"text-anchor":"middle"}}),n["c-title"]=b.draw(e,"c"+r,{propContainer:o,propName:this.id+".caxis.title",placeholder:l(e,"Click to enter Component C title"),attributes:{x:this.x0+this.w+c,y:this.y0+this.h+.83*o.title.font.size+c,"text-anchor":"middle"}})}},S.drawAx=function(t){var e,r=this.graphDiv,n=t._name,i=n.charAt(0),a=t._id,s=this.layers[n],l=i+"tickLayout",c=(e=t).ticks+String(e.ticklen)+String(e.showticklabels);this[l]!==c&&(s.selectAll("."+a+"tick").remove(),this[l]=c),t.setScale();var u=d.calcTicks(t),f=d.clipEnds(t,u),h=d.makeTransTickFn(t),p=d.getTickSigns(t)[2],g=o.deg2rad(30),m=p*(t.linewidth||1)/2,v=p*t.ticklen,y=this.w,x=this.h,b="b"===i?"M0,"+m+"l"+Math.sin(g)*v+","+Math.cos(g)*v:"M"+m+",0l"+Math.cos(g)*v+","+-Math.sin(g)*v,_={a:"M0,0l"+x+",-"+y/2,b:"M0,0l-"+y/2+",-"+x,c:"M0,0l-"+x+","+y/2}[i];d.drawTicks(r,t,{vals:"inside"===t.ticks?f:u,layer:s,path:b,transFn:h,crisp:!1}),d.drawGrid(r,t,{vals:f,layer:this.layers[i+"grid"],path:_,transFn:h,crisp:!1}),d.drawLabels(r,t,{vals:u,layer:s,transFn:h,labelFns:d.makeLabelFns(t,0,30)})};var C=M.MINZOOM/2+.87,L="m-0.87,.5h"+C+"v3h-"+(C+5.2)+"l"+(C/2+2.6)+",-"+(.87*C+4.5)+"l2.6,1.5l-"+C/2+","+.87*C+"Z",I="m0.87,.5h-"+C+"v3h"+(C+5.2)+"l-"+(C/2+2.6)+",-"+(.87*C+4.5)+"l-2.6,1.5l"+C/2+","+.87*C+"Z",P="m0,1l"+C/2+","+.87*C+"l2.6,-1.5l-"+(C/2+2.6)+",-"+(.87*C+4.5)+"l-"+(C/2+2.6)+","+(.87*C+4.5)+"l2.6,1.5l"+C/2+",-"+.87*C+"Z",z=!0;function O(t){n.select(t).selectAll(".zoombox,.js-zoombox-backdrop,.js-zoombox-menu,.zoombox-corners").remove()}S.clearSelect=function(){k(this.dragOptions),T(this.dragOptions.gd)},S.initInteractions=function(){var t,e,r,n,f,h,p,d,v,b,T,k,A=this,S=A.layers.plotbg.select("path").node(),C=A.graphDiv,D=C._fullLayout._zoomlayer;function R(t){var e={};return e[A.id+".aaxis.min"]=t.a,e[A.id+".baxis.min"]=t.b,e[A.id+".caxis.min"]=t.c,e}function F(t,e){var r=C._fullLayout.clickmode;O(C),2===t&&(C.emit("plotly_doubleclick",null),a.call("_guiRelayout",C,R({a:0,b:0,c:0}))),r.indexOf("select")>-1&&1===t&&w(e,C,[A.xaxis],[A.yaxis],A.id,A.dragOptions),r.indexOf("event")>-1&&m.click(C,e,A.id)}function B(t,e){return 1-e/A.h}function N(t,e){return 1-(t+(A.h-e)/Math.sqrt(3))/A.w}function j(t,e){return(t-(A.h-e)/Math.sqrt(3))/A.w}function U(i,a){var o=r+i*t,s=n+a*e,l=Math.max(0,Math.min(1,B(0,n),B(0,s))),c=Math.max(0,Math.min(1,N(r,n),N(o,s))),u=Math.max(0,Math.min(1,j(r,n),j(o,s))),g=(l/2+u)*A.w,m=(1-l/2-c)*A.w,y=(g+m)/2,x=m-g,_=(1-l)*A.h,w=_-x/E;x.2?"rgba(0,0,0,0.4)":"rgba(255,255,255,0.3)").duration(200),k.transition().style("opacity",1).duration(200),b=!0),C.emit("plotly_relayouting",R(p))}function V(){O(C),p!==f&&(a.call("_guiRelayout",C,R(p)),z&&C.data&&C._context.showTips&&(o.notifier(l(C,"Double-click to zoom back out"),"long"),z=!1))}function q(t,e){var r=t/A.xaxis._m,n=e/A.yaxis._m,i=[(p={a:f.a-n,b:f.b+(r+n)/2,c:f.c-(r-n)/2}).a,p.b,p.c].sort(o.sorterAsc),a=i.indexOf(p.a),l=i.indexOf(p.b),c=i.indexOf(p.c);i[0]<0&&(i[1]+i[0]/2<0?(i[2]+=i[0]+i[1],i[0]=i[1]=0):(i[2]+=i[0]/2,i[1]+=i[0]/2,i[0]=0),p={a:i[a],b:i[l],c:i[c]},e=(f.a-p.a)*A.yaxis._m,t=(f.c-p.c-f.b+p.b)*A.xaxis._m);var h=s(A.x0+t,A.y0+e);A.plotContainer.selectAll(".scatterlayer,.maplayer").attr("transform",h);var d=s(-t,-e);A.clipDefRelative.select("path").attr("transform",d),A.aaxis.range=[p.a,A.sum-p.b-p.c],A.baxis.range=[A.sum-p.a-p.c,p.b],A.caxis.range=[A.sum-p.a-p.b,p.c],A.drawAxes(!1),A._hasClipOnAxisFalse&&A.plotContainer.select(".scatterlayer").selectAll(".trace").call(u.hideOutsideRangePoints,A),C.emit("plotly_relayouting",R(p))}function H(){a.call("_guiRelayout",C,R(p))}this.dragOptions={element:S,gd:C,plotinfo:{id:A.id,domain:C._fullLayout[A.id].domain,xaxis:A.xaxis,yaxis:A.yaxis},subplot:A.id,prepFn:function(a,l,u){A.dragOptions.xaxes=[A.xaxis],A.dragOptions.yaxes=[A.yaxis],t=C._fullLayout._invScaleX,e=C._fullLayout._invScaleY;var g=A.dragOptions.dragmode=C._fullLayout.dragmode;y(g)?A.dragOptions.minDrag=1:A.dragOptions.minDrag=void 0,"zoom"===g?(A.dragOptions.moveFn=U,A.dragOptions.clickFn=F,A.dragOptions.doneFn=V,function(t,e,a){var l=S.getBoundingClientRect();r=e-l.left,n=a-l.top,C._fullLayout._calcInverseTransform(C);var u=C._fullLayout._invTransform,g=o.apply3DTransform(u)(r,n);r=g[0],n=g[1],f={a:A.aaxis.range[0],b:A.baxis.range[1],c:A.caxis.range[1]},p=f,h=A.aaxis.range[1]-f.a,d=i(A.graphDiv._fullLayout[A.id].bgcolor).getLuminance(),v="M0,"+A.h+"L"+A.w/2+", 0L"+A.w+","+A.h+"Z",b=!1,T=D.append("path").attr("class","zoombox").attr("transform",s(A.x0,A.y0)).style({fill:d>.2?"rgba(0,0,0,0)":"rgba(255,255,255,0)","stroke-width":0}).attr("d",v),k=D.append("path").attr("class","zoombox-corners").attr("transform",s(A.x0,A.y0)).style({fill:c.background,stroke:c.defaultLine,"stroke-width":1,opacity:0}).attr("d","M0,0Z"),A.clearSelect(C)}(0,l,u)):"pan"===g?(A.dragOptions.moveFn=q,A.dragOptions.clickFn=F,A.dragOptions.doneFn=H,f={a:A.aaxis.range[0],b:A.baxis.range[1],c:A.caxis.range[1]},p=f,A.clearSelect(C)):(x(g)||y(g))&&_(a,l,u,A.dragOptions,g)}},S.onmousemove=function(t){m.hover(C,t,A.id),C._fullLayout._lasthover=S,C._fullLayout._hoversubplot=A.id},S.onmouseout=function(t){C._dragging||g.unhover(C,t)},g.init(this.dragOptions)}},{"../../components/color":643,"../../components/dragelement":662,"../../components/dragelement/helpers":661,"../../components/drawing":665,"../../components/fx":683,"../../components/titles":738,"../../lib":778,"../../lib/extend":768,"../../registry":911,"../cartesian/axes":828,"../cartesian/constants":834,"../cartesian/select":847,"../cartesian/set_convert":848,"../plots":891,d3:169,tinycolor2:576}],911:[function(t,e,r){"use strict";var n=t("./lib/loggers"),i=t("./lib/noop"),a=t("./lib/push_unique"),o=t("./lib/is_plain_object"),s=t("./lib/dom").addStyleRule,l=t("./lib/extend"),c=t("./plots/attributes"),u=t("./plots/layout_attributes"),f=l.extendFlat,h=l.extendDeepAll;function p(t){var e=t.name,i=t.categories,a=t.meta;if(r.modules[e])n.log("Type "+e+" already registered");else{r.subplotsRegistry[t.basePlotModule.name]||function(t){var e=t.name;if(r.subplotsRegistry[e])return void n.log("Plot type "+e+" already registered.");for(var i in v(t),r.subplotsRegistry[e]=t,r.componentsRegistry)b(i,t.name)}(t.basePlotModule);for(var o={},l=0;l-1&&(f[p[r]].title={text:""});for(r=0;r")?"":e.html(t).text()}));return e.remove(),r}(T),T=(T=T.replace(/&(?!\w+;|\#[0-9]+;| \#x[0-9A-F]+;)/g,"&")).replace(c,"'"),i.isIE()&&(T=(T=(T=T.replace(/"/gi,"'")).replace(/(\('#)([^']*)('\))/gi,'("#$2")')).replace(/(\\')/gi,'"')),T}},{"../components/color":643,"../components/drawing":665,"../constants/xmlns_namespaces":754,"../lib":778,d3:169}],920:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t,e){for(var r=0;rf+c||!n(u))}for(var p=0;pa))return e}return void 0!==r?r:t.dflt},r.coerceColor=function(t,e,r){return i(e).isValid()?e:void 0!==r?r:t.dflt},r.coerceEnumerated=function(t,e,r){return t.coerceNumber&&(e=+e),-1!==t.values.indexOf(e)?e:void 0!==r?r:t.dflt},r.getValue=function(t,e){var r;return Array.isArray(t)?e0?i+=a:e<0&&(i-=a)}return n.inbox(r-e,i-e,b+(i-e)/(i-r)-1)}"h"===m.orientation?(a=r,s=e,u="y",f="x",h=S,p=A):(a=e,s=r,u="x",f="y",p=S,h=A);var E=t[u+"a"],C=t[f+"a"];d=Math.abs(E.r2c(E.range[1])-E.r2c(E.range[0]));var L=n.getDistanceFunction(i,h,p,(function(t){return(h(t)+p(t))/2}));if(n.getClosest(g,L,t),!1!==t.index&&g[t.index].p!==c){y||(T=function(t){return Math.min(_(t),t.p-v.bargroupwidth/2)},k=function(t){return Math.max(w(t),t.p+v.bargroupwidth/2)});var I=g[t.index],P=m.base?I.b+I.s:I.s;t[f+"0"]=t[f+"1"]=C.c2p(I[f],!0),t[f+"LabelVal"]=P;var z=v.extents[v.extents.round(I.p)];t[u+"0"]=E.c2p(y?T(I):z[0],!0),t[u+"1"]=E.c2p(y?k(I):z[1],!0);var O=void 0!==I.orig_p;return t[u+"LabelVal"]=O?I.orig_p:I.p,t.labelLabel=l(E,t[u+"LabelVal"]),t.valueLabel=l(C,t[f+"LabelVal"]),t.baseLabel=l(C,I.b),t.spikeDistance=(S(I)+function(t){return M(_(t),w(t))}(I))/2-b,t[u+"Spike"]=E.c2p(I.p,!0),o(I,m,t),t.hovertemplate=m.hovertemplate,t}}function f(t,e){var r=e.mcc||t.marker.color,n=e.mlcc||t.marker.line.color,i=s(t,e);return a.opacity(r)?r:a.opacity(n)&&i?n:void 0}e.exports={hoverPoints:function(t,e,r,n){var a=u(t,e,r,n);if(a){var o=a.cd,s=o[0].trace,l=o[a.index];return a.color=f(s,l),i.getComponentMethod("errorbars","hoverInfo")(l,s,a),[a]}},hoverOnBars:u,getTraceColor:f}},{"../../components/color":643,"../../components/fx":683,"../../constants/numerical":753,"../../lib":778,"../../plots/cartesian/axes":828,"../../registry":911,"./helpers":927}],929:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults").supplyDefaults,crossTraceDefaults:t("./defaults").crossTraceDefaults,supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc"),crossTraceCalc:t("./cross_trace_calc").crossTraceCalc,colorbar:t("../scatter/marker_colorbar"),arraysToCalcdata:t("./arrays_to_calcdata"),plot:t("./plot").plot,style:t("./style").style,styleOnSelect:t("./style").styleOnSelect,hoverPoints:t("./hover").hoverPoints,eventData:t("./event_data"),selectPoints:t("./select"),moduleType:"trace",name:"bar",basePlotModule:t("../../plots/cartesian"),categories:["bar-like","cartesian","svg","bar","oriented","errorBarsOK","showLegend","zoomScale"],animatable:!0,meta:{}}},{"../../plots/cartesian":841,"../scatter/marker_colorbar":1205,"./arrays_to_calcdata":920,"./attributes":921,"./calc":922,"./cross_trace_calc":924,"./defaults":925,"./event_data":926,"./hover":928,"./layout_attributes":930,"./layout_defaults":931,"./plot":932,"./select":933,"./style":935}],930:[function(t,e,r){"use strict";e.exports={barmode:{valType:"enumerated",values:["stack","group","overlay","relative"],dflt:"group",editType:"calc"},barnorm:{valType:"enumerated",values:["","fraction","percent"],dflt:"",editType:"calc"},bargap:{valType:"number",min:0,max:1,editType:"calc"},bargroupgap:{valType:"number",min:0,max:1,dflt:0,editType:"calc"}}},{}],931:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../plots/cartesian/axes"),a=t("../../lib"),o=t("./layout_attributes");e.exports=function(t,e,r){function s(r,n){return a.coerce(t,e,o,r,n)}for(var l=!1,c=!1,u=!1,f={},h=s("barmode"),p=0;p0}function S(t){return"auto"===t?0:t}function E(t,e){var r=Math.PI/180*e,n=Math.abs(Math.sin(r)),i=Math.abs(Math.cos(r));return{x:t.width*i+t.height*n,y:t.width*n+t.height*i}}function C(t,e,r,n,i,a){var o=!!a.isHorizontal,s=!!a.constrained,l=a.angle||0,c=a.anchor||"end",u="end"===c,f="start"===c,h=((a.leftToRight||0)+1)/2,p=1-h,d=i.width,g=i.height,m=Math.abs(e-t),v=Math.abs(n-r),y=m>2*_&&v>2*_?_:0;m-=2*y,v-=2*y;var x=S(l);"auto"!==l||d<=m&&g<=v||!(d>m||g>v)||(d>v||g>m)&&d.01?H:function(t,e,r){return r&&t===e?t:Math.abs(t-e)>=2?H(t):t>e?Math.ceil(t):Math.floor(t)};B=G(B,N,D),N=G(N,B,D),j=G(j,U,!D),U=G(U,j,!D)}var Y=M(a.ensureSingle(P,"path"),I,m,v);if(Y.style("vector-effect","non-scaling-stroke").attr("d",isNaN((N-B)*(U-j))||V&&t._context.staticPlot?"M0,0Z":"M"+B+","+j+"V"+U+"H"+N+"V"+j+"Z").call(l.setClipUrl,e.layerClipId,t),!I.uniformtext.mode&&R){var W=l.makePointStyleFns(f);l.singlePointStyle(c,Y,f,W,t)}!function(t,e,r,n,i,s,c,f,p,m,v){var w,T=e.xaxis,A=e.yaxis,L=t._fullLayout;function I(e,r,n){return a.ensureSingle(e,"text").text(r).attr({class:"bartext bartext-"+w,"text-anchor":"middle","data-notex":1}).call(l.font,n).call(o.convertToTspans,t)}var P=n[0].trace,z="h"===P.orientation,O=function(t,e,r,n,i){var o,s=e[0].trace;o=s.texttemplate?function(t,e,r,n,i){var o=e[0].trace,s=a.castOption(o,r,"texttemplate");if(!s)return"";var l,c,f,h,p="waterfall"===o.type,d="funnel"===o.type;"h"===o.orientation?(l="y",c=i,f="x",h=n):(l="x",c=n,f="y",h=i);function g(t){return u(h,+t,!0).text}var m=e[r],v={};v.label=m.p,v.labelLabel=v[l+"Label"]=(y=m.p,u(c,y,!0).text);var y;var x=a.castOption(o,m.i,"text");(0===x||x)&&(v.text=x);v.value=m.s,v.valueLabel=v[f+"Label"]=g(m.s);var _={};b(_,o,m.i),p&&(v.delta=+m.rawS||m.s,v.deltaLabel=g(v.delta),v.final=m.v,v.finalLabel=g(v.final),v.initial=v.final-v.delta,v.initialLabel=g(v.initial));d&&(v.value=m.s,v.valueLabel=g(v.value),v.percentInitial=m.begR,v.percentInitialLabel=a.formatPercent(m.begR),v.percentPrevious=m.difR,v.percentPreviousLabel=a.formatPercent(m.difR),v.percentTotal=m.sumR,v.percenTotalLabel=a.formatPercent(m.sumR));var w=a.castOption(o,m.i,"customdata");w&&(v.customdata=w);return a.texttemplateString(s,v,t._d3locale,_,v,o._meta||{})}(t,e,r,n,i):s.textinfo?function(t,e,r,n){var i=t[0].trace,o="h"===i.orientation,s="waterfall"===i.type,l="funnel"===i.type;function c(t){return u(o?r:n,+t,!0).text}var f,h=i.textinfo,p=t[e],d=h.split("+"),g=[],m=function(t){return-1!==d.indexOf(t)};m("label")&&g.push((v=t[e].p,u(o?n:r,v,!0).text));var v;m("text")&&(0===(f=a.castOption(i,p.i,"text"))||f)&&g.push(f);if(s){var y=+p.rawS||p.s,x=p.v,b=x-y;m("initial")&&g.push(c(b)),m("delta")&&g.push(c(y)),m("final")&&g.push(c(x))}if(l){m("value")&&g.push(c(p.s));var _=0;m("percent initial")&&_++,m("percent previous")&&_++,m("percent total")&&_++;var w=_>1;m("percent initial")&&(f=a.formatPercent(p.begR),w&&(f+=" of initial"),g.push(f)),m("percent previous")&&(f=a.formatPercent(p.difR),w&&(f+=" of previous"),g.push(f)),m("percent total")&&(f=a.formatPercent(p.sumR),w&&(f+=" of total"),g.push(f))}return g.join("
")}(e,r,n,i):g.getValue(s.text,r);return g.coerceString(y,o)}(L,n,i,T,A);w=function(t,e){var r=g.getValue(t.textposition,e);return g.coerceEnumerated(x,r)}(P,i);var D="stack"===m.mode||"relative"===m.mode,R=n[i],F=!D||R._outmost;if(!O||"none"===w||(R.isBlank||s===c||f===p)&&("auto"===w||"inside"===w))return void r.select("text").remove();var B=L.font,N=d.getBarColor(n[i],P),j=d.getInsideTextFont(P,i,B,N),U=d.getOutsideTextFont(P,i,B),V=r.datum();z?"log"===T.type&&V.s0<=0&&(s=T.range[0]=G*(Z/Y):Z>=Y*(X/G);G>0&&Y>0&&(J||K||Q)?w="inside":(w="outside",q.remove(),q=null)}else w="inside";if(!q){W=a.ensureUniformFontSize(t,"outside"===w?U:j);var $=(q=I(r,O,W)).attr("transform");if(q.attr("transform",""),H=l.bBox(q.node()),G=H.width,Y=H.height,q.attr("transform",$),G<=0||Y<=0)return void q.remove()}var tt,et,rt=P.textangle;"outside"===w?(et="both"===P.constraintext||"outside"===P.constraintext,tt=function(t,e,r,n,i,a){var o,s=!!a.isHorizontal,l=!!a.constrained,c=a.angle||0,u=i.width,f=i.height,h=Math.abs(e-t),p=Math.abs(n-r);o=s?p>2*_?_:0:h>2*_?_:0;var d=1;l&&(d=s?Math.min(1,p/f):Math.min(1,h/u));var g=S(c),m=E(i,g),v=(s?m.x:m.y)/2,y=(i.left+i.right)/2,x=(i.top+i.bottom)/2,b=(t+e)/2,w=(r+n)/2,T=0,M=0,A=s?k(e,t):k(r,n);s?(b=e-A*o,T=A*v):(w=n+A*o,M=-A*v);return{textX:y,textY:x,targetX:b,targetY:w,anchorX:T,anchorY:M,scale:d,rotate:g}}(s,c,f,p,H,{isHorizontal:z,constrained:et,angle:rt})):(et="both"===P.constraintext||"inside"===P.constraintext,tt=C(s,c,f,p,H,{isHorizontal:z,constrained:et,angle:rt,anchor:P.insidetextanchor}));tt.fontSize=W.size,h(P.type,tt,L),R.transform=tt,M(q,L,m,v).attr("transform",a.getTextTransform(tt))}(t,e,P,r,p,B,N,j,U,m,v),e.layerClipId&&l.hideOutsideRangePoint(c,P.select("text"),w,L,f.xcalendar,f.ycalendar)}));var j=!1===f.cliponaxis;l.setClipUrl(c,j?null:e.layerClipId,t)}));c.getComponentMethod("errorbars","plot")(t,P,e,m)},toMoveInsideBar:C}},{"../../components/color":643,"../../components/drawing":665,"../../components/fx/helpers":679,"../../lib":778,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"../../registry":911,"./attributes":921,"./constants":923,"./helpers":927,"./style":935,"./uniform_text":937,d3:169,"fast-isnumeric":241}],933:[function(t,e,r){"use strict";function n(t,e,r,n,i){var a=e.c2p(n?t.s0:t.p0,!0),o=e.c2p(n?t.s1:t.p1,!0),s=r.c2p(n?t.p0:t.s0,!0),l=r.c2p(n?t.p1:t.s1,!0);return i?[(a+o)/2,(s+l)/2]:n?[o,(s+l)/2]:[(a+o)/2,l]}e.exports=function(t,e){var r,i=t.cd,a=t.xaxis,o=t.yaxis,s=i[0].trace,l="funnel"===s.type,c="h"===s.orientation,u=[];if(!1===e)for(r=0;r1||0===i.bargap&&0===i.bargroupgap&&!t[0].trace.marker.line.width)&&n.select(this).attr("shape-rendering","crispEdges")})),e.selectAll("g.points").each((function(e){d(n.select(this),e[0].trace,t)})),s.getComponentMethod("errorbars","style")(e)},styleTextPoints:g,styleOnSelect:function(t,e,r){var i=e[0].trace;i.selectedpoints?function(t,e,r){a.selectedPointStyle(t.selectAll("path"),e),function(t,e,r){t.each((function(t){var i,s=n.select(this);if(t.selected){i=o.ensureUniformFontSize(r,m(s,t,e,r));var l=e.selected.textfont&&e.selected.textfont.color;l&&(i.color=l),a.font(s,i)}else a.selectedTextStyle(s,e)}))}(t.selectAll("text"),e,r)}(r,i,t):(d(r,i,t),s.getComponentMethod("errorbars","style")(r))},getInsideTextFont:y,getOutsideTextFont:x,getBarColor:_,resizeText:l}},{"../../components/color":643,"../../components/drawing":665,"../../lib":778,"../../registry":911,"./attributes":921,"./helpers":927,"./uniform_text":937,d3:169}],936:[function(t,e,r){"use strict";var n=t("../../components/color"),i=t("../../components/colorscale/helpers").hasColorscale,a=t("../../components/colorscale/defaults");e.exports=function(t,e,r,o,s){r("marker.color",o),i(t,"marker")&&a(t,e,s,r,{prefix:"marker.",cLetter:"c"}),r("marker.line.color",n.defaultLine),i(t,"marker.line")&&a(t,e,s,r,{prefix:"marker.line.",cLetter:"c"}),r("marker.line.width"),r("marker.opacity"),r("selected.marker.color"),r("unselected.marker.color")}},{"../../components/color":643,"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654}],937:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib");function a(t){return"_"+t+"Text_minsize"}e.exports={recordMinTextSize:function(t,e,r){if(r.uniformtext.mode){var n=a(t),i=r.uniformtext.minsize,o=e.scale*e.fontSize;e.hide=oh.range[1]&&(x+=Math.PI);if(n.getClosest(c,(function(t){return g(y,x,[t.rp0,t.rp1],[t.thetag0,t.thetag1],d)?m+Math.min(1,Math.abs(t.thetag1-t.thetag0)/v)-1+(t.rp1-y)/(t.rp1-t.rp0)-1:1/0}),t),!1!==t.index){var b=c[t.index];t.x0=t.x1=b.ct[0],t.y0=t.y1=b.ct[1];var _=i.extendFlat({},b,{r:b.s,theta:b.p});return o(b,u,t),s(_,u,f,t),t.hovertemplate=u.hovertemplate,t.color=a(u,b),t.xLabelVal=t.yLabelVal=void 0,b.s<0&&(t.idealAlign="left"),[t]}}},{"../../components/fx":683,"../../lib":778,"../../plots/polar/helpers":893,"../bar/hover":928,"../scatterpolar/hover":1265}],942:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"barpolar",basePlotModule:t("../../plots/polar"),categories:["polar","bar","showLegend"],attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./calc").crossTraceCalc,plot:t("./plot"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("../scatterpolar/format_labels"),style:t("../bar/style").style,styleOnSelect:t("../bar/style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("../bar/select"),meta:{}}},{"../../plots/polar":894,"../bar/select":933,"../bar/style":935,"../scatter/marker_colorbar":1205,"../scatterpolar/format_labels":1264,"./attributes":938,"./calc":939,"./defaults":940,"./hover":941,"./layout_attributes":943,"./layout_defaults":944,"./plot":945}],943:[function(t,e,r){"use strict";e.exports={barmode:{valType:"enumerated",values:["stack","overlay"],dflt:"stack",editType:"calc"},bargap:{valType:"number",dflt:.1,min:0,max:1,editType:"calc"}}},{}],944:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e,r){var a,o={};function s(r,o){return n.coerce(t[a]||{},e[a],i,r,o)}for(var l=0;l0?(c=o,u=l):(c=l,u=o);var f=[s.findEnclosingVertexAngles(c,t.vangles)[0],(c+u)/2,s.findEnclosingVertexAngles(u,t.vangles)[1]];return s.pathPolygonAnnulus(n,i,c,u,f,e,r)};return function(t,n,i,o){return a.pathAnnulus(t,n,i,o,e,r)}}(e),p=e.layers.frontplot.select("g.barlayer");a.makeTraceGroups(p,r,"trace bars").each((function(){var r=n.select(this),s=a.ensureSingle(r,"g","points").selectAll("g.point").data(a.identity);s.enter().append("g").style("vector-effect","non-scaling-stroke").style("stroke-miterlimit",2).classed("point",!0),s.exit().remove(),s.each((function(t){var e,r=n.select(this),o=t.rp0=u.c2p(t.s0),s=t.rp1=u.c2p(t.s1),p=t.thetag0=f.c2g(t.p0),d=t.thetag1=f.c2g(t.p1);if(i(o)&&i(s)&&i(p)&&i(d)&&o!==s&&p!==d){var g=u.c2g(t.s1),m=(p+d)/2;t.ct=[l.c2p(g*Math.cos(m)),c.c2p(g*Math.sin(m))],e=h(o,s,p,d)}else e="M0,0Z";a.ensureSingle(r,"path").attr("d",e)})),o.setClipUrl(r,e._hasClipOnAxisFalse?e.clipIds.forTraces:null,t)}))}},{"../../components/drawing":665,"../../lib":778,"../../plots/polar/helpers":893,d3:169,"fast-isnumeric":241}],946:[function(t,e,r){"use strict";var n=t("../scatter/attributes"),i=t("../bar/attributes"),a=t("../../components/color/attributes"),o=t("../../plots/template_attributes").hovertemplateAttrs,s=t("../../lib/extend").extendFlat,l=n.marker,c=l.line;e.exports={y:{valType:"data_array",editType:"calc+clearAxisTypes"},x:{valType:"data_array",editType:"calc+clearAxisTypes"},x0:{valType:"any",editType:"calc+clearAxisTypes"},y0:{valType:"any",editType:"calc+clearAxisTypes"},dx:{valType:"number",editType:"calc"},dy:{valType:"number",editType:"calc"},xperiod:n.xperiod,yperiod:n.yperiod,xperiod0:n.xperiod0,yperiod0:n.yperiod0,xperiodalignment:n.xperiodalignment,yperiodalignment:n.yperiodalignment,name:{valType:"string",editType:"calc+clearAxisTypes"},q1:{valType:"data_array",editType:"calc+clearAxisTypes"},median:{valType:"data_array",editType:"calc+clearAxisTypes"},q3:{valType:"data_array",editType:"calc+clearAxisTypes"},lowerfence:{valType:"data_array",editType:"calc"},upperfence:{valType:"data_array",editType:"calc"},notched:{valType:"boolean",editType:"calc"},notchwidth:{valType:"number",min:0,max:.5,dflt:.25,editType:"calc"},notchspan:{valType:"data_array",editType:"calc"},boxpoints:{valType:"enumerated",values:["all","outliers","suspectedoutliers",!1],editType:"calc"},jitter:{valType:"number",min:0,max:1,editType:"calc"},pointpos:{valType:"number",min:-2,max:2,editType:"calc"},boxmean:{valType:"enumerated",values:[!0,"sd",!1],editType:"calc"},mean:{valType:"data_array",editType:"calc"},sd:{valType:"data_array",editType:"calc"},orientation:{valType:"enumerated",values:["v","h"],editType:"calc+clearAxisTypes"},quartilemethod:{valType:"enumerated",values:["linear","exclusive","inclusive"],dflt:"linear",editType:"calc"},width:{valType:"number",min:0,dflt:0,editType:"calc"},marker:{outliercolor:{valType:"color",dflt:"rgba(0, 0, 0, 0)",editType:"style"},symbol:s({},l.symbol,{arrayOk:!1,editType:"plot"}),opacity:s({},l.opacity,{arrayOk:!1,dflt:1,editType:"style"}),size:s({},l.size,{arrayOk:!1,editType:"calc"}),color:s({},l.color,{arrayOk:!1,editType:"style"}),line:{color:s({},c.color,{arrayOk:!1,dflt:a.defaultLine,editType:"style"}),width:s({},c.width,{arrayOk:!1,dflt:0,editType:"style"}),outliercolor:{valType:"color",editType:"style"},outlierwidth:{valType:"number",min:0,dflt:1,editType:"style"},editType:"style"},editType:"plot"},line:{color:{valType:"color",editType:"style"},width:{valType:"number",min:0,dflt:2,editType:"style"},editType:"plot"},fillcolor:n.fillcolor,whiskerwidth:{valType:"number",min:0,max:1,dflt:.5,editType:"calc"},offsetgroup:i.offsetgroup,alignmentgroup:i.alignmentgroup,selected:{marker:n.selected.marker,editType:"style"},unselected:{marker:n.unselected.marker,editType:"style"},text:s({},n.text,{}),hovertext:s({},n.hovertext,{}),hovertemplate:o({}),hoveron:{valType:"flaglist",flags:["boxes","points"],dflt:"boxes+points",editType:"style"}}},{"../../components/color/attributes":642,"../../lib/extend":768,"../../plots/template_attributes":906,"../bar/attributes":921,"../scatter/attributes":1187}],947:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../plots/cartesian/axes"),a=t("../../plots/cartesian/align_period"),o=t("../../lib"),s=t("../../constants/numerical").BADNUM,l=o._;e.exports=function(t,e){var r,c,y,x,b,_,w,T=t._fullLayout,k=i.getFromId(t,e.xaxis||"x"),M=i.getFromId(t,e.yaxis||"y"),A=[],S="violin"===e.type?"_numViolins":"_numBoxes";"h"===e.orientation?(y=k,x="x",b=M,_="y",w=!!e.yperiodalignment):(y=M,x="y",b=k,_="x",w=!!e.xperiodalignment);var E,C,L,I,P,z,O=function(t,e,r,i){var s,l=e+"0"in t,c="d"+e in t;if(e in t||l&&c){var u=r.makeCalcdata(t,e);return[a(t,r,e,u),u]}s=l?t[e+"0"]:"name"in t&&("category"===r.type||n(t.name)&&-1!==["linear","log"].indexOf(r.type)||o.isDateTime(t.name)&&"date"===r.type)?t.name:i;for(var f="multicategory"===r.type?r.r2c_just_indices(s):r.d2c(s,0,t[e+"calendar"]),h=t._length,p=new Array(h),d=0;dE.uf};if(e._hasPreCompStats){var U=e[x],V=function(t){return y.d2c((e[t]||[])[r])},q=1/0,H=-1/0;for(r=0;r=E.q1&&E.q3>=E.med){var Y=V("lowerfence");E.lf=Y!==s&&Y<=E.q1?Y:p(E,L,I);var W=V("upperfence");E.uf=W!==s&&W>=E.q3?W:d(E,L,I);var X=V("mean");E.mean=X!==s?X:I?o.mean(L,I):(E.q1+E.q3)/2;var Z=V("sd");E.sd=X!==s&&Z>=0?Z:I?o.stdev(L,I,E.mean):E.q3-E.q1,E.lo=g(E),E.uo=m(E);var J=V("notchspan");J=J!==s&&J>0?J:v(E,I),E.ln=E.med-J,E.un=E.med+J;var K=E.lf,Q=E.uf;e.boxpoints&&L.length&&(K=Math.min(K,L[0]),Q=Math.max(Q,L[I-1])),e.notched&&(K=Math.min(K,E.ln),Q=Math.max(Q,E.un)),E.min=K,E.max=Q}else{var $;o.warn(["Invalid input - make sure that q1 <= median <= q3","q1 = "+E.q1,"median = "+E.med,"q3 = "+E.q3].join("\n")),$=E.med!==s?E.med:E.q1!==s?E.q3!==s?(E.q1+E.q3)/2:E.q1:E.q3!==s?E.q3:0,E.med=$,E.q1=E.q3=$,E.lf=E.uf=$,E.mean=E.sd=$,E.ln=E.un=$,E.min=E.max=$}q=Math.min(q,E.min),H=Math.max(H,E.max),E.pts2=C.filter(j),A.push(E)}}e._extremes[y._id]=i.findExtremes(y,[q,H],{padded:!0})}else{var tt=y.makeCalcdata(e,x),et=function(t,e){for(var r=t.length,n=new Array(r+1),i=0;i=0&&it0){var ut,ft;if((E={}).pos=E[_]=B[r],C=E.pts=nt[r].sort(f),I=(L=E[x]=C.map(h)).length,E.min=L[0],E.max=L[I-1],E.mean=o.mean(L,I),E.sd=o.stdev(L,I,E.mean),E.med=o.interp(L,.5),I%2&&(lt||ct))lt?(ut=L.slice(0,I/2),ft=L.slice(I/2+1)):ct&&(ut=L.slice(0,I/2+1),ft=L.slice(I/2)),E.q1=o.interp(ut,.5),E.q3=o.interp(ft,.5);else E.q1=o.interp(L,.25),E.q3=o.interp(L,.75);E.lf=p(E,L,I),E.uf=d(E,L,I),E.lo=g(E),E.uo=m(E);var ht=v(E,I);E.ln=E.med-ht,E.un=E.med+ht,at=Math.min(at,E.ln),ot=Math.max(ot,E.un),E.pts2=C.filter(j),A.push(E)}e._extremes[y._id]=i.findExtremes(y,e.notched?tt.concat([at,ot]):tt,{padded:!0})}return function(t,e){if(o.isArrayOrTypedArray(e.selectedpoints))for(var r=0;r0?(A[0].t={num:T[S],dPos:N,posLetter:_,valLetter:x,labels:{med:l(t,"median:"),min:l(t,"min:"),q1:l(t,"q1:"),q3:l(t,"q3:"),max:l(t,"max:"),mean:"sd"===e.boxmean?l(t,"mean \xb1 \u03c3:"):l(t,"mean:"),lf:l(t,"lower fence:"),uf:l(t,"upper fence:")}},T[S]++,A):[{t:{empty:!0}}]};var c={text:"tx",hovertext:"htx"};function u(t,e,r){for(var n in c)o.isArrayOrTypedArray(e[n])&&(Array.isArray(r)?o.isArrayOrTypedArray(e[n][r[0]])&&(t[c[n]]=e[n][r[0]][r[1]]):t[c[n]]=e[n][r])}function f(t,e){return t.v-e.v}function h(t){return t.v}function p(t,e,r){return 0===r?t.q1:Math.min(t.q1,e[Math.min(o.findBin(2.5*t.q1-1.5*t.q3,e,!0)+1,r-1)])}function d(t,e,r){return 0===r?t.q3:Math.max(t.q3,e[Math.max(o.findBin(2.5*t.q3-1.5*t.q1,e),0)])}function g(t){return 4*t.q1-3*t.q3}function m(t){return 4*t.q3-3*t.q1}function v(t,e){return 0===e?0:1.57*(t.q3-t.q1)/Math.sqrt(e)}},{"../../constants/numerical":753,"../../lib":778,"../../plots/cartesian/align_period":825,"../../plots/cartesian/axes":828,"fast-isnumeric":241}],948:[function(t,e,r){"use strict";var n=t("../../plots/cartesian/axes"),i=t("../../lib"),a=t("../../plots/cartesian/constraints").getAxisGroup,o=["v","h"];function s(t,e,r,o){var s,l,c,u=e.calcdata,f=e._fullLayout,h=o._id,p=h.charAt(0),d=[],g=0;for(s=0;s1,b=1-f[t+"gap"],_=1-f[t+"groupgap"];for(s=0;s0){var H=E.pointpos,G=E.jitter,Y=E.marker.size/2,W=0;H+G>=0&&((W=V*(H+G))>A?(q=!0,j=Y,B=W):W>R&&(j=Y,B=A)),W<=A&&(B=A);var X=0;H-G<=0&&((X=-V*(H-G))>S?(q=!0,U=Y,N=X):X>F&&(U=Y,N=S)),X<=S&&(N=S)}else B=A,N=S;var Z=new Array(c.length);for(l=0;l0?(m="v",v=x>0?Math.min(_,b):Math.min(b)):x>0?(m="h",v=Math.min(_)):v=0;if(v){e._length=v;var S=r("orientation",m);e._hasPreCompStats?"v"===S&&0===x?(r("x0",0),r("dx",1)):"h"===S&&0===y&&(r("y0",0),r("dy",1)):"v"===S&&0===x?r("x0"):"h"===S&&0===y&&r("y0"),i.getComponentMethod("calendars","handleTraceDefaults")(t,e,["x","y"],a)}else e.visible=!1}function f(t,e,r,i){var a=i.prefix,o=n.coerce2(t,e,c,"marker.outliercolor"),s=r("marker.line.outliercolor"),l="outliers";e._hasPreCompStats?l="all":(o||s)&&(l="suspectedoutliers");var u=r(a+"points",l);u?(r("jitter","all"===u?.3:0),r("pointpos","all"===u?-1.5:0),r("marker.symbol"),r("marker.opacity"),r("marker.size"),r("marker.color",e.line.color),r("marker.line.color"),r("marker.line.width"),"suspectedoutliers"===u&&(r("marker.line.outliercolor",e.marker.color),r("marker.line.outlierwidth")),r("selected.marker.color"),r("unselected.marker.color"),r("selected.marker.size"),r("unselected.marker.size"),r("text"),r("hovertext")):delete e.marker;var f=r("hoveron");"all"!==f&&-1===f.indexOf("points")||r("hovertemplate"),n.coerceSelectionMarkerOpacity(e,r)}e.exports={supplyDefaults:function(t,e,r,i){function s(r,i){return n.coerce(t,e,c,r,i)}if(u(t,e,s,i),!1!==e.visible){o(t,e,i,s);var l=e._hasPreCompStats;l&&(s("lowerfence"),s("upperfence")),s("line.color",(t.marker||{}).color||r),s("line.width"),s("fillcolor",a.addOpacity(e.line.color,.5));var h=!1;if(l){var p=s("mean"),d=s("sd");p&&p.length&&(h=!0,d&&d.length&&(h="sd"))}s("boxmean",h),s("whiskerwidth"),s("width"),s("quartilemethod");var g=!1;if(l){var m=s("notchspan");m&&m.length&&(g=!0)}else n.validate(t.notchwidth,c.notchwidth)&&(g=!0);s("notched",g)&&s("notchwidth"),f(t,e,s,{prefix:"box"})}},crossTraceDefaults:function(t,e){var r,i;function a(t){return n.coerce(i._input,i,c,t)}for(var o=0;ot.lo&&(x.so=!0)}return a}));h.enter().append("path").classed("point",!0),h.exit().remove(),h.call(a.translatePoints,o,s)}function l(t,e,r,a){var o,s,l=e.val,c=e.pos,u=!!c.rangebreaks,f=a.bPos,h=a.bPosPxOffset||0,p=r.boxmean||(r.meanline||{}).visible;Array.isArray(a.bdPos)?(o=a.bdPos[0],s=a.bdPos[1]):(o=a.bdPos,s=a.bdPos);var d=t.selectAll("path.mean").data("box"===r.type&&r.boxmean||"violin"===r.type&&r.box.visible&&r.meanline.visible?i.identity:[]);d.enter().append("path").attr("class","mean").style({fill:"none","vector-effect":"non-scaling-stroke"}),d.exit().remove(),d.each((function(t){var e=c.c2l(t.pos+f,!0),i=c.l2p(e-o)+h,a=c.l2p(e+s)+h,d=u?(i+a)/2:c.l2p(e)+h,g=l.c2p(t.mean,!0),m=l.c2p(t.mean-t.sd,!0),v=l.c2p(t.mean+t.sd,!0);"h"===r.orientation?n.select(this).attr("d","M"+g+","+i+"V"+a+("sd"===p?"m0,0L"+m+","+d+"L"+g+","+i+"L"+v+","+d+"Z":"")):n.select(this).attr("d","M"+i+","+g+"H"+a+("sd"===p?"m0,0L"+d+","+m+"L"+i+","+g+"L"+d+","+v+"Z":""))}))}e.exports={plot:function(t,e,r,a){var c=e.xaxis,u=e.yaxis;i.makeTraceGroups(a,r,"trace boxes").each((function(t){var e,r,i=n.select(this),a=t[0],f=a.t,h=a.trace;(f.wdPos=f.bdPos*h.whiskerwidth,!0!==h.visible||f.empty)?i.remove():("h"===h.orientation?(e=u,r=c):(e=c,r=u),o(i,{pos:e,val:r},h,f),s(i,{x:c,y:u},h,f),l(i,{pos:e,val:r},h,f))}))},plotBoxAndWhiskers:o,plotPoints:s,plotBoxMean:l}},{"../../components/drawing":665,"../../lib":778,d3:169}],956:[function(t,e,r){"use strict";e.exports=function(t,e){var r,n,i=t.cd,a=t.xaxis,o=t.yaxis,s=[];if(!1===e)for(r=0;r=10)return null;for(var i=1/0,a=-1/0,o=e.length,s=0;s0?Math.floor:Math.ceil,P=C>0?Math.ceil:Math.floor,z=C>0?Math.min:Math.max,O=C>0?Math.max:Math.min,D=I(S+L),R=P(E-L),F=[[f=A(S)]];for(a=D;a*C=0;i--)a[u-i]=t[f][i],o[u-i]=e[f][i];for(s.push({x:a,y:o,bicubic:l}),i=f,a=[],o=[];i>=0;i--)a[f-i]=t[i][0],o[f-i]=e[i][0];return s.push({x:a,y:o,bicubic:c}),s}},{}],970:[function(t,e,r){"use strict";var n=t("../../plots/cartesian/axes"),i=t("../../lib/extend").extendFlat;e.exports=function(t,e,r){var a,o,s,l,c,u,f,h,p,d,g,m,v,y,x=t["_"+e],b=t[e+"axis"],_=b._gridlines=[],w=b._minorgridlines=[],T=b._boundarylines=[],k=t["_"+r],M=t[r+"axis"];"array"===b.tickmode&&(b.tickvals=x.slice());var A=t._xctrl,S=t._yctrl,E=A[0].length,C=A.length,L=t._a.length,I=t._b.length;n.prepTicks(b),"array"===b.tickmode&&delete b.tickvals;var P=b.smoothing?3:1;function z(n){var i,a,o,s,l,c,u,f,p,d,g,m,v=[],y=[],x={};if("b"===e)for(a=t.b2j(n),o=Math.floor(Math.max(0,Math.min(I-2,a))),s=a-o,x.length=I,x.crossLength=L,x.xy=function(e){return t.evalxy([],e,a)},x.dxy=function(e,r){return t.dxydi([],e,o,r,s)},i=0;i0&&(p=t.dxydi([],i-1,o,0,s),v.push(l[0]+p[0]/3),y.push(l[1]+p[1]/3),d=t.dxydi([],i-1,o,1,s),v.push(f[0]-d[0]/3),y.push(f[1]-d[1]/3)),v.push(f[0]),y.push(f[1]),l=f;else for(i=t.a2i(n),c=Math.floor(Math.max(0,Math.min(L-2,i))),u=i-c,x.length=L,x.crossLength=I,x.xy=function(e){return t.evalxy([],i,e)},x.dxy=function(e,r){return t.dxydj([],c,e,u,r)},a=0;a0&&(g=t.dxydj([],c,a-1,u,0),v.push(l[0]+g[0]/3),y.push(l[1]+g[1]/3),m=t.dxydj([],c,a-1,u,1),v.push(f[0]-m[0]/3),y.push(f[1]-m[1]/3)),v.push(f[0]),y.push(f[1]),l=f;return x.axisLetter=e,x.axis=b,x.crossAxis=M,x.value=n,x.constvar=r,x.index=h,x.x=v,x.y=y,x.smoothing=M.smoothing,x}function O(n){var i,a,o,s,l,c=[],u=[],f={};if(f.length=x.length,f.crossLength=k.length,"b"===e)for(o=Math.max(0,Math.min(I-2,n)),l=Math.min(1,Math.max(0,n-o)),f.xy=function(e){return t.evalxy([],e,n)},f.dxy=function(e,r){return t.dxydi([],e,o,r,l)},i=0;ix.length-1||_.push(i(O(o),{color:b.gridcolor,width:b.gridwidth}));for(h=u;hx.length-1||g<0||g>x.length-1))for(m=x[s],v=x[g],a=0;ax[x.length-1]||w.push(i(z(d),{color:b.minorgridcolor,width:b.minorgridwidth}));b.startline&&T.push(i(O(0),{color:b.startlinecolor,width:b.startlinewidth})),b.endline&&T.push(i(O(x.length-1),{color:b.endlinecolor,width:b.endlinewidth}))}else{for(l=5e-15,u=(c=[Math.floor((x[x.length-1]-b.tick0)/b.dtick*(1+l)),Math.ceil((x[0]-b.tick0)/b.dtick/(1+l))].sort((function(t,e){return t-e})))[0],f=c[1],h=u;h<=f;h++)p=b.tick0+b.dtick*h,_.push(i(z(p),{color:b.gridcolor,width:b.gridwidth}));for(h=u-1;hx[x.length-1]||w.push(i(z(d),{color:b.minorgridcolor,width:b.minorgridwidth}));b.startline&&T.push(i(z(x[0]),{color:b.startlinecolor,width:b.startlinewidth})),b.endline&&T.push(i(z(x[x.length-1]),{color:b.endlinecolor,width:b.endlinewidth}))}}},{"../../lib/extend":768,"../../plots/cartesian/axes":828}],971:[function(t,e,r){"use strict";var n=t("../../plots/cartesian/axes"),i=t("../../lib/extend").extendFlat;e.exports=function(t,e){var r,a,o,s=e._labels=[],l=e._gridlines;for(r=0;re.length&&(t=t.slice(0,e.length)):t=[],i=0;i90&&(p-=180,l=-l),{angle:p,flip:l,p:t.c2p(n,e,r),offsetMultplier:c}}},{}],985:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/drawing"),a=t("./map_1d_array"),o=t("./makepath"),s=t("./orient_text"),l=t("../../lib/svg_text_utils"),c=t("../../lib"),u=c.strRotate,f=c.strTranslate,h=t("../../constants/alignment");function p(t,e,r,i,s,l){var c="const-"+s+"-lines",u=r.selectAll("."+c).data(l);u.enter().append("path").classed(c,!0).style("vector-effect","non-scaling-stroke"),u.each((function(r){var i=r,s=i.x,l=i.y,c=a([],s,t.c2p),u=a([],l,e.c2p),f="M"+o(c,u,i.smoothing);n.select(this).attr("d",f).style("stroke-width",i.width).style("stroke",i.color).style("fill","none")})),u.exit().remove()}function d(t,e,r,a,o,c,h,p){var d=c.selectAll("text."+p).data(h);d.enter().append("text").classed(p,!0);var g=0,m={};return d.each((function(o,c){var h;if("auto"===o.axis.tickangle)h=s(a,e,r,o.xy,o.dxy);else{var p=(o.axis.tickangle+180)*Math.PI/180;h=s(a,e,r,o.xy,[Math.cos(p),Math.sin(p)])}c||(m={angle:h.angle,flip:h.flip});var d=(o.endAnchor?-1:1)*h.flip,v=n.select(this).attr({"text-anchor":d>0?"start":"end","data-notex":1}).call(i.font,o.font).text(o.text).call(l.convertToTspans,t),y=i.bBox(this);v.attr("transform",f(h.p[0],h.p[1])+u(h.angle)+f(o.axis.labelpadding*d,.3*y.height)),g=Math.max(g,y.width+o.axis.labelpadding)})),d.exit().remove(),m.maxExtent=g,m}e.exports=function(t,e,r,i){var l=e.xaxis,u=e.yaxis,f=t._fullLayout._clips;c.makeTraceGroups(i,r,"trace").each((function(e){var r=n.select(this),i=e[0],h=i.trace,g=h.aaxis,m=h.baxis,y=c.ensureSingle(r,"g","minorlayer"),x=c.ensureSingle(r,"g","majorlayer"),b=c.ensureSingle(r,"g","boundarylayer"),_=c.ensureSingle(r,"g","labellayer");r.style("opacity",h.opacity),p(l,u,x,g,"a",g._gridlines),p(l,u,x,m,"b",m._gridlines),p(l,u,y,g,"a",g._minorgridlines),p(l,u,y,m,"b",m._minorgridlines),p(l,u,b,g,"a-boundary",g._boundarylines),p(l,u,b,m,"b-boundary",m._boundarylines);var w=d(t,l,u,h,i,_,g._labels,"a-label"),T=d(t,l,u,h,i,_,m._labels,"b-label");!function(t,e,r,n,i,a,o,l){var u,f,h,p,d=c.aggNums(Math.min,null,r.a),g=c.aggNums(Math.max,null,r.a),m=c.aggNums(Math.min,null,r.b),y=c.aggNums(Math.max,null,r.b);u=.5*(d+g),f=m,h=r.ab2xy(u,f,!0),p=r.dxyda_rough(u,f),void 0===o.angle&&c.extendFlat(o,s(r,i,a,h,r.dxydb_rough(u,f)));v(t,e,r,n,h,p,r.aaxis,i,a,o,"a-title"),u=d,f=.5*(m+y),h=r.ab2xy(u,f,!0),p=r.dxydb_rough(u,f),void 0===l.angle&&c.extendFlat(l,s(r,i,a,h,r.dxyda_rough(u,f)));v(t,e,r,n,h,p,r.baxis,i,a,l,"b-title")}(t,_,h,i,l,u,w,T),function(t,e,r,n,i){var s,l,u,f,h=r.select("#"+t._clipPathId);h.size()||(h=r.append("clipPath").classed("carpetclip",!0));var p=c.ensureSingle(h,"path","carpetboundary"),d=e.clipsegments,g=[];for(f=0;f90&&y<270,b=n.select(this);b.text(h.title.text).call(l.convertToTspans,t),x&&(_=(-l.lineCount(b)+m)*g*a-_),b.attr("transform",f(e.p[0],e.p[1])+u(e.angle)+f(0,_)).attr("text-anchor","middle").call(i.font,h.title.font)})),b.exit().remove()}},{"../../components/drawing":665,"../../constants/alignment":745,"../../lib":778,"../../lib/svg_text_utils":803,"./makepath":982,"./map_1d_array":983,"./orient_text":984,d3:169}],986:[function(t,e,r){"use strict";var n=t("./constants"),i=t("../../lib/search").findBin,a=t("./compute_control_points"),o=t("./create_spline_evaluator"),s=t("./create_i_derivative_evaluator"),l=t("./create_j_derivative_evaluator");e.exports=function(t){var e=t._a,r=t._b,c=e.length,u=r.length,f=t.aaxis,h=t.baxis,p=e[0],d=e[c-1],g=r[0],m=r[u-1],v=e[e.length-1]-e[0],y=r[r.length-1]-r[0],x=v*n.RELATIVE_CULL_TOLERANCE,b=y*n.RELATIVE_CULL_TOLERANCE;p-=x,d+=x,g-=b,m+=b,t.isVisible=function(t,e){return t>p&&tg&&ed||em},t.setScale=function(){var e=t._x,r=t._y,n=a(t._xctrl,t._yctrl,e,r,f.smoothing,h.smoothing);t._xctrl=n[0],t._yctrl=n[1],t.evalxy=o([t._xctrl,t._yctrl],c,u,f.smoothing,h.smoothing),t.dxydi=s([t._xctrl,t._yctrl],f.smoothing,h.smoothing),t.dxydj=l([t._xctrl,t._yctrl],f.smoothing,h.smoothing)},t.i2a=function(t){var r=Math.max(0,Math.floor(t[0]),c-2),n=t[0]-r;return(1-n)*e[r]+n*e[r+1]},t.j2b=function(t){var e=Math.max(0,Math.floor(t[1]),c-2),n=t[1]-e;return(1-n)*r[e]+n*r[e+1]},t.ij2ab=function(e){return[t.i2a(e[0]),t.j2b(e[1])]},t.a2i=function(t){var r=Math.max(0,Math.min(i(t,e),c-2)),n=e[r],a=e[r+1];return Math.max(0,Math.min(c-1,r+(t-n)/(a-n)))},t.b2j=function(t){var e=Math.max(0,Math.min(i(t,r),u-2)),n=r[e],a=r[e+1];return Math.max(0,Math.min(u-1,e+(t-n)/(a-n)))},t.ab2ij=function(e){return[t.a2i(e[0]),t.b2j(e[1])]},t.i2c=function(e,r){return t.evalxy([],e,r)},t.ab2xy=function(n,i,a){if(!a&&(ne[c-1]|ir[u-1]))return[!1,!1];var o=t.a2i(n),s=t.b2j(i),l=t.evalxy([],o,s);if(a){var f,h,p,d,g=0,m=0,v=[];ne[c-1]?(f=c-2,h=1,g=(n-e[c-1])/(e[c-1]-e[c-2])):h=o-(f=Math.max(0,Math.min(c-2,Math.floor(o)))),ir[u-1]?(p=u-2,d=1,m=(i-r[u-1])/(r[u-1]-r[u-2])):d=s-(p=Math.max(0,Math.min(u-2,Math.floor(s)))),g&&(t.dxydi(v,f,p,h,d),l[0]+=v[0]*g,l[1]+=v[1]*g),m&&(t.dxydj(v,f,p,h,d),l[0]+=v[0]*m,l[1]+=v[1]*m)}return l},t.c2p=function(t,e,r){return[e.c2p(t[0]),r.c2p(t[1])]},t.p2x=function(t,e,r){return[e.p2c(t[0]),r.p2c(t[1])]},t.dadi=function(t){var r=Math.max(0,Math.min(e.length-2,t));return e[r+1]-e[r]},t.dbdj=function(t){var e=Math.max(0,Math.min(r.length-2,t));return r[e+1]-r[e]},t.dxyda=function(e,r,n,i){var a=t.dxydi(null,e,r,n,i),o=t.dadi(e,n);return[a[0]/o,a[1]/o]},t.dxydb=function(e,r,n,i){var a=t.dxydj(null,e,r,n,i),o=t.dbdj(r,i);return[a[0]/o,a[1]/o]},t.dxyda_rough=function(e,r,n){var i=v*(n||.1),a=t.ab2xy(e+i,r,!0),o=t.ab2xy(e-i,r,!0);return[.5*(a[0]-o[0])/i,.5*(a[1]-o[1])/i]},t.dxydb_rough=function(e,r,n){var i=y*(n||.1),a=t.ab2xy(e,r+i,!0),o=t.ab2xy(e,r-i,!0);return[.5*(a[0]-o[0])/i,.5*(a[1]-o[1])/i]},t.dpdx=function(t){return t._m},t.dpdy=function(t){return t._m}}},{"../../lib/search":798,"./compute_control_points":974,"./constants":975,"./create_i_derivative_evaluator":976,"./create_j_derivative_evaluator":977,"./create_spline_evaluator":978}],987:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t,e,r){var i,a,o,s=[],l=[],c=t[0].length,u=t.length;function f(e,r){var n,i=0,a=0;return e>0&&void 0!==(n=t[r][e-1])&&(a++,i+=n),e0&&void 0!==(n=t[r-1][e])&&(a++,i+=n),r0&&a0&&i1e-5);return n.log("Smoother converged to",k,"after",M,"iterations"),t}},{"../../lib":778}],988:[function(t,e,r){"use strict";var n=t("../../lib").isArray1D;e.exports=function(t,e,r){var i=r("x"),a=i&&i.length,o=r("y"),s=o&&o.length;if(!a&&!s)return!1;if(e._cheater=!i,a&&!n(i)||s&&!n(o))e._length=null;else{var l=a?i.length:1/0;s&&(l=Math.min(l,o.length)),e.a&&e.a.length&&(l=Math.min(l,e.a.length)),e.b&&e.b.length&&(l=Math.min(l,e.b.length)),e._length=l}return!0}},{"../../lib":778}],989:[function(t,e,r){"use strict";var n=t("../../plots/template_attributes").hovertemplateAttrs,i=t("../scattergeo/attributes"),a=t("../../components/colorscale/attributes"),o=t("../../plots/attributes"),s=t("../../components/color/attributes").defaultLine,l=t("../../lib/extend").extendFlat,c=i.marker.line;e.exports=l({locations:{valType:"data_array",editType:"calc"},locationmode:i.locationmode,z:{valType:"data_array",editType:"calc"},geojson:l({},i.geojson,{}),featureidkey:i.featureidkey,text:l({},i.text,{}),hovertext:l({},i.hovertext,{}),marker:{line:{color:l({},c.color,{dflt:s}),width:l({},c.width,{dflt:1}),editType:"calc"},opacity:{valType:"number",arrayOk:!0,min:0,max:1,dflt:1,editType:"style"},editType:"calc"},selected:{marker:{opacity:i.selected.marker.opacity,editType:"plot"},editType:"plot"},unselected:{marker:{opacity:i.unselected.marker.opacity,editType:"plot"},editType:"plot"},hoverinfo:l({},o.hoverinfo,{editType:"calc",flags:["location","z","text","name"]}),hovertemplate:n(),showlegend:l({},o.showlegend,{dflt:!1})},a("",{cLetter:"z",editTypeOverride:"calc"}))},{"../../components/color/attributes":642,"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../scattergeo/attributes":1229}],990:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../constants/numerical").BADNUM,a=t("../../components/colorscale/calc"),o=t("../scatter/arrays_to_calcdata"),s=t("../scatter/calc_selection");function l(t){return t&&"string"==typeof t}e.exports=function(t,e){var r,c=e._length,u=new Array(c);r=e.geojson?function(t){return l(t)||n(t)}:l;for(var f=0;f")}(t,f,o),[t]}},{"../../lib":778,"../../plots/cartesian/axes":828,"./attributes":989}],994:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../heatmap/colorbar"),calc:t("./calc"),calcGeoJSON:t("./plot").calcGeoJSON,plot:t("./plot").plot,style:t("./style").style,styleOnSelect:t("./style").styleOnSelect,hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("./select"),moduleType:"trace",name:"choropleth",basePlotModule:t("../../plots/geo"),categories:["geo","noOpacity","showLegend"],meta:{}}},{"../../plots/geo":860,"../heatmap/colorbar":1068,"./attributes":989,"./calc":990,"./defaults":991,"./event_data":992,"./hover":993,"./plot":995,"./select":996,"./style":997}],995:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../lib/geo_location_utils"),o=t("../../lib/topojson_utils").getTopojsonFeatures,s=t("../../plots/cartesian/autorange").findExtremes,l=t("./style").style;e.exports={calcGeoJSON:function(t,e){for(var r=t[0].trace,n=e[r.geo],i=n._subplot,l=r.locationmode,c=r._length,u="geojson-id"===l?a.extractTraceFeature(t):o(r,i.topojson),f=[],h=[],p=0;p=0;n--){var i=r[n].id;if("string"==typeof i&&0===i.indexOf("water"))for(var a=n+1;a=0;r--)t.removeLayer(e[r][1])},s.dispose=function(){var t=this.subplot.map;this._removeLayers(),t.removeSource(this.sourceId)},e.exports=function(t,e){var r=e[0].trace,i=new o(t,r.uid),a=i.sourceId,s=n(e),l=i.below=t.belowLookup["trace-"+r.uid];return t.map.addSource(a,{type:"geojson",data:s.geojson}),i._addLayers(s,l),e[0].trace._glTrace=i,i}},{"../../plots/mapbox/constants":883,"./convert":999}],1003:[function(t,e,r){"use strict";var n=t("../../components/colorscale/attributes"),i=t("../../plots/template_attributes").hovertemplateAttrs,a=t("../mesh3d/attributes"),o=t("../../plots/attributes"),s=t("../../lib/extend").extendFlat,l={x:{valType:"data_array",editType:"calc+clearAxisTypes"},y:{valType:"data_array",editType:"calc+clearAxisTypes"},z:{valType:"data_array",editType:"calc+clearAxisTypes"},u:{valType:"data_array",editType:"calc"},v:{valType:"data_array",editType:"calc"},w:{valType:"data_array",editType:"calc"},sizemode:{valType:"enumerated",values:["scaled","absolute"],editType:"calc",dflt:"scaled"},sizeref:{valType:"number",editType:"calc",min:0},anchor:{valType:"enumerated",editType:"calc",values:["tip","tail","cm","center"],dflt:"cm"},text:{valType:"string",dflt:"",arrayOk:!0,editType:"calc"},hovertext:{valType:"string",dflt:"",arrayOk:!0,editType:"calc"},hovertemplate:i({editType:"calc"},{keys:["norm"]}),showlegend:s({},o.showlegend,{dflt:!1})};s(l,n("",{colorAttr:"u/v/w norm",showScaleDflt:!0,editTypeOverride:"calc"}));["opacity","lightposition","lighting"].forEach((function(t){l[t]=a[t]})),l.hoverinfo=s({},o.hoverinfo,{editType:"calc",flags:["x","y","z","u","v","w","norm","text","name"],dflt:"x+y+z+norm+text+name"}),l.transforms=void 0,e.exports=l},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../mesh3d/attributes":1128}],1004:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc");e.exports=function(t,e){for(var r=e.u,i=e.v,a=e.w,o=Math.min(e.x.length,e.y.length,e.z.length,r.length,i.length,a.length),s=-1/0,l=1/0,c=0;co.level||o.starts.length&&a===o.level)}break;case"constraint":if(n.prefixBoundary=!1,n.edgepaths.length)return;var s=n.x.length,l=n.y.length,c=-1/0,u=1/0;for(r=0;r":p>c&&(n.prefixBoundary=!0);break;case"<":(pc||n.starts.length&&h===u)&&(n.prefixBoundary=!0);break;case"][":f=Math.min(p[0],p[1]),h=Math.max(p[0],p[1]),fc&&(n.prefixBoundary=!0)}}}},{}],1011:[function(t,e,r){"use strict";var n=t("../../components/colorscale"),i=t("./make_color_map"),a=t("./end_plus");e.exports={min:"zmin",max:"zmax",calc:function(t,e,r){var o=e.contours,s=e.line,l=o.size||1,c=o.coloring,u=i(e,{isColorbar:!0});if("heatmap"===c){var f=n.extractOpts(e);r._fillgradient=f.reversescale?n.flipScale(f.colorscale):f.colorscale,r._zrange=[f.min,f.max]}else"fill"===c&&(r._fillcolor=u);r._line={color:"lines"===c?u:s.color,width:!1!==o.showlines?s.width:0,dash:s.dash},r._levels={start:o.start,end:a(o),size:l}}}},{"../../components/colorscale":655,"./end_plus":1019,"./make_color_map":1024}],1012:[function(t,e,r){"use strict";e.exports={BOTTOMSTART:[1,9,13,104,713],TOPSTART:[4,6,7,104,713],LEFTSTART:[8,12,14,208,1114],RIGHTSTART:[2,3,11,208,1114],NEWDELTA:[null,[-1,0],[0,-1],[-1,0],[1,0],null,[0,-1],[-1,0],[0,1],[0,1],null,[0,1],[1,0],[1,0],[0,-1]],CHOOSESADDLE:{104:[4,1],208:[2,8],713:[7,13],1114:[11,14]},SADDLEREMAINDER:{1:4,2:8,4:1,7:13,8:2,11:14,13:7,14:11},LABELDISTANCE:2,LABELINCREASE:10,LABELMIN:3,LABELMAX:10,LABELOPTIMIZER:{EDGECOST:1,ANGLECOST:1,NEIGHBORCOST:5,SAMELEVELFACTOR:10,SAMELEVELDISTANCE:5,MAXCOST:100,INITIALSEARCHPOINTS:10,ITERATIONS:5}}},{}],1013:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("./label_defaults"),a=t("../../components/color"),o=a.addOpacity,s=a.opacity,l=t("../../constants/filter_ops"),c=l.CONSTRAINT_REDUCTION,u=l.COMPARISON_OPS2;e.exports=function(t,e,r,a,l,f){var h,p,d,g=e.contours,m=r("contours.operation");(g._operation=c[m],function(t,e){var r;-1===u.indexOf(e.operation)?(t("contours.value",[0,1]),Array.isArray(e.value)?e.value.length>2?e.value=e.value.slice(2):0===e.length?e.value=[0,1]:e.length<2?(r=parseFloat(e.value[0]),e.value=[r,r+1]):e.value=[parseFloat(e.value[0]),parseFloat(e.value[1])]:n(e.value)&&(r=parseFloat(e.value),e.value=[r,r+1])):(t("contours.value",0),n(e.value)||(Array.isArray(e.value)?e.value=parseFloat(e.value[0]):e.value=0))}(r,g),"="===m?h=g.showlines=!0:(h=r("contours.showlines"),d=r("fillcolor",o((t.line||{}).color||l,.5))),h)&&(p=r("line.color",d&&s(d)?o(e.fillcolor,1):l),r("line.width",2),r("line.dash"));r("line.smoothing"),i(r,a,p,f)}},{"../../components/color":643,"../../constants/filter_ops":749,"./label_defaults":1023,"fast-isnumeric":241}],1014:[function(t,e,r){"use strict";var n=t("../../constants/filter_ops"),i=t("fast-isnumeric");function a(t,e){var r,a=Array.isArray(e);function o(t){return i(t)?+t:null}return-1!==n.COMPARISON_OPS2.indexOf(t)?r=o(a?e[0]:e):-1!==n.INTERVAL_OPS.indexOf(t)?r=a?[o(e[0]),o(e[1])]:[o(e),o(e)]:-1!==n.SET_OPS.indexOf(t)&&(r=a?e.map(o):[o(e)]),r}function o(t){return function(e){e=a(t,e);var r=Math.min(e[0],e[1]),n=Math.max(e[0],e[1]);return{start:r,end:n,size:n-r}}}function s(t){return function(e){return{start:e=a(t,e),end:1/0,size:1/0}}}e.exports={"[]":o("[]"),"][":o("]["),">":s(">"),"<":s("<"),"=":s("=")}},{"../../constants/filter_ops":749,"fast-isnumeric":241}],1015:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){var i=n("contours.start"),a=n("contours.end"),o=!1===i||!1===a,s=r("contours.size");!(o?e.autocontour=!0:r("autocontour",!1))&&s||r("ncontours")}},{}],1016:[function(t,e,r){"use strict";var n=t("../../lib");function i(t){return n.extendFlat({},t,{edgepaths:n.extendDeep([],t.edgepaths),paths:n.extendDeep([],t.paths),starts:n.extendDeep([],t.starts)})}e.exports=function(t,e){var r,a,o,s=function(t){return t.reverse()},l=function(t){return t};switch(e){case"=":case"<":return t;case">":for(1!==t.length&&n.warn("Contour data invalid for the specified inequality operation."),a=t[0],r=0;r1e3){n.warn("Too many contours, clipping at 1000",t);break}return l}},{"../../lib":778,"./constraint_mapping":1014,"./end_plus":1019}],1019:[function(t,e,r){"use strict";e.exports=function(t){return t.end+t.size/1e6}},{}],1020:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./constants");function a(t,e,r,n){return Math.abs(t[0]-e[0])20&&e?208===t||1114===t?n=0===r[0]?1:-1:a=0===r[1]?1:-1:-1!==i.BOTTOMSTART.indexOf(t)?a=1:-1!==i.LEFTSTART.indexOf(t)?n=1:-1!==i.TOPSTART.indexOf(t)?a=-1:n=-1;return[n,a]}(f,r,e),p=[s(t,e,[-h[0],-h[1]])],d=t.z.length,g=t.z[0].length,m=e.slice(),v=h.slice();for(c=0;c<1e4;c++){if(f>20?(f=i.CHOOSESADDLE[f][(h[0]||h[1])<0?0:1],t.crossings[u]=i.SADDLEREMAINDER[f]):delete t.crossings[u],!(h=i.NEWDELTA[f])){n.log("Found bad marching index:",f,e,t.level);break}p.push(s(t,e,h)),e[0]+=h[0],e[1]+=h[1],u=e.join(","),a(p[p.length-1],p[p.length-2],o,l)&&p.pop();var y=h[0]&&(e[0]<0||e[0]>g-2)||h[1]&&(e[1]<0||e[1]>d-2);if(e[0]===m[0]&&e[1]===m[1]&&h[0]===v[0]&&h[1]===v[1]||r&&y)break;f=t.crossings[u]}1e4===c&&n.log("Infinite loop in contour?");var x,b,_,w,T,k,M,A,S,E,C,L,I,P,z,O=a(p[0],p[p.length-1],o,l),D=0,R=.2*t.smoothing,F=[],B=0;for(c=1;c=B;c--)if((x=F[c])=B&&x+F[b]A&&S--,t.edgepaths[S]=C.concat(p,E));break}V||(t.edgepaths[A]=p.concat(E))}for(A=0;At?0:1)+(e[0][1]>t?0:2)+(e[1][1]>t?0:4)+(e[1][0]>t?0:8);return 5===r||10===r?t>(e[0][0]+e[0][1]+e[1][0]+e[1][1])/4?5===r?713:1114:5===r?104:208:15===r?0:r}e.exports=function(t){var e,r,a,o,s,l,c,u,f,h=t[0].z,p=h.length,d=h[0].length,g=2===p||2===d;for(r=0;r=0&&(n=y,s=l):Math.abs(r[1]-n[1])<.01?Math.abs(r[1]-y[1])<.01&&(y[0]-r[0])*(n[0]-y[0])>=0&&(n=y,s=l):i.log("endpt to newendpt is not vert. or horz.",r,n,y)}if(r=n,s>=0)break;f+="L"+n}if(s===t.edgepaths.length){i.log("unclosed perimeter path");break}h=s,(d=-1===p.indexOf(h))&&(h=p[0],f+="Z")}for(h=0;hn.center?n.right-s:s-n.left)/(u+Math.abs(Math.sin(c)*o)),p=(l>n.middle?n.bottom-l:l-n.top)/(Math.abs(f)+Math.cos(c)*o);if(h<1||p<1)return 1/0;var d=v.EDGECOST*(1/(h-1)+1/(p-1));d+=v.ANGLECOST*c*c;for(var g=s-u,m=l-f,y=s+u,x=l+f,b=0;b2*v.MAXCOST)break;p&&(s/=2),l=(o=c-s/2)+1.5*s}if(h<=v.MAXCOST)return u},r.addLabelData=function(t,e,r,n){var i=e.fontSize,a=e.width+i/3,o=Math.max(0,e.height-i/3),s=t.x,l=t.y,c=t.theta,u=Math.sin(c),f=Math.cos(c),h=function(t,e){return[s+t*f-e*u,l+t*u+e*f]},p=[h(-a/2,-o/2),h(-a/2,o/2),h(a/2,o/2),h(a/2,-o/2)];r.push({text:e.text,x:s,y:l,dy:e.dy,theta:c,level:e.level,width:a,height:o}),n.push(p)},r.drawLabels=function(t,e,r,a,o){var l=t.selectAll("text").data(e,(function(t){return t.text+","+t.x+","+t.y+","+t.theta}));if(l.exit().remove(),l.enter().append("text").attr({"data-notex":1,"text-anchor":"middle"}).each((function(t){var e=t.x+Math.sin(t.theta)*t.dy,i=t.y-Math.cos(t.theta)*t.dy;n.select(this).text(t.text).attr({x:e,y:i,transform:"rotate("+180*t.theta/Math.PI+" "+e+" "+i+")"}).call(s.convertToTspans,r)})),o){for(var c="",u=0;ur.end&&(r.start=r.end=(r.start+r.end)/2),t._input.contours||(t._input.contours={}),i.extendFlat(t._input.contours,{start:r.start,end:r.end,size:r.size}),t._input.autocontour=!0}else if("constraint"!==r.type){var c,u=r.start,f=r.end,h=t._input.contours;if(u>f&&(r.start=h.start=f,f=r.end=h.end=u,u=r.start),!(r.size>0))c=u===f?1:a(u,f,t.ncontours).dtick,h.size=r.size=c}}},{"../../lib":778,"../../plots/cartesian/axes":828}],1028:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/drawing"),a=t("../heatmap/style"),o=t("./make_color_map");e.exports=function(t){var e=n.select(t).selectAll("g.contour");e.style("opacity",(function(t){return t[0].trace.opacity})),e.each((function(t){var e=n.select(this),r=t[0].trace,a=r.contours,s=r.line,l=a.size||1,c=a.start,u="constraint"===a.type,f=!u&&"lines"===a.coloring,h=!u&&"fill"===a.coloring,p=f||h?o(r):null;e.selectAll("g.contourlevel").each((function(t){n.select(this).selectAll("path").call(i.lineGroupStyle,s.width,f?p(t.level):s.color,s.dash)}));var d=a.labelfont;if(e.selectAll("g.contourlabels text").each((function(t){i.font(n.select(this),{family:d.family,size:d.size,color:d.color||(f?p(t.level):s.color)})})),u)e.selectAll("g.contourfill path").style("fill",r.fillcolor);else if(h){var g;e.selectAll("g.contourfill path").style("fill",(function(t){return void 0===g&&(g=t.level),p(t.level+.5*l)})),void 0===g&&(g=c),e.selectAll("g.contourbg path").style("fill",p(g-.5*l))}})),a(t)}},{"../../components/drawing":665,"../heatmap/style":1077,"./make_color_map":1024,d3:169}],1029:[function(t,e,r){"use strict";var n=t("../../components/colorscale/defaults"),i=t("./label_defaults");e.exports=function(t,e,r,a,o){var s,l=r("contours.coloring"),c="";"fill"===l&&(s=r("contours.showlines")),!1!==s&&("lines"!==l&&(c=r("line.color","#000")),r("line.width",.5),r("line.dash")),"none"!==l&&(!0!==t.showlegend&&(e.showlegend=!1),e._dfltShowLegend=!1,n(t,e,a,r,{prefix:"",cLetter:"z"})),r("line.smoothing"),i(r,a,c,o)}},{"../../components/colorscale/defaults":653,"./label_defaults":1023}],1030:[function(t,e,r){"use strict";var n=t("../heatmap/attributes"),i=t("../contour/attributes"),a=t("../../components/colorscale/attributes"),o=t("../../lib/extend").extendFlat,s=i.contours;e.exports=o({carpet:{valType:"string",editType:"calc"},z:n.z,a:n.x,a0:n.x0,da:n.dx,b:n.y,b0:n.y0,db:n.dy,text:n.text,hovertext:n.hovertext,transpose:n.transpose,atype:n.xtype,btype:n.ytype,fillcolor:i.fillcolor,autocontour:i.autocontour,ncontours:i.ncontours,contours:{type:s.type,start:s.start,end:s.end,size:s.size,coloring:{valType:"enumerated",values:["fill","lines","none"],dflt:"fill",editType:"calc"},showlines:s.showlines,showlabels:s.showlabels,labelfont:s.labelfont,labelformat:s.labelformat,operation:s.operation,value:s.value,editType:"calc",impliedEdits:{autocontour:!1}},line:{color:i.line.color,width:i.line.width,dash:i.line.dash,smoothing:i.line.smoothing,editType:"plot"},transforms:void 0},a("",{cLetter:"z",autoColorDflt:!1}))},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../contour/attributes":1008,"../heatmap/attributes":1065}],1031:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc"),i=t("../../lib"),a=t("../heatmap/convert_column_xyz"),o=t("../heatmap/clean_2d_array"),s=t("../heatmap/interp2d"),l=t("../heatmap/find_empties"),c=t("../heatmap/make_bound_array"),u=t("./defaults"),f=t("../carpet/lookup_carpetid"),h=t("../contour/set_contours");e.exports=function(t,e){var r=e._carpetTrace=f(t,e);if(r&&r.visible&&"legendonly"!==r.visible){if(!e.a||!e.b){var p=t.data[r.index],d=t.data[e.index];d.a||(d.a=p.a),d.b||(d.b=p.b),u(d,e,e._defaultColor,t._fullLayout)}var g=function(t,e){var r,u,f,h,p,d,g,m=e._carpetTrace,v=m.aaxis,y=m.baxis;v._minDtick=0,y._minDtick=0,i.isArray1D(e.z)&&a(e,v,y,"a","b",["z"]);r=e._a=e._a||e.a,h=e._b=e._b||e.b,r=r?v.makeCalcdata(e,"_a"):[],h=h?y.makeCalcdata(e,"_b"):[],u=e.a0||0,f=e.da||1,p=e.b0||0,d=e.db||1,g=e._z=o(e._z||e.z,e.transpose),e._emptypoints=l(g),s(g,e._emptypoints);var x=i.maxRowLength(g),b="scaled"===e.xtype?"":r,_=c(e,b,u,f,x,v),w="scaled"===e.ytype?"":h,T=c(e,w,p,d,g.length,y),k={a:_,b:T,z:g};"levels"===e.contours.type&&"none"!==e.contours.coloring&&n(t,e,{vals:g,containerStr:"",cLetter:"z"});return[k]}(t,e);return h(e,e._z),g}}},{"../../components/colorscale/calc":651,"../../lib":778,"../carpet/lookup_carpetid":981,"../contour/set_contours":1027,"../heatmap/clean_2d_array":1067,"../heatmap/convert_column_xyz":1069,"../heatmap/find_empties":1071,"../heatmap/interp2d":1074,"../heatmap/make_bound_array":1075,"./defaults":1032}],1032:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../heatmap/xyz_defaults"),a=t("./attributes"),o=t("../contour/constraint_defaults"),s=t("../contour/contours_defaults"),l=t("../contour/style_defaults");e.exports=function(t,e,r,c){function u(r,i){return n.coerce(t,e,a,r,i)}if(u("carpet"),t.a&&t.b){if(!i(t,e,u,c,"a","b"))return void(e.visible=!1);u("text"),"constraint"===u("contours.type")?o(t,e,u,c,r,{hasHover:!1}):(s(t,e,u,(function(r){return n.coerce2(t,e,a,r)})),l(t,e,u,c,{hasHover:!1}))}else e._defaultColor=r,e._length=null}},{"../../lib":778,"../contour/constraint_defaults":1013,"../contour/contours_defaults":1015,"../contour/style_defaults":1029,"../heatmap/xyz_defaults":1079,"./attributes":1030}],1033:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../contour/colorbar"),calc:t("./calc"),plot:t("./plot"),style:t("../contour/style"),moduleType:"trace",name:"contourcarpet",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","carpet","contour","symbols","showLegend","hasLines","carpetDependent","noHover","noSortingByValue"],meta:{}}},{"../../plots/cartesian":841,"../contour/colorbar":1011,"../contour/style":1028,"./attributes":1030,"./calc":1031,"./defaults":1032,"./plot":1034}],1034:[function(t,e,r){"use strict";var n=t("d3"),i=t("../carpet/map_1d_array"),a=t("../carpet/makepath"),o=t("../../components/drawing"),s=t("../../lib"),l=t("../contour/make_crossings"),c=t("../contour/find_all_paths"),u=t("../contour/plot"),f=t("../contour/constants"),h=t("../contour/convert_to_constraints"),p=t("../contour/empty_pathinfo"),d=t("../contour/close_boundaries"),g=t("../carpet/lookup_carpetid"),m=t("../carpet/axis_aligned_line");function v(t,e,r){var n=t.getPointAtLength(e),i=t.getPointAtLength(r),a=i.x-n.x,o=i.y-n.y,s=Math.sqrt(a*a+o*o);return[a/s,o/s]}function y(t){var e=Math.sqrt(t[0]*t[0]+t[1]*t[1]);return[t[0]/e,t[1]/e]}function x(t,e){var r=Math.abs(t[0]*e[0]+t[1]*e[1]);return Math.sqrt(1-r*r)/r}e.exports=function(t,e,r,b){var _=e.xaxis,w=e.yaxis;s.makeTraceGroups(b,r,"contour").each((function(r){var b=n.select(this),T=r[0],k=T.trace,M=k._carpetTrace=g(t,k),A=t.calcdata[M.index][0];if(M.visible&&"legendonly"!==M.visible){var S=T.a,E=T.b,C=k.contours,L=p(C,e,T),I="constraint"===C.type,P=C._operation,z=I?"="===P?"lines":"fill":C.coloring,O=[[S[0],E[E.length-1]],[S[S.length-1],E[E.length-1]],[S[S.length-1],E[0]],[S[0],E[0]]];l(L);var D=1e-8*(S[S.length-1]-S[0]),R=1e-8*(E[E.length-1]-E[0]);c(L,D,R);var F,B,N,j,U=L;"constraint"===C.type&&(U=h(L,P)),function(t,e){var r,n,i,a,o,s,l,c,u;for(r=0;r=0;j--)F=A.clipsegments[j],B=i([],F.x,_.c2p),N=i([],F.y,w.c2p),B.reverse(),N.reverse(),V.push(a(B,N,F.bicubic));var q="M"+V.join("L")+"Z";!function(t,e,r,n,o,l){var c,u,f,h,p=s.ensureSingle(t,"g","contourbg").selectAll("path").data("fill"!==l||o?[]:[0]);p.enter().append("path"),p.exit().remove();var d=[];for(h=0;h=0&&(h=C,d=g):Math.abs(f[1]-h[1])=0&&(h=C,d=g):s.log("endpt to newendpt is not vert. or horz.",f,h,C)}if(d>=0)break;y+=S(f,h),f=h}if(d===e.edgepaths.length){s.log("unclosed perimeter path");break}u=d,(b=-1===x.indexOf(u))&&(u=x[0],y+=S(f,h)+"Z",f=null)}for(u=0;um&&(n.max=m);n.len=n.max-n.min}(this,r,t,n,c,e.height),!(n.len<(e.width+e.height)*f.LABELMIN)))for(var i=Math.min(Math.ceil(n.len/P),f.LABELMAX),a=0;a0?+p[u]:0),f.push({type:"Feature",geometry:{type:"Point",coordinates:v},properties:y})}}var b=o.extractOpts(e),_=b.reversescale?o.flipScale(b.colorscale):b.colorscale,w=_[0][1],T=["interpolate",["linear"],["heatmap-density"],0,a.opacity(w)<1?w:a.addOpacity(w,0)];for(u=1;u<_.length;u++)T.push(_[u][0],_[u][1]);var k=["interpolate",["linear"],["get","z"],b.min,0,b.max,1];return i.extendFlat(c.heatmap.paint,{"heatmap-weight":d?k:1/(b.max-b.min),"heatmap-color":T,"heatmap-radius":g?{type:"identity",property:"r"}:e.radius,"heatmap-opacity":e.opacity}),c.geojson={type:"FeatureCollection",features:f},c.heatmap.layout.visibility="visible",c}},{"../../components/color":643,"../../components/colorscale":655,"../../constants/numerical":753,"../../lib":778,"../../lib/geojson_utils":772,"fast-isnumeric":241}],1038:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../components/colorscale/defaults"),a=t("./attributes");e.exports=function(t,e,r,o){function s(r,i){return n.coerce(t,e,a,r,i)}var l=s("lon")||[],c=s("lat")||[],u=Math.min(l.length,c.length);u?(e._length=u,s("z"),s("radius"),s("below"),s("text"),s("hovertext"),s("hovertemplate"),i(t,e,o,s,{prefix:"",cLetter:"z"})):e.visible=!1}},{"../../components/colorscale/defaults":653,"../../lib":778,"./attributes":1035}],1039:[function(t,e,r){"use strict";e.exports=function(t,e){return t.lon=e.lon,t.lat=e.lat,t.z=e.z,t}},{}],1040:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../plots/cartesian/axes"),a=t("../scattermapbox/hover");e.exports=function(t,e,r){var o=a(t,e,r);if(o){var s=o[0],l=s.cd,c=l[0].trace,u=l[s.index];if(delete s.color,"z"in u){var f=s.subplot.mockAxis;s.z=u.z,s.zLabel=i.tickText(f,f.c2l(u.z),"hover").text}return s.extraText=function(t,e,r){if(t.hovertemplate)return;var i=(e.hi||t.hoverinfo).split("+"),a=-1!==i.indexOf("all"),o=-1!==i.indexOf("lon"),s=-1!==i.indexOf("lat"),l=e.lonlat,c=[];function u(t){return t+"\xb0"}a||o&&s?c.push("("+u(l[0])+", "+u(l[1])+")"):o?c.push(r.lon+u(l[0])):s&&c.push(r.lat+u(l[1]));(a||-1!==i.indexOf("text"))&&n.fillText(e,t,c);return c.join("
")}(c,u,l[0].t.labels),[s]}}},{"../../lib":778,"../../plots/cartesian/axes":828,"../scattermapbox/hover":1257}],1041:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../heatmap/colorbar"),formatLabels:t("../scattermapbox/format_labels"),calc:t("./calc"),plot:t("./plot"),hoverPoints:t("./hover"),eventData:t("./event_data"),getBelow:function(t,e){for(var r=e.getMapLayers(),n=0;n=0;r--)t.removeLayer(e[r][1])},o.dispose=function(){var t=this.subplot.map;this._removeLayers(),t.removeSource(this.sourceId)},e.exports=function(t,e){var r=e[0].trace,i=new a(t,r.uid),o=i.sourceId,s=n(e),l=i.below=t.belowLookup["trace-"+r.uid];return t.map.addSource(o,{type:"geojson",data:s.geojson}),i._addLayers(s,l),i}},{"../../plots/mapbox/constants":883,"./convert":1037}],1043:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t,e){for(var r=0;r"),s.color=function(t,e){var r=t.marker,i=e.mc||r.color,a=e.mlc||r.line.color,o=e.mlw||r.line.width;if(n(i))return i;if(n(a)&&o)return a}(c,f),[s]}}},{"../../components/color":643,"../../lib":778,"../bar/hover":928}],1051:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults").supplyDefaults,crossTraceDefaults:t("./defaults").crossTraceDefaults,supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc"),crossTraceCalc:t("./cross_trace_calc"),plot:t("./plot"),style:t("./style").style,hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("../bar/select"),moduleType:"trace",name:"funnel",basePlotModule:t("../../plots/cartesian"),categories:["bar-like","cartesian","svg","oriented","showLegend","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"../bar/select":933,"./attributes":1044,"./calc":1045,"./cross_trace_calc":1047,"./defaults":1048,"./event_data":1049,"./hover":1050,"./layout_attributes":1052,"./layout_defaults":1053,"./plot":1054,"./style":1055}],1052:[function(t,e,r){"use strict";e.exports={funnelmode:{valType:"enumerated",values:["stack","group","overlay"],dflt:"stack",editType:"calc"},funnelgap:{valType:"number",min:0,max:1,editType:"calc"},funnelgroupgap:{valType:"number",min:0,max:1,dflt:0,editType:"calc"}}},{}],1053:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e,r){var a=!1;function o(r,a){return n.coerce(t,e,i,r,a)}for(var s=0;s path").each((function(t){if(!t.isBlank){var e=s.marker;n.select(this).call(a.fill,t.mc||e.color).call(a.stroke,t.mlc||e.line.color).call(i.dashLine,e.line.dash,t.mlw||e.line.width).style("opacity",s.selectedpoints&&!t.selected?o:1)}})),c(r,s,t),r.selectAll(".regions").each((function(){n.select(this).selectAll("path").style("stroke-width",0).call(a.fill,s.connector.fillcolor)})),r.selectAll(".lines").each((function(){var t=s.connector.line;i.lineGroupStyle(n.select(this).selectAll("path"),t.width,t.color,t.dash)}))}))}}},{"../../components/color":643,"../../components/drawing":665,"../../constants/interactions":752,"../bar/style":935,"../bar/uniform_text":937,d3:169}],1056:[function(t,e,r){"use strict";var n=t("../pie/attributes"),i=t("../../plots/attributes"),a=t("../../plots/domain").attributes,o=t("../../plots/template_attributes").hovertemplateAttrs,s=t("../../plots/template_attributes").texttemplateAttrs,l=t("../../lib/extend").extendFlat;e.exports={labels:n.labels,label0:n.label0,dlabel:n.dlabel,values:n.values,marker:{colors:n.marker.colors,line:{color:l({},n.marker.line.color,{dflt:null}),width:l({},n.marker.line.width,{dflt:1}),editType:"calc"},editType:"calc"},text:n.text,hovertext:n.hovertext,scalegroup:l({},n.scalegroup,{}),textinfo:l({},n.textinfo,{flags:["label","text","value","percent"]}),texttemplate:s({editType:"plot"},{keys:["label","color","value","text","percent"]}),hoverinfo:l({},i.hoverinfo,{flags:["label","text","value","percent","name"]}),hovertemplate:o({},{keys:["label","color","value","text","percent"]}),textposition:l({},n.textposition,{values:["inside","none"],dflt:"inside"}),textfont:n.textfont,insidetextfont:n.insidetextfont,title:{text:n.title.text,font:n.title.font,position:l({},n.title.position,{values:["top left","top center","top right"],dflt:"top center"}),editType:"plot"},domain:a({name:"funnelarea",trace:!0,editType:"calc"}),aspectratio:{valType:"number",min:0,dflt:1,editType:"plot"},baseratio:{valType:"number",min:0,max:1,dflt:.333,editType:"plot"}}},{"../../lib/extend":768,"../../plots/attributes":824,"../../plots/domain":855,"../../plots/template_attributes":906,"../pie/attributes":1161}],1057:[function(t,e,r){"use strict";var n=t("../../plots/plots");r.name="funnelarea",r.plot=function(t,e,i,a){n.plotBasePlot(r.name,t,e,i,a)},r.clean=function(t,e,i,a){n.cleanBasePlot(r.name,t,e,i,a)}},{"../../plots/plots":891}],1058:[function(t,e,r){"use strict";var n=t("../pie/calc");e.exports={calc:function(t,e){return n.calc(t,e)},crossTraceCalc:function(t){n.crossTraceCalc(t,{type:"funnelarea"})}}},{"../pie/calc":1163}],1059:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes"),a=t("../../plots/domain").defaults,o=t("../bar/defaults").handleText,s=t("../pie/defaults").handleLabelsAndValues;e.exports=function(t,e,r,l){function c(r,a){return n.coerce(t,e,i,r,a)}var u=c("labels"),f=c("values"),h=s(u,f),p=h.len;if(e._hasLabels=h.hasLabels,e._hasValues=h.hasValues,!e._hasLabels&&e._hasValues&&(c("label0"),c("dlabel")),p){e._length=p,c("marker.line.width")&&c("marker.line.color",l.paper_bgcolor),c("marker.colors"),c("scalegroup");var d,g=c("text"),m=c("texttemplate");if(m||(d=c("textinfo",Array.isArray(g)?"text+percent":"percent")),c("hovertext"),c("hovertemplate"),m||d&&"none"!==d){var v=c("textposition");o(t,e,l,c,v,{moduleHasSelected:!1,moduleHasUnselected:!1,moduleHasConstrain:!1,moduleHasCliponaxis:!1,moduleHasTextangle:!1,moduleHasInsideanchor:!1})}a(e,l,c),c("title.text")&&(c("title.position"),n.coerceFont(c,"title.font",l.font)),c("aspectratio"),c("baseratio")}else e.visible=!1}},{"../../lib":778,"../../plots/domain":855,"../bar/defaults":925,"../pie/defaults":1164,"./attributes":1056}],1060:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"funnelarea",basePlotModule:t("./base_plot"),categories:["pie-like","funnelarea","showLegend"],attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./calc").crossTraceCalc,plot:t("./plot"),style:t("./style"),styleOne:t("../pie/style_one"),meta:{}}},{"../pie/style_one":1172,"./attributes":1056,"./base_plot":1057,"./calc":1058,"./defaults":1059,"./layout_attributes":1061,"./layout_defaults":1062,"./plot":1063,"./style":1064}],1061:[function(t,e,r){"use strict";var n=t("../pie/layout_attributes").hiddenlabels;e.exports={hiddenlabels:n,funnelareacolorway:{valType:"colorlist",editType:"calc"},extendfunnelareacolors:{valType:"boolean",dflt:!0,editType:"calc"}}},{"../pie/layout_attributes":1168}],1062:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e){function r(r,a){return n.coerce(t,e,i,r,a)}r("hiddenlabels"),r("funnelareacolorway",e.colorway),r("extendfunnelareacolors")}},{"../../lib":778,"./layout_attributes":1061}],1063:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/drawing"),a=t("../../lib"),o=a.strScale,s=a.strTranslate,l=t("../../lib/svg_text_utils"),c=t("../bar/plot").toMoveInsideBar,u=t("../bar/uniform_text"),f=u.recordMinTextSize,h=u.clearMinTextSize,p=t("../pie/helpers"),d=t("../pie/plot"),g=d.attachFxHandlers,m=d.determineInsideTextFont,v=d.layoutAreas,y=d.prerenderTitles,x=d.positionTitleOutside,b=d.formatSliceLabel;function _(t,e){return"l"+(e[0]-t[0])+","+(e[1]-t[1])}e.exports=function(t,e){var r=t._fullLayout;h("funnelarea",r),y(e,t),v(e,r._size),a.makeTraceGroups(r._funnelarealayer,e,"trace").each((function(e){var u=n.select(this),h=e[0],d=h.trace;!function(t){if(!t.length)return;var e=t[0],r=e.trace,n=r.aspectratio,i=r.baseratio;i>.999&&(i=.999);var a,o=Math.pow(i,2),s=e.vTotal,l=s,c=s*o/(1-o)/s;function u(){var t,e={x:t=Math.sqrt(c),y:-t};return[e.x,e.y]}var f,h,p=[];for(p.push(u()),f=t.length-1;f>-1;f--)if(!(h=t[f]).hidden){var d=h.v/l;c+=d,p.push(u())}var g=1/0,m=-1/0;for(f=0;f-1;f--)if(!(h=t[f]).hidden){var M=p[k+=1][0],A=p[k][1];h.TL=[-M,A],h.TR=[M,A],h.BL=w,h.BR=T,h.pxmid=(S=h.TR,E=h.BR,[.5*(S[0]+E[0]),.5*(S[1]+E[1])]),w=h.TL,T=h.TR}var S,E}(e),u.each((function(){var u=n.select(this).selectAll("g.slice").data(e);u.enter().append("g").classed("slice",!0),u.exit().remove(),u.each((function(o,s){if(o.hidden)n.select(this).selectAll("path,g").remove();else{o.pointNumber=o.i,o.curveNumber=d.index;var u=h.cx,v=h.cy,y=n.select(this),x=y.selectAll("path.surface").data([o]);x.enter().append("path").classed("surface",!0).style({"pointer-events":"all"}),y.call(g,t,e);var w="M"+(u+o.TR[0])+","+(v+o.TR[1])+_(o.TR,o.BR)+_(o.BR,o.BL)+_(o.BL,o.TL)+"Z";x.attr("d",w),b(t,o,h);var T=p.castOption(d.textposition,o.pts),k=y.selectAll("g.slicetext").data(o.text&&"none"!==T?[0]:[]);k.enter().append("g").classed("slicetext",!0),k.exit().remove(),k.each((function(){var h=a.ensureSingle(n.select(this),"text","",(function(t){t.attr("data-notex",1)})),p=a.ensureUniformFontSize(t,m(d,o,r.font));h.text(o.text).attr({class:"slicetext",transform:"","text-anchor":"middle"}).call(i.font,p).call(l.convertToTspans,t);var g,y,x,b=i.bBox(h.node()),_=Math.min(o.BL[1],o.BR[1])+v,w=Math.max(o.TL[1],o.TR[1])+v;y=Math.max(o.TL[0],o.BL[0])+u,x=Math.min(o.TR[0],o.BR[0])+u,(g=c(y,x,_,w,b,{isHorizontal:!0,constrained:!0,angle:0,anchor:"middle"})).fontSize=p.size,f(d.type,g,r),e[s].transform=g,h.attr("transform",a.getTextTransform(g))}))}}));var v=n.select(this).selectAll("g.titletext").data(d.title.text?[0]:[]);v.enter().append("g").classed("titletext",!0),v.exit().remove(),v.each((function(){var e=a.ensureSingle(n.select(this),"text","",(function(t){t.attr("data-notex",1)})),c=d.title.text;d._meta&&(c=a.templateString(c,d._meta)),e.text(c).attr({class:"titletext",transform:"","text-anchor":"middle"}).call(i.font,d.title.font).call(l.convertToTspans,t);var u=x(h,r._size);e.attr("transform",s(u.x,u.y)+o(Math.min(1,u.scale))+s(u.tx,u.ty))}))}))}))}},{"../../components/drawing":665,"../../lib":778,"../../lib/svg_text_utils":803,"../bar/plot":932,"../bar/uniform_text":937,"../pie/helpers":1166,"../pie/plot":1170,d3:169}],1064:[function(t,e,r){"use strict";var n=t("d3"),i=t("../pie/style_one"),a=t("../bar/uniform_text").resizeText;e.exports=function(t){var e=t._fullLayout._funnelarealayer.selectAll(".trace");a(t,e,"funnelarea"),e.each((function(t){var e=t[0].trace,r=n.select(this);r.style({opacity:e.opacity}),r.selectAll("path.surface").each((function(t){n.select(this).call(i,t,e)}))}))}},{"../bar/uniform_text":937,"../pie/style_one":1172,d3:169}],1065:[function(t,e,r){"use strict";var n=t("../scatter/attributes"),i=t("../../plots/attributes"),a=t("../../plots/template_attributes").hovertemplateAttrs,o=t("../../components/colorscale/attributes"),s=(t("../../constants/docs").FORMAT_LINK,t("../../lib/extend").extendFlat);e.exports=s({z:{valType:"data_array",editType:"calc"},x:s({},n.x,{impliedEdits:{xtype:"array"}}),x0:s({},n.x0,{impliedEdits:{xtype:"scaled"}}),dx:s({},n.dx,{impliedEdits:{xtype:"scaled"}}),y:s({},n.y,{impliedEdits:{ytype:"array"}}),y0:s({},n.y0,{impliedEdits:{ytype:"scaled"}}),dy:s({},n.dy,{impliedEdits:{ytype:"scaled"}}),xperiod:s({},n.xperiod,{impliedEdits:{xtype:"scaled"}}),yperiod:s({},n.yperiod,{impliedEdits:{ytype:"scaled"}}),xperiod0:s({},n.xperiod0,{impliedEdits:{xtype:"scaled"}}),yperiod0:s({},n.yperiod0,{impliedEdits:{ytype:"scaled"}}),xperiodalignment:s({},n.xperiodalignment,{impliedEdits:{xtype:"scaled"}}),yperiodalignment:s({},n.yperiodalignment,{impliedEdits:{ytype:"scaled"}}),text:{valType:"data_array",editType:"calc"},hovertext:{valType:"data_array",editType:"calc"},transpose:{valType:"boolean",dflt:!1,editType:"calc"},xtype:{valType:"enumerated",values:["array","scaled"],editType:"calc+clearAxisTypes"},ytype:{valType:"enumerated",values:["array","scaled"],editType:"calc+clearAxisTypes"},zsmooth:{valType:"enumerated",values:["fast","best",!1],dflt:!1,editType:"calc"},hoverongaps:{valType:"boolean",dflt:!0,editType:"none"},connectgaps:{valType:"boolean",editType:"calc"},xgap:{valType:"number",dflt:0,min:0,editType:"plot"},ygap:{valType:"number",dflt:0,min:0,editType:"plot"},zhoverformat:{valType:"string",dflt:"",editType:"none"},hovertemplate:a(),showlegend:s({},i.showlegend,{dflt:!1})},{transforms:void 0},o("",{cLetter:"z",autoColorDflt:!1}))},{"../../components/colorscale/attributes":650,"../../constants/docs":748,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../scatter/attributes":1187}],1066:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib"),a=t("../../plots/cartesian/axes"),o=t("../../plots/cartesian/align_period"),s=t("../histogram2d/calc"),l=t("../../components/colorscale/calc"),c=t("./convert_column_xyz"),u=t("./clean_2d_array"),f=t("./interp2d"),h=t("./find_empties"),p=t("./make_bound_array"),d=t("../../constants/numerical").BADNUM;function g(t){for(var e=[],r=t.length,n=0;nD){z("x scale is not linear");break}}if(x.length&&"fast"===I){var R=(x[x.length-1]-x[0])/(x.length-1),F=Math.abs(R/100);for(k=0;kF){z("y scale is not linear");break}}}var B=i.maxRowLength(T),N="scaled"===e.xtype?"":r,j=p(e,N,m,v,B,A),U="scaled"===e.ytype?"":x,V=p(e,U,b,_,T.length,S);L||(e._extremes[A._id]=a.findExtremes(A,j),e._extremes[S._id]=a.findExtremes(S,V));var q={x:j,y:V,z:T,text:e._text||e.text,hovertext:e._hovertext||e.hovertext};if(e.xperiodalignment&&y&&(q.orig_x=y),e.yperiodalignment&&w&&(q.orig_y=w),N&&N.length===j.length-1&&(q.xCenter=N),U&&U.length===V.length-1&&(q.yCenter=U),C&&(q.xRanges=M.xRanges,q.yRanges=M.yRanges,q.pts=M.pts),E||l(t,e,{vals:T,cLetter:"z"}),E&&e.contours&&"heatmap"===e.contours.coloring){var H={type:"contour"===e.type?"heatmap":"histogram2d",xcalendar:e.xcalendar,ycalendar:e.ycalendar};q.xfill=p(H,N,m,v,B,A),q.yfill=p(H,U,b,_,T.length,S)}return[q]}},{"../../components/colorscale/calc":651,"../../constants/numerical":753,"../../lib":778,"../../plots/cartesian/align_period":825,"../../plots/cartesian/axes":828,"../../registry":911,"../histogram2d/calc":1098,"./clean_2d_array":1067,"./convert_column_xyz":1069,"./find_empties":1071,"./interp2d":1074,"./make_bound_array":1075}],1067:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../lib"),a=t("../../constants/numerical").BADNUM;e.exports=function(t,e,r,o){var s,l,c,u,f,h;function p(t){if(n(t))return+t}if(e&&e.transpose){for(s=0,f=0;f=0;o--)(s=((f[[(r=(a=h[o])[0])-1,i=a[1]]]||g)[2]+(f[[r+1,i]]||g)[2]+(f[[r,i-1]]||g)[2]+(f[[r,i+1]]||g)[2])/20)&&(l[a]=[r,i,s],h.splice(o,1),c=!0);if(!c)throw"findEmpties iterated with no new neighbors";for(a in l)f[a]=l[a],u.push(l[a])}return u.sort((function(t,e){return e[2]-t[2]}))}},{"../../lib":778}],1072:[function(t,e,r){"use strict";var n=t("../../components/fx"),i=t("../../lib"),a=t("../../plots/cartesian/axes"),o=t("../../components/colorscale").extractOpts;e.exports=function(t,e,r,s,l,c){var u,f,h,p,d=t.cd[0],g=d.trace,m=t.xa,v=t.ya,y=d.x,x=d.y,b=d.z,_=d.xCenter,w=d.yCenter,T=d.zmask,k=g.zhoverformat,M=y,A=x;if(!1!==t.index){try{h=Math.round(t.index[1]),p=Math.round(t.index[0])}catch(e){return void i.error("Error hovering on heatmap, pointNumber must be [row,col], found:",t.index)}if(h<0||h>=b[0].length||p<0||p>b.length)return}else{if(n.inbox(e-y[0],e-y[y.length-1],0)>0||n.inbox(r-x[0],r-x[x.length-1],0)>0)return;if(c){var S;for(M=[2*y[0]-y[1]],S=1;Sg&&(v=Math.max(v,Math.abs(t[a][o]-d)/(m-g))))}return v}e.exports=function(t,e){var r,i=1;for(o(t,e),r=0;r.01;r++)i=o(t,e,a(i));return i>.01&&n.log("interp2d didn't converge quickly",i),t}},{"../../lib":778}],1075:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib").isArrayOrTypedArray;e.exports=function(t,e,r,a,o,s){var l,c,u,f=[],h=n.traceIs(t,"contour"),p=n.traceIs(t,"histogram"),d=n.traceIs(t,"gl2d");if(i(e)&&e.length>1&&!p&&"category"!==s.type){var g=e.length;if(!(g<=o))return h?e.slice(0,o):e.slice(0,o+1);if(h||d)f=e.slice(0,o);else if(1===o)f=[e[0]-.5,e[0]+.5];else{for(f=[1.5*e[0]-.5*e[1]],u=1;u0;)h=p.c2p(T[y]),y--;for(h0;)v=d.c2p(k[y]),y--;if(v0&&(a=!0);for(var l=0;la){var o=a-r[t];return r[t]=a,o}}return 0},max:function(t,e,r,i){var a=i[e];if(n(a)){if(a=Number(a),!n(r[t]))return r[t]=a,a;if(r[t]c?t>o?t>1.1*i?i:t>1.1*a?a:o:t>s?s:t>l?l:c:Math.pow(10,Math.floor(Math.log(t)/Math.LN10))}function p(t,e,r,n,a,s){if(n&&t>o){var l=d(e,a,s),c=d(r,a,s),u=t===i?0:1;return l[u]!==c[u]}return Math.floor(r/t)-Math.floor(e/t)>.1}function d(t,e,r){var n=e.c2d(t,i,r).split("-");return""===n[0]&&(n.unshift(),n[0]="-"+n[0]),n}e.exports=function(t,e,r,n,a){var s,l,c=-1.1*e,h=-.1*e,p=t-h,d=r[0],g=r[1],m=Math.min(f(d+h,d+p,n,a),f(g+h,g+p,n,a)),v=Math.min(f(d+c,d+h,n,a),f(g+c,g+h,n,a));if(m>v&&vo){var y=s===i?1:6,x=s===i?"M12":"M1";return function(e,r){var o=n.c2d(e,i,a),s=o.indexOf("-",y);s>0&&(o=o.substr(0,s));var c=n.d2c(o,0,a);if(cr.r2l(B)&&(j=o.tickIncrement(j,b.size,!0,p)),O.start=r.l2r(j),F||i.nestedProperty(e,v+".start").set(O.start)}var U=b.end,V=r.r2l(z.end),q=void 0!==V;if((b.endFound||q)&&V!==r.r2l(U)){var H=q?V:i.aggNums(Math.max,null,d);O.end=r.l2r(H),q||i.nestedProperty(e,v+".start").set(O.end)}var G="autobin"+s;return!1===e._input[G]&&(e._input[v]=i.extendFlat({},e[v]||{}),delete e._input[G],delete e[G]),[O,d]}e.exports={calc:function(t,e){var r,a,p,d,g=[],m=[],v=o.getFromId(t,"h"===e.orientation?e.yaxis:e.xaxis),y="h"===e.orientation?"y":"x",x={x:"y",y:"x"}[y],b=e[y+"calendar"],_=e.cumulative,w=h(t,e,v,y),T=w[0],k=w[1],M="string"==typeof T.size,A=[],S=M?A:T,E=[],C=[],L=[],I=0,P=e.histnorm,z=e.histfunc,O=-1!==P.indexOf("density");_.enabled&&O&&(P=P.replace(/ ?density$/,""),O=!1);var D,R="max"===z||"min"===z?null:0,F=l.count,B=c[P],N=!1,j=function(t){return v.r2c(t,0,b)};for(i.isArrayOrTypedArray(e[x])&&"count"!==z&&(D=e[x],N="avg"===z,F=l[z]),r=j(T.start),p=j(T.end)+(r-o.tickIncrement(r,T.size,!1,b))/1e6;r=0&&d=0;n--)s(n);else if("increasing"===e){for(n=1;n=0;n--)t[n]+=t[n+1];"exclude"===r&&(t.push(0),t.shift())}}(m,_.direction,_.currentbin);var J=Math.min(g.length,m.length),K=[],Q=0,$=J-1;for(r=0;r=Q;r--)if(m[r]){$=r;break}for(r=Q;r<=$;r++)if(n(g[r])&&n(m[r])){var tt={p:g[r],s:m[r],b:0};_.enabled||(tt.pts=L[r],G?tt.ph0=tt.ph1=L[r].length?k[L[r][0]]:g[r]:(e._computePh=!0,tt.ph0=q(A[r]),tt.ph1=q(A[r+1],!0))),K.push(tt)}return 1===K.length&&(K[0].width1=o.tickIncrement(K[0].p,T.size,!1,b)-K[0].p),s(K,e),i.isArrayOrTypedArray(e.selectedpoints)&&i.tagSelected(K,e,X),K},calcAllAutoBins:h}},{"../../lib":778,"../../plots/cartesian/axes":828,"../../registry":911,"../bar/arrays_to_calcdata":920,"./average":1085,"./bin_functions":1087,"./bin_label_vals":1088,"./norm_functions":1096,"fast-isnumeric":241}],1090:[function(t,e,r){"use strict";e.exports={eventDataKeys:["binNumber"]}},{}],1091:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../plots/cartesian/axis_ids"),a=t("../../registry").traceIs,o=t("../bar/defaults").handleGroupingDefaults,s=n.nestedProperty,l=t("../../plots/cartesian/constraints").getAxisGroup,c=[{aStr:{x:"xbins.start",y:"ybins.start"},name:"start"},{aStr:{x:"xbins.end",y:"ybins.end"},name:"end"},{aStr:{x:"xbins.size",y:"ybins.size"},name:"size"},{aStr:{x:"nbinsx",y:"nbinsy"},name:"nbins"}],u=["x","y"];e.exports=function(t,e){var r,f,h,p,d,g,m,v=e._histogramBinOpts={},y=[],x={},b=[];function _(t,e){return n.coerce(r._input,r,r._module.attributes,t,e)}function w(t){return"v"===t.orientation?"x":"y"}function T(t,r,a){var o=t.uid+"__"+a;r||(r=o);var s=function(t,r){return i.getFromTrace({_fullLayout:e},t,r).type}(t,a),l=t[a+"calendar"]||"",c=v[r],u=!0;c&&(s===c.axType&&l===c.calendar?(u=!1,c.traces.push(t),c.dirs.push(a)):(r=o,s!==c.axType&&n.warn(["Attempted to group the bins of trace",t.index,"set on a","type:"+s,"axis","with bins on","type:"+c.axType,"axis."].join(" ")),l!==c.calendar&&n.warn(["Attempted to group the bins of trace",t.index,"set with a",l,"calendar","with bins",c.calendar?"on a "+c.calendar+" calendar":"w/o a set calendar"].join(" ")))),u&&(v[r]={traces:[t],dirs:[a],axType:s,calendar:t[a+"calendar"]||""}),t["_"+a+"bingroup"]=r}for(d=0;dS&&T.splice(S,T.length-S),A.length>S&&A.splice(S,A.length-S);var E=[],C=[],L=[],I="string"==typeof w.size,P="string"==typeof M.size,z=[],O=[],D=I?z:w,R=P?O:M,F=0,B=[],N=[],j=e.histnorm,U=e.histfunc,V=-1!==j.indexOf("density"),q="max"===U||"min"===U?null:0,H=a.count,G=o[j],Y=!1,W=[],X=[],Z="z"in e?e.z:"marker"in e&&Array.isArray(e.marker.color)?e.marker.color:"";Z&&"count"!==U&&(Y="avg"===U,H=a[U]);var J=w.size,K=x(w.start),Q=x(w.end)+(K-i.tickIncrement(K,J,!1,v))/1e6;for(r=K;r=0&&p=0&&d0||n.inbox(r-o.y0,r-(o.y0+o.h*s.dy),0)>0)){var u,f=Math.floor((e-o.x0)/s.dx),h=Math.floor(Math.abs(r-o.y0)/s.dy);if(s._hasZ?u=o.z[h][f]:s._hasSource&&(u=s._canvas.el.getContext("2d").getImageData(f,h,1,1).data),u){var p,d=o.hi||s.hoverinfo;if(d){var g=d.split("+");-1!==g.indexOf("all")&&(g=["color"]),-1!==g.indexOf("color")&&(p=!0)}var m,v=a.colormodel[s.colormodel],y=v.colormodel||s.colormodel,x=y.length,b=s._scaler(u),_=v.suffix,w=[];(s.hovertemplate||p)&&(w.push("["+[b[0]+_[0],b[1]+_[1],b[2]+_[2]].join(", ")),4===x&&w.push(", "+b[3]+_[3]),w.push("]"),w=w.join(""),t.extraText=y.toUpperCase()+": "+w),Array.isArray(s.hovertext)&&Array.isArray(s.hovertext[h])?m=s.hovertext[h][f]:Array.isArray(s.text)&&Array.isArray(s.text[h])&&(m=s.text[h][f]);var T=c.c2p(o.y0+(h+.5)*s.dy),k=o.x0+(f+.5)*s.dx,M=o.y0+(h+.5)*s.dy,A="["+u.slice(0,s.colormodel.length).join(", ")+"]";return[i.extendFlat(t,{index:[h,f],x0:l.c2p(o.x0+f*s.dx),x1:l.c2p(o.x0+(f+1)*s.dx),y0:T,y1:T,color:b,xVal:k,xLabelVal:k,yVal:M,yLabelVal:M,zLabelVal:A,text:m,hovertemplateLabels:{zLabel:A,colorLabel:w,"color[0]Label":b[0]+_[0],"color[1]Label":b[1]+_[1],"color[2]Label":b[2]+_[2],"color[3]Label":b[3]+_[3]}})]}}}},{"../../components/fx":683,"../../lib":778,"./constants":1108}],1113:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc"),plot:t("./plot"),style:t("./style"),hoverPoints:t("./hover"),eventData:t("./event_data"),moduleType:"trace",name:"image",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","2dMap","noSortingByValue"],animatable:!1,meta:{}}},{"../../plots/cartesian":841,"./attributes":1106,"./calc":1107,"./defaults":1109,"./event_data":1110,"./hover":1112,"./plot":1114,"./style":1115}],1114:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=i.strTranslate,o=t("../../constants/xmlns_namespaces"),s=t("./constants"),l=i.isIOS()||i.isSafari()||i.isIE();e.exports=function(t,e,r,c){var u=e.xaxis,f=e.yaxis,h=!(l||t._context._exportedPlot);i.makeTraceGroups(c,r,"im").each((function(e){var r=n.select(this),l=e[0],c=l.trace,p=h&&!c._hasZ&&c._hasSource&&"linear"===u.type&&"linear"===f.type;c._fastImage=p;var d,g,m,v,y,x,b=l.z,_=l.x0,w=l.y0,T=l.w,k=l.h,M=c.dx,A=c.dy;for(x=0;void 0===d&&x0;)g=u.c2p(_+x*M),x--;for(x=0;void 0===v&&x0;)y=f.c2p(w+x*A),x--;if(gP[0];if(z||O){var D=d+S/2,R=v+E/2;L+="transform:"+a(D+"px",R+"px")+"scale("+(z?-1:1)+","+(O?-1:1)+")"+a(-D+"px",-R+"px")+";"}}C.attr("style",L);var F=new Promise((function(t){if(c._hasZ)t();else if(c._hasSource)if(c._canvas&&c._canvas.el.width===T&&c._canvas.el.height===k&&c._canvas.source===c.source)t();else{var e=document.createElement("canvas");e.width=T,e.height=k;var r=e.getContext("2d");c._image=c._image||new Image;var n=c._image;n.onload=function(){r.drawImage(n,0,0),c._canvas={el:e,source:c.source},t()},n.setAttribute("src",c.source)}})).then((function(){var t;if(c._hasZ)t=B((function(t,e){return b[e][t]})).toDataURL("image/png");else if(c._hasSource)if(p)t=c.source;else{var e=c._canvas.el.getContext("2d").getImageData(0,0,T,k).data;t=B((function(t,r){var n=4*(r*T+t);return[e[n],e[n+1],e[n+2],e[n+3]]})).toDataURL("image/png")}C.attr({"xlink:href":t,height:E,width:S,x:d,y:v})}));t._promises.push(F)}function B(t){var e=document.createElement("canvas");e.width=S,e.height=E;var r,n=e.getContext("2d"),a=function(t){return i.constrain(Math.round(u.c2p(_+t*M)-d),0,S)},o=function(t){return i.constrain(Math.round(f.c2p(w+t*A)-v),0,E)},h=s.colormodel[c.colormodel],p=h.colormodel||c.colormodel,g=h.fmt;for(x=0;x0}function _(t){t.each((function(t){m.stroke(n.select(this),t.line.color)})).each((function(t){m.fill(n.select(this),t.color)})).style("stroke-width",(function(t){return t.line.width}))}function w(t,e,r){var n=t._fullLayout,a=i.extendFlat({type:"linear",ticks:"outside",range:r,showline:!0},e),o={type:"linear",_id:"x"+e._id},s={letter:"x",font:n.font,noHover:!0,noTickson:!0};function l(t,e){return i.coerce(a,o,g,t,e)}return p(a,o,l,s,n),d(a,o,l,s),o}function T(t,e,r){return[Math.min(e/t.width,r/t.height),t,e+"x"+r]}function k(t,e,r,i){var a=document.createElementNS("http://www.w3.org/2000/svg","text"),o=n.select(a);return o.text(t).attr("x",0).attr("y",0).attr("text-anchor",r).attr("data-unformatted",t).call(f.convertToTspans,i).call(c.font,e),c.bBox(o.node())}function M(t,e,r,n,a,o){var s="_cache"+e;t[s]&&t[s].key===a||(t[s]={key:a,value:r});var l=i.aggNums(o,null,[t[s].value,n],2);return t[s].value=l,l}e.exports=function(t,e,r,p){var d,g=t._fullLayout;b(r)&&p&&(d=p()),i.makeTraceGroups(g._indicatorlayer,e,"trace").each((function(e){var p,A,S,E,C,L=e[0].trace,I=n.select(this),P=L._hasGauge,z=L._isAngular,O=L._isBullet,D=L.domain,R={w:g._size.w*(D.x[1]-D.x[0]),h:g._size.h*(D.y[1]-D.y[0]),l:g._size.l+g._size.w*D.x[0],r:g._size.r+g._size.w*(1-D.x[1]),t:g._size.t+g._size.h*(1-D.y[1]),b:g._size.b+g._size.h*D.y[0]},F=R.l+R.w/2,B=R.t+R.h/2,N=Math.min(R.w/2,R.h),j=u.innerRadius*N,U=L.align||"center";if(A=B,P){if(z&&(p=F,A=B+N/2,S=function(t){return function(t,e){var r=Math.sqrt(t.width/2*(t.width/2)+t.height*t.height);return[e/r,t,e]}(t,.9*j)}),O){var V=u.bulletPadding,q=1-u.bulletNumberDomainSize+V;p=R.l+(q+(1-q)*y[U])*R.w,S=function(t){return T(t,(u.bulletNumberDomainSize-V)*R.w,R.h)}}}else p=R.l+y[U]*R.w,S=function(t){return T(t,R.w,R.h)};!function(t,e,r,s){var l,u,p,d=r[0].trace,g=s.numbersX,_=s.numbersY,T=d.align||"center",A=v[T],S=s.transitionOpts,E=s.onComplete,C=i.ensureSingle(e,"g","numbers"),L=[];d._hasNumber&&L.push("number");d._hasDelta&&(L.push("delta"),"left"===d.delta.position&&L.reverse());var I=C.selectAll("text").data(L);function P(e,r,n,i){if(!e.match("s")||n>=0==i>=0||r(n).slice(-1).match(x)||r(i).slice(-1).match(x))return r;var a=e.slice().replace("s","f").replace(/\d+/,(function(t){return parseInt(t)-1})),o=w(t,{tickformat:a});return function(t){return Math.abs(t)<1?h.tickText(o,t).text:r(t)}}I.enter().append("text"),I.attr("text-anchor",(function(){return A})).attr("class",(function(t){return t})).attr("x",null).attr("y",null).attr("dx",null).attr("dy",null),I.exit().remove();var z,O=d.mode+d.align;d._hasDelta&&(z=function(){var e=w(t,{tickformat:d.delta.valueformat},d._range);e.setScale(),h.prepTicks(e);var i=function(t){return h.tickText(e,t).text},a=function(t){return d.delta.relative?t.relativeDelta:t.delta},o=function(t,e){return 0===t||"number"!=typeof t||isNaN(t)?"-":(t>0?d.delta.increasing.symbol:d.delta.decreasing.symbol)+e(t)},s=function(t){return t.delta>=0?d.delta.increasing.color:d.delta.decreasing.color};void 0===d._deltaLastValue&&(d._deltaLastValue=a(r[0]));var l=C.select("text.delta");function p(){l.text(o(a(r[0]),i)).call(m.fill,s(r[0])).call(f.convertToTspans,t)}return l.call(c.font,d.delta.font).call(m.fill,s({delta:d._deltaLastValue})),b(S)?l.transition().duration(S.duration).ease(S.easing).tween("text",(function(){var t=n.select(this),e=a(r[0]),l=d._deltaLastValue,c=P(d.delta.valueformat,i,l,e),u=n.interpolateNumber(l,e);return d._deltaLastValue=e,function(e){t.text(o(u(e),c)),t.call(m.fill,s({delta:u(e)}))}})).each("end",(function(){p(),E&&E()})).each("interrupt",(function(){p(),E&&E()})):p(),u=k(o(a(r[0]),i),d.delta.font,A,t),l}(),O+=d.delta.position+d.delta.font.size+d.delta.font.family+d.delta.valueformat,O+=d.delta.increasing.symbol+d.delta.decreasing.symbol,p=u);d._hasNumber&&(!function(){var e=w(t,{tickformat:d.number.valueformat},d._range);e.setScale(),h.prepTicks(e);var i=function(t){return h.tickText(e,t).text},a=d.number.suffix,o=d.number.prefix,s=C.select("text.number");function u(){var e="number"==typeof r[0].y?o+i(r[0].y)+a:"-";s.text(e).call(c.font,d.number.font).call(f.convertToTspans,t)}b(S)?s.transition().duration(S.duration).ease(S.easing).each("end",(function(){u(),E&&E()})).each("interrupt",(function(){u(),E&&E()})).attrTween("text",(function(){var t=n.select(this),e=n.interpolateNumber(r[0].lastY,r[0].y);d._lastValue=r[0].y;var s=P(d.number.valueformat,i,r[0].lastY,r[0].y);return function(r){t.text(o+s(e(r))+a)}})):u(),l=k(o+i(r[0].y)+a,d.number.font,A,t)}(),O+=d.number.font.size+d.number.font.family+d.number.valueformat+d.number.suffix+d.number.prefix,p=l);if(d._hasDelta&&d._hasNumber){var D,R,F=[(l.left+l.right)/2,(l.top+l.bottom)/2],B=[(u.left+u.right)/2,(u.top+u.bottom)/2],N=.75*d.delta.font.size;"left"===d.delta.position&&(D=M(d,"deltaPos",0,-1*(l.width*y[d.align]+u.width*(1-y[d.align])+N),O,Math.min),R=F[1]-B[1],p={width:l.width+u.width+N,height:Math.max(l.height,u.height),left:u.left+D,right:l.right,top:Math.min(l.top,u.top+R),bottom:Math.max(l.bottom,u.bottom+R)}),"right"===d.delta.position&&(D=M(d,"deltaPos",0,l.width*(1-y[d.align])+u.width*y[d.align]+N,O,Math.max),R=F[1]-B[1],p={width:l.width+u.width+N,height:Math.max(l.height,u.height),left:l.left,right:u.right+D,top:Math.min(l.top,u.top+R),bottom:Math.max(l.bottom,u.bottom+R)}),"bottom"===d.delta.position&&(D=null,R=u.height,p={width:Math.max(l.width,u.width),height:l.height+u.height,left:Math.min(l.left,u.left),right:Math.max(l.right,u.right),top:l.bottom-l.height,bottom:l.bottom+u.height}),"top"===d.delta.position&&(D=null,R=l.top,p={width:Math.max(l.width,u.width),height:l.height+u.height,left:Math.min(l.left,u.left),right:Math.max(l.right,u.right),top:l.bottom-l.height-u.height,bottom:l.bottom}),z.attr({dx:D,dy:R})}(d._hasNumber||d._hasDelta)&&C.attr("transform",(function(){var t=s.numbersScaler(p);O+=t[2];var e,r=M(d,"numbersScale",1,t[0],O,Math.min);d._scaleNumbers||(r=1),e=d._isAngular?_-r*p.bottom:_-r*(p.top+p.bottom)/2,d._numbersTop=r*p.top+e;var n=p[T];"center"===T&&(n=(p.left+p.right)/2);var i=g-r*n;return i=M(d,"numbersTranslate",0,i,O,Math.max),o(i,e)+a(r)}))}(t,I,e,{numbersX:p,numbersY:A,numbersScaler:S,transitionOpts:r,onComplete:d}),P&&(E={range:L.gauge.axis.range,color:L.gauge.bgcolor,line:{color:L.gauge.bordercolor,width:0},thickness:1},C={range:L.gauge.axis.range,color:"rgba(0, 0, 0, 0)",line:{color:L.gauge.bordercolor,width:L.gauge.borderwidth},thickness:1});var H=I.selectAll("g.angular").data(z?e:[]);H.exit().remove();var G=I.selectAll("g.angularaxis").data(z?e:[]);G.exit().remove(),z&&function(t,e,r,i){var a,c,u,f,p=r[0].trace,d=i.size,g=i.radius,m=i.innerRadius,v=i.gaugeBg,y=i.gaugeOutline,x=[d.l+d.w/2,d.t+d.h/2+g/2],T=i.gauge,k=i.layer,M=i.transitionOpts,A=i.onComplete,S=Math.PI/2;function E(t){var e=p.gauge.axis.range[0],r=(t-e)/(p.gauge.axis.range[1]-e)*Math.PI-S;return r<-S?-S:r>S?S:r}function C(t){return n.svg.arc().innerRadius((m+g)/2-t/2*(g-m)).outerRadius((m+g)/2+t/2*(g-m)).startAngle(-S)}function L(t){t.attr("d",(function(t){return C(t.thickness).startAngle(E(t.range[0])).endAngle(E(t.range[1]))()}))}T.enter().append("g").classed("angular",!0),T.attr("transform",o(x[0],x[1])),k.enter().append("g").classed("angularaxis",!0).classed("crisp",!0),k.selectAll("g.xangularaxistick,path,text").remove(),(a=w(t,p.gauge.axis)).type="linear",a.range=p.gauge.axis.range,a._id="xangularaxis",a.setScale();var I=function(t){return(a.range[0]-t.x)/(a.range[1]-a.range[0])*Math.PI+Math.PI},P={},z=h.makeLabelFns(a,0).labelStandoff;P.xFn=function(t){var e=I(t);return Math.cos(e)*z},P.yFn=function(t){var e=I(t),r=Math.sin(e)>0?.2:1;return-Math.sin(e)*(z+t.fontSize*r)+Math.abs(Math.cos(e))*(t.fontSize*l)},P.anchorFn=function(t){var e=I(t),r=Math.cos(e);return Math.abs(r)<.1?"middle":r>0?"start":"end"},P.heightFn=function(t,e,r){var n=I(t);return-.5*(1+Math.sin(n))*r};var O=function(t){return o(x[0]+g*Math.cos(t),x[1]-g*Math.sin(t))};u=function(t){return O(I(t))};if(c=h.calcTicks(a),f=h.getTickSigns(a)[2],a.visible){f="inside"===a.ticks?-1:1;var D=(a.linewidth||1)/2;h.drawTicks(t,a,{vals:c,layer:k,path:"M"+f*D+",0h"+f*a.ticklen,transFn:function(t){var e=I(t);return O(e)+"rotate("+-s(e)+")"}}),h.drawLabels(t,a,{vals:c,layer:k,transFn:u,labelFns:P})}var R=[v].concat(p.gauge.steps),F=T.selectAll("g.bg-arc").data(R);F.enter().append("g").classed("bg-arc",!0).append("path"),F.select("path").call(L).call(_),F.exit().remove();var B=C(p.gauge.bar.thickness),N=T.selectAll("g.value-arc").data([p.gauge.bar]);N.enter().append("g").classed("value-arc",!0).append("path");var j=N.select("path");b(M)?(j.transition().duration(M.duration).ease(M.easing).each("end",(function(){A&&A()})).each("interrupt",(function(){A&&A()})).attrTween("d",(U=B,V=E(r[0].lastY),q=E(r[0].y),function(){var t=n.interpolate(V,q);return function(e){return U.endAngle(t(e))()}})),p._lastValue=r[0].y):j.attr("d","number"==typeof r[0].y?B.endAngle(E(r[0].y)):"M0,0Z");var U,V,q;j.call(_),N.exit().remove(),R=[];var H=p.gauge.threshold.value;H&&R.push({range:[H,H],color:p.gauge.threshold.color,line:{color:p.gauge.threshold.line.color,width:p.gauge.threshold.line.width},thickness:p.gauge.threshold.thickness});var G=T.selectAll("g.threshold-arc").data(R);G.enter().append("g").classed("threshold-arc",!0).append("path"),G.select("path").call(L).call(_),G.exit().remove();var Y=T.selectAll("g.gauge-outline").data([y]);Y.enter().append("g").classed("gauge-outline",!0).append("path"),Y.select("path").call(L).call(_),Y.exit().remove()}(t,0,e,{radius:N,innerRadius:j,gauge:H,layer:G,size:R,gaugeBg:E,gaugeOutline:C,transitionOpts:r,onComplete:d});var Y=I.selectAll("g.bullet").data(O?e:[]);Y.exit().remove();var W=I.selectAll("g.bulletaxis").data(O?e:[]);W.exit().remove(),O&&function(t,e,r,n){var i,a,s,l,c,f=r[0].trace,p=n.gauge,d=n.layer,g=n.gaugeBg,v=n.gaugeOutline,y=n.size,x=f.domain,T=n.transitionOpts,k=n.onComplete;p.enter().append("g").classed("bullet",!0),p.attr("transform",o(y.l,y.t)),d.enter().append("g").classed("bulletaxis",!0).classed("crisp",!0),d.selectAll("g.xbulletaxistick,path,text").remove();var M=y.h,A=f.gauge.bar.thickness*M,S=x.x[0],E=x.x[0]+(x.x[1]-x.x[0])*(f._hasNumber||f._hasDelta?1-u.bulletNumberDomainSize:1);(i=w(t,f.gauge.axis))._id="xbulletaxis",i.domain=[S,E],i.setScale(),a=h.calcTicks(i),s=h.makeTransTickFn(i),l=h.getTickSigns(i)[2],c=y.t+y.h,i.visible&&(h.drawTicks(t,i,{vals:"inside"===i.ticks?h.clipEnds(i,a):a,layer:d,path:h.makeTickPath(i,c,l),transFn:s}),h.drawLabels(t,i,{vals:a,layer:d,transFn:s,labelFns:h.makeLabelFns(i,c)}));function C(t){t.attr("width",(function(t){return Math.max(0,i.c2p(t.range[1])-i.c2p(t.range[0]))})).attr("x",(function(t){return i.c2p(t.range[0])})).attr("y",(function(t){return.5*(1-t.thickness)*M})).attr("height",(function(t){return t.thickness*M}))}var L=[g].concat(f.gauge.steps),I=p.selectAll("g.bg-bullet").data(L);I.enter().append("g").classed("bg-bullet",!0).append("rect"),I.select("rect").call(C).call(_),I.exit().remove();var P=p.selectAll("g.value-bullet").data([f.gauge.bar]);P.enter().append("g").classed("value-bullet",!0).append("rect"),P.select("rect").attr("height",A).attr("y",(M-A)/2).call(_),b(T)?P.select("rect").transition().duration(T.duration).ease(T.easing).each("end",(function(){k&&k()})).each("interrupt",(function(){k&&k()})).attr("width",Math.max(0,i.c2p(Math.min(f.gauge.axis.range[1],r[0].y)))):P.select("rect").attr("width","number"==typeof r[0].y?Math.max(0,i.c2p(Math.min(f.gauge.axis.range[1],r[0].y))):0);P.exit().remove();var z=r.filter((function(){return f.gauge.threshold.value})),O=p.selectAll("g.threshold-bullet").data(z);O.enter().append("g").classed("threshold-bullet",!0).append("line"),O.select("line").attr("x1",i.c2p(f.gauge.threshold.value)).attr("x2",i.c2p(f.gauge.threshold.value)).attr("y1",(1-f.gauge.threshold.thickness)/2*M).attr("y2",(1-(1-f.gauge.threshold.thickness)/2)*M).call(m.stroke,f.gauge.threshold.line.color).style("stroke-width",f.gauge.threshold.line.width),O.exit().remove();var D=p.selectAll("g.gauge-outline").data([v]);D.enter().append("g").classed("gauge-outline",!0).append("rect"),D.select("rect").call(C).call(_),D.exit().remove()}(t,0,e,{gauge:Y,layer:W,size:R,gaugeBg:E,gaugeOutline:C,transitionOpts:r,onComplete:d});var X=I.selectAll("text.title").data(e);X.exit().remove(),X.enter().append("text").classed("title",!0),X.attr("text-anchor",(function(){return O?v.right:v[L.title.align]})).text(L.title.text).call(c.font,L.title.font).call(f.convertToTspans,t),X.attr("transform",(function(){var t,e=R.l+R.w*y[L.title.align],r=u.titlePadding,n=c.bBox(X.node());if(P){if(z)if(L.gauge.axis.visible)t=c.bBox(G.node()).top-r-n.bottom;else t=R.t+R.h/2-N/2-n.bottom-r;O&&(t=A-(n.top+n.bottom)/2,e=R.l-u.bulletPadding*R.w)}else t=L._numbersTop-r-n.bottom;return o(e,t)}))}))}},{"../../components/color":643,"../../components/drawing":665,"../../constants/alignment":745,"../../lib":778,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"../../plots/cartesian/axis_defaults":830,"../../plots/cartesian/layout_attributes":842,"../../plots/cartesian/position_defaults":845,"./constants":1119,d3:169}],1123:[function(t,e,r){"use strict";var n=t("../../components/colorscale/attributes"),i=t("../../plots/template_attributes").hovertemplateAttrs,a=t("../mesh3d/attributes"),o=t("../../plots/attributes"),s=t("../../lib/extend").extendFlat,l=t("../../plot_api/edit_types").overrideAll;var c=e.exports=l(s({x:{valType:"data_array"},y:{valType:"data_array"},z:{valType:"data_array"},value:{valType:"data_array"},isomin:{valType:"number"},isomax:{valType:"number"},surface:{show:{valType:"boolean",dflt:!0},count:{valType:"integer",dflt:2,min:1},fill:{valType:"number",min:0,max:1,dflt:1},pattern:{valType:"flaglist",flags:["A","B","C","D","E"],extras:["all","odd","even"],dflt:"all"}},spaceframe:{show:{valType:"boolean",dflt:!1},fill:{valType:"number",min:0,max:1,dflt:.15}},slices:{x:{show:{valType:"boolean",dflt:!1},locations:{valType:"data_array",dflt:[]},fill:{valType:"number",min:0,max:1,dflt:1}},y:{show:{valType:"boolean",dflt:!1},locations:{valType:"data_array",dflt:[]},fill:{valType:"number",min:0,max:1,dflt:1}},z:{show:{valType:"boolean",dflt:!1},locations:{valType:"data_array",dflt:[]},fill:{valType:"number",min:0,max:1,dflt:1}}},caps:{x:{show:{valType:"boolean",dflt:!0},fill:{valType:"number",min:0,max:1,dflt:1}},y:{show:{valType:"boolean",dflt:!0},fill:{valType:"number",min:0,max:1,dflt:1}},z:{show:{valType:"boolean",dflt:!0},fill:{valType:"number",min:0,max:1,dflt:1}}},text:{valType:"string",dflt:"",arrayOk:!0},hovertext:{valType:"string",dflt:"",arrayOk:!0},hovertemplate:i(),showlegend:s({},o.showlegend,{dflt:!1})},n("",{colorAttr:"`value`",showScaleDflt:!0,editTypeOverride:"calc"}),{opacity:a.opacity,lightposition:a.lightposition,lighting:a.lighting,flatshading:a.flatshading,contour:a.contour,hoverinfo:s({},o.hoverinfo)}),"calc","nested");c.flatshading.dflt=!0,c.lighting.facenormalsepsilon.dflt=0,c.x.editType=c.y.editType=c.z.editType=c.value.editType="calc+clearAxisTypes",c.transforms=void 0},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plot_api/edit_types":810,"../../plots/attributes":824,"../../plots/template_attributes":906,"../mesh3d/attributes":1128}],1124:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc"),i=t("../streamtube/calc").processGrid,a=t("../streamtube/calc").filter;e.exports=function(t,e){e._len=Math.min(e.x.length,e.y.length,e.z.length,e.value.length),e._x=a(e.x,e._len),e._y=a(e.y,e._len),e._z=a(e.z,e._len),e._value=a(e.value,e._len);var r=i(e);e._gridFill=r.fill,e._Xs=r.Xs,e._Ys=r.Ys,e._Zs=r.Zs,e._len=r.len;for(var o=1/0,s=-1/0,l=0;l0;r--){var n=Math.min(e[r],e[r-1]),i=Math.max(e[r],e[r-1]);if(i>n&&n-1}function R(t,e){return null===t?e:t}function F(e,r,n){L();var i,a,o,l=[r],c=[n];if(s>=1)l=[r],c=[n];else if(s>0){var u=function(t,e){var r=t[0],n=t[1],i=t[2],a=function(t,e,r){for(var n=[],i=0;i-1?n[p]:C(d,g,v);h[p]=x>-1?x:P(d,g,v,R(e,y))}i=h[0],a=h[1],o=h[2],t._meshI.push(i),t._meshJ.push(a),t._meshK.push(o),++m}}function B(t,e,r,n){var i=t[3];in&&(i=n);for(var a=(t[3]-i)/(t[3]-e[3]+1e-9),o=[],s=0;s<4;s++)o[s]=(1-a)*t[s]+a*e[s];return o}function N(t,e,r){return t>=e&&t<=r}function j(t){var e=.001*(E-S);return t>=S-e&&t<=E+e}function U(e){for(var r=[],n=0;n<4;n++){var i=e[n];r.push([t._x[i],t._y[i],t._z[i],t._value[i]])}return r}function V(t,e,r,n,i,a){a||(a=1),r=[-1,-1,-1];var o=!1,s=[N(e[0][3],n,i),N(e[1][3],n,i),N(e[2][3],n,i)];if(!s[0]&&!s[1]&&!s[2])return!1;var l=function(t,e,r){return j(e[0][3])&&j(e[1][3])&&j(e[2][3])?(F(t,e,r),!0):a<3&&V(t,e,r,S,E,++a)};if(s[0]&&s[1]&&s[2])return l(t,e,r)||o;var c=!1;return[[0,1,2],[2,0,1],[1,2,0]].forEach((function(a){if(s[a[0]]&&s[a[1]]&&!s[a[2]]){var u=e[a[0]],f=e[a[1]],h=e[a[2]],p=B(h,u,n,i),d=B(h,f,n,i);o=l(t,[d,p,u],[-1,-1,r[a[0]]])||o,o=l(t,[u,f,d],[r[a[0]],r[a[1]],-1])||o,c=!0}})),c||[[0,1,2],[1,2,0],[2,0,1]].forEach((function(a){if(s[a[0]]&&!s[a[1]]&&!s[a[2]]){var u=e[a[0]],f=e[a[1]],h=e[a[2]],p=B(f,u,n,i),d=B(h,u,n,i);o=l(t,[d,p,u],[-1,-1,r[a[0]]])||o,c=!0}})),o}function q(t,e,r,n){var i=!1,a=U(e),o=[N(a[0][3],r,n),N(a[1][3],r,n),N(a[2][3],r,n),N(a[3][3],r,n)];if(!(o[0]||o[1]||o[2]||o[3]))return i;if(o[0]&&o[1]&&o[2]&&o[3])return g&&(i=function(t,e,r){var n=function(n,i,a){F(t,[e[n],e[i],e[a]],[r[n],r[i],r[a]])};n(0,1,2),n(3,0,1),n(2,3,0),n(1,2,3)}(t,a,e)||i),i;var s=!1;return[[0,1,2,3],[3,0,1,2],[2,3,0,1],[1,2,3,0]].forEach((function(l){if(o[l[0]]&&o[l[1]]&&o[l[2]]&&!o[l[3]]){var c=a[l[0]],u=a[l[1]],f=a[l[2]],h=a[l[3]];if(g)i=F(t,[c,u,f],[e[l[0]],e[l[1]],e[l[2]]])||i;else{var p=B(h,c,r,n),d=B(h,u,r,n),m=B(h,f,r,n);i=F(null,[p,d,m],[-1,-1,-1])||i}s=!0}})),s?i:([[0,1,2,3],[1,2,3,0],[2,3,0,1],[3,0,1,2],[0,2,3,1],[1,3,2,0]].forEach((function(l){if(o[l[0]]&&o[l[1]]&&!o[l[2]]&&!o[l[3]]){var c=a[l[0]],u=a[l[1]],f=a[l[2]],h=a[l[3]],p=B(f,c,r,n),d=B(f,u,r,n),m=B(h,u,r,n),v=B(h,c,r,n);g?(i=F(t,[c,v,p],[e[l[0]],-1,-1])||i,i=F(t,[u,d,m],[e[l[1]],-1,-1])||i):i=function(t,e,r){var n=function(n,i,a){F(t,[e[n],e[i],e[a]],[r[n],r[i],r[a]])};n(0,1,2),n(2,3,0)}(null,[p,d,m,v],[-1,-1,-1,-1])||i,s=!0}})),s||[[0,1,2,3],[1,2,3,0],[2,3,0,1],[3,0,1,2]].forEach((function(l){if(o[l[0]]&&!o[l[1]]&&!o[l[2]]&&!o[l[3]]){var c=a[l[0]],u=a[l[1]],f=a[l[2]],h=a[l[3]],p=B(u,c,r,n),d=B(f,c,r,n),m=B(h,c,r,n);g?(i=F(t,[c,p,d],[e[l[0]],-1,-1])||i,i=F(t,[c,d,m],[e[l[0]],-1,-1])||i,i=F(t,[c,m,p],[e[l[0]],-1,-1])||i):i=F(null,[p,d,m],[-1,-1,-1])||i,s=!0}})),i)}function H(t,e,r,n,i,a,o,s,l,c,u){var f=!1;return d&&(D(t,"A")&&(f=q(null,[e,r,n,a],c,u)||f),D(t,"B")&&(f=q(null,[r,n,i,l],c,u)||f),D(t,"C")&&(f=q(null,[r,a,o,l],c,u)||f),D(t,"D")&&(f=q(null,[n,a,s,l],c,u)||f),D(t,"E")&&(f=q(null,[r,n,a,l],c,u)||f)),g&&(f=q(t,[r,n,a,l],c,u)||f),f}function G(t,e,r,n,i,a,o,s){return[!0===s[0]||V(t,U([e,r,n]),[e,r,n],a,o),!0===s[1]||V(t,U([n,i,e]),[n,i,e],a,o)]}function Y(t,e,r,n,i,a,o,s,l){return s?G(t,e,r,i,n,a,o,l):G(t,r,i,n,e,a,o,l)}function W(t,e,r,n,i,a,o){var s,l,c,u,f=!1,h=function(){f=V(t,[s,l,c],[-1,-1,-1],i,a)||f,f=V(t,[c,u,s],[-1,-1,-1],i,a)||f},p=o[0],d=o[1],g=o[2];return p&&(s=z(U([k(e,r-0,n-0)])[0],U([k(e-1,r-0,n-0)])[0],p),l=z(U([k(e,r-0,n-1)])[0],U([k(e-1,r-0,n-1)])[0],p),c=z(U([k(e,r-1,n-1)])[0],U([k(e-1,r-1,n-1)])[0],p),u=z(U([k(e,r-1,n-0)])[0],U([k(e-1,r-1,n-0)])[0],p),h()),d&&(s=z(U([k(e-0,r,n-0)])[0],U([k(e-0,r-1,n-0)])[0],d),l=z(U([k(e-0,r,n-1)])[0],U([k(e-0,r-1,n-1)])[0],d),c=z(U([k(e-1,r,n-1)])[0],U([k(e-1,r-1,n-1)])[0],d),u=z(U([k(e-1,r,n-0)])[0],U([k(e-1,r-1,n-0)])[0],d),h()),g&&(s=z(U([k(e-0,r-0,n)])[0],U([k(e-0,r-0,n-1)])[0],g),l=z(U([k(e-0,r-1,n)])[0],U([k(e-0,r-1,n-1)])[0],g),c=z(U([k(e-1,r-1,n)])[0],U([k(e-1,r-1,n-1)])[0],g),u=z(U([k(e-1,r-0,n)])[0],U([k(e-1,r-0,n-1)])[0],g),h()),f}function X(t,e,r,n,i,a,o,s,l,c,u,f){var h=t;return f?(d&&"even"===t&&(h=null),H(h,e,r,n,i,a,o,s,l,c,u)):(d&&"odd"===t&&(h=null),H(h,l,s,o,a,i,n,r,e,c,u))}function Z(t,e,r,n,i){for(var a=[],o=0,s=0;sMath.abs(d-A)?[M,d]:[d,A];$(e,T[0],T[1])}}var C=[[Math.min(S,A),Math.max(S,A)],[Math.min(M,E),Math.max(M,E)]];["x","y","z"].forEach((function(e){for(var r=[],n=0;n0&&(u.push(p.id),"x"===e?f.push([p.distRatio,0,0]):"y"===e?f.push([0,p.distRatio,0]):f.push([0,0,p.distRatio]))}else c=nt(1,"x"===e?b-1:"y"===e?_-1:w-1);u.length>0&&(r[i]="x"===e?tt(null,u,a,o,f,r[i]):"y"===e?et(null,u,a,o,f,r[i]):rt(null,u,a,o,f,r[i]),i++),c.length>0&&(r[i]="x"===e?Z(null,c,a,o,r[i]):"y"===e?J(null,c,a,o,r[i]):K(null,c,a,o,r[i]),i++)}var d=t.caps[e];d.show&&d.fill&&(O(d.fill),r[i]="x"===e?Z(null,[0,b-1],a,o,r[i]):"y"===e?J(null,[0,_-1],a,o,r[i]):K(null,[0,w-1],a,o,r[i]),i++)}})),0===m&&I(),t._meshX=n,t._meshY=i,t._meshZ=a,t._meshIntensity=o,t._Xs=v,t._Ys=y,t._Zs=x}(),t}e.exports={findNearestOnAxis:l,generateIsoMeshes:h,createIsosurfaceTrace:function(t,e){var r=t.glplot.gl,i=n({gl:r}),a=new c(t,i,e.uid);return i._trace=a,a.update(e),t.glplot.add(i),a}}},{"../../components/colorscale":655,"../../lib/gl_format_color":774,"../../lib/str2rgbarray":802,"../../plots/gl3d/zip3":881,"gl-mesh3d":309}],1126:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry"),a=t("./attributes"),o=t("../../components/colorscale/defaults");function s(t,e,r,n,a){var s=a("isomin"),l=a("isomax");null!=l&&null!=s&&s>l&&(e.isomin=null,e.isomax=null);var c=a("x"),u=a("y"),f=a("z"),h=a("value");c&&c.length&&u&&u.length&&f&&f.length&&h&&h.length?(i.getComponentMethod("calendars","handleTraceDefaults")(t,e,["x","y","z"],n),["x","y","z"].forEach((function(t){var e="caps."+t;a(e+".show")&&a(e+".fill");var r="slices."+t;a(r+".show")&&(a(r+".fill"),a(r+".locations"))})),a("spaceframe.show")&&a("spaceframe.fill"),a("surface.show")&&(a("surface.count"),a("surface.fill"),a("surface.pattern")),a("contour.show")&&(a("contour.color"),a("contour.width")),["text","hovertext","hovertemplate","lighting.ambient","lighting.diffuse","lighting.specular","lighting.roughness","lighting.fresnel","lighting.vertexnormalsepsilon","lighting.facenormalsepsilon","lightposition.x","lightposition.y","lightposition.z","flatshading","opacity"].forEach((function(t){a(t)})),o(t,e,n,a,{prefix:"",cLetter:"c"}),e._length=null):e.visible=!1}e.exports={supplyDefaults:function(t,e,r,i){s(t,e,r,i,(function(r,i){return n.coerce(t,e,a,r,i)}))},supplyIsoDefaults:s}},{"../../components/colorscale/defaults":653,"../../lib":778,"../../registry":911,"./attributes":1123}],1127:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults").supplyDefaults,calc:t("./calc"),colorbar:{min:"cmin",max:"cmax"},plot:t("./convert").createIsosurfaceTrace,moduleType:"trace",name:"isosurface",basePlotModule:t("../../plots/gl3d"),categories:["gl3d","showLegend"],meta:{}}},{"../../plots/gl3d":870,"./attributes":1123,"./calc":1124,"./convert":1125,"./defaults":1126}],1128:[function(t,e,r){"use strict";var n=t("../../components/colorscale/attributes"),i=t("../../plots/template_attributes").hovertemplateAttrs,a=t("../surface/attributes"),o=t("../../plots/attributes"),s=t("../../lib/extend").extendFlat;e.exports=s({x:{valType:"data_array",editType:"calc+clearAxisTypes"},y:{valType:"data_array",editType:"calc+clearAxisTypes"},z:{valType:"data_array",editType:"calc+clearAxisTypes"},i:{valType:"data_array",editType:"calc"},j:{valType:"data_array",editType:"calc"},k:{valType:"data_array",editType:"calc"},text:{valType:"string",dflt:"",arrayOk:!0,editType:"calc"},hovertext:{valType:"string",dflt:"",arrayOk:!0,editType:"calc"},hovertemplate:i({editType:"calc"}),delaunayaxis:{valType:"enumerated",values:["x","y","z"],dflt:"z",editType:"calc"},alphahull:{valType:"number",dflt:-1,editType:"calc"},intensity:{valType:"data_array",editType:"calc"},intensitymode:{valType:"enumerated",values:["vertex","cell"],dflt:"vertex",editType:"calc"},color:{valType:"color",editType:"calc"},vertexcolor:{valType:"data_array",editType:"calc"},facecolor:{valType:"data_array",editType:"calc"},transforms:void 0},n("",{colorAttr:"`intensity`",showScaleDflt:!0,editTypeOverride:"calc"}),{opacity:a.opacity,flatshading:{valType:"boolean",dflt:!1,editType:"calc"},contour:{show:s({},a.contours.x.show,{}),color:a.contours.x.color,width:a.contours.x.width,editType:"calc"},lightposition:{x:s({},a.lightposition.x,{dflt:1e5}),y:s({},a.lightposition.y,{dflt:1e5}),z:s({},a.lightposition.z,{dflt:0}),editType:"calc"},lighting:s({vertexnormalsepsilon:{valType:"number",min:0,max:1,dflt:1e-12,editType:"calc"},facenormalsepsilon:{valType:"number",min:0,max:1,dflt:1e-6,editType:"calc"},editType:"calc"},a.lighting),hoverinfo:s({},o.hoverinfo,{editType:"calc"}),showlegend:s({},o.showlegend,{dflt:!1})})},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../surface/attributes":1311}],1129:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc");e.exports=function(t,e){e.intensity&&n(t,e,{vals:e.intensity,containerStr:"",cLetter:"c"})}},{"../../components/colorscale/calc":651}],1130:[function(t,e,r){"use strict";var n=t("gl-mesh3d"),i=t("delaunay-triangulate"),a=t("alpha-shape"),o=t("convex-hull"),s=t("../../lib/gl_format_color").parseColorScale,l=t("../../lib/str2rgbarray"),c=t("../../components/colorscale").extractOpts,u=t("../../plots/gl3d/zip3");function f(t,e,r){this.scene=t,this.uid=r,this.mesh=e,this.name="",this.color="#fff",this.data=null,this.showContour=!1}var h=f.prototype;function p(t){for(var e=[],r=t.length,n=0;n=e-.5)return!1;return!0}h.handlePick=function(t){if(t.object===this.mesh){var e=t.index=t.data.index;t.data._cellCenter?t.traceCoordinate=t.data.dataCoordinate:t.traceCoordinate=[this.data.x[e],this.data.y[e],this.data.z[e]];var r=this.data.hovertext||this.data.text;return Array.isArray(r)&&void 0!==r[e]?t.textLabel=r[e]:r&&(t.textLabel=r),!0}},h.update=function(t){var e=this.scene,r=e.fullSceneLayout;this.data=t;var n,f=t.x.length,h=u(d(r.xaxis,t.x,e.dataScale[0],t.xcalendar),d(r.yaxis,t.y,e.dataScale[1],t.ycalendar),d(r.zaxis,t.z,e.dataScale[2],t.zcalendar));if(t.i&&t.j&&t.k){if(t.i.length!==t.j.length||t.j.length!==t.k.length||!m(t.i,f)||!m(t.j,f)||!m(t.k,f))return;n=u(g(t.i),g(t.j),g(t.k))}else n=0===t.alphahull?o(h):t.alphahull>0?a(t.alphahull,h):function(t,e){for(var r=["x","y","z"].indexOf(t),n=[],a=e.length,o=0;ov):m=M>w,v=M;var A=c(w,T,k,M);A.pos=_,A.yc=(w+M)/2,A.i=b,A.dir=m?"increasing":"decreasing",A.x=A.pos,A.y=[k,T],y&&(A.orig_p=r[b]),d&&(A.tx=e.text[b]),g&&(A.htx=e.hovertext[b]),x.push(A)}else x.push({pos:_,empty:!0})}return e._extremes[l._id]=a.findExtremes(l,n.concat(h,f),{padded:!0}),x.length&&(x[0].t={labels:{open:i(t,"open:")+" ",high:i(t,"high:")+" ",low:i(t,"low:")+" ",close:i(t,"close:")+" "}}),x}e.exports={calc:function(t,e){var r=a.getFromId(t,e.xaxis),i=a.getFromId(t,e.yaxis),s=function(t,e,r){var i=r._minDiff;if(!i){var a,s=t._fullData,l=[];for(i=1/0,a=0;a"+c.labels[x]+n.hoverLabelText(s,b):((y=i.extendFlat({},h)).y0=y.y1=_,y.yLabelVal=b,y.yLabel=c.labels[x]+n.hoverLabelText(s,b),y.name="",f.push(y),m[b]=y)}return f}function h(t,e,r,i){var a=t.cd,o=t.ya,l=a[0].trace,f=a[0].t,h=u(t,e,r,i);if(!h)return[];var p=a[h.index],d=h.index=p.i,g=p.dir;function m(t){return f.labels[t]+n.hoverLabelText(o,l[t][d])}var v=p.hi||l.hoverinfo,y=v.split("+"),x="all"===v,b=x||-1!==y.indexOf("y"),_=x||-1!==y.indexOf("text"),w=b?[m("open"),m("high"),m("low"),m("close")+" "+c[g]]:[];return _&&s(p,l,w),h.extraText=w.join("
"),h.y0=h.y1=o.c2p(p.yc,!0),[h]}e.exports={hoverPoints:function(t,e,r,n){return t.cd[0].trace.hoverlabel.split?f(t,e,r,n):h(t,e,r,n)},hoverSplit:f,hoverOnPoints:h}},{"../../components/color":643,"../../components/fx":683,"../../constants/delta.js":747,"../../lib":778,"../../plots/cartesian/axes":828}],1137:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"ohlc",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","showLegend"],meta:{},attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc").calc,plot:t("./plot"),style:t("./style"),hoverPoints:t("./hover").hoverPoints,selectPoints:t("./select")}},{"../../plots/cartesian":841,"./attributes":1133,"./calc":1134,"./defaults":1135,"./hover":1136,"./plot":1139,"./select":1140,"./style":1141}],1138:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib");e.exports=function(t,e,r,a){var o=r("x"),s=r("open"),l=r("high"),c=r("low"),u=r("close");if(r("hoverlabel.split"),n.getComponentMethod("calendars","handleTraceDefaults")(t,e,["x"],a),s&&l&&c&&u){var f=Math.min(s.length,l.length,c.length,u.length);return o&&(f=Math.min(f,i.minRowLength(o))),e._length=f,f}}},{"../../lib":778,"../../registry":911}],1139:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib");e.exports=function(t,e,r,a){var o=e.yaxis,s=e.xaxis,l=!!s.rangebreaks;i.makeTraceGroups(a,r,"trace ohlc").each((function(t){var e=n.select(this),r=t[0],a=r.t;if(!0!==r.trace.visible||a.empty)e.remove();else{var c=a.tickLen,u=e.selectAll("path").data(i.identity);u.enter().append("path"),u.exit().remove(),u.attr("d",(function(t){if(t.empty)return"M0,0Z";var e=s.c2p(t.pos-c,!0),r=s.c2p(t.pos+c,!0),n=l?(e+r)/2:s.c2p(t.pos,!0);return"M"+e+","+o.c2p(t.o,!0)+"H"+n+"M"+n+","+o.c2p(t.h,!0)+"V"+o.c2p(t.l,!0)+"M"+r+","+o.c2p(t.c,!0)+"H"+n}))}}))}},{"../../lib":778,d3:169}],1140:[function(t,e,r){"use strict";e.exports=function(t,e){var r,n=t.cd,i=t.xaxis,a=t.yaxis,o=[],s=n[0].t.bPos||0;if(!1===e)for(r=0;r=t.length)return!1;if(void 0!==e[t[r]])return!1;e[t[r]]=!0}return!0}(t.map((function(t){return t.displayindex}))))for(e=0;e0;c&&(o="array");var u=r("categoryorder",o);"array"===u?(r("categoryarray"),r("ticktext")):(delete t.categoryarray,delete t.ticktext),c||"array"!==u||(e.categoryorder="trace")}}e.exports=function(t,e,r,f){function h(r,i){return n.coerce(t,e,l,r,i)}var p=s(t,e,{name:"dimensions",handleItemDefaults:u}),d=function(t,e,r,o,s){s("line.shape"),s("line.hovertemplate");var l=s("line.color",o.colorway[0]);if(i(t,"line")&&n.isArrayOrTypedArray(l)){if(l.length)return s("line.colorscale"),a(t,e,o,s,{prefix:"line.",cLetter:"c"}),l.length;e.line.color=r}return 1/0}(t,e,r,f,h);o(e,f,h),Array.isArray(p)&&p.length||(e.visible=!1),c(e,p,"values",d),h("hoveron"),h("hovertemplate"),h("arrangement"),h("bundlecolors"),h("sortpaths"),h("counts");var g={family:f.font.family,size:Math.round(f.font.size),color:f.font.color};n.coerceFont(h,"labelfont",g);var m={family:f.font.family,size:Math.round(f.font.size/1.2),color:f.font.color};n.coerceFont(h,"tickfont",m)}},{"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654,"../../lib":778,"../../plots/array_container_defaults":823,"../../plots/domain":855,"../parcoords/merge_length":1158,"./attributes":1142}],1146:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc"),plot:t("./plot"),colorbar:{container:"line",min:"cmin",max:"cmax"},moduleType:"trace",name:"parcats",basePlotModule:t("./base_plot"),categories:["noOpacity"],meta:{}}},{"./attributes":1142,"./base_plot":1143,"./calc":1144,"./defaults":1145,"./plot":1148}],1147:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../plot_api/plot_api"),a=t("../../components/fx"),o=t("../../lib"),s=o.strTranslate,l=t("../../components/drawing"),c=t("tinycolor2"),u=t("../../lib/svg_text_utils");function f(t,e,r,i){var a=t.map(R.bind(0,e,r)),c=i.selectAll("g.parcatslayer").data([null]);c.enter().append("g").attr("class","parcatslayer").style("pointer-events","all");var f=c.selectAll("g.trace.parcats").data(a,h),v=f.enter().append("g").attr("class","trace parcats");f.attr("transform",(function(t){return s(t.x,t.y)})),v.append("g").attr("class","paths");var y=f.select("g.paths").selectAll("path.path").data((function(t){return t.paths}),h);y.attr("fill",(function(t){return t.model.color}));var _=y.enter().append("path").attr("class","path").attr("stroke-opacity",0).attr("fill",(function(t){return t.model.color})).attr("fill-opacity",0);b(_),y.attr("d",(function(t){return t.svgD})),_.empty()||y.sort(d),y.exit().remove(),y.on("mouseover",g).on("mouseout",m).on("click",x),v.append("g").attr("class","dimensions");var k=f.select("g.dimensions").selectAll("g.dimension").data((function(t){return t.dimensions}),h);k.enter().append("g").attr("class","dimension"),k.attr("transform",(function(t){return s(t.x,0)})),k.exit().remove();var M=k.selectAll("g.category").data((function(t){return t.categories}),h),A=M.enter().append("g").attr("class","category");M.attr("transform",(function(t){return s(0,t.y)})),A.append("rect").attr("class","catrect").attr("pointer-events","none"),M.select("rect.catrect").attr("fill","none").attr("width",(function(t){return t.width})).attr("height",(function(t){return t.height})),w(A);var S=M.selectAll("rect.bandrect").data((function(t){return t.bands}),h);S.each((function(){o.raiseToTop(this)})),S.attr("fill",(function(t){return t.color}));var z=S.enter().append("rect").attr("class","bandrect").attr("stroke-opacity",0).attr("fill",(function(t){return t.color})).attr("fill-opacity",0);S.attr("fill",(function(t){return t.color})).attr("width",(function(t){return t.width})).attr("height",(function(t){return t.height})).attr("y",(function(t){return t.y})).attr("cursor",(function(t){return"fixed"===t.parcatsViewModel.arrangement?"default":"perpendicular"===t.parcatsViewModel.arrangement?"ns-resize":"move"})),T(z),S.exit().remove(),A.append("text").attr("class","catlabel").attr("pointer-events","none");var O=e._fullLayout.paper_bgcolor;M.select("text.catlabel").attr("text-anchor",(function(t){return p(t)?"start":"end"})).attr("alignment-baseline","middle").style("text-shadow",O+" -1px 1px 2px, "+O+" 1px 1px 2px, "+O+" 1px -1px 2px, "+O+" -1px -1px 2px").style("fill","rgb(0, 0, 0)").attr("x",(function(t){return p(t)?t.width+5:-5})).attr("y",(function(t){return t.height/2})).text((function(t){return t.model.categoryLabel})).each((function(t){l.font(n.select(this),t.parcatsViewModel.categorylabelfont),u.convertToTspans(n.select(this),e)})),A.append("text").attr("class","dimlabel"),M.select("text.dimlabel").attr("text-anchor","middle").attr("alignment-baseline","baseline").attr("cursor",(function(t){return"fixed"===t.parcatsViewModel.arrangement?"default":"ew-resize"})).attr("x",(function(t){return t.width/2})).attr("y",-5).text((function(t,e){return 0===e?t.parcatsViewModel.model.dimensions[t.model.dimensionInd].dimensionLabel:null})).each((function(t){l.font(n.select(this),t.parcatsViewModel.labelfont)})),M.selectAll("rect.bandrect").on("mouseover",E).on("mouseout",C),M.exit().remove(),k.call(n.behavior.drag().origin((function(t){return{x:t.x,y:0}})).on("dragstart",L).on("drag",I).on("dragend",P)),f.each((function(t){t.traceSelection=n.select(this),t.pathSelection=n.select(this).selectAll("g.paths").selectAll("path.path"),t.dimensionSelection=n.select(this).selectAll("g.dimensions").selectAll("g.dimension")})),f.exit().remove()}function h(t){return t.key}function p(t){var e=t.parcatsViewModel.dimensions.length,r=t.parcatsViewModel.dimensions[e-1].model.dimensionInd;return t.model.dimensionInd===r}function d(t,e){return t.model.rawColor>e.model.rawColor?1:t.model.rawColor"),C=n.mouse(f)[0];a.loneHover({trace:h,x:b-d.left+g.left,y:w-d.top+g.top,text:E,color:t.model.color,borderColor:"black",fontFamily:'Monaco, "Courier New", monospace',fontSize:10,fontColor:T,idealAlign:C1&&h.displayInd===f.dimensions.length-1?(i=c.left,a="left"):(i=c.left+c.width,a="right");var g=u.model.count,m=u.model.categoryLabel,v=g/u.parcatsViewModel.model.count,y={countLabel:g,categoryLabel:m,probabilityLabel:v.toFixed(3)},x=[];-1!==u.parcatsViewModel.hoverinfoItems.indexOf("count")&&x.push(["Count:",y.countLabel].join(" ")),-1!==u.parcatsViewModel.hoverinfoItems.indexOf("probability")&&x.push(["P("+y.categoryLabel+"):",y.probabilityLabel].join(" "));var b=x.join("
");return{trace:p,x:o*(i-e.left),y:s*(d-e.top),text:b,color:"lightgray",borderColor:"black",fontFamily:'Monaco, "Courier New", monospace',fontSize:12,fontColor:"black",idealAlign:a,hovertemplate:p.hovertemplate,hovertemplateLabels:y,eventData:[{data:p._input,fullData:p,count:g,category:m,probability:v}]}}function E(t){if(!t.parcatsViewModel.dragDimension&&-1===t.parcatsViewModel.hoverinfoItems.indexOf("skip")){if(n.mouse(this)[1]<-1)return;var e,r=t.parcatsViewModel.graphDiv,i=r._fullLayout,s=i._paperdiv.node().getBoundingClientRect(),l=t.parcatsViewModel.hoveron;if("color"===l?(!function(t){var e=n.select(t).datum(),r=k(e);_(r),r.each((function(){o.raiseToTop(this)})),n.select(t.parentNode).selectAll("rect.bandrect").filter((function(t){return t.color===e.color})).each((function(){o.raiseToTop(this),n.select(this).attr("stroke","black").attr("stroke-width",1.5)}))}(this),A(this,"plotly_hover",n.event)):(!function(t){n.select(t.parentNode).selectAll("rect.bandrect").each((function(t){var e=k(t);_(e),e.each((function(){o.raiseToTop(this)}))})),n.select(t.parentNode).select("rect.catrect").attr("stroke","black").attr("stroke-width",2.5)}(this),M(this,"plotly_hover",n.event)),-1===t.parcatsViewModel.hoverinfoItems.indexOf("none"))"category"===l?e=S(r,s,this):"color"===l?e=function(t,e,r){t._fullLayout._calcInverseTransform(t);var i,a,o=t._fullLayout._invScaleX,s=t._fullLayout._invScaleY,l=r.getBoundingClientRect(),u=n.select(r).datum(),f=u.categoryViewModel,h=f.parcatsViewModel,p=h.model.dimensions[f.model.dimensionInd],d=h.trace,g=l.y+l.height/2;h.dimensions.length>1&&p.displayInd===h.dimensions.length-1?(i=l.left,a="left"):(i=l.left+l.width,a="right");var m=f.model.categoryLabel,v=u.parcatsViewModel.model.count,y=0;u.categoryViewModel.bands.forEach((function(t){t.color===u.color&&(y+=t.count)}));var x=f.model.count,b=0;h.pathSelection.each((function(t){t.model.color===u.color&&(b+=t.model.count)}));var _=y/v,w=y/b,T=y/x,k={countLabel:v,categoryLabel:m,probabilityLabel:_.toFixed(3)},M=[];-1!==f.parcatsViewModel.hoverinfoItems.indexOf("count")&&M.push(["Count:",k.countLabel].join(" ")),-1!==f.parcatsViewModel.hoverinfoItems.indexOf("probability")&&(M.push("P(color \u2229 "+m+"): "+k.probabilityLabel),M.push("P("+m+" | color): "+w.toFixed(3)),M.push("P(color | "+m+"): "+T.toFixed(3)));var A=M.join("
"),S=c.mostReadable(u.color,["black","white"]);return{trace:d,x:o*(i-e.left),y:s*(g-e.top),text:A,color:u.color,borderColor:"black",fontFamily:'Monaco, "Courier New", monospace',fontColor:S,fontSize:10,idealAlign:a,hovertemplate:d.hovertemplate,hovertemplateLabels:k,eventData:[{data:d._input,fullData:d,category:m,count:v,probability:_,categorycount:x,colorcount:b,bandcolorcount:y}]}}(r,s,this):"dimension"===l&&(e=function(t,e,r){var i=[];return n.select(r.parentNode.parentNode).selectAll("g.category").select("rect.catrect").each((function(){i.push(S(t,e,this))})),i}(r,s,this)),e&&a.loneHover(e,{container:i._hoverlayer.node(),outerContainer:i._paper.node(),gd:r})}}function C(t){var e=t.parcatsViewModel;if(!e.dragDimension&&(b(e.pathSelection),w(e.dimensionSelection.selectAll("g.category")),T(e.dimensionSelection.selectAll("g.category").selectAll("rect.bandrect")),a.loneUnhover(e.graphDiv._fullLayout._hoverlayer.node()),e.pathSelection.sort(d),-1===e.hoverinfoItems.indexOf("skip"))){"color"===t.parcatsViewModel.hoveron?A(this,"plotly_unhover",n.event):M(this,"plotly_unhover",n.event)}}function L(t){"fixed"!==t.parcatsViewModel.arrangement&&(t.dragDimensionDisplayInd=t.model.displayInd,t.initialDragDimensionDisplayInds=t.parcatsViewModel.model.dimensions.map((function(t){return t.displayInd})),t.dragHasMoved=!1,t.dragCategoryDisplayInd=null,n.select(this).selectAll("g.category").select("rect.catrect").each((function(e){var r=n.mouse(this)[0],i=n.mouse(this)[1];-2<=r&&r<=e.width+2&&-2<=i&&i<=e.height+2&&(t.dragCategoryDisplayInd=e.model.displayInd,t.initialDragCategoryDisplayInds=t.model.categories.map((function(t){return t.displayInd})),e.model.dragY=e.y,o.raiseToTop(this.parentNode),n.select(this.parentNode).selectAll("rect.bandrect").each((function(e){e.yf.y+f.height/2&&(o.model.displayInd=f.model.displayInd,f.model.displayInd=l),t.dragCategoryDisplayInd=o.model.displayInd}if(null===t.dragCategoryDisplayInd||"freeform"===t.parcatsViewModel.arrangement){a.model.dragX=n.event.x;var h=t.parcatsViewModel.dimensions[r],p=t.parcatsViewModel.dimensions[i];void 0!==h&&a.model.dragXp.x&&(a.model.displayInd=p.model.displayInd,p.model.displayInd=t.dragDimensionDisplayInd),t.dragDimensionDisplayInd=a.model.displayInd}N(t.parcatsViewModel),B(t.parcatsViewModel),D(t.parcatsViewModel),O(t.parcatsViewModel)}}function P(t){if("fixed"!==t.parcatsViewModel.arrangement&&null!==t.dragDimensionDisplayInd){n.select(this).selectAll("text").attr("font-weight","normal");var e={},r=z(t.parcatsViewModel),a=t.parcatsViewModel.model.dimensions.map((function(t){return t.displayInd})),o=t.initialDragDimensionDisplayInds.some((function(t,e){return t!==a[e]}));o&&a.forEach((function(r,n){var i=t.parcatsViewModel.model.dimensions[n].containerInd;e["dimensions["+i+"].displayindex"]=r}));var s=!1;if(null!==t.dragCategoryDisplayInd){var l=t.model.categories.map((function(t){return t.displayInd}));if(s=t.initialDragCategoryDisplayInds.some((function(t,e){return t!==l[e]}))){var c=t.model.categories.slice().sort((function(t,e){return t.displayInd-e.displayInd})),u=c.map((function(t){return t.categoryValue})),f=c.map((function(t){return t.categoryLabel}));e["dimensions["+t.model.containerInd+"].categoryarray"]=[u],e["dimensions["+t.model.containerInd+"].ticktext"]=[f],e["dimensions["+t.model.containerInd+"].categoryorder"]="array"}}if(-1===t.parcatsViewModel.hoverinfoItems.indexOf("skip")&&!t.dragHasMoved&&t.potentialClickBand&&("color"===t.parcatsViewModel.hoveron?A(t.potentialClickBand,"plotly_click",n.event.sourceEvent):M(t.potentialClickBand,"plotly_click",n.event.sourceEvent)),t.model.dragX=null,null!==t.dragCategoryDisplayInd)t.parcatsViewModel.dimensions[t.dragDimensionDisplayInd].categories[t.dragCategoryDisplayInd].model.dragY=null,t.dragCategoryDisplayInd=null;t.dragDimensionDisplayInd=null,t.parcatsViewModel.dragDimension=null,t.dragHasMoved=null,t.potentialClickBand=null,N(t.parcatsViewModel),B(t.parcatsViewModel),n.transition().duration(300).ease("cubic-in-out").each((function(){D(t.parcatsViewModel,!0),O(t.parcatsViewModel,!0)})).each("end",(function(){(o||s)&&i.restyle(t.parcatsViewModel.graphDiv,e,[r])}))}}function z(t){for(var e,r=t.graphDiv._fullData,n=0;n=0;s--)u+="C"+c[s]+","+(e[s+1]+i)+" "+l[s]+","+(e[s]+i)+" "+(t[s]+r[s])+","+(e[s]+i),u+="l-"+r[s]+",0 ";return u+="Z"}function B(t){var e=t.dimensions,r=t.model,n=e.map((function(t){return t.categories.map((function(t){return t.y}))})),i=t.model.dimensions.map((function(t){return t.categories.map((function(t){return t.displayInd}))})),a=t.model.dimensions.map((function(t){return t.displayInd})),o=t.dimensions.map((function(t){return t.model.dimensionInd})),s=e.map((function(t){return t.x})),l=e.map((function(t){return t.width})),c=[];for(var u in r.paths)r.paths.hasOwnProperty(u)&&c.push(r.paths[u]);function f(t){var e=t.categoryInds.map((function(t,e){return i[e][t]}));return o.map((function(t){return e[t]}))}c.sort((function(e,r){var n=f(e),i=f(r);return"backward"===t.sortpaths&&(n.reverse(),i.reverse()),n.push(e.valueInds[0]),i.push(r.valueInds[0]),t.bundlecolors&&(n.unshift(e.rawColor),i.unshift(r.rawColor)),ni?1:0}));for(var h=new Array(c.length),p=e[0].model.count,d=e[0].categories.map((function(t){return t.height})).reduce((function(t,e){return t+e})),g=0;g0?d*(v.count/p):0;for(var y,x=new Array(n.length),b=0;b1?(t.width-80-16)/(n-1):0)*i;var a,o,s,l,c,u=[],f=t.model.maxCats,h=e.categories.length,p=e.count,d=t.height-8*(f-1),g=8*(f-h)/2,m=e.categories.map((function(t){return{displayInd:t.displayInd,categoryInd:t.categoryInd}}));for(m.sort((function(t,e){return t.displayInd-e.displayInd})),c=0;c0?o.count/p*d:0,s={key:o.valueInds[0],model:o,width:16,height:a,y:null!==o.dragY?o.dragY:g,bands:[],parcatsViewModel:t},g=g+a+8,u.push(s);return{key:e.dimensionInd,x:null!==e.dragX?e.dragX:r,y:0,width:16,model:e,categories:u,parcatsViewModel:t,dragCategoryDisplayInd:null,dragDimensionDisplayInd:null,initialDragDimensionDisplayInds:null,initialDragCategoryDisplayInds:null,dragHasMoved:null,potentialClickBand:null}}e.exports=function(t,e,r,n){f(r,t,n,e)}},{"../../components/drawing":665,"../../components/fx":683,"../../lib":778,"../../lib/svg_text_utils":803,"../../plot_api/plot_api":814,d3:169,tinycolor2:576}],1148:[function(t,e,r){"use strict";var n=t("./parcats");e.exports=function(t,e,r,i){var a=t._fullLayout,o=a._paper,s=a._size;n(t,o,e,{width:s.w,height:s.h,margin:{t:s.t,r:s.r,b:s.b,l:s.l}},r,i)}},{"./parcats":1147}],1149:[function(t,e,r){"use strict";var n=t("../../components/colorscale/attributes"),i=t("../../plots/cartesian/layout_attributes"),a=t("../../plots/font_attributes"),o=t("../../plots/domain").attributes,s=t("../../lib/extend").extendFlat,l=t("../../plot_api/plot_template").templatedArray;e.exports={domain:o({name:"parcoords",trace:!0,editType:"plot"}),labelangle:{valType:"angle",dflt:0,editType:"plot"},labelside:{valType:"enumerated",values:["top","bottom"],dflt:"top",editType:"plot"},labelfont:a({editType:"plot"}),tickfont:a({editType:"plot"}),rangefont:a({editType:"plot"}),dimensions:l("dimension",{label:{valType:"string",editType:"plot"},tickvals:s({},i.tickvals,{editType:"plot"}),ticktext:s({},i.ticktext,{editType:"plot"}),tickformat:s({},i.tickformat,{editType:"plot"}),visible:{valType:"boolean",dflt:!0,editType:"plot"},range:{valType:"info_array",items:[{valType:"number",editType:"plot"},{valType:"number",editType:"plot"}],editType:"plot"},constraintrange:{valType:"info_array",freeLength:!0,dimensions:"1-2",items:[{valType:"number",editType:"plot"},{valType:"number",editType:"plot"}],editType:"plot"},multiselect:{valType:"boolean",dflt:!0,editType:"plot"},values:{valType:"data_array",editType:"calc"},editType:"calc"}),line:s({editType:"calc"},n("line",{colorscaleDflt:"Viridis",autoColorDflt:!1,editTypeOverride:"calc"}))}},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plot_api/plot_template":817,"../../plots/cartesian/layout_attributes":842,"../../plots/domain":855,"../../plots/font_attributes":856}],1150:[function(t,e,r){"use strict";var n=t("./constants"),i=t("d3"),a=t("../../lib/gup").keyFun,o=t("../../lib/gup").repeat,s=t("../../lib").sorterAsc,l=t("../../lib").strTranslate,c=n.bar.snapRatio;function u(t,e){return t*(1-c)+e*c}var f=n.bar.snapClose;function h(t,e){return t*(1-f)+e*f}function p(t,e,r,n){if(function(t,e){for(var r=0;r=e[r][0]&&t<=e[r][1])return!0;return!1}(r,n))return r;var i=t?-1:1,a=0,o=e.length-1;if(i<0){var s=a;a=o,o=s}for(var l=e[a],c=l,f=a;i*fe){h=r;break}}if(a=u,isNaN(a)&&(a=isNaN(f)||isNaN(h)?isNaN(f)?h:f:e-c[f][1]t[1]+r||e=.9*t[1]+.1*t[0]?"n":e<=.9*t[0]+.1*t[1]?"s":"ns"}(d,e);g&&(o.interval=l[a],o.intervalPix=d,o.region=g)}}if(t.ordinal&&!o.region){var m=t.unitTickvals,y=t.unitToPaddedPx.invert(e);for(r=0;r=x[0]&&y<=x[1]){o.clickableOrdinalRange=x;break}}}return o}function w(t,e){i.event.sourceEvent.stopPropagation();var r=e.height-i.mouse(t)[1]-2*n.verticalPadding,a=e.brush.svgBrush;a.wasDragged=!0,a._dragging=!0,a.grabbingBar?a.newExtent=[r-a.grabPoint,r+a.barLength-a.grabPoint].map(e.unitToPaddedPx.invert):a.newExtent=[a.startExtent,e.unitToPaddedPx.invert(r)].sort(s),e.brush.filterSpecified=!0,a.extent=a.stayingIntervals.concat([a.newExtent]),a.brushCallback(e),b(t.parentNode)}function T(t,e){var r=_(e,e.height-i.mouse(t)[1]-2*n.verticalPadding),a="crosshair";r.clickableOrdinalRange?a="pointer":r.region&&(a=r.region+"-resize"),i.select(document.body).style("cursor",a)}function k(t){t.on("mousemove",(function(t){i.event.preventDefault(),t.parent.inBrushDrag||T(this,t)})).on("mouseleave",(function(t){t.parent.inBrushDrag||y()})).call(i.behavior.drag().on("dragstart",(function(t){!function(t,e){i.event.sourceEvent.stopPropagation();var r=e.height-i.mouse(t)[1]-2*n.verticalPadding,a=e.unitToPaddedPx.invert(r),o=e.brush,s=_(e,r),l=s.interval,c=o.svgBrush;if(c.wasDragged=!1,c.grabbingBar="ns"===s.region,c.grabbingBar){var u=l.map(e.unitToPaddedPx);c.grabPoint=r-u[0]-n.verticalPadding,c.barLength=u[1]-u[0]}c.clickableOrdinalRange=s.clickableOrdinalRange,c.stayingIntervals=e.multiselect&&o.filterSpecified?o.filter.getConsolidated():[],l&&(c.stayingIntervals=c.stayingIntervals.filter((function(t){return t[0]!==l[0]&&t[1]!==l[1]}))),c.startExtent=s.region?l["s"===s.region?1:0]:a,e.parent.inBrushDrag=!0,c.brushStartCallback()}(this,t)})).on("drag",(function(t){w(this,t)})).on("dragend",(function(t){!function(t,e){var r=e.brush,n=r.filter,a=r.svgBrush;a._dragging||(T(t,e),w(t,e),e.brush.svgBrush.wasDragged=!1),a._dragging=!1,i.event.sourceEvent.stopPropagation();var o=a.grabbingBar;if(a.grabbingBar=!1,a.grabLocation=void 0,e.parent.inBrushDrag=!1,y(),!a.wasDragged)return a.wasDragged=void 0,a.clickableOrdinalRange?r.filterSpecified&&e.multiselect?a.extent.push(a.clickableOrdinalRange):(a.extent=[a.clickableOrdinalRange],r.filterSpecified=!0):o?(a.extent=a.stayingIntervals,0===a.extent.length&&A(r)):A(r),a.brushCallback(e),b(t.parentNode),void a.brushEndCallback(r.filterSpecified?n.getConsolidated():[]);var s=function(){n.set(n.getConsolidated())};if(e.ordinal){var l=e.unitTickvals;l[l.length-1]a.newExtent[0];a.extent=a.stayingIntervals.concat(c?[a.newExtent]:[]),a.extent.length||A(r),a.brushCallback(e),c?b(t.parentNode,s):(s(),b(t.parentNode))}else s();a.brushEndCallback(r.filterSpecified?n.getConsolidated():[])}(this,t)})))}function M(t,e){return t[0]-e[0]}function A(t){t.filterSpecified=!1,t.svgBrush.extent=[[-1/0,1/0]]}function S(t){for(var e,r=t.slice(),n=[],i=r.shift();i;){for(e=i.slice();(i=r.shift())&&i[0]<=e[1];)e[1]=Math.max(e[1],i[1]);n.push(e)}return 1===n.length&&n[0][0]>n[0][1]&&(n=[]),n}e.exports={makeBrush:function(t,e,r,n,i,a){var o,l=function(){var t,e,r=[];return{set:function(n){1===(r=n.map((function(t){return t.slice().sort(s)})).sort(M)).length&&r[0][0]===-1/0&&r[0][1]===1/0&&(r=[[0,-1]]),t=S(r),e=r.reduce((function(t,e){return[Math.min(t[0],e[0]),Math.max(t[1],e[1])]}),[1/0,-1/0])},get:function(){return r.slice()},getConsolidated:function(){return t},getBounds:function(){return e}}}();return l.set(r),{filter:l,filterSpecified:e,svgBrush:{extent:[],brushStartCallback:n,brushCallback:(o=i,function(t){var e=t.brush,r=function(t){return t.svgBrush.extent.map((function(t){return t.slice()}))}(e).slice();e.filter.set(r),o()}),brushEndCallback:a}}},ensureAxisBrush:function(t){var e=t.selectAll("."+n.cn.axisBrush).data(o,a);e.enter().append("g").classed(n.cn.axisBrush,!0),function(t){var e=t.selectAll(".background").data(o);e.enter().append("rect").classed("background",!0).call(d).call(g).style("pointer-events","auto").attr("transform",l(0,n.verticalPadding)),e.call(k).attr("height",(function(t){return t.height-n.verticalPadding}));var r=t.selectAll(".highlight-shadow").data(o);r.enter().append("line").classed("highlight-shadow",!0).attr("x",-n.bar.width/2).attr("stroke-width",n.bar.width+n.bar.strokeWidth).attr("stroke",n.bar.strokeColor).attr("opacity",n.bar.strokeOpacity).attr("stroke-linecap","butt"),r.attr("y1",(function(t){return t.height})).call(x);var i=t.selectAll(".highlight").data(o);i.enter().append("line").classed("highlight",!0).attr("x",-n.bar.width/2).attr("stroke-width",n.bar.width-n.bar.strokeWidth).attr("stroke",n.bar.fillColor).attr("opacity",n.bar.fillOpacity).attr("stroke-linecap","butt"),i.attr("y1",(function(t){return t.height})).call(x)}(e)},cleanRanges:function(t,e){if(Array.isArray(t[0])?(t=t.map((function(t){return t.sort(s)})),t=e.multiselect?S(t.sort(M)):[t[0]]):t=[t.sort(s)],e.tickvals){var r=e.tickvals.slice().sort(s);if(!(t=t.map((function(t){var e=[p(0,r,t[0],[]),p(1,r,t[1],[])];if(e[1]>e[0])return e})).filter((function(t){return t}))).length)return}return t.length>1?t:t[0]}}},{"../../lib":778,"../../lib/gup":775,"./constants":1153,d3:169}],1151:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../plots/get_data").getModuleCalcData,a=t("./plot"),o=t("../../constants/xmlns_namespaces");r.name="parcoords",r.plot=function(t){var e=i(t.calcdata,"parcoords")[0];e.length&&a(t,e)},r.clean=function(t,e,r,n){var i=n._has&&n._has("parcoords"),a=e._has&&e._has("parcoords");i&&!a&&(n._paperdiv.selectAll(".parcoords").remove(),n._glimages.selectAll("*").remove())},r.toSVG=function(t){var e=t._fullLayout._glimages,r=n.select(t).selectAll(".svg-container");r.filter((function(t,e){return e===r.size()-1})).selectAll(".gl-canvas-context, .gl-canvas-focus").each((function(){var t=this.toDataURL("image/png");e.append("svg:image").attr({xmlns:o.svg,"xlink:href":t,preserveAspectRatio:"none",x:0,y:0,width:this.width,height:this.height})})),window.setTimeout((function(){n.selectAll("#filterBarPattern").attr("id","filterBarPattern")}),60)}},{"../../constants/xmlns_namespaces":754,"../../plots/get_data":865,"./plot":1160,d3:169}],1152:[function(t,e,r){"use strict";var n=t("../../lib").isArrayOrTypedArray,i=t("../../components/colorscale"),a=t("../../lib/gup").wrap;e.exports=function(t,e){var r,o;return i.hasColorscale(e,"line")&&n(e.line.color)?(r=e.line.color,o=i.extractOpts(e.line).colorscale,i.calc(t,e,{vals:r,containerStr:"line",cLetter:"c"})):(r=function(t){for(var e=new Array(t),r=0;rf&&(n.log("parcoords traces support up to "+f+" dimensions at the moment"),d.splice(f));var g=s(t,e,{name:"dimensions",layout:l,handleItemDefaults:p}),m=function(t,e,r,o,s){var l=s("line.color",r);if(i(t,"line")&&n.isArrayOrTypedArray(l)){if(l.length)return s("line.colorscale"),a(t,e,o,s,{prefix:"line.",cLetter:"c"}),l.length;e.line.color=r}return 1/0}(t,e,r,l,u);o(e,l,u),Array.isArray(g)&&g.length||(e.visible=!1),h(e,g,"values",m);var v={family:l.font.family,size:Math.round(l.font.size/1.2),color:l.font.color};n.coerceFont(u,"labelfont",v),n.coerceFont(u,"tickfont",v),n.coerceFont(u,"rangefont",v),u("labelangle"),u("labelside")}},{"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654,"../../lib":778,"../../plots/array_container_defaults":823,"../../plots/cartesian/axes":828,"../../plots/domain":855,"./attributes":1149,"./axisbrush":1150,"./constants":1153,"./merge_length":1158}],1155:[function(t,e,r){"use strict";var n=t("../../lib").isTypedArray;r.convertTypedArray=function(t){return n(t)?Array.prototype.slice.call(t):t},r.isOrdinal=function(t){return!!t.tickvals},r.isVisible=function(t){return t.visible||!("visible"in t)}},{"../../lib":778}],1156:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc"),plot:t("./plot"),colorbar:{container:"line",min:"cmin",max:"cmax"},moduleType:"trace",name:"parcoords",basePlotModule:t("./base_plot"),categories:["gl","regl","noOpacity","noHover"],meta:{}}},{"./attributes":1149,"./base_plot":1151,"./calc":1152,"./defaults":1154,"./plot":1160}],1157:[function(t,e,r){"use strict";var n=t("glslify"),i=n(["precision highp float;\n#define GLSLIFY 1\n\nvarying vec4 fragColor;\n\nattribute vec4 p01_04, p05_08, p09_12, p13_16,\n p17_20, p21_24, p25_28, p29_32,\n p33_36, p37_40, p41_44, p45_48,\n p49_52, p53_56, p57_60, colors;\n\nuniform mat4 dim0A, dim1A, dim0B, dim1B, dim0C, dim1C, dim0D, dim1D,\n loA, hiA, loB, hiB, loC, hiC, loD, hiD;\n\nuniform vec2 resolution, viewBoxPos, viewBoxSize;\nuniform sampler2D mask, palette;\nuniform float maskHeight;\nuniform float drwLayer; // 0: context, 1: focus, 2: pick\nuniform vec4 contextColor;\n\nbool isPick = (drwLayer > 1.5);\nbool isContext = (drwLayer < 0.5);\n\nconst vec4 ZEROS = vec4(0.0, 0.0, 0.0, 0.0);\nconst vec4 UNITS = vec4(1.0, 1.0, 1.0, 1.0);\n\nfloat val(mat4 p, mat4 v) {\n return dot(matrixCompMult(p, v) * UNITS, UNITS);\n}\n\nfloat axisY(float ratio, mat4 A, mat4 B, mat4 C, mat4 D) {\n float y1 = val(A, dim0A) + val(B, dim0B) + val(C, dim0C) + val(D, dim0D);\n float y2 = val(A, dim1A) + val(B, dim1B) + val(C, dim1C) + val(D, dim1D);\n return y1 * (1.0 - ratio) + y2 * ratio;\n}\n\nint iMod(int a, int b) {\n return a - b * (a / b);\n}\n\nbool fOutside(float p, float lo, float hi) {\n return (lo < hi) && (lo > p || p > hi);\n}\n\nbool vOutside(vec4 p, vec4 lo, vec4 hi) {\n return (\n fOutside(p[0], lo[0], hi[0]) ||\n fOutside(p[1], lo[1], hi[1]) ||\n fOutside(p[2], lo[2], hi[2]) ||\n fOutside(p[3], lo[3], hi[3])\n );\n}\n\nbool mOutside(mat4 p, mat4 lo, mat4 hi) {\n return (\n vOutside(p[0], lo[0], hi[0]) ||\n vOutside(p[1], lo[1], hi[1]) ||\n vOutside(p[2], lo[2], hi[2]) ||\n vOutside(p[3], lo[3], hi[3])\n );\n}\n\nbool outsideBoundingBox(mat4 A, mat4 B, mat4 C, mat4 D) {\n return mOutside(A, loA, hiA) ||\n mOutside(B, loB, hiB) ||\n mOutside(C, loC, hiC) ||\n mOutside(D, loD, hiD);\n}\n\nbool outsideRasterMask(mat4 A, mat4 B, mat4 C, mat4 D) {\n mat4 pnts[4];\n pnts[0] = A;\n pnts[1] = B;\n pnts[2] = C;\n pnts[3] = D;\n\n for(int i = 0; i < 4; ++i) {\n for(int j = 0; j < 4; ++j) {\n for(int k = 0; k < 4; ++k) {\n if(0 == iMod(\n int(255.0 * texture2D(mask,\n vec2(\n (float(i * 2 + j / 2) + 0.5) / 8.0,\n (pnts[i][j][k] * (maskHeight - 1.0) + 1.0) / maskHeight\n ))[3]\n ) / int(pow(2.0, float(iMod(j * 4 + k, 8)))),\n 2\n )) return true;\n }\n }\n }\n return false;\n}\n\nvec4 position(bool isContext, float v, mat4 A, mat4 B, mat4 C, mat4 D) {\n float x = 0.5 * sign(v) + 0.5;\n float y = axisY(x, A, B, C, D);\n float z = 1.0 - abs(v);\n\n z += isContext ? 0.0 : 2.0 * float(\n outsideBoundingBox(A, B, C, D) ||\n outsideRasterMask(A, B, C, D)\n );\n\n return vec4(\n 2.0 * (vec2(x, y) * viewBoxSize + viewBoxPos) / resolution - 1.0,\n z,\n 1.0\n );\n}\n\nvoid main() {\n mat4 A = mat4(p01_04, p05_08, p09_12, p13_16);\n mat4 B = mat4(p17_20, p21_24, p25_28, p29_32);\n mat4 C = mat4(p33_36, p37_40, p41_44, p45_48);\n mat4 D = mat4(p49_52, p53_56, p57_60, ZEROS);\n\n float v = colors[3];\n\n gl_Position = position(isContext, v, A, B, C, D);\n\n fragColor =\n isContext ? vec4(contextColor) :\n isPick ? vec4(colors.rgb, 1.0) : texture2D(palette, vec2(abs(v), 0.5));\n}\n"]),a=n(["precision highp float;\n#define GLSLIFY 1\n\nvarying vec4 fragColor;\n\nvoid main() {\n gl_FragColor = fragColor;\n}\n"]),o=t("./constants").maxDimensionCount,s=t("../../lib"),l=new Uint8Array(4),c=new Uint8Array(4),u={shape:[256,1],format:"rgba",type:"uint8",mag:"nearest",min:"nearest"};function f(t,e,r,n,i){var a=t._gl;a.enable(a.SCISSOR_TEST),a.scissor(e,r,n,i),t.clear({color:[0,0,0,0],depth:1})}function h(t,e,r,n,i,a){var o=a.key;r.drawCompleted||(!function(t){t.read({x:0,y:0,width:1,height:1,data:l})}(t),r.drawCompleted=!0),function s(l){var c=Math.min(n,i-l*n);0===l&&(window.cancelAnimationFrame(r.currentRafs[o]),delete r.currentRafs[o],f(t,a.scissorX,a.scissorY,a.scissorWidth,a.viewBoxSize[1])),r.clearOnly||(a.count=2*c,a.offset=2*l*n,e(a),l*n+c>>8*e)%256/255}function g(t,e,r){for(var n=new Array(8*e),i=0,a=0;au&&(u=t[i].dim1.canvasX,o=i);0===s&&f(T,0,0,r.canvasWidth,r.canvasHeight);var p=function(t){var e,r,n,i=[[],[]];for(n=0;n<64;n++){var a=!t&&ni._length&&(A=A.slice(0,i._length));var E,C=i.tickvals;function L(t,e){return{val:t,text:E[e]}}function I(t,e){return t.val-e.val}if(Array.isArray(C)&&C.length){E=i.ticktext,Array.isArray(E)&&E.length?E.length>C.length?E=E.slice(0,C.length):C.length>E.length&&(C=C.slice(0,E.length)):E=C.map(n.format(i.tickformat));for(var P=1;P=r||l>=a)return;var c=t.lineLayer.readPixel(s,a-1-l),u=0!==c[3],f=u?c[2]+256*(c[1]+256*c[0]):null,h={x:s,y:l,clientX:e.clientX,clientY:e.clientY,dataIndex:t.model.key,curveNumber:f};f!==R&&(u?i.hover(h):i.unhover&&i.unhover(h),R=f)}})),D.style("opacity",(function(t){return t.pick?0:1})),h.style("background","rgba(255, 255, 255, 0)");var F=h.selectAll("."+v.cn.parcoords).data(A,p);F.exit().remove(),F.enter().append("g").classed(v.cn.parcoords,!0).style("shape-rendering","crispEdges").style("pointer-events","none"),F.attr("transform",(function(t){return l(t.model.translateX,t.model.translateY)}));var B=F.selectAll("."+v.cn.parcoordsControlView).data(d,p);B.enter().append("g").classed(v.cn.parcoordsControlView,!0),B.attr("transform",(function(t){return l(t.model.pad.l,t.model.pad.t)}));var N=B.selectAll("."+v.cn.yAxis).data((function(t){return t.dimensions}),p);N.enter().append("g").classed(v.cn.yAxis,!0),B.each((function(t){P(N,t)})),D.each((function(t){if(t.viewModel){!t.lineLayer||i?t.lineLayer=x(this,t):t.lineLayer.update(t),(t.key||0===t.key)&&(t.viewModel[t.key]=t.lineLayer);var e=!t.context||i;t.lineLayer.render(t.viewModel.panels,e)}})),N.attr("transform",(function(t){return l(t.xScale(t.xIndex),0)})),N.call(n.behavior.drag().origin((function(t){return t})).on("drag",(function(t){var e=t.parent;M.linePickActive(!1),t.x=Math.max(-v.overdrag,Math.min(t.model.width+v.overdrag,n.event.x)),t.canvasX=t.x*t.model.canvasPixelRatio,N.sort((function(t,e){return t.x-e.x})).each((function(e,r){e.xIndex=r,e.x=t===e?e.x:e.xScale(e.xIndex),e.canvasX=e.x*e.model.canvasPixelRatio})),P(N,e),N.filter((function(e){return 0!==Math.abs(t.xIndex-e.xIndex)})).attr("transform",(function(t){return l(t.xScale(t.xIndex),0)})),n.select(this).attr("transform",l(t.x,0)),N.each((function(r,n,i){i===t.parent.key&&(e.dimensions[n]=r)})),e.contextLayer&&e.contextLayer.render(e.panels,!1,!S(e)),e.focusLayer.render&&e.focusLayer.render(e.panels)})).on("dragend",(function(t){var e=t.parent;t.x=t.xScale(t.xIndex),t.canvasX=t.x*t.model.canvasPixelRatio,P(N,e),n.select(this).attr("transform",(function(t){return l(t.x,0)})),e.contextLayer&&e.contextLayer.render(e.panels,!1,!S(e)),e.focusLayer&&e.focusLayer.render(e.panels),e.pickLayer&&e.pickLayer.render(e.panels,!0),M.linePickActive(!0),i&&i.axesMoved&&i.axesMoved(e.key,e.dimensions.map((function(t){return t.crossfilterDimensionIndex})))}))),N.exit().remove();var j=N.selectAll("."+v.cn.axisOverlays).data(d,p);j.enter().append("g").classed(v.cn.axisOverlays,!0),j.selectAll("."+v.cn.axis).remove();var U=j.selectAll("."+v.cn.axis).data(d,p);U.enter().append("g").classed(v.cn.axis,!0),U.each((function(t){var e=t.model.height/t.model.tickDistance,r=t.domainScale,i=r.domain();n.select(this).call(n.svg.axis().orient("left").tickSize(4).outerTickSize(2).ticks(e,t.tickFormat).tickValues(t.ordinal?i:null).tickFormat((function(e){return m.isOrdinal(t)?e:z(t.model.dimensions[t.visibleIndex],e)})).scale(r)),u.font(U.selectAll("text"),t.model.tickFont)})),U.selectAll(".domain, .tick>line").attr("fill","none").attr("stroke","black").attr("stroke-opacity",.25).attr("stroke-width","1px"),U.selectAll("text").style("text-shadow","1px 1px 1px #fff, -1px -1px 1px #fff, 1px -1px 1px #fff, -1px 1px 1px #fff").style("cursor","default");var V=j.selectAll("."+v.cn.axisHeading).data(d,p);V.enter().append("g").classed(v.cn.axisHeading,!0);var q=V.selectAll("."+v.cn.axisTitle).data(d,p);q.enter().append("text").classed(v.cn.axisTitle,!0).attr("text-anchor","middle").style("cursor","ew-resize").style("pointer-events","auto"),q.text((function(t){return t.label})).each((function(e){var r=n.select(this);u.font(r,e.model.labelFont),c.convertToTspans(r,t)})).attr("transform",(function(t){var e=I(t.model.labelAngle,t.model.labelSide),r=v.axisTitleOffset;return(e.dir>0?"":l(0,2*r+t.model.height))+s(e.degrees)+l(-r*e.dx,-r*e.dy)})).attr("text-anchor",(function(t){var e=I(t.model.labelAngle,t.model.labelSide);return 2*Math.abs(e.dx)>Math.abs(e.dy)?e.dir*e.dx<0?"start":"end":"middle"}));var H=j.selectAll("."+v.cn.axisExtent).data(d,p);H.enter().append("g").classed(v.cn.axisExtent,!0);var G=H.selectAll("."+v.cn.axisExtentTop).data(d,p);G.enter().append("g").classed(v.cn.axisExtentTop,!0),G.attr("transform",l(0,-v.axisExtentOffset));var Y=G.selectAll("."+v.cn.axisExtentTopText).data(d,p);Y.enter().append("text").classed(v.cn.axisExtentTopText,!0).call(L),Y.text((function(t){return O(t,!0)})).each((function(t){u.font(n.select(this),t.model.rangeFont)}));var W=H.selectAll("."+v.cn.axisExtentBottom).data(d,p);W.enter().append("g").classed(v.cn.axisExtentBottom,!0),W.attr("transform",(function(t){return l(0,t.model.height+v.axisExtentOffset)}));var X=W.selectAll("."+v.cn.axisExtentBottomText).data(d,p);X.enter().append("text").classed(v.cn.axisExtentBottomText,!0).attr("dy","0.75em").call(L),X.text((function(t){return O(t,!1)})).each((function(t){u.font(n.select(this),t.model.rangeFont)})),y.ensureAxisBrush(j)}},{"../../components/colorscale":655,"../../components/drawing":665,"../../lib":778,"../../lib/gup":775,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"./axisbrush":1150,"./constants":1153,"./helpers":1155,"./lines":1157,"color-rgba":127,d3:169}],1160:[function(t,e,r){"use strict";var n=t("./parcoords"),i=t("../../lib/prepare_regl"),a=t("./helpers").isVisible;function o(t,e,r){var n=e.indexOf(r),i=t.indexOf(n);return-1===i&&(i+=e.length),i}e.exports=function(t,e){var r=t._fullLayout;if(i(t)){var s={},l={},c={},u={},f=r._size;e.forEach((function(e,r){var n=e[0].trace;c[r]=n.index;var i=u[r]=n._fullInput.index;s[r]=t.data[i].dimensions,l[r]=t.data[i].dimensions.slice()}));n(t,e,{width:f.w,height:f.h,margin:{t:f.t,r:f.r,b:f.b,l:f.l}},{filterChanged:function(e,n,i){var a=l[e][n],o=i.map((function(t){return t.slice()})),s="dimensions["+n+"].constraintrange",f=r._tracePreGUI[t._fullData[c[e]]._fullInput.uid];if(void 0===f[s]){var h=a.constraintrange;f[s]=h||null}var p=t._fullData[c[e]].dimensions[n];o.length?(1===o.length&&(o=o[0]),a.constraintrange=o,p.constraintrange=o.slice(),o=[o]):(delete a.constraintrange,delete p.constraintrange,o=null);var d={};d[s]=o,t.emit("plotly_restyle",[d,[u[e]]])},hover:function(e){t.emit("plotly_hover",e)},unhover:function(e){t.emit("plotly_unhover",e)},axesMoved:function(e,r){var n=function(t,e){return function(r,n){return o(t,e,r)-o(t,e,n)}}(r,l[e].filter(a));s[e].sort(n),l[e].filter((function(t){return!a(t)})).sort((function(t){return l[e].indexOf(t)})).forEach((function(t){s[e].splice(s[e].indexOf(t),1),s[e].splice(l[e].indexOf(t),0,t)})),t.emit("plotly_restyle",[{dimensions:[s[e]]},[u[e]]])}})}}},{"../../lib/prepare_regl":791,"./helpers":1155,"./parcoords":1159}],1161:[function(t,e,r){"use strict";var n=t("../../plots/attributes"),i=t("../../plots/domain").attributes,a=t("../../plots/font_attributes"),o=t("../../components/color/attributes"),s=t("../../plots/template_attributes").hovertemplateAttrs,l=t("../../plots/template_attributes").texttemplateAttrs,c=t("../../lib/extend").extendFlat,u=a({editType:"plot",arrayOk:!0,colorEditType:"plot"});e.exports={labels:{valType:"data_array",editType:"calc"},label0:{valType:"number",dflt:0,editType:"calc"},dlabel:{valType:"number",dflt:1,editType:"calc"},values:{valType:"data_array",editType:"calc"},marker:{colors:{valType:"data_array",editType:"calc"},line:{color:{valType:"color",dflt:o.defaultLine,arrayOk:!0,editType:"style"},width:{valType:"number",min:0,dflt:0,arrayOk:!0,editType:"style"},editType:"calc"},editType:"calc"},text:{valType:"data_array",editType:"plot"},hovertext:{valType:"string",dflt:"",arrayOk:!0,editType:"style"},scalegroup:{valType:"string",dflt:"",editType:"calc"},textinfo:{valType:"flaglist",flags:["label","text","value","percent"],extras:["none"],editType:"calc"},hoverinfo:c({},n.hoverinfo,{flags:["label","text","value","percent","name"]}),hovertemplate:s({},{keys:["label","color","value","percent","text"]}),texttemplate:l({editType:"plot"},{keys:["label","color","value","percent","text"]}),textposition:{valType:"enumerated",values:["inside","outside","auto","none"],dflt:"auto",arrayOk:!0,editType:"plot"},textfont:c({},u,{}),insidetextorientation:{valType:"enumerated",values:["horizontal","radial","tangential","auto"],dflt:"auto",editType:"plot"},insidetextfont:c({},u,{}),outsidetextfont:c({},u,{}),automargin:{valType:"boolean",dflt:!1,editType:"plot"},title:{text:{valType:"string",dflt:"",editType:"plot"},font:c({},u,{}),position:{valType:"enumerated",values:["top left","top center","top right","middle center","bottom left","bottom center","bottom right"],editType:"plot"},editType:"plot"},domain:i({name:"pie",trace:!0,editType:"calc"}),hole:{valType:"number",min:0,max:1,dflt:0,editType:"calc"},sort:{valType:"boolean",dflt:!0,editType:"calc"},direction:{valType:"enumerated",values:["clockwise","counterclockwise"],dflt:"counterclockwise",editType:"calc"},rotation:{valType:"number",min:-360,max:360,dflt:0,editType:"calc"},pull:{valType:"number",min:0,max:1,dflt:0,arrayOk:!0,editType:"calc"},_deprecated:{title:{valType:"string",dflt:"",editType:"calc"},titlefont:c({},u,{}),titleposition:{valType:"enumerated",values:["top left","top center","top right","middle center","bottom left","bottom center","bottom right"],editType:"calc"}}}},{"../../components/color/attributes":642,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/domain":855,"../../plots/font_attributes":856,"../../plots/template_attributes":906}],1162:[function(t,e,r){"use strict";var n=t("../../plots/plots");r.name="pie",r.plot=function(t,e,i,a){n.plotBasePlot(r.name,t,e,i,a)},r.clean=function(t,e,i,a){n.cleanBasePlot(r.name,t,e,i,a)}},{"../../plots/plots":891}],1163:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("tinycolor2"),a=t("../../components/color"),o={};function s(t){return function(e,r){return!!e&&(!!(e=i(e)).isValid()&&(e=a.addOpacity(e,e.getAlpha()),t[r]||(t[r]=e),e))}}function l(t,e){var r,n=JSON.stringify(t),a=e[n];if(!a){for(a=t.slice(),r=0;r0){s=!0;break}}s||(o=0)}return{hasLabels:r,hasValues:a,len:o}}e.exports={handleLabelsAndValues:l,supplyDefaults:function(t,e,r,n){function c(r,n){return i.coerce(t,e,a,r,n)}var u=l(c("labels"),c("values")),f=u.len;if(e._hasLabels=u.hasLabels,e._hasValues=u.hasValues,!e._hasLabels&&e._hasValues&&(c("label0"),c("dlabel")),f){e._length=f,c("marker.line.width")&&c("marker.line.color"),c("marker.colors"),c("scalegroup");var h,p=c("text"),d=c("texttemplate");if(d||(h=c("textinfo",Array.isArray(p)?"text+percent":"percent")),c("hovertext"),c("hovertemplate"),d||h&&"none"!==h){var g=c("textposition");s(t,e,n,c,g,{moduleHasSelected:!1,moduleHasUnselected:!1,moduleHasConstrain:!1,moduleHasCliponaxis:!1,moduleHasTextangle:!1,moduleHasInsideanchor:!1}),(Array.isArray(g)||"auto"===g||"outside"===g)&&c("automargin"),("inside"===g||"auto"===g||Array.isArray(g))&&c("insidetextorientation")}o(e,n,c);var m=c("hole");if(c("title.text")){var v=c("title.position",m?"middle center":"top center");m||"middle center"!==v||(e.title.position="top center"),i.coerceFont(c,"title.font",n.font)}c("sort"),c("direction"),c("rotation"),c("pull")}else e.visible=!1}}},{"../../lib":778,"../../plots/domain":855,"../bar/defaults":925,"./attributes":1161,"fast-isnumeric":241}],1165:[function(t,e,r){"use strict";var n=t("../../components/fx/helpers").appendArrayMultiPointValues;e.exports=function(t,e){var r={curveNumber:e.index,pointNumbers:t.pts,data:e._input,fullData:e,label:t.label,color:t.color,value:t.v,percent:t.percent,text:t.text,v:t.v};return 1===t.pts.length&&(r.pointNumber=r.i=t.pts[0]),n(r,e,t.pts),"funnelarea"===e.type&&(delete r.v,delete r.i),r}},{"../../components/fx/helpers":679}],1166:[function(t,e,r){"use strict";var n=t("../../lib");function i(t){return-1!==t.indexOf("e")?t.replace(/[.]?0+e/,"e"):-1!==t.indexOf(".")?t.replace(/[.]?0+$/,""):t}r.formatPiePercent=function(t,e){var r=i((100*t).toPrecision(3));return n.numSeparate(r,e)+"%"},r.formatPieValue=function(t,e){var r=i(t.toPrecision(10));return n.numSeparate(r,e)},r.getFirstFilled=function(t,e){if(Array.isArray(t))for(var r=0;r"),name:u.hovertemplate||-1!==f.indexOf("name")?u.name:void 0,idealAlign:t.pxmid[0]<0?"left":"right",color:m.castOption(b.bgcolor,t.pts)||t.color,borderColor:m.castOption(b.bordercolor,t.pts),fontFamily:m.castOption(_.family,t.pts),fontSize:m.castOption(_.size,t.pts),fontColor:m.castOption(_.color,t.pts),nameLength:m.castOption(b.namelength,t.pts),textAlign:m.castOption(b.align,t.pts),hovertemplate:m.castOption(u.hovertemplate,t.pts),hovertemplateLabels:t,eventData:[v(t,u)]},{container:r._hoverlayer.node(),outerContainer:r._paper.node(),gd:e}),o._hasHoverLabel=!0}o._hasHoverEvent=!0,e.emit("plotly_hover",{points:[v(t,u)],event:n.event})}})),t.on("mouseout",(function(t){var r=e._fullLayout,i=e._fullData[o.index],s=n.select(this).datum();o._hasHoverEvent&&(t.originalEvent=n.event,e.emit("plotly_unhover",{points:[v(s,i)],event:n.event}),o._hasHoverEvent=!1),o._hasHoverLabel&&(a.loneUnhover(r._hoverlayer.node()),o._hasHoverLabel=!1)})),t.on("click",(function(t){var r=e._fullLayout,i=e._fullData[o.index];e._dragging||!1===r.hovermode||(e._hoverdata=[v(t,i)],a.click(e,n.event))}))}function b(t,e,r){var n=m.castOption(t.insidetextfont.color,e.pts);!n&&t._input.textfont&&(n=m.castOption(t._input.textfont.color,e.pts));var i=m.castOption(t.insidetextfont.family,e.pts)||m.castOption(t.textfont.family,e.pts)||r.family,a=m.castOption(t.insidetextfont.size,e.pts)||m.castOption(t.textfont.size,e.pts)||r.size;return{color:n||o.contrast(e.color),family:i,size:a}}function _(t,e){for(var r,n,i=0;ie&&e>n||r=-4;m-=2)v(Math.PI*m,"tan");for(m=4;m>=-4;m-=2)v(Math.PI*(m+1),"tan")}if(f||p){for(m=4;m>=-4;m-=2)v(Math.PI*(m+1.5),"rad");for(m=4;m>=-4;m-=2)v(Math.PI*(m+.5),"rad")}}if(s||d||f){var y=Math.sqrt(t.width*t.width+t.height*t.height);if((a={scale:i*n*2/y,rCenter:1-i,rotate:0}).textPosAngle=(e.startangle+e.stopangle)/2,a.scale>=1)return a;g.push(a)}(d||p)&&((a=T(t,n,o,l,c)).textPosAngle=(e.startangle+e.stopangle)/2,g.push(a)),(d||h)&&((a=k(t,n,o,l,c)).textPosAngle=(e.startangle+e.stopangle)/2,g.push(a));for(var x=0,b=0,_=0;_=1)break}return g[x]}function T(t,e,r,n,i){e=Math.max(0,e-2*g);var a=t.width/t.height,o=S(a,n,e,r);return{scale:2*o/t.height,rCenter:M(a,o/e),rotate:A(i)}}function k(t,e,r,n,i){e=Math.max(0,e-2*g);var a=t.height/t.width,o=S(a,n,e,r);return{scale:2*o/t.width,rCenter:M(a,o/e),rotate:A(i+Math.PI/2)}}function M(t,e){return Math.cos(e)-t*e}function A(t){return(180/Math.PI*t+720)%180-90}function S(t,e,r,n){var i=t+1/(2*Math.tan(e));return r*Math.min(1/(Math.sqrt(i*i+.5)+i),n/(Math.sqrt(t*t+n/2)+t))}function E(t,e){return t.v!==e.vTotal||e.trace.hole?Math.min(1/(1+1/Math.sin(t.halfangle)),t.ring/2):1}function C(t,e){var r=e.pxmid[0],n=e.pxmid[1],i=t.width/2,a=t.height/2;return r<0&&(i*=-1),n<0&&(a*=-1),{scale:1,rCenter:1,rotate:0,x:i+Math.abs(a)*(i>0?1:-1)/2,y:a/(1+r*r/(n*n)),outside:!0}}function L(t,e){var r,n,i,a=t.trace,o={x:t.cx,y:t.cy},s={tx:0,ty:0};s.ty+=a.title.font.size,i=P(a),-1!==a.title.position.indexOf("top")?(o.y-=(1+i)*t.r,s.ty-=t.titleBox.height):-1!==a.title.position.indexOf("bottom")&&(o.y+=(1+i)*t.r);var l,c,u=(l=t.r,c=t.trace.aspectratio,l/(void 0===c?1:c)),f=e.w*(a.domain.x[1]-a.domain.x[0])/2;return-1!==a.title.position.indexOf("left")?(f+=u,o.x-=(1+i)*u,s.tx+=t.titleBox.width/2):-1!==a.title.position.indexOf("center")?f*=2:-1!==a.title.position.indexOf("right")&&(f+=u,o.x+=(1+i)*u,s.tx-=t.titleBox.width/2),r=f/t.titleBox.width,n=I(t,e)/t.titleBox.height,{x:o.x,y:o.y,scale:Math.min(r,n),tx:s.tx,ty:s.ty}}function I(t,e){var r=t.trace,n=e.h*(r.domain.y[1]-r.domain.y[0]);return Math.min(t.titleBox.height,n/2)}function P(t){var e,r=t.pull;if(!r)return 0;if(Array.isArray(r))for(r=0,e=0;er&&(r=t.pull[e]);return r}function z(t,e){for(var r=[],n=0;n1?(c=r.r,u=c/i.aspectratio):(u=r.r,c=u*i.aspectratio),c*=(1+i.baseratio)/2,l=c*u}o=Math.min(o,l/r.vTotal)}for(n=0;n")}if(a){var x=l.castOption(i,e.i,"texttemplate");if(x){var b=function(t){return{label:t.label,value:t.v,valueLabel:m.formatPieValue(t.v,n.separators),percent:t.v/r.vTotal,percentLabel:m.formatPiePercent(t.v/r.vTotal,n.separators),color:t.color,text:t.text,customdata:l.castOption(i,t.i,"customdata")}}(e),_=m.getFirstFilled(i.text,e.pts);(y(_)||""===_)&&(b.text=_),e.text=l.texttemplateString(x,b,t._fullLayout._d3locale,b,i._meta||{})}else e.text=""}}function R(t,e){var r=t.rotate*Math.PI/180,n=Math.cos(r),i=Math.sin(r),a=(e.left+e.right)/2,o=(e.top+e.bottom)/2;t.textX=a*n-o*i,t.textY=a*i+o*n,t.noCenter=!0}e.exports={plot:function(t,e){var r=t._fullLayout,a=r._size;d("pie",r),_(e,t),z(e,a);var h=l.makeTraceGroups(r._pielayer,e,"trace").each((function(e){var h=n.select(this),d=e[0],g=d.trace;!function(t){var e,r,n,i=t[0],a=i.r,o=i.trace,s=m.getRotationAngle(o.rotation),l=2*Math.PI/i.vTotal,c="px0",u="px1";if("counterclockwise"===o.direction){for(e=0;ei.vTotal/2?1:0,r.halfangle=Math.PI*Math.min(r.v/i.vTotal,.5),r.ring=1-o.hole,r.rInscribed=E(r,i))}(e),h.attr("stroke-linejoin","round"),h.each((function(){var v=n.select(this).selectAll("g.slice").data(e);v.enter().append("g").classed("slice",!0),v.exit().remove();var y=[[[],[]],[[],[]]],_=!1;v.each((function(i,a){if(i.hidden)n.select(this).selectAll("path,g").remove();else{i.pointNumber=i.i,i.curveNumber=g.index,y[i.pxmid[1]<0?0:1][i.pxmid[0]<0?0:1].push(i);var o=d.cx,c=d.cy,u=n.select(this),h=u.selectAll("path.surface").data([i]);if(h.enter().append("path").classed("surface",!0).style({"pointer-events":"all"}),u.call(x,t,e),g.pull){var v=+m.castOption(g.pull,i.pts)||0;v>0&&(o+=v*i.pxmid[0],c+=v*i.pxmid[1])}i.cxFinal=o,i.cyFinal=c;var T=g.hole;if(i.v===d.vTotal){var k="M"+(o+i.px0[0])+","+(c+i.px0[1])+L(i.px0,i.pxmid,!0,1)+L(i.pxmid,i.px0,!0,1)+"Z";T?h.attr("d","M"+(o+T*i.px0[0])+","+(c+T*i.px0[1])+L(i.px0,i.pxmid,!1,T)+L(i.pxmid,i.px0,!1,T)+"Z"+k):h.attr("d",k)}else{var M=L(i.px0,i.px1,!0,1);if(T){var A=1-T;h.attr("d","M"+(o+T*i.px1[0])+","+(c+T*i.px1[1])+L(i.px1,i.px0,!1,T)+"l"+A*i.px0[0]+","+A*i.px0[1]+M+"Z")}else h.attr("d","M"+o+","+c+"l"+i.px0[0]+","+i.px0[1]+M+"Z")}D(t,i,d);var S=m.castOption(g.textposition,i.pts),E=u.selectAll("g.slicetext").data(i.text&&"none"!==S?[0]:[]);E.enter().append("g").classed("slicetext",!0),E.exit().remove(),E.each((function(){var u=l.ensureSingle(n.select(this),"text","",(function(t){t.attr("data-notex",1)})),h=l.ensureUniformFontSize(t,"outside"===S?function(t,e,r){var n=m.castOption(t.outsidetextfont.color,e.pts)||m.castOption(t.textfont.color,e.pts)||r.color,i=m.castOption(t.outsidetextfont.family,e.pts)||m.castOption(t.textfont.family,e.pts)||r.family,a=m.castOption(t.outsidetextfont.size,e.pts)||m.castOption(t.textfont.size,e.pts)||r.size;return{color:n,family:i,size:a}}(g,i,r.font):b(g,i,r.font));u.text(i.text).attr({class:"slicetext",transform:"","text-anchor":"middle"}).call(s.font,h).call(f.convertToTspans,t);var v,y=s.bBox(u.node());if("outside"===S)v=C(y,i);else if(v=w(y,i,d),"auto"===S&&v.scale<1){var x=l.ensureUniformFontSize(t,g.outsidetextfont);u.call(s.font,x),v=C(y=s.bBox(u.node()),i)}var T=v.textPosAngle,k=void 0===T?i.pxmid:O(d.r,T);if(v.targetX=o+k[0]*v.rCenter+(v.x||0),v.targetY=c+k[1]*v.rCenter+(v.y||0),R(v,y),v.outside){var M=v.targetY;i.yLabelMin=M-y.height/2,i.yLabelMid=M,i.yLabelMax=M+y.height/2,i.labelExtraX=0,i.labelExtraY=0,_=!0}v.fontSize=h.size,p(g.type,v,r),e[a].transform=v,u.attr("transform",l.getTextTransform(v))}))}function L(t,e,r,n){var a=n*(e[0]-t[0]),o=n*(e[1]-t[1]);return"a"+n*d.r+","+n*d.r+" 0 "+i.largeArc+(r?" 1 ":" 0 ")+a+","+o}}));var T=n.select(this).selectAll("g.titletext").data(g.title.text?[0]:[]);if(T.enter().append("g").classed("titletext",!0),T.exit().remove(),T.each((function(){var e,r=l.ensureSingle(n.select(this),"text","",(function(t){t.attr("data-notex",1)})),i=g.title.text;g._meta&&(i=l.templateString(i,g._meta)),r.text(i).attr({class:"titletext",transform:"","text-anchor":"middle"}).call(s.font,g.title.font).call(f.convertToTspans,t),e="middle center"===g.title.position?function(t){var e=Math.sqrt(t.titleBox.width*t.titleBox.width+t.titleBox.height*t.titleBox.height);return{x:t.cx,y:t.cy,scale:t.trace.hole*t.r*2/e,tx:0,ty:-t.titleBox.height/2+t.trace.title.font.size}}(d):L(d,a),r.attr("transform",u(e.x,e.y)+c(Math.min(1,e.scale))+u(e.tx,e.ty))})),_&&function(t,e){var r,n,i,a,o,s,l,c,u,f,h,p,d;function g(t,e){return t.pxmid[1]-e.pxmid[1]}function v(t,e){return e.pxmid[1]-t.pxmid[1]}function y(t,r){r||(r={});var i,c,u,h,p=r.labelExtraY+(n?r.yLabelMax:r.yLabelMin),d=n?t.yLabelMin:t.yLabelMax,g=n?t.yLabelMax:t.yLabelMin,v=t.cyFinal+o(t.px0[1],t.px1[1]),y=p-d;if(y*l>0&&(t.labelExtraY=y),Array.isArray(e.pull))for(c=0;c=(m.castOption(e.pull,u.pts)||0)||((t.pxmid[1]-u.pxmid[1])*l>0?(y=u.cyFinal+o(u.px0[1],u.px1[1])-d-t.labelExtraY)*l>0&&(t.labelExtraY+=y):(g+t.labelExtraY-v)*l>0&&(i=3*s*Math.abs(c-f.indexOf(t)),(h=u.cxFinal+a(u.px0[0],u.px1[0])+i-(t.cxFinal+t.pxmid[0])-t.labelExtraX)*s>0&&(t.labelExtraX+=h)))}for(n=0;n<2;n++)for(i=n?g:v,o=n?Math.max:Math.min,l=n?1:-1,r=0;r<2;r++){for(a=r?Math.max:Math.min,s=r?1:-1,(c=t[n][r]).sort(i),u=t[1-n][r],f=u.concat(c),p=[],h=0;hMath.abs(f)?s+="l"+f*t.pxmid[0]/t.pxmid[1]+","+f+"H"+(a+t.labelExtraX+c):s+="l"+t.labelExtraX+","+u+"v"+(f-u)+"h"+c}else s+="V"+(t.yLabelMid+t.labelExtraY)+"h"+c;l.ensureSingle(r,"path","textline").call(o.stroke,e.outsidetextfont.color).attr({"stroke-width":Math.min(2,e.outsidetextfont.size/8),d:s,fill:"none"})}else r.select("path.textline").remove()}))}(v,g),_&&g.automargin){var k=s.bBox(h.node()),M=g.domain,A=a.w*(M.x[1]-M.x[0]),S=a.h*(M.y[1]-M.y[0]),E=(.5*A-d.r)/a.w,I=(.5*S-d.r)/a.h;i.autoMargin(t,"pie."+g.uid+".automargin",{xl:M.x[0]-E,xr:M.x[1]+E,yb:M.y[0]-I,yt:M.y[1]+I,l:Math.max(d.cx-d.r-k.left,0),r:Math.max(k.right-(d.cx+d.r),0),b:Math.max(k.bottom-(d.cy+d.r),0),t:Math.max(d.cy-d.r-k.top,0),pad:5})}}))}));setTimeout((function(){h.selectAll("tspan").each((function(){var t=n.select(this);t.attr("dy")&&t.attr("dy",t.attr("dy"))}))}),0)},formatSliceLabel:D,transformInsideText:w,determineInsideTextFont:b,positionTitleOutside:L,prerenderTitles:_,layoutAreas:z,attachFxHandlers:x,computeTransform:R}},{"../../components/color":643,"../../components/drawing":665,"../../components/fx":683,"../../lib":778,"../../lib/svg_text_utils":803,"../../plots/plots":891,"../bar/constants":923,"../bar/uniform_text":937,"./event_data":1165,"./helpers":1166,d3:169}],1171:[function(t,e,r){"use strict";var n=t("d3"),i=t("./style_one"),a=t("../bar/uniform_text").resizeText;e.exports=function(t){var e=t._fullLayout._pielayer.selectAll(".trace");a(t,e,"pie"),e.each((function(t){var e=t[0].trace,r=n.select(this);r.style({opacity:e.opacity}),r.selectAll("path.surface").each((function(t){n.select(this).call(i,t,e)}))}))}},{"../bar/uniform_text":937,"./style_one":1172,d3:169}],1172:[function(t,e,r){"use strict";var n=t("../../components/color"),i=t("./helpers").castOption;e.exports=function(t,e,r){var a=r.marker.line,o=i(a.color,e.pts)||n.defaultLine,s=i(a.width,e.pts)||0;t.style("stroke-width",s).call(n.fill,e.color).call(n.stroke,o)}},{"../../components/color":643,"./helpers":1166}],1173:[function(t,e,r){"use strict";var n=t("../scatter/attributes");e.exports={x:n.x,y:n.y,xy:{valType:"data_array",editType:"calc"},indices:{valType:"data_array",editType:"calc"},xbounds:{valType:"data_array",editType:"calc"},ybounds:{valType:"data_array",editType:"calc"},text:n.text,marker:{color:{valType:"color",arrayOk:!1,editType:"calc"},opacity:{valType:"number",min:0,max:1,dflt:1,arrayOk:!1,editType:"calc"},blend:{valType:"boolean",dflt:null,editType:"calc"},sizemin:{valType:"number",min:.1,max:2,dflt:.5,editType:"calc"},sizemax:{valType:"number",min:.1,dflt:20,editType:"calc"},border:{color:{valType:"color",arrayOk:!1,editType:"calc"},arearatio:{valType:"number",min:0,max:1,dflt:0,editType:"calc"},editType:"calc"},editType:"calc"},transforms:void 0}},{"../scatter/attributes":1187}],1174:[function(t,e,r){"use strict";var n=t("gl-pointcloud2d"),i=t("../../lib/str2rgbarray"),a=t("../../plots/cartesian/autorange").findExtremes,o=t("../scatter/get_trace_color");function s(t,e){this.scene=t,this.uid=e,this.type="pointcloud",this.pickXData=[],this.pickYData=[],this.xData=[],this.yData=[],this.textLabels=[],this.color="rgb(0, 0, 0)",this.name="",this.hoverinfo="all",this.idToIndex=new Int32Array(0),this.bounds=[0,0,0,0],this.pointcloudOptions={positions:new Float32Array(0),idToIndex:this.idToIndex,sizemin:.5,sizemax:12,color:[0,0,0,1],areaRatio:1,borderColor:[0,0,0,1]},this.pointcloud=n(t.glplot,this.pointcloudOptions),this.pointcloud._trace=this}var l=s.prototype;l.handlePick=function(t){var e=this.idToIndex[t.pointId];return{trace:this,dataCoord:t.dataCoord,traceCoord:this.pickXYData?[this.pickXYData[2*e],this.pickXYData[2*e+1]]:[this.pickXData[e],this.pickYData[e]],textLabel:Array.isArray(this.textLabels)?this.textLabels[e]:this.textLabels,color:this.color,name:this.name,pointIndex:e,hoverinfo:this.hoverinfo}},l.update=function(t){this.index=t.index,this.textLabels=t.text,this.name=t.name,this.hoverinfo=t.hoverinfo,this.bounds=[1/0,1/0,-1/0,-1/0],this.updateFast(t),this.color=o(t,{})},l.updateFast=function(t){var e,r,n,o,s,l,c=this.xData=this.pickXData=t.x,u=this.yData=this.pickYData=t.y,f=this.pickXYData=t.xy,h=t.xbounds&&t.ybounds,p=t.indices,d=this.bounds;if(f){if(n=f,e=f.length>>>1,h)d[0]=t.xbounds[0],d[2]=t.xbounds[1],d[1]=t.ybounds[0],d[3]=t.ybounds[1];else for(l=0;ld[2]&&(d[2]=o),sd[3]&&(d[3]=s);if(p)r=p;else for(r=new Int32Array(e),l=0;ld[2]&&(d[2]=o),sd[3]&&(d[3]=s);this.idToIndex=r,this.pointcloudOptions.idToIndex=r,this.pointcloudOptions.positions=n;var g=i(t.marker.color),m=i(t.marker.border.color),v=t.opacity*t.marker.opacity;g[3]*=v,this.pointcloudOptions.color=g;var y=t.marker.blend;if(null===y){y=c.length<100||u.length<100}this.pointcloudOptions.blend=y,m[3]*=v,this.pointcloudOptions.borderColor=m;var x=t.marker.sizemin,b=Math.max(t.marker.sizemax,t.marker.sizemin);this.pointcloudOptions.sizeMin=x,this.pointcloudOptions.sizeMax=b,this.pointcloudOptions.areaRatio=t.marker.border.arearatio,this.pointcloud.update(this.pointcloudOptions);var _=this.scene.xaxis,w=this.scene.yaxis,T=b/2||.5;t._extremes[_._id]=a(_,[d[0],d[2]],{ppad:T}),t._extremes[w._id]=a(w,[d[1],d[3]],{ppad:T})},l.dispose=function(){this.pointcloud.dispose()},e.exports=function(t,e){var r=new s(t,e.uid);return r.update(e),r}},{"../../lib/str2rgbarray":802,"../../plots/cartesian/autorange":827,"../scatter/get_trace_color":1197,"gl-pointcloud2d":324}],1175:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes");e.exports=function(t,e,r){function a(r,a){return n.coerce(t,e,i,r,a)}a("x"),a("y"),a("xbounds"),a("ybounds"),t.xy&&t.xy instanceof Float32Array&&(e.xy=t.xy),t.indices&&t.indices instanceof Int32Array&&(e.indices=t.indices),a("text"),a("marker.color",r),a("marker.opacity"),a("marker.blend"),a("marker.sizemin"),a("marker.sizemax"),a("marker.border.color",r),a("marker.border.arearatio"),e._length=null}},{"../../lib":778,"./attributes":1173}],1176:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("../scatter3d/calc"),plot:t("./convert"),moduleType:"trace",name:"pointcloud",basePlotModule:t("../../plots/gl2d"),categories:["gl","gl2d","showLegend"],meta:{}}},{"../../plots/gl2d":868,"../scatter3d/calc":1216,"./attributes":1173,"./convert":1174,"./defaults":1175}],1177:[function(t,e,r){"use strict";var n=t("../../plots/font_attributes"),i=t("../../plots/attributes"),a=t("../../components/color/attributes"),o=t("../../components/fx/attributes"),s=t("../../plots/domain").attributes,l=t("../../plots/template_attributes").hovertemplateAttrs,c=t("../../components/colorscale/attributes"),u=t("../../plot_api/plot_template").templatedArray,f=t("../../lib/extend").extendFlat,h=t("../../plot_api/edit_types").overrideAll;t("../../constants/docs").FORMAT_LINK;(e.exports=h({hoverinfo:f({},i.hoverinfo,{flags:[],arrayOk:!1}),hoverlabel:o.hoverlabel,domain:s({name:"sankey",trace:!0}),orientation:{valType:"enumerated",values:["v","h"],dflt:"h"},valueformat:{valType:"string",dflt:".3s"},valuesuffix:{valType:"string",dflt:""},arrangement:{valType:"enumerated",values:["snap","perpendicular","freeform","fixed"],dflt:"snap"},textfont:n({}),customdata:void 0,node:{label:{valType:"data_array",dflt:[]},groups:{valType:"info_array",impliedEdits:{x:[],y:[]},dimensions:2,freeLength:!0,dflt:[],items:{valType:"number",editType:"calc"}},x:{valType:"data_array",dflt:[]},y:{valType:"data_array",dflt:[]},color:{valType:"color",arrayOk:!0},customdata:{valType:"data_array",editType:"calc"},line:{color:{valType:"color",dflt:a.defaultLine,arrayOk:!0},width:{valType:"number",min:0,dflt:.5,arrayOk:!0}},pad:{valType:"number",arrayOk:!1,min:0,dflt:20},thickness:{valType:"number",arrayOk:!1,min:1,dflt:20},hoverinfo:{valType:"enumerated",values:["all","none","skip"],dflt:"all"},hoverlabel:o.hoverlabel,hovertemplate:l({},{keys:["value","label"]})},link:{label:{valType:"data_array",dflt:[]},color:{valType:"color",arrayOk:!0},customdata:{valType:"data_array",editType:"calc"},line:{color:{valType:"color",dflt:a.defaultLine,arrayOk:!0},width:{valType:"number",min:0,dflt:0,arrayOk:!0}},source:{valType:"data_array",dflt:[]},target:{valType:"data_array",dflt:[]},value:{valType:"data_array",dflt:[]},hoverinfo:{valType:"enumerated",values:["all","none","skip"],dflt:"all"},hoverlabel:o.hoverlabel,hovertemplate:l({},{keys:["value","label"]}),colorscales:u("concentrationscales",{editType:"calc",label:{valType:"string",editType:"calc",dflt:""},cmax:{valType:"number",editType:"calc",dflt:1},cmin:{valType:"number",editType:"calc",dflt:0},colorscale:f(c().colorscale,{dflt:[[0,"white"],[1,"black"]]})})}},"calc","nested")).transforms=void 0},{"../../components/color/attributes":642,"../../components/colorscale/attributes":650,"../../components/fx/attributes":674,"../../constants/docs":748,"../../lib/extend":768,"../../plot_api/edit_types":810,"../../plot_api/plot_template":817,"../../plots/attributes":824,"../../plots/domain":855,"../../plots/font_attributes":856,"../../plots/template_attributes":906}],1178:[function(t,e,r){"use strict";var n=t("../../plot_api/edit_types").overrideAll,i=t("../../plots/get_data").getModuleCalcData,a=t("./plot"),o=t("../../components/fx/layout_attributes"),s=t("../../lib/setcursor"),l=t("../../components/dragelement"),c=t("../../plots/cartesian/select").prepSelect,u=t("../../lib"),f=t("../../registry");function h(t,e){var r=t._fullData[e],n=t._fullLayout,i=n.dragmode,a="pan"===n.dragmode?"move":"crosshair",o=r._bgRect;if("pan"!==i&&"zoom"!==i){s(o,a);var h={_id:"x",c2p:u.identity,_offset:r._sankey.translateX,_length:r._sankey.width},p={_id:"y",c2p:u.identity,_offset:r._sankey.translateY,_length:r._sankey.height},d={gd:t,element:o.node(),plotinfo:{id:e,xaxis:h,yaxis:p,fillRangeItems:u.noop},subplot:e,xaxes:[h],yaxes:[p],doneFnCompleted:function(r){var n,i=t._fullData[e],a=i.node.groups.slice(),o=[];function s(t){for(var e=i._sankey.graph.nodes,r=0;ry&&(y=a.source[e]),a.target[e]>y&&(y=a.target[e]);var x,b=y+1;t.node._count=b;var _=t.node.groups,w={};for(e=0;e<_.length;e++){var T=_[e];for(x=0;x0&&s(E,b)&&s(C,b)&&(!w.hasOwnProperty(E)||!w.hasOwnProperty(C)||w[E]!==w[C])){w.hasOwnProperty(C)&&(C=w[C]),w.hasOwnProperty(E)&&(E=w[E]),C=+C,h[E=+E]=h[C]=!0;var L="";a.label&&a.label[e]&&(L=a.label[e]);var I=null;L&&p.hasOwnProperty(L)&&(I=p[L]),c.push({pointNumber:e,label:L,color:u?a.color[e]:a.color,customdata:f?a.customdata[e]:a.customdata,concentrationscale:I,source:E,target:C,value:+S}),A.source.push(E),A.target.push(C)}}var P=b+_.length,z=o(r.color),O=o(r.customdata),D=[];for(e=0;eb-1,childrenNodes:[],pointNumber:e,label:R,color:z?r.color[e]:r.color,customdata:O?r.customdata[e]:r.customdata})}var F=!1;return function(t,e,r){for(var a=i.init2dArray(t,0),o=0;o1}))}(P,A.source,A.target)&&(F=!0),{circular:F,links:c,nodes:D,groups:_,groupLookup:w}}e.exports=function(t,e){var r=c(e);return a({circular:r.circular,_nodes:r.nodes,_links:r.links,_groups:r.groups,_groupLookup:r.groupLookup})}},{"../../components/colorscale":655,"../../lib":778,"../../lib/gup":775,"strongly-connected-components":569}],1180:[function(t,e,r){"use strict";e.exports={nodeTextOffsetHorizontal:4,nodeTextOffsetVertical:3,nodePadAcross:10,sankeyIterations:50,forceIterations:5,forceTicksPerFrame:10,duration:500,ease:"linear",cn:{sankey:"sankey",sankeyLinks:"sankey-links",sankeyLink:"sankey-link",sankeyNodeSet:"sankey-node-set",sankeyNode:"sankey-node",nodeRect:"node-rect",nodeCapture:"node-capture",nodeCentered:"node-entered",nodeLabelGuide:"node-label-guide",nodeLabel:"node-label",nodeLabelTextPath:"node-label-text-path"}}},{}],1181:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes"),a=t("../../components/color"),o=t("tinycolor2"),s=t("../../plots/domain").defaults,l=t("../../components/fx/hoverlabel_defaults"),c=t("../../plot_api/plot_template"),u=t("../../plots/array_container_defaults");function f(t,e){function r(r,a){return n.coerce(t,e,i.link.colorscales,r,a)}r("label"),r("cmin"),r("cmax"),r("colorscale")}e.exports=function(t,e,r,h){function p(r,a){return n.coerce(t,e,i,r,a)}var d=n.extendDeep(h.hoverlabel,t.hoverlabel),g=t.node,m=c.newContainer(e,"node");function v(t,e){return n.coerce(g,m,i.node,t,e)}v("label"),v("groups"),v("x"),v("y"),v("pad"),v("thickness"),v("line.color"),v("line.width"),v("hoverinfo",t.hoverinfo),l(g,m,v,d),v("hovertemplate");var y=h.colorway;v("color",m.label.map((function(t,e){return a.addOpacity(function(t){return y[t%y.length]}(e),.8)}))),v("customdata");var x=t.link||{},b=c.newContainer(e,"link");function _(t,e){return n.coerce(x,b,i.link,t,e)}_("label"),_("source"),_("target"),_("value"),_("line.color"),_("line.width"),_("hoverinfo",t.hoverinfo),l(x,b,_,d),_("hovertemplate");var w,T=o(h.paper_bgcolor).getLuminance()<.333?"rgba(255, 255, 255, 0.6)":"rgba(0, 0, 0, 0.2)";_("color",n.repeat(T,b.value.length)),_("customdata"),u(x,b,{name:"colorscales",handleItemDefaults:f}),s(e,h,p),p("orientation"),p("valueformat"),p("valuesuffix"),m.x.length&&m.y.length&&(w="freeform"),p("arrangement",w),n.coerceFont(p,"textfont",n.extendFlat({},h.font)),e._length=null}},{"../../components/color":643,"../../components/fx/hoverlabel_defaults":681,"../../lib":778,"../../plot_api/plot_template":817,"../../plots/array_container_defaults":823,"../../plots/domain":855,"./attributes":1177,tinycolor2:576}],1182:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc"),plot:t("./plot"),moduleType:"trace",name:"sankey",basePlotModule:t("./base_plot"),selectPoints:t("./select.js"),categories:["noOpacity"],meta:{}}},{"./attributes":1177,"./base_plot":1178,"./calc":1179,"./defaults":1181,"./plot":1183,"./select.js":1185}],1183:[function(t,e,r){"use strict";var n=t("d3"),i=t("./render"),a=t("../../components/fx"),o=t("../../components/color"),s=t("../../lib"),l=t("./constants").cn,c=s._;function u(t){return""!==t}function f(t,e){return t.filter((function(t){return t.key===e.traceId}))}function h(t,e){n.select(t).select("path").style("fill-opacity",e),n.select(t).select("rect").style("fill-opacity",e)}function p(t){n.select(t).select("text.name").style("fill","black")}function d(t){return function(e){return-1!==t.node.sourceLinks.indexOf(e.link)||-1!==t.node.targetLinks.indexOf(e.link)}}function g(t){return function(e){return-1!==e.node.sourceLinks.indexOf(t.link)||-1!==e.node.targetLinks.indexOf(t.link)}}function m(t,e,r){e&&r&&f(r,e).selectAll("."+l.sankeyLink).filter(d(e)).call(y.bind(0,e,r,!1))}function v(t,e,r){e&&r&&f(r,e).selectAll("."+l.sankeyLink).filter(d(e)).call(x.bind(0,e,r,!1))}function y(t,e,r,n){var i=n.datum().link.label;n.style("fill-opacity",(function(t){if(!t.link.concentrationscale)return.4})),i&&f(e,t).selectAll("."+l.sankeyLink).filter((function(t){return t.link.label===i})).style("fill-opacity",(function(t){if(!t.link.concentrationscale)return.4})),r&&f(e,t).selectAll("."+l.sankeyNode).filter(g(t)).call(m)}function x(t,e,r,n){var i=n.datum().link.label;n.style("fill-opacity",(function(t){return t.tinyColorAlpha})),i&&f(e,t).selectAll("."+l.sankeyLink).filter((function(t){return t.link.label===i})).style("fill-opacity",(function(t){return t.tinyColorAlpha})),r&&f(e,t).selectAll(l.sankeyNode).filter(g(t)).call(v)}function b(t,e){var r=t.hoverlabel||{},n=s.nestedProperty(r,e).get();return!Array.isArray(n)&&n}e.exports=function(t,e){for(var r=t._fullLayout,s=r._paper,f=r._size,d=0;d"),color:b(s,"bgcolor")||o.addOpacity(d.color,1),borderColor:b(s,"bordercolor"),fontFamily:b(s,"font.family"),fontSize:b(s,"font.size"),fontColor:b(s,"font.color"),nameLength:b(s,"namelength"),textAlign:b(s,"align"),idealAlign:n.event.x"),color:b(o,"bgcolor")||i.tinyColorHue,borderColor:b(o,"bordercolor"),fontFamily:b(o,"font.family"),fontSize:b(o,"font.size"),fontColor:b(o,"font.color"),nameLength:b(o,"namelength"),textAlign:b(o,"align"),idealAlign:"left",hovertemplate:o.hovertemplate,hovertemplateLabels:v,eventData:[i.node]},{container:r._hoverlayer.node(),outerContainer:r._paper.node(),gd:t});h(_,.85),p(_)}}},unhover:function(e,i,o){!1!==t._fullLayout.hovermode&&(n.select(e).call(v,i,o),"skip"!==i.node.trace.node.hoverinfo&&(i.node.fullData=i.node.trace,t.emit("plotly_unhover",{event:n.event,points:[i.node]})),a.loneUnhover(r._hoverlayer.node()))},select:function(e,r,i){var o=r.node;o.originalEvent=n.event,t._hoverdata=[o],n.select(e).call(v,r,i),a.click(t,{target:!0})}}})}},{"../../components/color":643,"../../components/fx":683,"../../lib":778,"./constants":1180,"./render":1184,d3:169}],1184:[function(t,e,r){"use strict";var n=t("./constants"),i=t("d3"),a=t("tinycolor2"),o=t("../../components/color"),s=t("../../components/drawing"),l=t("@plotly/d3-sankey"),c=t("@plotly/d3-sankey-circular"),u=t("d3-force"),f=t("../../lib"),h=f.strTranslate,p=t("../../lib/gup"),d=p.keyFun,g=p.repeat,m=p.unwrap,v=t("d3-interpolate").interpolateNumber,y=t("../../registry");function x(t,e,r){var i,o=m(e),s=o.trace,u=s.domain,h="h"===s.orientation,p=s.node.pad,d=s.node.thickness,g=t.width*(u.x[1]-u.x[0]),v=t.height*(u.y[1]-u.y[0]),y=o._nodes,x=o._links,b=o.circular;(i=b?c.sankeyCircular().circularLinkGap(0):l.sankey()).iterations(n.sankeyIterations).size(h?[g,v]:[v,g]).nodeWidth(d).nodePadding(p).nodeId((function(t){return t.pointNumber})).nodes(y).links(x);var _,w,T,k=i();for(var M in i.nodePadding()=i||(r=i-e.y0)>1e-6&&(e.y0+=r,e.y1+=r),i=e.y1+p}))}(function(t){var e,r,n=t.map((function(t,e){return{x0:t.x0,index:e}})).sort((function(t,e){return t.x0-e.x0})),i=[],a=-1,o=-1/0;for(_=0;_o+d&&(a+=1,e=s.x0),o=s.x0,i[a]||(i[a]=[]),i[a].push(s),r=e-s.x0,s.x0+=r,s.x1+=r}return i}(y=k.nodes));i.update(k)}return{circular:b,key:r,trace:s,guid:f.randstr(),horizontal:h,width:g,height:v,nodePad:s.node.pad,nodeLineColor:s.node.line.color,nodeLineWidth:s.node.line.width,linkLineColor:s.link.line.color,linkLineWidth:s.link.line.width,valueFormat:s.valueformat,valueSuffix:s.valuesuffix,textFont:s.textfont,translateX:u.x[0]*t.width+t.margin.l,translateY:t.height-u.y[1]*t.height+t.margin.t,dragParallel:h?v:g,dragPerpendicular:h?g:v,arrangement:s.arrangement,sankey:i,graph:k,forceLayouts:{},interactionState:{dragInProgress:!1,hovered:!1}}}function b(t,e,r){var n=a(e.color),i=e.source.label+"|"+e.target.label+"__"+r;return e.trace=t.trace,e.curveNumber=t.trace.index,{circular:t.circular,key:i,traceId:t.key,pointNumber:e.pointNumber,link:e,tinyColorHue:o.tinyRGB(n),tinyColorAlpha:n.getAlpha(),linkPath:_,linkLineColor:t.linkLineColor,linkLineWidth:t.linkLineWidth,valueFormat:t.valueFormat,valueSuffix:t.valueSuffix,sankey:t.sankey,parent:t,interactionState:t.interactionState,flow:e.flow}}function _(){return function(t){if(t.link.circular)return e=t.link,r=e.width/2,n=e.circularPathData,"top"===e.circularLinkType?"M "+n.targetX+" "+(n.targetY+r)+" L"+n.rightInnerExtent+" "+(n.targetY+r)+"A"+(n.rightLargeArcRadius+r)+" "+(n.rightSmallArcRadius+r)+" 0 0 1 "+(n.rightFullExtent-r)+" "+(n.targetY-n.rightSmallArcRadius)+"L"+(n.rightFullExtent-r)+" "+n.verticalRightInnerExtent+"A"+(n.rightLargeArcRadius+r)+" "+(n.rightLargeArcRadius+r)+" 0 0 1 "+n.rightInnerExtent+" "+(n.verticalFullExtent-r)+"L"+n.leftInnerExtent+" "+(n.verticalFullExtent-r)+"A"+(n.leftLargeArcRadius+r)+" "+(n.leftLargeArcRadius+r)+" 0 0 1 "+(n.leftFullExtent+r)+" "+n.verticalLeftInnerExtent+"L"+(n.leftFullExtent+r)+" "+(n.sourceY-n.leftSmallArcRadius)+"A"+(n.leftLargeArcRadius+r)+" "+(n.leftSmallArcRadius+r)+" 0 0 1 "+n.leftInnerExtent+" "+(n.sourceY+r)+"L"+n.sourceX+" "+(n.sourceY+r)+"L"+n.sourceX+" "+(n.sourceY-r)+"L"+n.leftInnerExtent+" "+(n.sourceY-r)+"A"+(n.leftLargeArcRadius-r)+" "+(n.leftSmallArcRadius-r)+" 0 0 0 "+(n.leftFullExtent-r)+" "+(n.sourceY-n.leftSmallArcRadius)+"L"+(n.leftFullExtent-r)+" "+n.verticalLeftInnerExtent+"A"+(n.leftLargeArcRadius-r)+" "+(n.leftLargeArcRadius-r)+" 0 0 0 "+n.leftInnerExtent+" "+(n.verticalFullExtent+r)+"L"+n.rightInnerExtent+" "+(n.verticalFullExtent+r)+"A"+(n.rightLargeArcRadius-r)+" "+(n.rightLargeArcRadius-r)+" 0 0 0 "+(n.rightFullExtent+r)+" "+n.verticalRightInnerExtent+"L"+(n.rightFullExtent+r)+" "+(n.targetY-n.rightSmallArcRadius)+"A"+(n.rightLargeArcRadius-r)+" "+(n.rightSmallArcRadius-r)+" 0 0 0 "+n.rightInnerExtent+" "+(n.targetY-r)+"L"+n.targetX+" "+(n.targetY-r)+"Z":"M "+n.targetX+" "+(n.targetY-r)+" L"+n.rightInnerExtent+" "+(n.targetY-r)+"A"+(n.rightLargeArcRadius+r)+" "+(n.rightSmallArcRadius+r)+" 0 0 0 "+(n.rightFullExtent-r)+" "+(n.targetY+n.rightSmallArcRadius)+"L"+(n.rightFullExtent-r)+" "+n.verticalRightInnerExtent+"A"+(n.rightLargeArcRadius+r)+" "+(n.rightLargeArcRadius+r)+" 0 0 0 "+n.rightInnerExtent+" "+(n.verticalFullExtent+r)+"L"+n.leftInnerExtent+" "+(n.verticalFullExtent+r)+"A"+(n.leftLargeArcRadius+r)+" "+(n.leftLargeArcRadius+r)+" 0 0 0 "+(n.leftFullExtent+r)+" "+n.verticalLeftInnerExtent+"L"+(n.leftFullExtent+r)+" "+(n.sourceY+n.leftSmallArcRadius)+"A"+(n.leftLargeArcRadius+r)+" "+(n.leftSmallArcRadius+r)+" 0 0 0 "+n.leftInnerExtent+" "+(n.sourceY-r)+"L"+n.sourceX+" "+(n.sourceY-r)+"L"+n.sourceX+" "+(n.sourceY+r)+"L"+n.leftInnerExtent+" "+(n.sourceY+r)+"A"+(n.leftLargeArcRadius-r)+" "+(n.leftSmallArcRadius-r)+" 0 0 1 "+(n.leftFullExtent-r)+" "+(n.sourceY+n.leftSmallArcRadius)+"L"+(n.leftFullExtent-r)+" "+n.verticalLeftInnerExtent+"A"+(n.leftLargeArcRadius-r)+" "+(n.leftLargeArcRadius-r)+" 0 0 1 "+n.leftInnerExtent+" "+(n.verticalFullExtent-r)+"L"+n.rightInnerExtent+" "+(n.verticalFullExtent-r)+"A"+(n.rightLargeArcRadius-r)+" "+(n.rightLargeArcRadius-r)+" 0 0 1 "+(n.rightFullExtent+r)+" "+n.verticalRightInnerExtent+"L"+(n.rightFullExtent+r)+" "+(n.targetY+n.rightSmallArcRadius)+"A"+(n.rightLargeArcRadius-r)+" "+(n.rightSmallArcRadius-r)+" 0 0 1 "+n.rightInnerExtent+" "+(n.targetY+r)+"L"+n.targetX+" "+(n.targetY+r)+"Z";var e,r,n,i=t.link.source.x1,a=t.link.target.x0,o=v(i,a),s=o(.5),l=o(.5),c=t.link.y0-t.link.width/2,u=t.link.y0+t.link.width/2,f=t.link.y1-t.link.width/2,h=t.link.y1+t.link.width/2;return"M"+i+","+c+"C"+s+","+c+" "+l+","+f+" "+a+","+f+"L"+a+","+h+"C"+l+","+h+" "+s+","+u+" "+i+","+u+"Z"}}function w(t,e){var r=a(e.color),i=n.nodePadAcross,s=t.nodePad/2;e.dx=e.x1-e.x0,e.dy=e.y1-e.y0;var l=e.dx,c=Math.max(.5,e.dy),u="node_"+e.pointNumber;return e.group&&(u=f.randstr()),e.trace=t.trace,e.curveNumber=t.trace.index,{index:e.pointNumber,key:u,partOfGroup:e.partOfGroup||!1,group:e.group,traceId:t.key,trace:t.trace,node:e,nodePad:t.nodePad,nodeLineColor:t.nodeLineColor,nodeLineWidth:t.nodeLineWidth,textFont:t.textFont,size:t.horizontal?t.height:t.width,visibleWidth:Math.ceil(l),visibleHeight:c,zoneX:-i,zoneY:-s,zoneWidth:l+2*i,zoneHeight:c+2*s,labelY:t.horizontal?e.dy/2+1:e.dx/2+1,left:1===e.originalLayer,sizeAcross:t.width,forceLayouts:t.forceLayouts,horizontal:t.horizontal,darkBackground:r.getBrightness()<=128,tinyColorHue:o.tinyRGB(r),tinyColorAlpha:r.getAlpha(),valueFormat:t.valueFormat,valueSuffix:t.valueSuffix,sankey:t.sankey,graph:t.graph,arrangement:t.arrangement,uniqueNodeLabelPathId:[t.guid,t.key,u].join("_"),interactionState:t.interactionState,figure:t}}function T(t){t.attr("transform",(function(t){return h(t.node.x0.toFixed(3),t.node.y0.toFixed(3))}))}function k(t){t.call(T)}function M(t,e){t.call(k),e.attr("d",_())}function A(t){t.attr("width",(function(t){return t.node.x1-t.node.x0})).attr("height",(function(t){return t.visibleHeight}))}function S(t){return t.link.width>1||t.linkLineWidth>0}function E(t){return h(t.translateX,t.translateY)+(t.horizontal?"matrix(1 0 0 1 0 0)":"matrix(0 1 1 0 0 0)")}function C(t){return h(t.horizontal?0:t.labelY,t.horizontal?t.labelY:0)}function L(t){return i.svg.line()([[t.horizontal?t.left?-t.sizeAcross:t.visibleWidth+n.nodeTextOffsetHorizontal:n.nodeTextOffsetHorizontal,0],[t.horizontal?t.left?-n.nodeTextOffsetHorizontal:t.sizeAcross:t.visibleHeight-n.nodeTextOffsetHorizontal,0]])}function I(t){return t.horizontal?"matrix(1 0 0 1 0 0)":"matrix(0 1 1 0 0 0)"}function P(t){return t.horizontal?"scale(1 1)":"scale(-1 1)"}function z(t){return t.darkBackground&&!t.horizontal?"rgb(255,255,255)":"rgb(0,0,0)"}function O(t){return t.horizontal&&t.left?"100%":"0%"}function D(t,e,r){t.on(".basic",null).on("mouseover.basic",(function(t){t.interactionState.dragInProgress||t.partOfGroup||(r.hover(this,t,e),t.interactionState.hovered=[this,t])})).on("mousemove.basic",(function(t){t.interactionState.dragInProgress||t.partOfGroup||(r.follow(this,t),t.interactionState.hovered=[this,t])})).on("mouseout.basic",(function(t){t.interactionState.dragInProgress||t.partOfGroup||(r.unhover(this,t,e),t.interactionState.hovered=!1)})).on("click.basic",(function(t){t.interactionState.hovered&&(r.unhover(this,t,e),t.interactionState.hovered=!1),t.interactionState.dragInProgress||t.partOfGroup||r.select(this,t,e)}))}function R(t,e,r,a){var o=i.behavior.drag().origin((function(t){return{x:t.node.x0+t.visibleWidth/2,y:t.node.y0+t.visibleHeight/2}})).on("dragstart",(function(i){if("fixed"!==i.arrangement&&(f.ensureSingle(a._fullLayout._infolayer,"g","dragcover",(function(t){a._fullLayout._dragCover=t})),f.raiseToTop(this),i.interactionState.dragInProgress=i.node,B(i.node),i.interactionState.hovered&&(r.nodeEvents.unhover.apply(0,i.interactionState.hovered),i.interactionState.hovered=!1),"snap"===i.arrangement)){var o=i.traceId+"|"+i.key;i.forceLayouts[o]?i.forceLayouts[o].alpha(1):function(t,e,r,i){!function(t){for(var e=0;e0&&i.forceLayouts[e].alpha(0)}}(0,e,a,r)).stop()}(0,o,i),function(t,e,r,i,a){window.requestAnimationFrame((function o(){var s;for(s=0;s0)window.requestAnimationFrame(o);else{var l=r.node.originalX;r.node.x0=l-r.visibleWidth/2,r.node.x1=l+r.visibleWidth/2,F(r,a)}}))}(t,e,i,o,a)}})).on("drag",(function(r){if("fixed"!==r.arrangement){var n=i.event.x,a=i.event.y;"snap"===r.arrangement?(r.node.x0=n-r.visibleWidth/2,r.node.x1=n+r.visibleWidth/2,r.node.y0=a-r.visibleHeight/2,r.node.y1=a+r.visibleHeight/2):("freeform"===r.arrangement&&(r.node.x0=n-r.visibleWidth/2,r.node.x1=n+r.visibleWidth/2),a=Math.max(0,Math.min(r.size-r.visibleHeight/2,a)),r.node.y0=a-r.visibleHeight/2,r.node.y1=a+r.visibleHeight/2),B(r.node),"snap"!==r.arrangement&&(r.sankey.update(r.graph),M(t.filter(N(r)),e))}})).on("dragend",(function(t){if("fixed"!==t.arrangement){t.interactionState.dragInProgress=!1;for(var e=0;e5?t.node.label:""})).attr("text-anchor",(function(t){return t.horizontal&&t.left?"end":"start"})),q.transition().ease(n.ease).duration(n.duration).attr("startOffset",O).style("fill",z)}},{"../../components/color":643,"../../components/drawing":665,"../../lib":778,"../../lib/gup":775,"../../registry":911,"./constants":1180,"@plotly/d3-sankey":56,"@plotly/d3-sankey-circular":55,d3:169,"d3-force":160,"d3-interpolate":162,tinycolor2:576}],1185:[function(t,e,r){"use strict";e.exports=function(t,e){for(var r=[],n=t.cd[0].trace,i=n._sankey.graph.nodes,a=0;al&&E[v].gap;)v--;for(x=E[v].s,g=E.length-1;g>v;g--)E[g].s=x;for(;lA[u]&&u=0;i--){var a=t[i];if("scatter"===a.type&&a.xaxis===r.xaxis&&a.yaxis===r.yaxis){a.opacity=void 0;break}}}}}},{}],1194:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry"),a=t("./attributes"),o=t("./constants"),s=t("./subtypes"),l=t("./xy_defaults"),c=t("./period_defaults"),u=t("./stack_defaults"),f=t("./marker_defaults"),h=t("./line_defaults"),p=t("./line_shape_defaults"),d=t("./text_defaults"),g=t("./fillcolor_defaults");e.exports=function(t,e,r,m){function v(r,i){return n.coerce(t,e,a,r,i)}var y=l(t,e,m,v);if(y||(e.visible=!1),e.visible){c(t,e,m,v);var x=u(t,e,m,v),b=!x&&yG!=(F=P[L][1])>=G&&(O=P[L-1][0],D=P[L][0],F-R&&(z=O+(D-O)*(G-R)/(F-R),U=Math.min(U,z),V=Math.max(V,z)));U=Math.max(U,0),V=Math.min(V,h._length);var Y=s.defaultLine;return s.opacity(f.fillcolor)?Y=f.fillcolor:s.opacity((f.line||{}).color)&&(Y=f.line.color),n.extendFlat(t,{distance:t.maxHoverDistance,x0:U,x1:V,y0:G,y1:G,color:Y,hovertemplate:!1}),delete t.index,f.text&&!Array.isArray(f.text)?t.text=String(f.text):t.text=f.name,[t]}}}},{"../../components/color":643,"../../components/fx":683,"../../lib":778,"../../registry":911,"./get_trace_color":1197}],1199:[function(t,e,r){"use strict";var n=t("./subtypes");e.exports={hasLines:n.hasLines,hasMarkers:n.hasMarkers,hasText:n.hasText,isBubble:n.isBubble,attributes:t("./attributes"),supplyDefaults:t("./defaults"),crossTraceDefaults:t("./cross_trace_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./cross_trace_calc"),arraysToCalcdata:t("./arrays_to_calcdata"),plot:t("./plot"),colorbar:t("./marker_colorbar"),formatLabels:t("./format_labels"),style:t("./style").style,styleOnSelect:t("./style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("./select"),animatable:!0,moduleType:"trace",name:"scatter",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","symbols","errorBarsOK","showLegend","scatter-like","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"./arrays_to_calcdata":1186,"./attributes":1187,"./calc":1188,"./cross_trace_calc":1192,"./cross_trace_defaults":1193,"./defaults":1194,"./format_labels":1196,"./hover":1198,"./marker_colorbar":1205,"./plot":1208,"./select":1209,"./style":1211,"./subtypes":1212}],1200:[function(t,e,r){"use strict";var n=t("../../lib").isArrayOrTypedArray,i=t("../../components/colorscale/helpers").hasColorscale,a=t("../../components/colorscale/defaults");e.exports=function(t,e,r,o,s,l){var c=(t.marker||{}).color;(s("line.color",r),i(t,"line"))?a(t,e,o,s,{prefix:"line.",cLetter:"c"}):s("line.color",!n(c)&&c||r);s("line.width"),(l||{}).noDash||s("line.dash")}},{"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654,"../../lib":778}],1201:[function(t,e,r){"use strict";var n=t("../../constants/numerical"),i=n.BADNUM,a=n.LOG_CLIP,o=a+.5,s=a-.5,l=t("../../lib"),c=l.segmentsIntersect,u=l.constrain,f=t("./constants");e.exports=function(t,e){var r,n,a,h,p,d,g,m,v,y,x,b,_,w,T,k,M,A,S=e.xaxis,E=e.yaxis,C="log"===S.type,L="log"===E.type,I=S._length,P=E._length,z=e.connectGaps,O=e.baseTolerance,D=e.shape,R="linear"===D,F=e.fill&&"none"!==e.fill,B=[],N=f.minTolerance,j=t.length,U=new Array(j),V=0;function q(r){var n=t[r];if(!n)return!1;var a=e.linearized?S.l2p(n.x):S.c2p(n.x),l=e.linearized?E.l2p(n.y):E.c2p(n.y);if(a===i){if(C&&(a=S.c2p(n.x,!0)),a===i)return!1;L&&l===i&&(a*=Math.abs(S._m*P*(S._m>0?o:s)/(E._m*I*(E._m>0?o:s)))),a*=1e3}if(l===i){if(L&&(l=E.c2p(n.y,!0)),l===i)return!1;l*=1e3}return[a,l]}function H(t,e,r,n){var i=r-t,a=n-e,o=.5-t,s=.5-e,l=i*i+a*a,c=i*o+a*s;if(c>0&&crt||t[1]it)return[u(t[0],et,rt),u(t[1],nt,it)]}function st(t,e){return t[0]===e[0]&&(t[0]===et||t[0]===rt)||(t[1]===e[1]&&(t[1]===nt||t[1]===it)||void 0)}function lt(t,e,r){return function(n,i){var a=ot(n),o=ot(i),s=[];if(a&&o&&st(a,o))return s;a&&s.push(a),o&&s.push(o);var c=2*l.constrain((n[t]+i[t])/2,e,r)-((a||n)[t]+(o||i)[t]);c&&((a&&o?c>0==a[t]>o[t]?a:o:a||o)[t]+=c);return s}}function ct(t){var e=t[0],r=t[1],n=e===U[V-1][0],i=r===U[V-1][1];if(!n||!i)if(V>1){var a=e===U[V-2][0],o=r===U[V-2][1];n&&(e===et||e===rt)&&a?o?V--:U[V-1]=t:i&&(r===nt||r===it)&&o?a?V--:U[V-1]=t:U[V++]=t}else U[V++]=t}function ut(t){U[V-1][0]!==t[0]&&U[V-1][1]!==t[1]&&ct([Z,J]),ct(t),K=null,Z=J=0}function ft(t){if(M=t[0]/I,A=t[1]/P,W=t[0]rt?rt:0,X=t[1]it?it:0,W||X){if(V)if(K){var e=$(K,t);e.length>1&&(ut(e[0]),U[V++]=e[1])}else Q=$(U[V-1],t)[0],U[V++]=Q;else U[V++]=[W||t[0],X||t[1]];var r=U[V-1];W&&X&&(r[0]!==W||r[1]!==X)?(K&&(Z!==W&&J!==X?ct(Z&&J?(n=K,a=(i=t)[0]-n[0],o=(i[1]-n[1])/a,(n[1]*i[0]-i[1]*n[0])/a>0?[o>0?et:rt,it]:[o>0?rt:et,nt]):[Z||W,J||X]):Z&&J&&ct([Z,J])),ct([W,X])):Z-W&&J-X&&ct([W||Z,X||J]),K=t,Z=W,J=X}else K&&ut($(K,t)[0]),U[V++]=t;var n,i,a,o}for("linear"===D||"spline"===D?$=function(t,e){for(var r=[],n=0,i=0;i<4;i++){var a=at[i],o=c(t[0],t[1],e[0],e[1],a[0],a[1],a[2],a[3]);o&&(!n||Math.abs(o.x-r[0][0])>1||Math.abs(o.y-r[0][1])>1)&&(o=[o.x,o.y],n&&Y(o,t)G(d,ht))break;a=d,(_=v[0]*m[0]+v[1]*m[1])>x?(x=_,h=d,g=!1):_=t.length||!d)break;ft(d),n=d}}else ft(h)}K&&ct([Z||K[0],J||K[1]]),B.push(U.slice(0,V))}return B}},{"../../constants/numerical":753,"../../lib":778,"./constants":1191}],1202:[function(t,e,r){"use strict";e.exports=function(t,e,r){"spline"===r("line.shape")&&r("line.smoothing")}},{}],1203:[function(t,e,r){"use strict";var n={tonextx:1,tonexty:1,tonext:1};e.exports=function(t,e,r){var i,a,o,s,l,c={},u=!1,f=-1,h=0,p=-1;for(a=0;a=0?l=p:(l=p=h,h++),l0?Math.max(e,i):0}}},{"fast-isnumeric":241}],1205:[function(t,e,r){"use strict";e.exports={container:"marker",min:"cmin",max:"cmax"}},{}],1206:[function(t,e,r){"use strict";var n=t("../../components/color"),i=t("../../components/colorscale/helpers").hasColorscale,a=t("../../components/colorscale/defaults"),o=t("./subtypes");e.exports=function(t,e,r,s,l,c){var u=o.isBubble(t),f=(t.line||{}).color;(c=c||{},f&&(r=f),l("marker.symbol"),l("marker.opacity",u?.7:1),l("marker.size"),l("marker.color",r),i(t,"marker")&&a(t,e,s,l,{prefix:"marker.",cLetter:"c"}),c.noSelect||(l("selected.marker.color"),l("unselected.marker.color"),l("selected.marker.size"),l("unselected.marker.size")),c.noLine||(l("marker.line.color",f&&!Array.isArray(f)&&e.marker.color!==f?f:u?n.background:n.defaultLine),i(t,"marker.line")&&a(t,e,s,l,{prefix:"marker.line.",cLetter:"c"}),l("marker.line.width",u?1:0)),u&&(l("marker.sizeref"),l("marker.sizemin"),l("marker.sizemode")),c.gradient)&&("none"!==l("marker.gradient.type")&&l("marker.gradient.color"))}},{"../../components/color":643,"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654,"./subtypes":1212}],1207:[function(t,e,r){"use strict";var n=t("../../lib").dateTick0,i=t("../../constants/numerical").ONEWEEK;function a(t,e){return n(e,t%i==0?1:0)}e.exports=function(t,e,r,n,i){if(i||(i={x:!0,y:!0}),i.x){var o=n("xperiod");o&&(n("xperiod0",a(o,e.xcalendar)),n("xperiodalignment"))}if(i.y){var s=n("yperiod");s&&(n("yperiod0",a(s,e.ycalendar)),n("yperiodalignment"))}}},{"../../constants/numerical":753,"../../lib":778}],1208:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../registry"),a=t("../../lib"),o=a.ensureSingle,s=a.identity,l=t("../../components/drawing"),c=t("./subtypes"),u=t("./line_points"),f=t("./link_traces"),h=t("../../lib/polygon").tester;function p(t,e,r,f,p,d,g){var m;!function(t,e,r,i,o){var s=r.xaxis,l=r.yaxis,u=n.extent(a.simpleMap(s.range,s.r2c)),f=n.extent(a.simpleMap(l.range,l.r2c)),h=i[0].trace;if(!c.hasMarkers(h))return;var p=h.marker.maxdisplayed;if(0===p)return;var d=i.filter((function(t){return t.x>=u[0]&&t.x<=u[1]&&t.y>=f[0]&&t.y<=f[1]})),g=Math.ceil(d.length/p),m=0;o.forEach((function(t,r){var n=t[0].trace;c.hasMarkers(n)&&n.marker.maxdisplayed>0&&r0;function y(t){return v?t.transition():t}var x=r.xaxis,b=r.yaxis,_=f[0].trace,w=_.line,T=n.select(d),k=o(T,"g","errorbars"),M=o(T,"g","lines"),A=o(T,"g","points"),S=o(T,"g","text");if(i.getComponentMethod("errorbars","plot")(t,k,r,g),!0===_.visible){var E,C;y(T).style("opacity",_.opacity);var L=_.fill.charAt(_.fill.length-1);"x"!==L&&"y"!==L&&(L=""),f[0][r.isRangePlot?"nodeRangePlot3":"node3"]=T;var I,P,z="",O=[],D=_._prevtrace;D&&(z=D._prevRevpath||"",C=D._nextFill,O=D._polygons);var R,F,B,N,j,U,V,q="",H="",G=[],Y=a.noop;if(E=_._ownFill,c.hasLines(_)||"none"!==_.fill){for(C&&C.datum(f),-1!==["hv","vh","hvh","vhv"].indexOf(w.shape)?(R=l.steps(w.shape),F=l.steps(w.shape.split("").reverse().join(""))):R=F="spline"===w.shape?function(t){var e=t[t.length-1];return t.length>1&&t[0][0]===e[0]&&t[0][1]===e[1]?l.smoothclosed(t.slice(1),w.smoothing):l.smoothopen(t,w.smoothing)}:function(t){return"M"+t.join("L")},B=function(t){return F(t.reverse())},G=u(f,{xaxis:x,yaxis:b,connectGaps:_.connectgaps,baseTolerance:Math.max(w.width||1,3)/4,shape:w.shape,simplify:w.simplify,fill:_.fill}),V=_._polygons=new Array(G.length),m=0;m1){var r=n.select(this);if(r.datum(f),t)y(r.style("opacity",0).attr("d",I).call(l.lineGroupStyle)).style("opacity",1);else{var i=y(r);i.attr("d",I),l.singleLineStyle(f,i)}}}}}var W=M.selectAll(".js-line").data(G);y(W.exit()).style("opacity",0).remove(),W.each(Y(!1)),W.enter().append("path").classed("js-line",!0).style("vector-effect","non-scaling-stroke").call(l.lineGroupStyle).each(Y(!0)),l.setClipUrl(W,r.layerClipId,t),G.length?(E?(E.datum(f),N&&U&&(L?("y"===L?N[1]=U[1]=b.c2p(0,!0):"x"===L&&(N[0]=U[0]=x.c2p(0,!0)),y(E).attr("d","M"+U+"L"+N+"L"+q.substr(1)).call(l.singleFillStyle)):y(E).attr("d",q+"Z").call(l.singleFillStyle))):C&&("tonext"===_.fill.substr(0,6)&&q&&z?("tonext"===_.fill?y(C).attr("d",q+"Z"+z+"Z").call(l.singleFillStyle):y(C).attr("d",q+"L"+z.substr(1)+"Z").call(l.singleFillStyle),_._polygons=_._polygons.concat(O)):(Z(C),_._polygons=null)),_._prevRevpath=H,_._prevPolygons=V):(E?Z(E):C&&Z(C),_._polygons=_._prevRevpath=_._prevPolygons=null),A.datum(f),S.datum(f),function(e,i,a){var o,u=a[0].trace,f=c.hasMarkers(u),h=c.hasText(u),p=tt(u),d=et,g=et;if(f||h){var m=s,_=u.stackgroup,w=_&&"infer zero"===t._fullLayout._scatterStackOpts[x._id+b._id][_].stackgaps;u.marker.maxdisplayed||u._needsCull?m=w?K:J:_&&!w&&(m=Q),f&&(d=m),h&&(g=m)}var T,k=(o=e.selectAll("path.point").data(d,p)).enter().append("path").classed("point",!0);v&&k.call(l.pointStyle,u,t).call(l.translatePoints,x,b).style("opacity",0).transition().style("opacity",1),o.order(),f&&(T=l.makePointStyleFns(u)),o.each((function(e){var i=n.select(this),a=y(i);l.translatePoint(e,a,x,b)?(l.singlePointStyle(e,a,u,T,t),r.layerClipId&&l.hideOutsideRangePoint(e,a,x,b,u.xcalendar,u.ycalendar),u.customdata&&i.classed("plotly-customdata",null!==e.data&&void 0!==e.data)):a.remove()})),v?o.exit().transition().style("opacity",0).remove():o.exit().remove(),(o=i.selectAll("g").data(g,p)).enter().append("g").classed("textpoint",!0).append("text"),o.order(),o.each((function(t){var e=n.select(this),i=y(e.select("text"));l.translatePoint(t,i,x,b)?r.layerClipId&&l.hideOutsideRangePoint(t,e,x,b,u.xcalendar,u.ycalendar):e.remove()})),o.selectAll("text").call(l.textPointStyle,u,t).each((function(t){var e=x.c2p(t.x),r=b.c2p(t.y);n.select(this).selectAll("tspan.line").each((function(){y(n.select(this)).attr({x:e,y:r})}))})),o.exit().remove()}(A,S,f);var X=!1===_.cliponaxis?null:r.layerClipId;l.setClipUrl(A,X,t),l.setClipUrl(S,X,t)}function Z(t){y(t).attr("d","M0,0Z")}function J(t){return t.filter((function(t){return!t.gap&&t.vis}))}function K(t){return t.filter((function(t){return t.vis}))}function Q(t){return t.filter((function(t){return!t.gap}))}function $(t){return t.id}function tt(t){if(t.ids)return $}function et(){return!1}}e.exports=function(t,e,r,i,a,c){var u,h,d=!a,g=!!a&&a.duration>0,m=f(t,e,r);((u=i.selectAll("g.trace").data(m,(function(t){return t[0].trace.uid}))).enter().append("g").attr("class",(function(t){return"trace scatter trace"+t[0].trace.uid})).style("stroke-miterlimit",2),u.order(),function(t,e,r){e.each((function(e){var i=o(n.select(this),"g","fills");l.setClipUrl(i,r.layerClipId,t);var a=e[0].trace,c=[];a._ownfill&&c.push("_ownFill"),a._nexttrace&&c.push("_nextFill");var u=i.selectAll("g").data(c,s);u.enter().append("g"),u.exit().each((function(t){a[t]=null})).remove(),u.order().each((function(t){a[t]=o(n.select(this),"path","js-fill")}))}))}(t,u,e),g)?(c&&(h=c()),n.transition().duration(a.duration).ease(a.easing).each("end",(function(){h&&h()})).each("interrupt",(function(){h&&h()})).each((function(){i.selectAll("g.trace").each((function(r,n){p(t,n,e,r,m,this,a)}))}))):u.each((function(r,n){p(t,n,e,r,m,this,a)}));d&&u.exit().remove(),i.selectAll("path:not([d])").remove()}},{"../../components/drawing":665,"../../lib":778,"../../lib/polygon":790,"../../registry":911,"./line_points":1201,"./link_traces":1203,"./subtypes":1212,d3:169}],1209:[function(t,e,r){"use strict";var n=t("./subtypes");e.exports=function(t,e){var r,i,a,o,s=t.cd,l=t.xaxis,c=t.yaxis,u=[],f=s[0].trace;if(!n.hasMarkers(f)&&!n.hasText(f))return[];if(!1===e)for(r=0;r0){var h=i.c2l(u);i._lowerLogErrorBound||(i._lowerLogErrorBound=h),i._lowerErrorBound=Math.min(i._lowerLogErrorBound,h)}}else o[s]=[-l[0]*r,l[1]*r]}return o}e.exports=function(t,e,r){var n=[i(t.x,t.error_x,e[0],r.xaxis),i(t.y,t.error_y,e[1],r.yaxis),i(t.z,t.error_z,e[2],r.zaxis)],a=function(t){for(var e=0;e-1?-1:t.indexOf("right")>-1?1:0}function b(t){return null==t?0:t.indexOf("top")>-1?-1:t.indexOf("bottom")>-1?1:0}function _(t,e){return e(4*t)}function w(t){return p[t]}function T(t,e,r,n,i){var a=null;if(l.isArrayOrTypedArray(t)){a=[];for(var o=0;o=0){var g=function(t,e,r){var n,i=(r+1)%3,a=(r+2)%3,o=[],l=[];for(n=0;n=0&&f("surfacecolor",h||p);for(var d=["x","y","z"],g=0;g<3;++g){var m="projection."+d[g];f(m+".show")&&(f(m+".opacity"),f(m+".scale"))}var v=n.getComponentMethod("errorbars","supplyDefaults");v(t,e,h||p||r,{axis:"z"}),v(t,e,h||p||r,{axis:"y",inherit:"z"}),v(t,e,h||p||r,{axis:"x",inherit:"z"})}else e.visible=!1}},{"../../lib":778,"../../registry":911,"../scatter/line_defaults":1200,"../scatter/marker_defaults":1206,"../scatter/subtypes":1212,"../scatter/text_defaults":1213,"./attributes":1215}],1220:[function(t,e,r){"use strict";e.exports={plot:t("./convert"),attributes:t("./attributes"),markerSymbols:t("../../constants/gl3d_markers"),supplyDefaults:t("./defaults"),colorbar:[{container:"marker",min:"cmin",max:"cmax"},{container:"line",min:"cmin",max:"cmax"}],calc:t("./calc"),moduleType:"trace",name:"scatter3d",basePlotModule:t("../../plots/gl3d"),categories:["gl3d","symbols","showLegend","scatter-like"],meta:{}}},{"../../constants/gl3d_markers":751,"../../plots/gl3d":870,"./attributes":1215,"./calc":1216,"./convert":1218,"./defaults":1219}],1221:[function(t,e,r){"use strict";var n=t("../scatter/attributes"),i=t("../../plots/attributes"),a=t("../../plots/template_attributes").hovertemplateAttrs,o=t("../../plots/template_attributes").texttemplateAttrs,s=t("../../components/colorscale/attributes"),l=t("../../lib/extend").extendFlat,c=n.marker,u=n.line,f=c.line;e.exports={carpet:{valType:"string",editType:"calc"},a:{valType:"data_array",editType:"calc"},b:{valType:"data_array",editType:"calc"},mode:l({},n.mode,{dflt:"markers"}),text:l({},n.text,{}),texttemplate:o({editType:"plot"},{keys:["a","b","text"]}),hovertext:l({},n.hovertext,{}),line:{color:u.color,width:u.width,dash:u.dash,shape:l({},u.shape,{values:["linear","spline"]}),smoothing:u.smoothing,editType:"calc"},connectgaps:n.connectgaps,fill:l({},n.fill,{values:["none","toself","tonext"],dflt:"none"}),fillcolor:n.fillcolor,marker:l({symbol:c.symbol,opacity:c.opacity,maxdisplayed:c.maxdisplayed,size:c.size,sizeref:c.sizeref,sizemin:c.sizemin,sizemode:c.sizemode,line:l({width:f.width,editType:"calc"},s("marker.line")),gradient:c.gradient,editType:"calc"},s("marker")),textfont:n.textfont,textposition:n.textposition,selected:n.selected,unselected:n.unselected,hoverinfo:l({},i.hoverinfo,{flags:["a","b","text","name"]}),hoveron:n.hoveron,hovertemplate:a()}},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../scatter/attributes":1187}],1222:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../scatter/colorscale_calc"),a=t("../scatter/arrays_to_calcdata"),o=t("../scatter/calc_selection"),s=t("../scatter/calc").calcMarkerSize,l=t("../carpet/lookup_carpetid");e.exports=function(t,e){var r=e._carpetTrace=l(t,e);if(r&&r.visible&&"legendonly"!==r.visible){var c;e.xaxis=r.xaxis,e.yaxis=r.yaxis;var u,f,h=e._length,p=new Array(h),d=!1;for(c=0;c")}return o}function y(t,e){var r;r=t.labelprefix&&t.labelprefix.length>0?t.labelprefix.replace(/ = $/,""):t._hovertitle,m.push(r+": "+e.toFixed(3)+t.labelsuffix)}}},{"../../lib":778,"../scatter/hover":1198}],1227:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("./calc"),plot:t("./plot"),style:t("../scatter/style").style,styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("../scatter/select"),eventData:t("./event_data"),moduleType:"trace",name:"scattercarpet",basePlotModule:t("../../plots/cartesian"),categories:["svg","carpet","symbols","showLegend","carpetDependent","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"../scatter/marker_colorbar":1205,"../scatter/select":1209,"../scatter/style":1211,"./attributes":1221,"./calc":1222,"./defaults":1223,"./event_data":1224,"./format_labels":1225,"./hover":1226,"./plot":1228}],1228:[function(t,e,r){"use strict";var n=t("../scatter/plot"),i=t("../../plots/cartesian/axes"),a=t("../../components/drawing");e.exports=function(t,e,r,o){var s,l,c,u=r[0][0].carpet,f={xaxis:i.getFromId(t,u.xaxis||"x"),yaxis:i.getFromId(t,u.yaxis||"y"),plot:e.plot};for(n(t,f,r,o),s=0;s")}(c,g,t,l[0].t.labels),t.hovertemplate=c.hovertemplate,[t]}}},{"../../components/fx":683,"../../constants/numerical":753,"../../lib":778,"../scatter/get_trace_color":1197,"./attributes":1229}],1235:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("./calc"),calcGeoJSON:t("./plot").calcGeoJSON,plot:t("./plot").plot,style:t("./style"),styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("./select"),moduleType:"trace",name:"scattergeo",basePlotModule:t("../../plots/geo"),categories:["geo","symbols","showLegend","scatter-like"],meta:{}}},{"../../plots/geo":860,"../scatter/marker_colorbar":1205,"../scatter/style":1211,"./attributes":1229,"./calc":1230,"./defaults":1231,"./event_data":1232,"./format_labels":1233,"./hover":1234,"./plot":1236,"./select":1237,"./style":1238}],1236:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../lib/topojson_utils").getTopojsonFeatures,o=t("../../lib/geojson_utils"),s=t("../../lib/geo_location_utils"),l=t("../../plots/cartesian/autorange").findExtremes,c=t("../../constants/numerical").BADNUM,u=t("../scatter/calc").calcMarkerSize,f=t("../scatter/subtypes"),h=t("./style");e.exports={calcGeoJSON:function(t,e){var r,n,i=t[0].trace,o=e[i.geo],f=o._subplot,h=i._length;if(Array.isArray(i.locations)){var p=i.locationmode,d="geojson-id"===p?s.extractTraceFeature(t):a(i,f.topojson);for(r=0;r=m,k=2*w,M={},A=x.makeCalcdata(e,"x"),S=b.makeCalcdata(e,"y"),E=s(e,x,"x",A),C=s(e,b,"y",S);e._x=E,e._y=C,e.xperiodalignment&&(e._origX=A),e.yperiodalignment&&(e._origY=S);var L=new Array(k);for(r=0;r1&&i.extendFlat(s.line,p.linePositions(t,r,n));if(s.errorX||s.errorY){var l=p.errorBarPositions(t,r,n,a,o);s.errorX&&i.extendFlat(s.errorX,l.x),s.errorY&&i.extendFlat(s.errorY,l.y)}s.text&&(i.extendFlat(s.text,{positions:n},p.textPosition(t,r,s.text,s.marker)),i.extendFlat(s.textSel,{positions:n},p.textPosition(t,r,s.text,s.markerSel)),i.extendFlat(s.textUnsel,{positions:n},p.textPosition(t,r,s.text,s.markerUnsel)));return s}(t,0,e,L,E,C),O=d(t,_);return f(y,e),T?z.marker&&(P=2*(z.marker.sizeAvg||Math.max(z.marker.size,3))):P=c(e,w),u(t,e,x,b,E,C,P),z.errorX&&v(e,x,z.errorX),z.errorY&&v(e,b,z.errorY),z.fill&&!O.fill2d&&(O.fill2d=!0),z.marker&&!O.scatter2d&&(O.scatter2d=!0),z.line&&!O.line2d&&(O.line2d=!0),!z.errorX&&!z.errorY||O.error2d||(O.error2d=!0),z.text&&!O.glText&&(O.glText=!0),z.marker&&(z.marker.snap=w),O.lineOptions.push(z.line),O.errorXOptions.push(z.errorX),O.errorYOptions.push(z.errorY),O.fillOptions.push(z.fill),O.markerOptions.push(z.marker),O.markerSelectedOptions.push(z.markerSel),O.markerUnselectedOptions.push(z.markerUnsel),O.textOptions.push(z.text),O.textSelectedOptions.push(z.textSel),O.textUnselectedOptions.push(z.textUnsel),O.selectBatch.push([]),O.unselectBatch.push([]),M._scene=O,M.index=O.count,M.x=E,M.y=C,M.positions=L,O.count++,[{x:!1,y:!1,t:M,trace:e}]}},{"../../constants/numerical":753,"../../lib":778,"../../plots/cartesian/align_period":825,"../../plots/cartesian/autorange":827,"../../plots/cartesian/axis_ids":831,"../scatter/calc":1188,"../scatter/colorscale_calc":1190,"./constants":1241,"./convert":1242,"./scene_update":1250,"@plotly/point-cluster":57}],1241:[function(t,e,r){"use strict";e.exports={TOO_MANY_POINTS:1e5,SYMBOL_SDF_SIZE:200,SYMBOL_SIZE:20,SYMBOL_STROKE:1,DOT_RE:/-dot/,OPEN_RE:/-open/,DASHES:{solid:[1],dot:[1,1],dash:[4,1],longdash:[8,1],dashdot:[4,1,1,1],longdashdot:[8,1,1,1]}}},{}],1242:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("svg-path-sdf"),a=t("color-normalize"),o=t("../../registry"),s=t("../../lib"),l=t("../../components/drawing"),c=t("../../plots/cartesian/axis_ids"),u=t("../../lib/gl_format_color").formatColor,f=t("../scatter/subtypes"),h=t("../scatter/make_bubble_size_func"),p=t("./helpers"),d=t("./constants"),g=t("../../constants/interactions").DESELECTDIM,m={start:1,left:1,end:-1,right:-1,middle:0,center:0,bottom:1,top:-1},v=t("../../components/fx/helpers").appendArrayPointValue;function y(t,e){var r,i=t._fullLayout,a=e._length,o=e.textfont,l=e.textposition,c=Array.isArray(l)?l:[l],u=o.color,f=o.size,h=o.family,p={},d=e.texttemplate;if(d){p.text=[];var g=i._d3locale,m=Array.isArray(d),y=m?Math.min(d.length,a):a,x=m?function(t){return d[t]}:function(){return d};for(r=0;rd.TOO_MANY_POINTS||f.hasMarkers(e)?"rect":"round";if(c&&e.connectgaps){var h=n[0],p=n[1];for(i=0;i1?l[i]:l[0]:l,d=Array.isArray(c)?c.length>1?c[i]:c[0]:c,g=m[p],v=m[d],y=u?u/.8+1:0,x=-v*y-.5*v;o.offset[i]=[g*y/h,x/h]}}return o}}},{"../../components/drawing":665,"../../components/fx/helpers":679,"../../constants/interactions":752,"../../lib":778,"../../lib/gl_format_color":774,"../../plots/cartesian/axis_ids":831,"../../registry":911,"../scatter/make_bubble_size_func":1204,"../scatter/subtypes":1212,"./constants":1241,"./helpers":1246,"color-normalize":125,"fast-isnumeric":241,"svg-path-sdf":574}],1243:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry"),a=t("./helpers"),o=t("./attributes"),s=t("../scatter/constants"),l=t("../scatter/subtypes"),c=t("../scatter/xy_defaults"),u=t("../scatter/period_defaults"),f=t("../scatter/marker_defaults"),h=t("../scatter/line_defaults"),p=t("../scatter/fillcolor_defaults"),d=t("../scatter/text_defaults");e.exports=function(t,e,r,g){function m(r,i){return n.coerce(t,e,o,r,i)}var v=!!t.marker&&a.isOpenSymbol(t.marker.symbol),y=l.isBubble(t),x=c(t,e,g,m);if(x){u(t,e,g,m);var b=x100},r.isDotSymbol=function(t){return"string"==typeof t?n.DOT_RE.test(t):t>200}},{"./constants":1241}],1247:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib"),a=t("../scatter/get_trace_color");function o(t,e,r,o){var s=t.xa,l=t.ya,c=t.distance,u=t.dxy,f=t.index,h={pointNumber:f,x:e[f],y:r[f]};h.tx=Array.isArray(o.text)?o.text[f]:o.text,h.htx=Array.isArray(o.hovertext)?o.hovertext[f]:o.hovertext,h.data=Array.isArray(o.customdata)?o.customdata[f]:o.customdata,h.tp=Array.isArray(o.textposition)?o.textposition[f]:o.textposition;var p=o.textfont;p&&(h.ts=i.isArrayOrTypedArray(p.size)?p.size[f]:p.size,h.tc=Array.isArray(p.color)?p.color[f]:p.color,h.tf=Array.isArray(p.family)?p.family[f]:p.family);var d=o.marker;d&&(h.ms=i.isArrayOrTypedArray(d.size)?d.size[f]:d.size,h.mo=i.isArrayOrTypedArray(d.opacity)?d.opacity[f]:d.opacity,h.mx=i.isArrayOrTypedArray(d.symbol)?d.symbol[f]:d.symbol,h.mc=i.isArrayOrTypedArray(d.color)?d.color[f]:d.color);var g=d&&d.line;g&&(h.mlc=Array.isArray(g.color)?g.color[f]:g.color,h.mlw=i.isArrayOrTypedArray(g.width)?g.width[f]:g.width);var m=d&&d.gradient;m&&"none"!==m.type&&(h.mgt=Array.isArray(m.type)?m.type[f]:m.type,h.mgc=Array.isArray(m.color)?m.color[f]:m.color);var v=s.c2p(h.x,!0),y=l.c2p(h.y,!0),x=h.mrc||1,b=o.hoverlabel;b&&(h.hbg=Array.isArray(b.bgcolor)?b.bgcolor[f]:b.bgcolor,h.hbc=Array.isArray(b.bordercolor)?b.bordercolor[f]:b.bordercolor,h.hts=i.isArrayOrTypedArray(b.font.size)?b.font.size[f]:b.font.size,h.htc=Array.isArray(b.font.color)?b.font.color[f]:b.font.color,h.htf=Array.isArray(b.font.family)?b.font.family[f]:b.font.family,h.hnl=i.isArrayOrTypedArray(b.namelength)?b.namelength[f]:b.namelength);var _=o.hoverinfo;_&&(h.hi=Array.isArray(_)?_[f]:_);var w=o.hovertemplate;w&&(h.ht=Array.isArray(w)?w[f]:w);var T={};T[t.index]=h;var k=o._origX,M=o._origY,A=i.extendFlat({},t,{color:a(o,h),x0:v-x,x1:v+x,xLabelVal:k?k[f]:h.x,y0:y-x,y1:y+x,yLabelVal:M?M[f]:h.y,cd:T,distance:c,spikeDistance:u,hovertemplate:h.ht});return h.htx?A.text=h.htx:h.tx?A.text=h.tx:o.text&&(A.text=o.text),i.fillText(h,o,A),n.getComponentMethod("errorbars","hoverInfo")(h,o,A),A}e.exports={hoverPoints:function(t,e,r,n){var i,a,s,l,c,u,f,h,p,d=t.cd,g=d[0].t,m=d[0].trace,v=t.xa,y=t.ya,x=g.x,b=g.y,_=v.c2p(e),w=y.c2p(r),T=t.distance;if(g.tree){var k=v.p2c(_-T),M=v.p2c(_+T),A=y.p2c(w-T),S=y.p2c(w+T);i="x"===n?g.tree.range(Math.min(k,M),Math.min(y._rl[0],y._rl[1]),Math.max(k,M),Math.max(y._rl[0],y._rl[1])):g.tree.range(Math.min(k,M),Math.min(A,S),Math.max(k,M),Math.max(A,S))}else i=g.ids;var E=T;if("x"===n)for(c=0;c-1;c--)s=x[i[c]],l=b[i[c]],u=v.c2p(s)-_,f=y.c2p(l)-w,(h=Math.sqrt(u*u+f*f))v.glText.length){var w=b-v.glText.length;for(d=0;dr&&(isNaN(e[n])||isNaN(e[n+1]));)n-=2;t.positions=e.slice(r,n+2)}return t})),v.line2d.update(v.lineOptions)),v.error2d){var k=(v.errorXOptions||[]).concat(v.errorYOptions||[]);v.error2d.update(k)}v.scatter2d&&v.scatter2d.update(v.markerOptions),v.fillOrder=s.repeat(null,b),v.fill2d&&(v.fillOptions=v.fillOptions.map((function(t,e){var n=r[e];if(t&&n&&n[0]&&n[0].trace){var i,a,o=n[0],s=o.trace,l=o.t,c=v.lineOptions[e],u=[];s._ownfill&&u.push(e),s._nexttrace&&u.push(e+1),u.length&&(v.fillOrder[e]=u);var f,h,p=[],d=c&&c.positions||l.positions;if("tozeroy"===s.fill){for(f=0;ff&&isNaN(d[h+1]);)h-=2;0!==d[f+1]&&(p=[d[f],0]),p=p.concat(d.slice(f,h+2)),0!==d[h+1]&&(p=p.concat([d[h],0]))}else if("tozerox"===s.fill){for(f=0;ff&&isNaN(d[h]);)h-=2;0!==d[f]&&(p=[0,d[f+1]]),p=p.concat(d.slice(f,h+2)),0!==d[h]&&(p=p.concat([0,d[h+1]]))}else if("toself"===s.fill||"tonext"===s.fill){for(p=[],i=0,a=0;a-1;for(d=0;d=0?Math.floor((e+180)/360):Math.ceil((e-180)/360)),d=e-p;if(n.getClosest(l,(function(t){var e=t.lonlat;if(e[0]===s)return 1/0;var n=i.modHalf(e[0],360),a=e[1],o=h.project([n,a]),l=o.x-u.c2p([d,a]),c=o.y-f.c2p([n,r]),p=Math.max(3,t.mrc||0);return Math.max(Math.sqrt(l*l+c*c)-p,1-3/p)}),t),!1!==t.index){var g=l[t.index],m=g.lonlat,v=[i.modHalf(m[0],360)+p,m[1]],y=u.c2p(v),x=f.c2p(v),b=g.mrc||1;t.x0=y-b,t.x1=y+b,t.y0=x-b,t.y1=x+b;var _={};_[c.subplot]={_subplot:h};var w=c._module.formatLabels(g,c,_);return t.lonLabel=w.lonLabel,t.latLabel=w.latLabel,t.color=a(c,g),t.extraText=function(t,e,r){if(t.hovertemplate)return;var n=(e.hi||t.hoverinfo).split("+"),i=-1!==n.indexOf("all"),a=-1!==n.indexOf("lon"),s=-1!==n.indexOf("lat"),l=e.lonlat,c=[];function u(t){return t+"\xb0"}i||a&&s?c.push("("+u(l[0])+", "+u(l[1])+")"):a?c.push(r.lon+u(l[0])):s&&c.push(r.lat+u(l[1]));(i||-1!==n.indexOf("text"))&&o(e,t,c);return c.join("
")}(c,g,l[0].t.labels),t.hovertemplate=c.hovertemplate,[t]}}},{"../../components/fx":683,"../../constants/numerical":753,"../../lib":778,"../scatter/get_trace_color":1197}],1258:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("../scattergeo/calc"),plot:t("./plot"),hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("./select"),styleOnSelect:function(t,e){e&&e[0].trace._glTrace.update(e)},moduleType:"trace",name:"scattermapbox",basePlotModule:t("../../plots/mapbox"),categories:["mapbox","gl","symbols","showLegend","scatter-like"],meta:{}}},{"../../plots/mapbox":885,"../scatter/marker_colorbar":1205,"../scattergeo/calc":1230,"./attributes":1252,"./defaults":1254,"./event_data":1255,"./format_labels":1256,"./hover":1257,"./plot":1259,"./select":1260}],1259:[function(t,e,r){"use strict";var n=t("./convert"),i=t("../../plots/mapbox/constants").traceLayerPrefix,a=["fill","line","circle","symbol"];function o(t,e){this.type="scattermapbox",this.subplot=t,this.uid=e,this.sourceIds={fill:"source-"+e+"-fill",line:"source-"+e+"-line",circle:"source-"+e+"-circle",symbol:"source-"+e+"-symbol"},this.layerIds={fill:i+e+"-fill",line:i+e+"-line",circle:i+e+"-circle",symbol:i+e+"-symbol"},this.below=null}var s=o.prototype;s.addSource=function(t,e){this.subplot.map.addSource(this.sourceIds[t],{type:"geojson",data:e.geojson})},s.setSourceData=function(t,e){this.subplot.map.getSource(this.sourceIds[t]).setData(e.geojson)},s.addLayer=function(t,e,r){this.subplot.addLayer({type:t,id:this.layerIds[t],source:this.sourceIds[t],layout:e.layout,paint:e.paint},r)},s.update=function(t){var e,r,i,o=this.subplot,s=o.map,l=n(o.gd,t),c=o.belowLookup["trace-"+this.uid];if(c!==this.below){for(e=a.length-1;e>=0;e--)r=a[e],s.removeLayer(this.layerIds[r]);for(e=0;e=0;e--){var r=a[e];t.removeLayer(this.layerIds[r]),t.removeSource(this.sourceIds[r])}},e.exports=function(t,e){for(var r=e[0].trace,i=new o(t,r.uid),s=n(t.gd,e),l=i.below=t.belowLookup["trace-"+r.uid],c=0;c")}}e.exports={hoverPoints:function(t,e,r,a){var o=n(t,e,r,a);if(o&&!1!==o[0].index){var s=o[0];if(void 0===s.index)return o;var l=t.subplot,c=s.cd[s.index],u=s.trace;if(l.isPtInside(c))return s.xLabelVal=void 0,s.yLabelVal=void 0,i(c,u,l,s),s.hovertemplate=u.hovertemplate,o}},makeHoverPointText:i}},{"../scatter/hover":1198}],1266:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"scatterpolar",basePlotModule:t("../../plots/polar"),categories:["polar","symbols","showLegend","scatter-like"],attributes:t("./attributes"),supplyDefaults:t("./defaults").supplyDefaults,colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("./calc"),plot:t("./plot"),style:t("../scatter/style").style,styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover").hoverPoints,selectPoints:t("../scatter/select"),meta:{}}},{"../../plots/polar":894,"../scatter/marker_colorbar":1205,"../scatter/select":1209,"../scatter/style":1211,"./attributes":1261,"./calc":1262,"./defaults":1263,"./format_labels":1264,"./hover":1265,"./plot":1267}],1267:[function(t,e,r){"use strict";var n=t("../scatter/plot"),i=t("../../constants/numerical").BADNUM;e.exports=function(t,e,r){for(var a=e.layers.frontplot.select("g.scatterlayer"),o={xaxis:e.xaxis,yaxis:e.yaxis,plot:e.framework,layerClipId:e._hasClipOnAxisFalse?e.clipIds.forTraces:null},s=e.radialAxis,l=e.angularAxis,c=0;c=c&&(y.marker.cluster=d.tree),y.marker&&(y.markerSel.positions=y.markerUnsel.positions=y.marker.positions=_),y.line&&_.length>1&&l.extendFlat(y.line,s.linePositions(t,p,_)),y.text&&(l.extendFlat(y.text,{positions:_},s.textPosition(t,p,y.text,y.marker)),l.extendFlat(y.textSel,{positions:_},s.textPosition(t,p,y.text,y.markerSel)),l.extendFlat(y.textUnsel,{positions:_},s.textPosition(t,p,y.text,y.markerUnsel))),y.fill&&!h.fill2d&&(h.fill2d=!0),y.marker&&!h.scatter2d&&(h.scatter2d=!0),y.line&&!h.line2d&&(h.line2d=!0),y.text&&!h.glText&&(h.glText=!0),h.lineOptions.push(y.line),h.fillOptions.push(y.fill),h.markerOptions.push(y.marker),h.markerSelectedOptions.push(y.markerSel),h.markerUnselectedOptions.push(y.markerUnsel),h.textOptions.push(y.text),h.textSelectedOptions.push(y.textSel),h.textUnselectedOptions.push(y.textUnsel),h.selectBatch.push([]),h.unselectBatch.push([]),d.x=w,d.y=T,d.rawx=w,d.rawy=T,d.r=m,d.theta=v,d.positions=_,d._scene=h,d.index=h.count,h.count++}})),a(t,e,r)}}},{"../../lib":778,"../scattergl/constants":1241,"../scattergl/convert":1242,"../scattergl/plot":1249,"../scattergl/scene_update":1250,"@plotly/point-cluster":57,"fast-isnumeric":241}],1275:[function(t,e,r){"use strict";var n=t("../../plots/template_attributes").hovertemplateAttrs,i=t("../../plots/template_attributes").texttemplateAttrs,a=t("../scatter/attributes"),o=t("../../plots/attributes"),s=t("../../components/colorscale/attributes"),l=t("../../components/drawing/attributes").dash,c=t("../../lib/extend").extendFlat,u=a.marker,f=a.line,h=u.line;e.exports={a:{valType:"data_array",editType:"calc"},b:{valType:"data_array",editType:"calc"},c:{valType:"data_array",editType:"calc"},sum:{valType:"number",dflt:0,min:0,editType:"calc"},mode:c({},a.mode,{dflt:"markers"}),text:c({},a.text,{}),texttemplate:i({editType:"plot"},{keys:["a","b","c","text"]}),hovertext:c({},a.hovertext,{}),line:{color:f.color,width:f.width,dash:l,shape:c({},f.shape,{values:["linear","spline"]}),smoothing:f.smoothing,editType:"calc"},connectgaps:a.connectgaps,cliponaxis:a.cliponaxis,fill:c({},a.fill,{values:["none","toself","tonext"],dflt:"none"}),fillcolor:a.fillcolor,marker:c({symbol:u.symbol,opacity:u.opacity,maxdisplayed:u.maxdisplayed,size:u.size,sizeref:u.sizeref,sizemin:u.sizemin,sizemode:u.sizemode,line:c({width:h.width,editType:"calc"},s("marker.line")),gradient:u.gradient,editType:"calc"},s("marker")),textfont:a.textfont,textposition:a.textposition,selected:a.selected,unselected:a.unselected,hoverinfo:c({},o.hoverinfo,{flags:["a","b","c","text","name"]}),hoveron:a.hoveron,hovertemplate:n()}},{"../../components/colorscale/attributes":650,"../../components/drawing/attributes":664,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../scatter/attributes":1187}],1276:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../scatter/colorscale_calc"),a=t("../scatter/arrays_to_calcdata"),o=t("../scatter/calc_selection"),s=t("../scatter/calc").calcMarkerSize,l=["a","b","c"],c={a:["b","c"],b:["a","c"],c:["a","b"]};e.exports=function(t,e){var r,u,f,h,p,d,g=t._fullLayout[e.subplot].sum,m=e.sum||g,v={a:e.a,b:e.b,c:e.c};for(r=0;r"),o.hovertemplate=h.hovertemplate,a}function x(t,e){v.push(t._hovertitle+": "+e)}}},{"../scatter/hover":1198}],1281:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("./calc"),plot:t("./plot"),style:t("../scatter/style").style,styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("../scatter/select"),eventData:t("./event_data"),moduleType:"trace",name:"scatterternary",basePlotModule:t("../../plots/ternary"),categories:["ternary","symbols","showLegend","scatter-like"],meta:{}}},{"../../plots/ternary":907,"../scatter/marker_colorbar":1205,"../scatter/select":1209,"../scatter/style":1211,"./attributes":1275,"./calc":1276,"./defaults":1277,"./event_data":1278,"./format_labels":1279,"./hover":1280,"./plot":1282}],1282:[function(t,e,r){"use strict";var n=t("../scatter/plot");e.exports=function(t,e,r){var i=e.plotContainer;i.select(".scatterlayer").selectAll("*").remove();var a={xaxis:e.xaxis,yaxis:e.yaxis,plot:i,layerClipId:e._hasClipOnAxisFalse?e.clipIdRelative:null},o=e.layers.frontplot.select("g.scatterlayer");n(t,a,r,o)}},{"../scatter/plot":1208}],1283:[function(t,e,r){"use strict";var n=t("../scatter/attributes"),i=t("../../components/colorscale/attributes"),a=t("../../plots/template_attributes").hovertemplateAttrs,o=t("../scattergl/attributes"),s=t("../../plots/cartesian/constants").idRegex,l=t("../../plot_api/plot_template").templatedArray,c=t("../../lib/extend").extendFlat,u=n.marker,f=u.line,h=c(i("marker.line",{editTypeOverride:"calc"}),{width:c({},f.width,{editType:"calc"}),editType:"calc"}),p=c(i("marker"),{symbol:u.symbol,size:c({},u.size,{editType:"markerSize"}),sizeref:u.sizeref,sizemin:u.sizemin,sizemode:u.sizemode,opacity:u.opacity,colorbar:u.colorbar,line:h,editType:"calc"});function d(t){return{valType:"info_array",freeLength:!0,editType:"calc",items:{valType:"subplotid",regex:s[t],editType:"plot"}}}p.color.editType=p.cmin.editType=p.cmax.editType="style",e.exports={dimensions:l("dimension",{visible:{valType:"boolean",dflt:!0,editType:"calc"},label:{valType:"string",editType:"calc"},values:{valType:"data_array",editType:"calc+clearAxisTypes"},axis:{type:{valType:"enumerated",values:["linear","log","date","category"],editType:"calc+clearAxisTypes"},matches:{valType:"boolean",dflt:!1,editType:"calc"},editType:"calc+clearAxisTypes"},editType:"calc+clearAxisTypes"}),text:c({},o.text,{}),hovertext:c({},o.hovertext,{}),hovertemplate:a(),marker:p,xaxes:d("x"),yaxes:d("y"),diagonal:{visible:{valType:"boolean",dflt:!0,editType:"calc"},editType:"calc"},showupperhalf:{valType:"boolean",dflt:!0,editType:"calc"},showlowerhalf:{valType:"boolean",dflt:!0,editType:"calc"},selected:{marker:o.selected.marker,editType:"calc"},unselected:{marker:o.unselected.marker,editType:"calc"},opacity:o.opacity}},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plot_api/plot_template":817,"../../plots/cartesian/constants":834,"../../plots/template_attributes":906,"../scatter/attributes":1187,"../scattergl/attributes":1239}],1284:[function(t,e,r){"use strict";var n=t("regl-line2d"),i=t("../../registry"),a=t("../../lib/prepare_regl"),o=t("../../plots/get_data").getModuleCalcData,s=t("../../plots/cartesian"),l=t("../../plots/cartesian/axis_ids").getFromId,c=t("../../plots/cartesian/axes").shouldShowZeroLine;function u(t,e,r){for(var n=r.matrixOptions.data.length,i=e._visibleDims,a=r.viewOpts.ranges=new Array(n),o=0;oh?2*(b.sizeAvg||Math.max(b.size,3)):a(e,x),p=0;pa&&l||i-1,A=!0;if(o(x)||!!p.selectedpoints||M){var S=p._length;if(p.selectedpoints){g.selectBatch=p.selectedpoints;var E=p.selectedpoints,C={};for(l=0;l1&&(u=g[y-1],h=m[y-1],d=v[y-1]),e=0;eu?"-":"+")+"x")).replace("y",(f>h?"-":"+")+"y")).replace("z",(p>d?"-":"+")+"z");var C=function(){y=0,A=[],S=[],E=[]};(!y||y2?t.slice(1,e-1):2===e?[(t[0]+t[1])/2]:t}function p(t){var e=t.length;return 1===e?[.5,.5]:[t[1]-t[0],t[e-1]-t[e-2]]}function d(t,e){var r=t.fullSceneLayout,i=t.dataScale,u=e._len,f={};function d(t,e){var n=r[e],o=i[c[e]];return a.simpleMap(t,(function(t){return n.d2l(t)*o}))}if(f.vectors=l(d(e._u,"xaxis"),d(e._v,"yaxis"),d(e._w,"zaxis"),u),!u)return{positions:[],cells:[]};var g=d(e._Xs,"xaxis"),m=d(e._Ys,"yaxis"),v=d(e._Zs,"zaxis");if(f.meshgrid=[g,m,v],f.gridFill=e._gridFill,e._slen)f.startingPositions=l(d(e._startsX,"xaxis"),d(e._startsY,"yaxis"),d(e._startsZ,"zaxis"));else{for(var y=m[0],x=h(g),b=h(v),_=new Array(x.length*b.length),w=0,T=0;T=0};v?(r=Math.min(m.length,x.length),l=function(t){return M(m[t])&&A(t)},f=function(t){return String(m[t])}):(r=Math.min(y.length,x.length),l=function(t){return M(y[t])&&A(t)},f=function(t){return String(y[t])}),_&&(r=Math.min(r,b.length));for(var S=0;S1){for(var I=a.randstr(),P=0;P"),name:k||z("name")?l.name:void 0,color:T("hoverlabel.bgcolor")||y.color,borderColor:T("hoverlabel.bordercolor"),fontFamily:T("hoverlabel.font.family"),fontSize:T("hoverlabel.font.size"),fontColor:T("hoverlabel.font.color"),nameLength:T("hoverlabel.namelength"),textAlign:T("hoverlabel.align"),hovertemplate:k,hovertemplateLabels:L,eventData:[f(i,l,h.eventDataKeys)]};m&&(R.x0=S-i.rInscribed*i.rpx1,R.x1=S+i.rInscribed*i.rpx1,R.idealAlign=i.pxmid[0]<0?"left":"right"),v&&(R.x=S,R.idealAlign=S<0?"left":"right"),o.loneHover(R,{container:a._hoverlayer.node(),outerContainer:a._paper.node(),gd:r}),d._hasHoverLabel=!0}if(v){var F=t.select("path.surface");h.styleOne(F,i,l,{hovered:!0})}d._hasHoverEvent=!0,r.emit("plotly_hover",{points:[f(i,l,h.eventDataKeys)],event:n.event})}})),t.on("mouseout",(function(e){var i=r._fullLayout,a=r._fullData[d.index],s=n.select(this).datum();if(d._hasHoverEvent&&(e.originalEvent=n.event,r.emit("plotly_unhover",{points:[f(s,a,h.eventDataKeys)],event:n.event}),d._hasHoverEvent=!1),d._hasHoverLabel&&(o.loneUnhover(i._hoverlayer.node()),d._hasHoverLabel=!1),v){var l=t.select("path.surface");h.styleOne(l,s,a,{hovered:!1})}})),t.on("click",(function(t){var e=r._fullLayout,a=r._fullData[d.index],s=m&&(c.isHierarchyRoot(t)||c.isLeaf(t)),u=c.getPtId(t),p=c.isEntry(t)?c.findEntryWithChild(g,u):c.findEntryWithLevel(g,u),v=c.getPtId(p),y={points:[f(t,a,h.eventDataKeys)],event:n.event};s||(y.nextLevel=v);var x=l.triggerHandler(r,"plotly_"+d.type+"click",y);if(!1!==x&&e.hovermode&&(r._hoverdata=[f(t,a,h.eventDataKeys)],o.click(r,n.event)),!s&&!1!==x&&!r._dragging&&!r._transitioning){i.call("_storeDirectGUIEdit",a,e._tracePreGUI[a.uid],{level:a.level});var b={data:[{level:v}],traces:[d.index]},_={frame:{redraw:!1,duration:h.transitionTime},transition:{duration:h.transitionTime,easing:h.transitionEasing},mode:"immediate",fromcurrent:!0};o.loneUnhover(e._hoverlayer.node()),i.call("animate",r,b,_)}}))}},{"../../components/fx":683,"../../components/fx/helpers":679,"../../lib":778,"../../lib/events":767,"../../registry":911,"../pie/helpers":1166,"./helpers":1305,d3:169}],1305:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../components/color"),a=t("../../lib/setcursor"),o=t("../pie/helpers");function s(t){return t.data.data.pid}r.findEntryWithLevel=function(t,e){var n;return e&&t.eachAfter((function(t){if(r.getPtId(t)===e)return n=t.copy()})),n||t},r.findEntryWithChild=function(t,e){var n;return t.eachAfter((function(t){for(var i=t.children||[],a=0;a0)},r.getMaxDepth=function(t){return t.maxdepth>=0?t.maxdepth:1/0},r.isHeader=function(t,e){return!(r.isLeaf(t)||t.depth===e._maxDepth-1)},r.getParent=function(t,e){return r.findEntryWithLevel(t,s(e))},r.listPath=function(t,e){var n=t.parent;if(!n)return[];var i=e?[n.data[e]]:[n];return r.listPath(n,e).concat(i)},r.getPath=function(t){return r.listPath(t,"label").join("/")+"/"},r.formatValue=o.formatPieValue,r.formatPercent=function(t,e){var r=n.formatPercent(t,0);return"0%"===r&&(r=o.formatPiePercent(t,e)),r}},{"../../components/color":643,"../../lib":778,"../../lib/setcursor":799,"../pie/helpers":1166}],1306:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"sunburst",basePlotModule:t("./base_plot"),categories:[],animatable:!0,attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./calc").crossTraceCalc,plot:t("./plot").plot,style:t("./style").style,colorbar:t("../scatter/marker_colorbar"),meta:{}}},{"../scatter/marker_colorbar":1205,"./attributes":1299,"./base_plot":1300,"./calc":1301,"./defaults":1303,"./layout_attributes":1307,"./layout_defaults":1308,"./plot":1309,"./style":1310}],1307:[function(t,e,r){"use strict";e.exports={sunburstcolorway:{valType:"colorlist",editType:"calc"},extendsunburstcolors:{valType:"boolean",dflt:!0,editType:"calc"}}},{}],1308:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e){function r(r,a){return n.coerce(t,e,i,r,a)}r("sunburstcolorway",e.colorway),r("extendsunburstcolors")}},{"../../lib":778,"./layout_attributes":1307}],1309:[function(t,e,r){"use strict";var n=t("d3"),i=t("d3-hierarchy"),a=t("../../components/drawing"),o=t("../../lib"),s=t("../../lib/svg_text_utils"),l=t("../bar/uniform_text"),c=l.recordMinTextSize,u=l.clearMinTextSize,f=t("../pie/plot"),h=t("../pie/helpers").getRotationAngle,p=f.computeTransform,d=f.transformInsideText,g=t("./style").styleOne,m=t("../bar/style").resizeText,v=t("./fx"),y=t("./constants"),x=t("./helpers");function b(t,e,l,u){var f=t._fullLayout,m=!f.uniformtext.mode&&x.hasTransition(u),b=n.select(l).selectAll("g.slice"),w=e[0],T=w.trace,k=w.hierarchy,M=x.findEntryWithLevel(k,T.level),A=x.getMaxDepth(T),S=f._size,E=T.domain,C=S.w*(E.x[1]-E.x[0]),L=S.h*(E.y[1]-E.y[0]),I=.5*Math.min(C,L),P=w.cx=S.l+S.w*(E.x[1]+E.x[0])/2,z=w.cy=S.t+S.h*(1-E.y[0])-L/2;if(!M)return b.remove();var O=null,D={};m&&b.each((function(t){D[x.getPtId(t)]={rpx0:t.rpx0,rpx1:t.rpx1,x0:t.x0,x1:t.x1,transform:t.transform},!O&&x.isEntry(t)&&(O=t)}));var R=function(t){return i.partition().size([2*Math.PI,t.height+1])(t)}(M).descendants(),F=M.height+1,B=0,N=A;w.hasMultipleRoots&&x.isHierarchyRoot(M)&&(R=R.slice(1),F-=1,B=1,N+=1),R=R.filter((function(t){return t.y1<=N}));var j=h(T.rotation);j&&R.forEach((function(t){t.x0+=j,t.x1+=j}));var U=Math.min(F,A),V=function(t){return(t-B)/U*I},q=function(t,e){return[t*Math.cos(e),-t*Math.sin(e)]},H=function(t){return o.pathAnnulus(t.rpx0,t.rpx1,t.x0,t.x1,P,z)},G=function(t){return P+_(t)[0]*(t.transform.rCenter||0)+(t.transform.x||0)},Y=function(t){return z+_(t)[1]*(t.transform.rCenter||0)+(t.transform.y||0)};(b=b.data(R,x.getPtId)).enter().append("g").classed("slice",!0),m?b.exit().transition().each((function(){var t=n.select(this);t.select("path.surface").transition().attrTween("d",(function(t){var e=function(t){var e,r=x.getPtId(t),i=D[r],a=D[x.getPtId(M)];if(a){var o=(t.x1>a.x1?2*Math.PI:0)+j;e=t.rpx1W?2*Math.PI:0)+j;e={x0:a,x1:a}}else e={rpx0:I,rpx1:I},o.extendFlat(e,J(t));else e={rpx0:0,rpx1:0};else e={x0:j,x1:j};return n.interpolate(e,i)}(t);return function(t){return H(e(t))}})):u.attr("d",H),l.call(v,M,t,e,{eventDataKeys:y.eventDataKeys,transitionTime:y.CLICK_TRANSITION_TIME,transitionEasing:y.CLICK_TRANSITION_EASING}).call(x.setSliceCursor,t,{hideOnRoot:!0,hideOnLeaves:!0,isTransitioning:t._transitioning}),u.call(g,i,T);var h=o.ensureSingle(l,"g","slicetext"),b=o.ensureSingle(h,"text","",(function(t){t.attr("data-notex",1)})),_=o.ensureUniformFontSize(t,x.determineTextFont(T,i,f.font));b.text(r.formatSliceLabel(i,M,T,e,f)).classed("slicetext",!0).attr("text-anchor","middle").call(a.font,_).call(s.convertToTspans,t);var k=a.bBox(b.node());i.transform=d(k,i,w),i.transform.targetX=G(i),i.transform.targetY=Y(i);var A=function(t,e){var r=t.transform;return p(r,e),r.fontSize=_.size,c(T.type,r,f),o.getTextTransform(r)};m?b.transition().attrTween("transform",(function(t){var e=function(t){var e,r=D[x.getPtId(t)],i=t.transform;if(r)e=r;else if(e={rpx1:t.rpx1,transform:{textPosAngle:i.textPosAngle,scale:0,rotate:i.rotate,rCenter:i.rCenter,x:i.x,y:i.y}},O)if(t.parent)if(W){var a=t.x1>W?2*Math.PI:0;e.x0=e.x1=a}else o.extendFlat(e,J(t));else e.x0=e.x1=j;else e.x0=e.x1=j;var s=n.interpolate(e.transform.textPosAngle,t.transform.textPosAngle),l=n.interpolate(e.rpx1,t.rpx1),u=n.interpolate(e.x0,t.x0),h=n.interpolate(e.x1,t.x1),p=n.interpolate(e.transform.scale,i.scale),d=n.interpolate(e.transform.rotate,i.rotate),g=0===i.rCenter?3:0===e.transform.rCenter?1/3:1,m=n.interpolate(e.transform.rCenter,i.rCenter);return function(t){var e=l(t),r=u(t),n=h(t),a=function(t){return m(Math.pow(t,g))}(t),o={pxmid:q(e,(r+n)/2),rpx1:e,transform:{textPosAngle:s(t),rCenter:a,x:i.x,y:i.y}};return c(T.type,i,f),{transform:{targetX:G(o),targetY:Y(o),scale:p(t),rotate:d(t),rCenter:a}}}}(t);return function(t){return A(e(t),k)}})):b.attr("transform",A(i,k))}))}function _(t){return e=t.rpx1,r=t.transform.textPosAngle,[e*Math.sin(r),-e*Math.cos(r)];var e,r}r.plot=function(t,e,r,i){var a,o,s=t._fullLayout,l=s._sunburstlayer,c=!r,f=!s.uniformtext.mode&&x.hasTransition(r);(u("sunburst",s),(a=l.selectAll("g.trace.sunburst").data(e,(function(t){return t[0].trace.uid}))).enter().append("g").classed("trace",!0).classed("sunburst",!0).attr("stroke-linejoin","round"),a.order(),f)?(i&&(o=i()),n.transition().duration(r.duration).ease(r.easing).each("end",(function(){o&&o()})).each("interrupt",(function(){o&&o()})).each((function(){l.selectAll("g.trace").each((function(e){b(t,e,this,r)}))}))):(a.each((function(e){b(t,e,this,r)})),s.uniformtext.mode&&m(t,s._sunburstlayer.selectAll(".trace"),"sunburst"));c&&a.exit().remove()},r.formatSliceLabel=function(t,e,r,n,i){var a=r.texttemplate,s=r.textinfo;if(!(a||s&&"none"!==s))return"";var l=i.separators,c=n[0],u=t.data.data,f=c.hierarchy,h=x.isHierarchyRoot(t),p=x.getParent(f,t),d=x.getValue(t);if(!a){var g,m=s.split("+"),v=function(t){return-1!==m.indexOf(t)},y=[];if(v("label")&&u.label&&y.push(u.label),u.hasOwnProperty("v")&&v("value")&&y.push(x.formatValue(u.v,l)),!h){v("current path")&&y.push(x.getPath(t.data));var b=0;v("percent parent")&&b++,v("percent entry")&&b++,v("percent root")&&b++;var _=b>1;if(b){var w,T=function(t){g=x.formatPercent(w,l),_&&(g+=" of "+t),y.push(g)};v("percent parent")&&!h&&(w=d/x.getValue(p),T("parent")),v("percent entry")&&(w=d/x.getValue(e),T("entry")),v("percent root")&&(w=d/x.getValue(f),T("root"))}}return v("text")&&(g=o.castOption(r,u.i,"text"),o.isValidTextValue(g)&&y.push(g)),y.join("
")}var k=o.castOption(r,u.i,"texttemplate");if(!k)return"";var M={};u.label&&(M.label=u.label),u.hasOwnProperty("v")&&(M.value=u.v,M.valueLabel=x.formatValue(u.v,l)),M.currentPath=x.getPath(t.data),h||(M.percentParent=d/x.getValue(p),M.percentParentLabel=x.formatPercent(M.percentParent,l),M.parent=x.getPtLabel(p)),M.percentEntry=d/x.getValue(e),M.percentEntryLabel=x.formatPercent(M.percentEntry,l),M.entry=x.getPtLabel(e),M.percentRoot=d/x.getValue(f),M.percentRootLabel=x.formatPercent(M.percentRoot,l),M.root=x.getPtLabel(f),u.hasOwnProperty("color")&&(M.color=u.color);var A=o.castOption(r,u.i,"text");return(o.isValidTextValue(A)||""===A)&&(M.text=A),M.customdata=o.castOption(r,u.i,"customdata"),o.texttemplateString(k,M,i._d3locale,M,r._meta||{})}},{"../../components/drawing":665,"../../lib":778,"../../lib/svg_text_utils":803,"../bar/style":935,"../bar/uniform_text":937,"../pie/helpers":1166,"../pie/plot":1170,"./constants":1302,"./fx":1304,"./helpers":1305,"./style":1310,d3:169,"d3-hierarchy":161}],1310:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/color"),a=t("../../lib"),o=t("../bar/uniform_text").resizeText;function s(t,e,r){var n=e.data.data,o=!e.children,s=n.i,l=a.castOption(r,s,"marker.line.color")||i.defaultLine,c=a.castOption(r,s,"marker.line.width")||0;t.style("stroke-width",c).call(i.fill,n.color).call(i.stroke,l).style("opacity",o?r.leaf.opacity:null)}e.exports={style:function(t){var e=t._fullLayout._sunburstlayer.selectAll(".trace");o(t,e,"sunburst"),e.each((function(t){var e=n.select(this),r=t[0].trace;e.style("opacity",r.opacity),e.selectAll("path.surface").each((function(t){n.select(this).call(s,t,r)}))}))},styleOne:s}},{"../../components/color":643,"../../lib":778,"../bar/uniform_text":937,d3:169}],1311:[function(t,e,r){"use strict";var n=t("../../components/color"),i=t("../../components/colorscale/attributes"),a=t("../../plots/template_attributes").hovertemplateAttrs,o=t("../../plots/attributes"),s=t("../../lib/extend").extendFlat,l=t("../../plot_api/edit_types").overrideAll;function c(t){return{show:{valType:"boolean",dflt:!1},start:{valType:"number",dflt:null,editType:"plot"},end:{valType:"number",dflt:null,editType:"plot"},size:{valType:"number",dflt:null,min:0,editType:"plot"},project:{x:{valType:"boolean",dflt:!1},y:{valType:"boolean",dflt:!1},z:{valType:"boolean",dflt:!1}},color:{valType:"color",dflt:n.defaultLine},usecolormap:{valType:"boolean",dflt:!1},width:{valType:"number",min:1,max:16,dflt:2},highlight:{valType:"boolean",dflt:!0},highlightcolor:{valType:"color",dflt:n.defaultLine},highlightwidth:{valType:"number",min:1,max:16,dflt:2}}}var u=e.exports=l(s({z:{valType:"data_array"},x:{valType:"data_array"},y:{valType:"data_array"},text:{valType:"string",dflt:"",arrayOk:!0},hovertext:{valType:"string",dflt:"",arrayOk:!0},hovertemplate:a(),connectgaps:{valType:"boolean",dflt:!1,editType:"calc"},surfacecolor:{valType:"data_array"}},i("",{colorAttr:"z or surfacecolor",showScaleDflt:!0,autoColorDflt:!1,editTypeOverride:"calc"}),{contours:{x:c(),y:c(),z:c()},hidesurface:{valType:"boolean",dflt:!1},lightposition:{x:{valType:"number",min:-1e5,max:1e5,dflt:10},y:{valType:"number",min:-1e5,max:1e5,dflt:1e4},z:{valType:"number",min:-1e5,max:1e5,dflt:0}},lighting:{ambient:{valType:"number",min:0,max:1,dflt:.8},diffuse:{valType:"number",min:0,max:1,dflt:.8},specular:{valType:"number",min:0,max:2,dflt:.05},roughness:{valType:"number",min:0,max:1,dflt:.5},fresnel:{valType:"number",min:0,max:5,dflt:.2}},opacity:{valType:"number",min:0,max:1,dflt:1},opacityscale:{valType:"any",editType:"calc"},_deprecated:{zauto:s({},i.zauto,{}),zmin:s({},i.zmin,{}),zmax:s({},i.zmax,{})},hoverinfo:s({},o.hoverinfo),showlegend:s({},o.showlegend,{dflt:!1})}),"calc","nested");u.x.editType=u.y.editType=u.z.editType="calc+clearAxisTypes",u.transforms=void 0},{"../../components/color":643,"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plot_api/edit_types":810,"../../plots/attributes":824,"../../plots/template_attributes":906}],1312:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc");e.exports=function(t,e){e.surfacecolor?n(t,e,{vals:e.surfacecolor,containerStr:"",cLetter:"c"}):n(t,e,{vals:e.z,containerStr:"",cLetter:"c"})}},{"../../components/colorscale/calc":651}],1313:[function(t,e,r){"use strict";var n=t("gl-surface3d"),i=t("ndarray"),a=t("ndarray-linear-interpolate").d2,o=t("../heatmap/interp2d"),s=t("../heatmap/find_empties"),l=t("../../lib").isArrayOrTypedArray,c=t("../../lib/gl_format_color").parseColorScale,u=t("../../lib/str2rgbarray"),f=t("../../components/colorscale").extractOpts;function h(t,e,r){this.scene=t,this.uid=r,this.surface=e,this.data=null,this.showContour=[!1,!1,!1],this.contourStart=[null,null,null],this.contourEnd=[null,null,null],this.contourSize=[0,0,0],this.minValues=[1/0,1/0,1/0],this.maxValues=[-1/0,-1/0,-1/0],this.dataScaleX=1,this.dataScaleY=1,this.refineData=!0,this.objectOffset=[0,0,0]}var p=h.prototype;p.getXat=function(t,e,r,n){var i=l(this.data.x)?l(this.data.x[0])?this.data.x[e][t]:this.data.x[t]:t;return void 0===r?i:n.d2l(i,0,r)},p.getYat=function(t,e,r,n){var i=l(this.data.y)?l(this.data.y[0])?this.data.y[e][t]:this.data.y[e]:e;return void 0===r?i:n.d2l(i,0,r)},p.getZat=function(t,e,r,n){var i=this.data.z[e][t];return null===i&&this.data.connectgaps&&this.data._interpolatedZ&&(i=this.data._interpolatedZ[e][t]),void 0===r?i:n.d2l(i,0,r)},p.handlePick=function(t){if(t.object===this.surface){var e=(t.data.index[0]-1)/this.dataScaleX-1,r=(t.data.index[1]-1)/this.dataScaleY-1,n=Math.max(Math.min(Math.round(e),this.data.z[0].length-1),0),i=Math.max(Math.min(Math.round(r),this.data._ylength-1),0);t.index=[n,i],t.traceCoordinate=[this.getXat(n,i),this.getYat(n,i),this.getZat(n,i)],t.dataCoordinate=[this.getXat(n,i,this.data.xcalendar,this.scene.fullSceneLayout.xaxis),this.getYat(n,i,this.data.ycalendar,this.scene.fullSceneLayout.yaxis),this.getZat(n,i,this.data.zcalendar,this.scene.fullSceneLayout.zaxis)];for(var a=0;a<3;a++){var o=t.dataCoordinate[a];null!=o&&(t.dataCoordinate[a]*=this.scene.dataScale[a])}var s=this.data.hovertext||this.data.text;return Array.isArray(s)&&s[i]&&void 0!==s[i][n]?t.textLabel=s[i][n]:t.textLabel=s||"",t.data.dataCoordinate=t.dataCoordinate.slice(),this.surface.highlight(t.data),this.scene.glplot.spikes.position=t.dataCoordinate,!0}};var d=[2,3,5,7,11,13,17,19,23,29,31,37,41,43,47,53,59,61,67,71,73,79,83,89,97,101,103,107,109,113,127,131,137,139,149,151,157,163,167,173,179,181,191,193,197,199,211,223,227,229,233,239,241,251,257,263,269,271,277,281,283,293,307,311,313,317,331,337,347,349,353,359,367,373,379,383,389,397,401,409,419,421,431,433,439,443,449,457,461,463,467,479,487,491,499,503,509,521,523,541,547,557,563,569,571,577,587,593,599,601,607,613,617,619,631,641,643,647,653,659,661,673,677,683,691,701,709,719,727,733,739,743,751,757,761,769,773,787,797,809,811,821,823,827,829,839,853,857,859,863,877,881,883,887,907,911,919,929,937,941,947,953,967,971,977,983,991,997,1009,1013,1019,1021,1031,1033,1039,1049,1051,1061,1063,1069,1087,1091,1093,1097,1103,1109,1117,1123,1129,1151,1153,1163,1171,1181,1187,1193,1201,1213,1217,1223,1229,1231,1237,1249,1259,1277,1279,1283,1289,1291,1297,1301,1303,1307,1319,1321,1327,1361,1367,1373,1381,1399,1409,1423,1427,1429,1433,1439,1447,1451,1453,1459,1471,1481,1483,1487,1489,1493,1499,1511,1523,1531,1543,1549,1553,1559,1567,1571,1579,1583,1597,1601,1607,1609,1613,1619,1621,1627,1637,1657,1663,1667,1669,1693,1697,1699,1709,1721,1723,1733,1741,1747,1753,1759,1777,1783,1787,1789,1801,1811,1823,1831,1847,1861,1867,1871,1873,1877,1879,1889,1901,1907,1913,1931,1933,1949,1951,1973,1979,1987,1993,1997,1999,2003,2011,2017,2027,2029,2039,2053,2063,2069,2081,2083,2087,2089,2099,2111,2113,2129,2131,2137,2141,2143,2153,2161,2179,2203,2207,2213,2221,2237,2239,2243,2251,2267,2269,2273,2281,2287,2293,2297,2309,2311,2333,2339,2341,2347,2351,2357,2371,2377,2381,2383,2389,2393,2399,2411,2417,2423,2437,2441,2447,2459,2467,2473,2477,2503,2521,2531,2539,2543,2549,2551,2557,2579,2591,2593,2609,2617,2621,2633,2647,2657,2659,2663,2671,2677,2683,2687,2689,2693,2699,2707,2711,2713,2719,2729,2731,2741,2749,2753,2767,2777,2789,2791,2797,2801,2803,2819,2833,2837,2843,2851,2857,2861,2879,2887,2897,2903,2909,2917,2927,2939,2953,2957,2963,2969,2971,2999];function g(t,e){if(t0){r=d[n];break}return r}function y(t,e){if(!(t<1||e<1)){for(var r=m(t),n=m(e),i=1,a=0;a_;)r--,r/=v(r),++r1?n:1},p.refineCoords=function(t){for(var e=this.dataScaleX,r=this.dataScaleY,n=t[0].shape[0],a=t[0].shape[1],o=0|Math.floor(t[0].shape[0]*e+1),s=0|Math.floor(t[0].shape[1]*r+1),l=1+n+1,c=1+a+1,u=i(new Float32Array(l*c),[l,c]),f=[1/e,0,0,0,1/r,0,0,0,1],h=0;h0&&null!==this.contourStart[t]&&null!==this.contourEnd[t]&&this.contourEnd[t]>this.contourStart[t]))for(i[t]=!0,e=this.contourStart[t];ea&&(this.minValues[e]=a),this.maxValues[e]",maxDimensionCount:60,overdrag:45,releaseTransitionDuration:120,releaseTransitionEase:"cubic-out",scrollbarCaptureWidth:18,scrollbarHideDelay:1e3,scrollbarHideDuration:1e3,scrollbarOffset:5,scrollbarWidth:8,transitionDuration:100,transitionEase:"cubic-out",uplift:5,wrapSpacer:" ",wrapSplitCharacter:" ",cn:{table:"table",tableControlView:"table-control-view",scrollBackground:"scroll-background",yColumn:"y-column",columnBlock:"column-block",scrollAreaClip:"scroll-area-clip",scrollAreaClipRect:"scroll-area-clip-rect",columnBoundary:"column-boundary",columnBoundaryClippath:"column-boundary-clippath",columnBoundaryRect:"column-boundary-rect",columnCells:"column-cells",columnCell:"column-cell",cellRect:"cell-rect",cellText:"cell-text",cellTextHolder:"cell-text-holder",scrollbarKit:"scrollbar-kit",scrollbar:"scrollbar",scrollbarSlider:"scrollbar-slider",scrollbarGlyph:"scrollbar-glyph",scrollbarCaptureZone:"scrollbar-capture-zone"}}},{}],1320:[function(t,e,r){"use strict";var n=t("./constants"),i=t("../../lib/extend").extendFlat,a=t("fast-isnumeric");function o(t){if(Array.isArray(t)){for(var e=0,r=0;r=e||c===t.length-1)&&(n[i]=o,o.key=l++,o.firstRowIndex=s,o.lastRowIndex=c,o={firstRowIndex:null,lastRowIndex:null,rows:[]},i+=a,s=c+1,a=0);return n}e.exports=function(t,e){var r=l(e.cells.values),p=function(t){return t.slice(e.header.values.length,t.length)},d=l(e.header.values);d.length&&!d[0].length&&(d[0]=[""],d=l(d));var g=d.concat(p(r).map((function(){return c((d[0]||[""]).length)}))),m=e.domain,v=Math.floor(t._fullLayout._size.w*(m.x[1]-m.x[0])),y=Math.floor(t._fullLayout._size.h*(m.y[1]-m.y[0])),x=e.header.values.length?g[0].map((function(){return e.header.height})):[n.emptyHeaderHeight],b=r.length?r[0].map((function(){return e.cells.height})):[],_=x.reduce(s,0),w=h(b,y-_+n.uplift),T=f(h(x,_),[]),k=f(w,T),M={},A=e._fullInput.columnorder.concat(p(r.map((function(t,e){return e})))),S=g.map((function(t,r){var n=Array.isArray(e.columnwidth)?e.columnwidth[Math.min(r,e.columnwidth.length-1)]:e.columnwidth;return a(n)?Number(n):1})),E=S.reduce(s,0);S=S.map((function(t){return t/E*v}));var C=Math.max(o(e.header.line.width),o(e.cells.line.width)),L={key:e.uid+t._context.staticPlot,translateX:m.x[0]*t._fullLayout._size.w,translateY:t._fullLayout._size.h*(1-m.y[1]),size:t._fullLayout._size,width:v,maxLineWidth:C,height:y,columnOrder:A,groupHeight:y,rowBlocks:k,headerRowBlocks:T,scrollY:0,cells:i({},e.cells,{values:r}),headerCells:i({},e.header,{values:g}),gdColumns:g.map((function(t){return t[0]})),gdColumnsOriginalOrder:g.map((function(t){return t[0]})),prevPages:[0,0],scrollbarState:{scrollbarScrollInProgress:!1},columns:g.map((function(t,e){var r=M[t];return M[t]=(r||0)+1,{key:t+"__"+M[t],label:t,specIndex:e,xIndex:A[e],xScale:u,x:void 0,calcdata:void 0,columnWidth:S[e]}}))};return L.columns.forEach((function(t){t.calcdata=L,t.x=u(t)})),L}},{"../../lib/extend":768,"./constants":1319,"fast-isnumeric":241}],1321:[function(t,e,r){"use strict";var n=t("../../lib/extend").extendFlat;r.splitToPanels=function(t){var e=[0,0],r=n({},t,{key:"header",type:"header",page:0,prevPages:e,currentRepaint:[null,null],dragHandle:!0,values:t.calcdata.headerCells.values[t.specIndex],rowBlocks:t.calcdata.headerRowBlocks,calcdata:n({},t.calcdata,{cells:t.calcdata.headerCells})});return[n({},t,{key:"cells1",type:"cells",page:0,prevPages:e,currentRepaint:[null,null],dragHandle:!1,values:t.calcdata.cells.values[t.specIndex],rowBlocks:t.calcdata.rowBlocks}),n({},t,{key:"cells2",type:"cells",page:1,prevPages:e,currentRepaint:[null,null],dragHandle:!1,values:t.calcdata.cells.values[t.specIndex],rowBlocks:t.calcdata.rowBlocks}),r]},r.splitToCells=function(t){var e=function(t){var e=t.rowBlocks[t.page],r=e?e.rows[0].rowIndex:0,n=e?r+e.rows.length:0;return[r,n]}(t);return(t.values||[]).slice(e[0],e[1]).map((function(r,n){return{keyWithinBlock:n+("string"==typeof r&&r.match(/[<$&> ]/)?"_keybuster_"+Math.random():""),key:e[0]+n,column:t,calcdata:t.calcdata,page:t.page,rowBlocks:t.rowBlocks,value:r}}))}},{"../../lib/extend":768}],1322:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes"),a=t("../../plots/domain").defaults;e.exports=function(t,e,r,o){function s(r,a){return n.coerce(t,e,i,r,a)}a(e,o,s),s("columnwidth"),s("header.values"),s("header.format"),s("header.align"),s("header.prefix"),s("header.suffix"),s("header.height"),s("header.line.width"),s("header.line.color"),s("header.fill.color"),n.coerceFont(s,"header.font",n.extendFlat({},o.font)),function(t,e){for(var r=t.columnorder||[],n=t.header.values.length,i=r.slice(0,n),a=i.slice().sort((function(t,e){return t-e})),o=i.map((function(t){return a.indexOf(t)})),s=o.length;s/i),l=!o||s;t.mayHaveMarkup=o&&a.match(/[<&>]/);var c,u="string"==typeof(c=a)&&c.match(n.latexCheck);t.latex=u;var f,h,p=u?"":w(t.calcdata.cells.prefix,e,r)||"",d=u?"":w(t.calcdata.cells.suffix,e,r)||"",g=u?null:w(t.calcdata.cells.format,e,r)||null,m=p+(g?i.format(g)(t.value):t.value)+d;if(t.wrappingNeeded=!t.wrapped&&!l&&!u&&(f=_(m)),t.cellHeightMayIncrease=s||u||t.mayHaveMarkup||(void 0===f?_(m):f),t.needsConvertToTspans=t.mayHaveMarkup||t.wrappingNeeded||t.latex,t.wrappingNeeded){var v=(" "===n.wrapSplitCharacter?m.replace(/i&&n.push(a),i+=l}return n}(i,l,s);1===u.length&&(u[0]===i.length-1?u.unshift(u[0]-1):u.push(u[0]+1)),u[0]%2&&u.reverse(),e.each((function(t,e){t.page=u[e],t.scrollY=l})),e.attr("transform",(function(t){var e=O(t.rowBlocks,t.page)-t.scrollY;return c(0,e)})),t&&(C(t,r,e,u,n.prevPages,n,0),C(t,r,e,u,n.prevPages,n,1),y(r,t))}}function E(t,e,r,a){return function(o){var s=o.calcdata?o.calcdata:o,l=e.filter((function(t){return s.key===t.key})),c=r||s.scrollbarState.dragMultiplier,u=s.scrollY;s.scrollY=void 0===a?s.scrollY+c*i.event.dy:a;var f=l.selectAll("."+n.cn.yColumn).selectAll("."+n.cn.columnBlock).filter(k);return S(t,f,l),s.scrollY===u}}function C(t,e,r,n,i,a,o){n[o]!==i[o]&&(clearTimeout(a.currentRepaint[o]),a.currentRepaint[o]=setTimeout((function(){var a=r.filter((function(t,e){return e===o&&n[e]!==i[e]}));x(t,e,a,r),i[o]=n[o]})))}function L(t,e,r,a){return function(){var o=i.select(e.parentNode);o.each((function(t){var e=t.fragments;o.selectAll("tspan.line").each((function(t,r){e[r].width=this.getComputedTextLength()}));var r,i,a=e[e.length-1].width,s=e.slice(0,-1),l=[],c=0,u=t.column.columnWidth-2*n.cellPad;for(t.value="";s.length;)c+(i=(r=s.shift()).width+a)>u&&(t.value+=l.join(n.wrapSpacer)+n.lineBreaker,l=[],c=0),l.push(r.text),c+=i;c&&(t.value+=l.join(n.wrapSpacer)),t.wrapped=!0})),o.selectAll("tspan.line").remove(),b(o.select("."+n.cn.cellText),r,t,a),i.select(e.parentNode.parentNode).call(z)}}function I(t,e,r,a,o){return function(){if(!o.settledY){var s=i.select(e.parentNode),l=F(o),u=o.key-l.firstRowIndex,f=l.rows[u].rowHeight,h=o.cellHeightMayIncrease?e.parentNode.getBoundingClientRect().height+2*n.cellPad:f,p=Math.max(h,f);p-l.rows[u].rowHeight&&(l.rows[u].rowHeight=p,t.selectAll("."+n.cn.columnCell).call(z),S(null,t.filter(k),0),y(r,a,!0)),s.attr("transform",(function(){var t=this.parentNode.getBoundingClientRect(),e=i.select(this.parentNode).select("."+n.cn.cellRect).node().getBoundingClientRect(),r=this.transform.baseVal.consolidate(),a=e.top-t.top+(r?r.matrix.f:n.cellPad);return c(P(o,i.select(this.parentNode).select("."+n.cn.cellTextHolder).node().getBoundingClientRect().width),a)})),o.settledY=!0}}}function P(t,e){switch(t.align){case"left":return n.cellPad;case"right":return t.column.columnWidth-(e||0)-n.cellPad;case"center":return(t.column.columnWidth-(e||0))/2;default:return n.cellPad}}function z(t){t.attr("transform",(function(t){var e=t.rowBlocks[0].auxiliaryBlocks.reduce((function(t,e){return t+D(e,1/0)}),0),r=D(F(t),t.key);return c(0,r+e)})).selectAll("."+n.cn.cellRect).attr("height",(function(t){return(e=F(t),r=t.key,e.rows[r-e.firstRowIndex]).rowHeight;var e,r}))}function O(t,e){for(var r=0,n=e-1;n>=0;n--)r+=R(t[n]);return r}function D(t,e){for(var r=0,n=0;n","<","|","/","\\"],dflt:">",editType:"plot"},thickness:{valType:"number",min:12,editType:"plot"},textfont:u({},s.textfont,{}),editType:"calc"},text:s.text,textinfo:l.textinfo,texttemplate:i({editType:"plot"},{keys:c.eventDataKeys.concat(["label","value"])}),hovertext:s.hovertext,hoverinfo:l.hoverinfo,hovertemplate:n({},{keys:c.eventDataKeys}),textfont:s.textfont,insidetextfont:s.insidetextfont,outsidetextfont:u({},s.outsidetextfont,{}),textposition:{valType:"enumerated",values:["top left","top center","top right","middle left","middle center","middle right","bottom left","bottom center","bottom right"],dflt:"top left",editType:"plot"},sort:s.sort,root:l.root,domain:o({name:"treemap",trace:!0,editType:"calc"})}},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/domain":855,"../../plots/template_attributes":906,"../pie/attributes":1161,"../sunburst/attributes":1299,"./constants":1328}],1326:[function(t,e,r){"use strict";var n=t("../../plots/plots");r.name="treemap",r.plot=function(t,e,i,a){n.plotBasePlot(r.name,t,e,i,a)},r.clean=function(t,e,i,a){n.cleanBasePlot(r.name,t,e,i,a)}},{"../../plots/plots":891}],1327:[function(t,e,r){"use strict";var n=t("../sunburst/calc");r.calc=function(t,e){return n.calc(t,e)},r.crossTraceCalc=function(t){return n._runCrossTraceCalc("treemap",t)}},{"../sunburst/calc":1301}],1328:[function(t,e,r){"use strict";e.exports={CLICK_TRANSITION_TIME:750,CLICK_TRANSITION_EASING:"poly",eventDataKeys:["currentPath","root","entry","percentRoot","percentEntry","percentParent"],gapWithPathbar:1}},{}],1329:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes"),a=t("../../components/color"),o=t("../../plots/domain").defaults,s=t("../bar/defaults").handleText,l=t("../bar/constants").TEXTPAD,c=t("../../components/colorscale"),u=c.hasColorscale,f=c.handleDefaults;e.exports=function(t,e,r,c){function h(r,a){return n.coerce(t,e,i,r,a)}var p=h("labels"),d=h("parents");if(p&&p.length&&d&&d.length){var g=h("values");g&&g.length?h("branchvalues"):h("count"),h("level"),h("maxdepth"),"squarify"===h("tiling.packing")&&h("tiling.squarifyratio"),h("tiling.flip"),h("tiling.pad");var m=h("text");h("texttemplate"),e.texttemplate||h("textinfo",Array.isArray(m)?"text+label":"label"),h("hovertext"),h("hovertemplate");var v=h("pathbar.visible");s(t,e,c,h,"auto",{hasPathbar:v,moduleHasSelected:!1,moduleHasUnselected:!1,moduleHasConstrain:!1,moduleHasCliponaxis:!1,moduleHasTextangle:!1,moduleHasInsideanchor:!1}),h("textposition");var y=-1!==e.textposition.indexOf("bottom");h("marker.line.width")&&h("marker.line.color",c.paper_bgcolor);var x=h("marker.colors"),b=e._hasColorscale=u(t,"marker","colors")||(t.marker||{}).coloraxis;b?f(t,e,c,h,{prefix:"marker.",cLetter:"c"}):h("marker.depthfade",!(x||[]).length);var _=2*e.textfont.size;h("marker.pad.t",y?_/4:_),h("marker.pad.l",_/4),h("marker.pad.r",_/4),h("marker.pad.b",y?_:_/4),b&&f(t,e,c,h,{prefix:"marker.",cLetter:"c"}),e._hovered={marker:{line:{width:2,color:a.contrast(c.paper_bgcolor)}}},v&&(h("pathbar.thickness",e.pathbar.textfont.size+2*l),h("pathbar.side"),h("pathbar.edgeshape")),h("sort"),h("root.color"),o(e,c,h),e._length=null}else e.visible=!1}},{"../../components/color":643,"../../components/colorscale":655,"../../lib":778,"../../plots/domain":855,"../bar/constants":923,"../bar/defaults":925,"./attributes":1325}],1330:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../components/drawing"),o=t("../../lib/svg_text_utils"),s=t("./partition"),l=t("./style").styleOne,c=t("./constants"),u=t("../sunburst/helpers"),f=t("../sunburst/fx");e.exports=function(t,e,r,h,p){var d=p.barDifY,g=p.width,m=p.height,v=p.viewX,y=p.viewY,x=p.pathSlice,b=p.toMoveInsideSlice,_=p.strTransform,w=p.hasTransition,T=p.handleSlicesExit,k=p.makeUpdateSliceInterpolator,M=p.makeUpdateTextInterpolator,A={},S=t._fullLayout,E=e[0],C=E.trace,L=E.hierarchy,I=g/C._entryDepth,P=u.listPath(r.data,"id"),z=s(L.copy(),[g,m],{packing:"dice",pad:{inner:0,top:0,left:0,right:0,bottom:0}}).descendants();(z=z.filter((function(t){var e=P.indexOf(t.data.id);return-1!==e&&(t.x0=I*e,t.x1=I*(e+1),t.y0=d,t.y1=d+m,t.onPathbar=!0,!0)}))).reverse(),(h=h.data(z,u.getPtId)).enter().append("g").classed("pathbar",!0),T(h,!0,A,[g,m],x),h.order();var O=h;w&&(O=O.transition().each("end",(function(){var e=n.select(this);u.setSliceCursor(e,t,{hideOnRoot:!1,hideOnLeaves:!1,isTransitioning:!1})}))),O.each((function(s){s._hoverX=v(s.x1-Math.min(g,m)/2),s._hoverY=y(s.y1-m/2);var h=n.select(this),p=i.ensureSingle(h,"path","surface",(function(t){t.style("pointer-events","all")}));w?p.transition().attrTween("d",(function(t){var e=k(t,!0,A,[g,m]);return function(t){return x(e(t))}})):p.attr("d",x),h.call(f,r,t,e,{styleOne:l,eventDataKeys:c.eventDataKeys,transitionTime:c.CLICK_TRANSITION_TIME,transitionEasing:c.CLICK_TRANSITION_EASING}).call(u.setSliceCursor,t,{hideOnRoot:!1,hideOnLeaves:!1,isTransitioning:t._transitioning}),p.call(l,s,C,{hovered:!1}),s._text=(u.getPtLabel(s)||"").split("
").join(" ")||"";var d=i.ensureSingle(h,"g","slicetext"),T=i.ensureSingle(d,"text","",(function(t){t.attr("data-notex",1)})),E=i.ensureUniformFontSize(t,u.determineTextFont(C,s,S.font,{onPathbar:!0}));T.text(s._text||" ").classed("slicetext",!0).attr("text-anchor","start").call(a.font,E).call(o.convertToTspans,t),s.textBB=a.bBox(T.node()),s.transform=b(s,{fontSize:E.size,onPathbar:!0}),s.transform.fontSize=E.size,w?T.transition().attrTween("transform",(function(t){var e=M(t,!0,A,[g,m]);return function(t){return _(e(t))}})):T.attr("transform",_(s))}))}},{"../../components/drawing":665,"../../lib":778,"../../lib/svg_text_utils":803,"../sunburst/fx":1304,"../sunburst/helpers":1305,"./constants":1328,"./partition":1335,"./style":1337,d3:169}],1331:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../components/drawing"),o=t("../../lib/svg_text_utils"),s=t("./partition"),l=t("./style").styleOne,c=t("./constants"),u=t("../sunburst/helpers"),f=t("../sunburst/fx"),h=t("../sunburst/plot").formatSliceLabel;e.exports=function(t,e,r,p,d){var g=d.width,m=d.height,v=d.viewX,y=d.viewY,x=d.pathSlice,b=d.toMoveInsideSlice,_=d.strTransform,w=d.hasTransition,T=d.handleSlicesExit,k=d.makeUpdateSliceInterpolator,M=d.makeUpdateTextInterpolator,A=d.prevEntry,S=t._fullLayout,E=e[0].trace,C=-1!==E.textposition.indexOf("left"),L=-1!==E.textposition.indexOf("right"),I=-1!==E.textposition.indexOf("bottom"),P=!I&&!E.marker.pad.t||I&&!E.marker.pad.b,z=s(r,[g,m],{packing:E.tiling.packing,squarifyratio:E.tiling.squarifyratio,flipX:E.tiling.flip.indexOf("x")>-1,flipY:E.tiling.flip.indexOf("y")>-1,pad:{inner:E.tiling.pad,top:E.marker.pad.t,left:E.marker.pad.l,right:E.marker.pad.r,bottom:E.marker.pad.b}}).descendants(),O=1/0,D=-1/0;z.forEach((function(t){var e=t.depth;e>=E._maxDepth?(t.x0=t.x1=(t.x0+t.x1)/2,t.y0=t.y1=(t.y0+t.y1)/2):(O=Math.min(O,e),D=Math.max(D,e))})),p=p.data(z,u.getPtId),E._maxVisibleLayers=isFinite(D)?D-O+1:0,p.enter().append("g").classed("slice",!0),T(p,!1,{},[g,m],x),p.order();var R=null;if(w&&A){var F=u.getPtId(A);p.each((function(t){null===R&&u.getPtId(t)===F&&(R={x0:t.x0,x1:t.x1,y0:t.y0,y1:t.y1})}))}var B=function(){return R||{x0:0,x1:g,y0:0,y1:m}},N=p;return w&&(N=N.transition().each("end",(function(){var e=n.select(this);u.setSliceCursor(e,t,{hideOnRoot:!0,hideOnLeaves:!1,isTransitioning:!1})}))),N.each((function(s){var p=u.isHeader(s,E);s._hoverX=v(s.x1-E.marker.pad.r),s._hoverY=y(I?s.y1-E.marker.pad.b/2:s.y0+E.marker.pad.t/2);var d=n.select(this),T=i.ensureSingle(d,"path","surface",(function(t){t.style("pointer-events","all")}));w?T.transition().attrTween("d",(function(t){var e=k(t,!1,B(),[g,m]);return function(t){return x(e(t))}})):T.attr("d",x),d.call(f,r,t,e,{styleOne:l,eventDataKeys:c.eventDataKeys,transitionTime:c.CLICK_TRANSITION_TIME,transitionEasing:c.CLICK_TRANSITION_EASING}).call(u.setSliceCursor,t,{isTransitioning:t._transitioning}),T.call(l,s,E,{hovered:!1}),s.x0===s.x1||s.y0===s.y1?s._text="":s._text=p?P?"":u.getPtLabel(s)||"":h(s,r,E,e,S)||"";var A=i.ensureSingle(d,"g","slicetext"),z=i.ensureSingle(A,"text","",(function(t){t.attr("data-notex",1)})),O=i.ensureUniformFontSize(t,u.determineTextFont(E,s,S.font));z.text(s._text||" ").classed("slicetext",!0).attr("text-anchor",L?"end":C||p?"start":"middle").call(a.font,O).call(o.convertToTspans,t),s.textBB=a.bBox(z.node()),s.transform=b(s,{fontSize:O.size,isHeader:p}),s.transform.fontSize=O.size,w?z.transition().attrTween("transform",(function(t){var e=M(t,!1,B(),[g,m]);return function(t){return _(e(t))}})):z.attr("transform",_(s))})),R}},{"../../components/drawing":665,"../../lib":778,"../../lib/svg_text_utils":803,"../sunburst/fx":1304,"../sunburst/helpers":1305,"../sunburst/plot":1309,"./constants":1328,"./partition":1335,"./style":1337,d3:169}],1332:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"treemap",basePlotModule:t("./base_plot"),categories:[],animatable:!0,attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./calc").crossTraceCalc,plot:t("./plot"),style:t("./style").style,colorbar:t("../scatter/marker_colorbar"),meta:{}}},{"../scatter/marker_colorbar":1205,"./attributes":1325,"./base_plot":1326,"./calc":1327,"./defaults":1329,"./layout_attributes":1333,"./layout_defaults":1334,"./plot":1336,"./style":1337}],1333:[function(t,e,r){"use strict";e.exports={treemapcolorway:{valType:"colorlist",editType:"calc"},extendtreemapcolors:{valType:"boolean",dflt:!0,editType:"calc"}}},{}],1334:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e){function r(r,a){return n.coerce(t,e,i,r,a)}r("treemapcolorway",e.colorway),r("extendtreemapcolors")}},{"../../lib":778,"./layout_attributes":1333}],1335:[function(t,e,r){"use strict";var n=t("d3-hierarchy");e.exports=function(t,e,r){var i,a=r.flipX,o=r.flipY,s="dice-slice"===r.packing,l=r.pad[o?"bottom":"top"],c=r.pad[a?"right":"left"],u=r.pad[a?"left":"right"],f=r.pad[o?"top":"bottom"];s&&(i=c,c=l,l=i,i=u,u=f,f=i);var h=n.treemap().tile(function(t,e){switch(t){case"squarify":return n.treemapSquarify.ratio(e);case"binary":return n.treemapBinary;case"dice":return n.treemapDice;case"slice":return n.treemapSlice;default:return n.treemapSliceDice}}(r.packing,r.squarifyratio)).paddingInner(r.pad.inner).paddingLeft(c).paddingRight(u).paddingTop(l).paddingBottom(f).size(s?[e[1],e[0]]:e)(t);return(s||a||o)&&function t(e,r,n){var i;n.swapXY&&(i=e.x0,e.x0=e.y0,e.y0=i,i=e.x1,e.x1=e.y1,e.y1=i);n.flipX&&(i=e.x0,e.x0=r[0]-e.x1,e.x1=r[0]-i);n.flipY&&(i=e.y0,e.y0=r[1]-e.y1,e.y1=r[1]-i);var a=e.children;if(a)for(var o=0;o-1?E+I:-(L+I):0,z={x0:C,x1:C,y0:P,y1:P+L},O=function(t,e,r){var n=m.tiling.pad,i=function(t){return t-n<=e.x0},a=function(t){return t+n>=e.x1},o=function(t){return t-n<=e.y0},s=function(t){return t+n>=e.y1};return{x0:i(t.x0-n)?0:a(t.x0-n)?r[0]:t.x0,x1:i(t.x1+n)?0:a(t.x1+n)?r[0]:t.x1,y0:o(t.y0-n)?0:s(t.y0-n)?r[1]:t.y0,y1:o(t.y1+n)?0:s(t.y1+n)?r[1]:t.y1}},D=null,R={},F={},B=null,N=function(t,e){return e?R[g(t)]:F[g(t)]},j=function(t,e,r,n){if(e)return R[g(v)]||z;var i=F[m.level]||r;return function(t){return t.data.depth-y.data.depth=(n-=v.r-o)){var y=(r+n)/2;r=y,n=y}var x;h?i<(x=a-v.b)&&x"===Q?(l.x-=a,c.x-=a,u.x-=a,f.x-=a):"/"===Q?(u.x-=a,f.x-=a,o.x-=a/2,s.x-=a/2):"\\"===Q?(l.x-=a,c.x-=a,o.x-=a/2,s.x-=a/2):"<"===Q&&(o.x-=a,s.x-=a),K(l),K(f),K(o),K(c),K(u),K(s),"M"+Z(l.x,l.y)+"L"+Z(c.x,c.y)+"L"+Z(s.x,s.y)+"L"+Z(u.x,u.y)+"L"+Z(f.x,f.y)+"L"+Z(o.x,o.y)+"Z"},toMoveInsideSlice:$,makeUpdateSliceInterpolator:et,makeUpdateTextInterpolator:rt,handleSlicesExit:nt,hasTransition:T,strTransform:it}):b.remove()}e.exports=function(t,e,r,a){var o,s,l=t._fullLayout,c=l._treemaplayer,h=!r;(u("treemap",l),(o=c.selectAll("g.trace.treemap").data(e,(function(t){return t[0].trace.uid}))).enter().append("g").classed("trace",!0).classed("treemap",!0),o.order(),!l.uniformtext.mode&&i.hasTransition(r))?(a&&(s=a()),n.transition().duration(r.duration).ease(r.easing).each("end",(function(){s&&s()})).each("interrupt",(function(){s&&s()})).each((function(){c.selectAll("g.trace").each((function(e){m(t,e,this,r)}))}))):(o.each((function(e){m(t,e,this,r)})),l.uniformtext.mode&&f(t,l._treemaplayer.selectAll(".trace"),"treemap"));h&&o.exit().remove()}},{"../../lib":778,"../bar/constants":923,"../bar/plot":932,"../bar/style":935,"../bar/uniform_text":937,"../sunburst/helpers":1305,"./constants":1328,"./draw_ancestors":1330,"./draw_descendants":1331,d3:169}],1337:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/color"),a=t("../../lib"),o=t("../sunburst/helpers"),s=t("../bar/uniform_text").resizeText;function l(t,e,r,n){var s,l,c=(n||{}).hovered,u=e.data.data,f=u.i,h=u.color,p=o.isHierarchyRoot(e),d=1;if(c)s=r._hovered.marker.line.color,l=r._hovered.marker.line.width;else if(p&&h===r.root.color)d=100,s="rgba(0,0,0,0)",l=0;else if(s=a.castOption(r,f,"marker.line.color")||i.defaultLine,l=a.castOption(r,f,"marker.line.width")||0,!r._hasColorscale&&!e.onPathbar){var g=r.marker.depthfade;if(g){var m,v=i.combine(i.addOpacity(r._backgroundColor,.75),h);if(!0===g){var y=o.getMaxDepth(r);m=isFinite(y)?o.isLeaf(e)?0:r._maxVisibleLayers-(e.data.depth-r._entryDepth):e.data.height+1}else m=e.data.depth-r._entryDepth,r._atRootLevel||m++;if(m>0)for(var x=0;x0){var y,x,b,_,w,T=t.xa,k=t.ya;"h"===h.orientation?(w=e,y="y",b=k,x="x",_=T):(w=r,y="x",b=T,x="y",_=k);var M=f[t.index];if(w>=M.span[0]&&w<=M.span[1]){var A=n.extendFlat({},t),S=_.c2p(w,!0),E=o.getKdeValue(M,h,w),C=o.getPositionOnKdePath(M,h,S),L=b._offset,I=b._length;A[y+"0"]=C[0],A[y+"1"]=C[1],A[x+"0"]=A[x+"1"]=S,A[x+"Label"]=x+": "+i.hoverLabelText(_,w)+", "+f[0].t.labels.kde+" "+E.toFixed(3),A.spikeDistance=v[0].spikeDistance;var P=y+"Spike";A[P]=v[0][P],v[0].spikeDistance=void 0,v[0][P]=void 0,A.hovertemplate=!1,m.push(A),(u={stroke:t.color})[y+"1"]=n.constrain(L+C[0],L,L+I),u[y+"2"]=n.constrain(L+C[1],L,L+I),u[x+"1"]=u[x+"2"]=_._offset+S}}d&&(m=m.concat(v))}-1!==p.indexOf("points")&&(c=a.hoverOnPoints(t,e,r));var z=l.selectAll(".violinline-"+h.uid).data(u?[0]:[]);return z.enter().append("line").classed("violinline-"+h.uid,!0).attr("stroke-width",1.5),z.exit().remove(),z.attr(u),"closest"===s?c?[c]:m:c?(m.push(c),m):m}},{"../../lib":778,"../../plots/cartesian/axes":828,"../box/hover":951,"./helpers":1342}],1344:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),crossTraceDefaults:t("../box/defaults").crossTraceDefaults,supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc"),crossTraceCalc:t("./cross_trace_calc"),plot:t("./plot"),style:t("./style"),styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("../box/select"),moduleType:"trace",name:"violin",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","symbols","oriented","box-violin","showLegend","violinLayout","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"../box/defaults":949,"../box/select":956,"../scatter/style":1211,"./attributes":1338,"./calc":1339,"./cross_trace_calc":1340,"./defaults":1341,"./hover":1343,"./layout_attributes":1345,"./layout_defaults":1346,"./plot":1347,"./style":1348}],1345:[function(t,e,r){"use strict";var n=t("../box/layout_attributes"),i=t("../../lib").extendFlat;e.exports={violinmode:i({},n.boxmode,{}),violingap:i({},n.boxgap,{}),violingroupgap:i({},n.boxgroupgap,{})}},{"../../lib":778,"../box/layout_attributes":953}],1346:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes"),a=t("../box/layout_defaults");e.exports=function(t,e,r){a._supply(t,e,r,(function(r,a){return n.coerce(t,e,i,r,a)}),"violin")}},{"../../lib":778,"../box/layout_defaults":954,"./layout_attributes":1345}],1347:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../components/drawing"),o=t("../box/plot"),s=t("../scatter/line_points"),l=t("./helpers");e.exports=function(t,e,r,c){var u=t._fullLayout,f=e.xaxis,h=e.yaxis;function p(t){var e=s(t,{xaxis:f,yaxis:h,connectGaps:!0,baseTolerance:.75,shape:"spline",simplify:!0,linearized:!0});return a.smoothopen(e[0],1)}i.makeTraceGroups(c,r,"trace violins").each((function(t){var r=n.select(this),a=t[0],s=a.t,c=a.trace;if(!0!==c.visible||s.empty)r.remove();else{var d=s.bPos,g=s.bdPos,m=e[s.valLetter+"axis"],v=e[s.posLetter+"axis"],y="both"===c.side,x=y||"positive"===c.side,b=y||"negative"===c.side,_=r.selectAll("path.violin").data(i.identity);_.enter().append("path").style("vector-effect","non-scaling-stroke").attr("class","violin"),_.exit().remove(),_.each((function(t){var e,r,i,a,o,l,f,h,_=n.select(this),w=t.density,T=w.length,k=v.c2l(t.pos+d,!0),M=v.l2p(k);if(c.width)e=s.maxKDE/g;else{var A=u._violinScaleGroupStats[c.scalegroup];e="count"===c.scalemode?A.maxKDE/g*(A.maxCount/t.pts.length):A.maxKDE/g}if(x){for(f=new Array(T),o=0;o")),c.color=function(t,e){var r=t[e.dir].marker,n=r.color,a=r.line.color,o=r.line.width;if(i(n))return n;if(i(a)&&o)return a}(f,d),[c]}function w(t){return n(p,t)}}},{"../../components/color":643,"../../constants/delta.js":747,"../../plots/cartesian/axes":828,"../bar/hover":928}],1360:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults").supplyDefaults,crossTraceDefaults:t("./defaults").crossTraceDefaults,supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc"),crossTraceCalc:t("./cross_trace_calc"),plot:t("./plot"),style:t("./style").style,hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("../bar/select"),moduleType:"trace",name:"waterfall",basePlotModule:t("../../plots/cartesian"),categories:["bar-like","cartesian","svg","oriented","showLegend","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"../bar/select":933,"./attributes":1353,"./calc":1354,"./cross_trace_calc":1356,"./defaults":1357,"./event_data":1358,"./hover":1359,"./layout_attributes":1361,"./layout_defaults":1362,"./plot":1363,"./style":1364}],1361:[function(t,e,r){"use strict";e.exports={waterfallmode:{valType:"enumerated",values:["group","overlay"],dflt:"group",editType:"calc"},waterfallgap:{valType:"number",min:0,max:1,editType:"calc"},waterfallgroupgap:{valType:"number",min:0,max:1,dflt:0,editType:"calc"}}},{}],1362:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e,r){var a=!1;function o(r,a){return n.coerce(t,e,i,r,a)}for(var s=0;s0&&(m+=h?"M"+f[0]+","+d[1]+"V"+d[0]:"M"+f[1]+","+d[0]+"H"+f[0]),"between"!==p&&(r.isSum||s path").each((function(t){if(!t.isBlank){var e=s[t.dir].marker;n.select(this).call(a.fill,e.color).call(a.stroke,e.line.color).call(i.dashLine,e.line.dash,e.line.width).style("opacity",s.selectedpoints&&!t.selected?o:1)}})),c(r,s,t),r.selectAll(".lines").each((function(){var t=s.connector.line;i.lineGroupStyle(n.select(this).selectAll("path"),t.width,t.color,t.dash)}))}))}}},{"../../components/color":643,"../../components/drawing":665,"../../constants/interactions":752,"../bar/style":935,"../bar/uniform_text":937,d3:169}],1365:[function(t,e,r){"use strict";var n=t("../plots/cartesian/axes"),i=t("../lib"),a=t("../plot_api/plot_schema"),o=t("./helpers").pointsAccessorFunction,s=t("../constants/numerical").BADNUM;r.moduleType="transform",r.name="aggregate";var l=r.attributes={enabled:{valType:"boolean",dflt:!0,editType:"calc"},groups:{valType:"string",strict:!0,noBlank:!0,arrayOk:!0,dflt:"x",editType:"calc"},aggregations:{_isLinkedToArray:"aggregation",target:{valType:"string",editType:"calc"},func:{valType:"enumerated",values:["count","sum","avg","median","mode","rms","stddev","min","max","first","last","change","range"],dflt:"first",editType:"calc"},funcmode:{valType:"enumerated",values:["sample","population"],dflt:"sample",editType:"calc"},enabled:{valType:"boolean",dflt:!0,editType:"calc"},editType:"calc"},editType:"calc"},c=l.aggregations;function u(t,e,r,a){if(a.enabled){for(var o=a.target,l=i.nestedProperty(e,o),c=l.get(),u=function(t,e){var r=t.func,n=e.d2c,a=e.c2d;switch(r){case"count":return f;case"first":return h;case"last":return p;case"sum":return function(t,e){for(var r=0,i=0;ii&&(i=u,o=c)}}return i?a(o):s};case"rms":return function(t,e){for(var r=0,i=0,o=0;o":return function(t){return h(t)>s};case">=":return function(t){return h(t)>=s};case"[]":return function(t){var e=h(t);return e>=s[0]&&e<=s[1]};case"()":return function(t){var e=h(t);return e>s[0]&&e=s[0]&&es[0]&&e<=s[1]};case"][":return function(t){var e=h(t);return e<=s[0]||e>=s[1]};case")(":return function(t){var e=h(t);return es[1]};case"](":return function(t){var e=h(t);return e<=s[0]||e>s[1]};case")[":return function(t){var e=h(t);return e=s[1]};case"{}":return function(t){return-1!==s.indexOf(h(t))};case"}{":return function(t){return-1===s.indexOf(h(t))}}}(r,a.getDataToCoordFunc(t,e,s,i),h),x={},b={},_=0;d?(m=function(t){x[t.astr]=n.extendDeep([],t.get()),t.set(new Array(f))},v=function(t,e){var r=x[t.astr][e];t.get()[e]=r}):(m=function(t){x[t.astr]=n.extendDeep([],t.get()),t.set([])},v=function(t,e){var r=x[t.astr][e];t.get().push(r)}),k(m);for(var w=o(e.transforms,r),T=0;T1?"%{group} (%{trace})":"%{group}");var l=t.styles,c=o.styles=[];if(l)for(a=0;a
\ No newline at end of file diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/ml_vis03.html --- a/test-data/ml_vis03.html Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/ml_vis03.html Wed Aug 09 12:54:40 2023 +0000 @@ -1,31 +1,67 @@ -
- - +
-
- -
+!function(t){if("object"==typeof exports&&"undefined"!=typeof module)module.exports=t();else if("function"==typeof define&&define.amd)define([],t);else{("undefined"!=typeof window?window:"undefined"!=typeof global?global:"undefined"!=typeof self?self:this).Plotly=t()}}((function(){return function t(e,r,n){function i(o,s){if(!r[o]){if(!e[o]){var l="function"==typeof require&&require;if(!s&&l)return l(o,!0);if(a)return a(o,!0);var c=new Error("Cannot find module '"+o+"'");throw c.code="MODULE_NOT_FOUND",c}var u=r[o]={exports:{}};e[o][0].call(u.exports,(function(t){return i(e[o][1][t]||t)}),u,u.exports,t,e,r,n)}return r[o].exports}for(var a="function"==typeof require&&require,o=0;o:not(.watermark)":"opacity:0;-webkit-transition:opacity 0.3s ease 0s;-moz-transition:opacity 0.3s ease 0s;-ms-transition:opacity 0.3s ease 0s;-o-transition:opacity 0.3s ease 0s;transition:opacity 0.3s ease 0s;","X:hover .modebar--hover .modebar-group":"opacity:1;","X .modebar-group":"float:left;display:inline-block;box-sizing:border-box;padding-left:8px;position:relative;vertical-align:middle;white-space:nowrap;","X .modebar-btn":"position:relative;font-size:16px;padding:3px 4px;height:22px;cursor:pointer;line-height:normal;box-sizing:border-box;","X .modebar-btn svg":"position:relative;top:2px;","X .modebar.vertical":"display:flex;flex-direction:column;flex-wrap:wrap;align-content:flex-end;max-height:100%;","X .modebar.vertical svg":"top:-1px;","X .modebar.vertical .modebar-group":"display:block;float:none;padding-left:0px;padding-bottom:8px;","X .modebar.vertical .modebar-group .modebar-btn":"display:block;text-align:center;","X [data-title]:before,X [data-title]:after":"position:absolute;-webkit-transform:translate3d(0, 0, 0);-moz-transform:translate3d(0, 0, 0);-ms-transform:translate3d(0, 0, 0);-o-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);display:none;opacity:0;z-index:1001;pointer-events:none;top:110%;right:50%;","X [data-title]:hover:before,X [data-title]:hover:after":"display:block;opacity:1;","X [data-title]:before":"content:'';position:absolute;background:transparent;border:6px solid transparent;z-index:1002;margin-top:-12px;border-bottom-color:#69738a;margin-right:-6px;","X [data-title]:after":"content:attr(data-title);background:#69738a;color:white;padding:8px 10px;font-size:12px;line-height:12px;white-space:nowrap;margin-right:-18px;border-radius:2px;","X .vertical [data-title]:before,X .vertical [data-title]:after":"top:0%;right:200%;","X .vertical [data-title]:before":"border:6px solid transparent;border-left-color:#69738a;margin-top:8px;margin-right:-30px;","X .select-outline":"fill:none;stroke-width:1;shape-rendering:crispEdges;","X .select-outline-1":"stroke:white;","X .select-outline-2":"stroke:black;stroke-dasharray:2px 2px;",Y:"font-family:'Open Sans', verdana, arial, sans-serif;position:fixed;top:50px;right:20px;z-index:10000;font-size:10pt;max-width:180px;","Y p":"margin:0;","Y .notifier-note":"min-width:180px;max-width:250px;border:1px solid #fff;z-index:3000;margin:0;background-color:#8c97af;background-color:rgba(140,151,175,0.9);color:#fff;padding:10px;overflow-wrap:break-word;word-wrap:break-word;-ms-hyphens:auto;-webkit-hyphens:auto;hyphens:auto;","Y .notifier-close":"color:#fff;opacity:0.8;float:right;padding:0 5px;background:none;border:none;font-size:20px;font-weight:bold;line-height:20px;","Y .notifier-close:hover":"color:#444;text-decoration:none;cursor:pointer;"};for(var a in i){var o=a.replace(/^,/," ,").replace(/X/g,".js-plotly-plot .plotly").replace(/Y/g,".plotly-notifier");n.addStyleRule(o,i[a])}},{"../src/lib":778}],2:[function(t,e,r){"use strict";e.exports=t("../src/transforms/aggregate")},{"../src/transforms/aggregate":1365}],3:[function(t,e,r){"use strict";e.exports=t("../src/traces/bar")},{"../src/traces/bar":929}],4:[function(t,e,r){"use strict";e.exports=t("../src/traces/barpolar")},{"../src/traces/barpolar":942}],5:[function(t,e,r){"use strict";e.exports=t("../src/traces/box")},{"../src/traces/box":952}],6:[function(t,e,r){"use strict";e.exports=t("../src/components/calendars")},{"../src/components/calendars":641}],7:[function(t,e,r){"use strict";e.exports=t("../src/traces/candlestick")},{"../src/traces/candlestick":961}],8:[function(t,e,r){"use strict";e.exports=t("../src/traces/carpet")},{"../src/traces/carpet":980}],9:[function(t,e,r){"use strict";e.exports=t("../src/traces/choropleth")},{"../src/traces/choropleth":994}],10:[function(t,e,r){"use strict";e.exports=t("../src/traces/choroplethmapbox")},{"../src/traces/choroplethmapbox":1001}],11:[function(t,e,r){"use strict";e.exports=t("../src/traces/cone")},{"../src/traces/cone":1007}],12:[function(t,e,r){"use strict";e.exports=t("../src/traces/contour")},{"../src/traces/contour":1022}],13:[function(t,e,r){"use strict";e.exports=t("../src/traces/contourcarpet")},{"../src/traces/contourcarpet":1033}],14:[function(t,e,r){"use strict";e.exports=t("../src/core")},{"../src/core":755}],15:[function(t,e,r){"use strict";e.exports=t("../src/traces/densitymapbox")},{"../src/traces/densitymapbox":1041}],16:[function(t,e,r){"use strict";e.exports=t("../src/transforms/filter")},{"../src/transforms/filter":1366}],17:[function(t,e,r){"use strict";e.exports=t("../src/traces/funnel")},{"../src/traces/funnel":1051}],18:[function(t,e,r){"use strict";e.exports=t("../src/traces/funnelarea")},{"../src/traces/funnelarea":1060}],19:[function(t,e,r){"use strict";e.exports=t("../src/transforms/groupby")},{"../src/transforms/groupby":1367}],20:[function(t,e,r){"use strict";e.exports=t("../src/traces/heatmap")},{"../src/traces/heatmap":1073}],21:[function(t,e,r){"use strict";e.exports=t("../src/traces/heatmapgl")},{"../src/traces/heatmapgl":1083}],22:[function(t,e,r){"use strict";e.exports=t("../src/traces/histogram")},{"../src/traces/histogram":1095}],23:[function(t,e,r){"use strict";e.exports=t("../src/traces/histogram2d")},{"../src/traces/histogram2d":1101}],24:[function(t,e,r){"use strict";e.exports=t("../src/traces/histogram2dcontour")},{"../src/traces/histogram2dcontour":1105}],25:[function(t,e,r){"use strict";e.exports=t("../src/traces/image")},{"../src/traces/image":1113}],26:[function(t,e,r){"use strict";var n=t("./core");n.register([t("./bar"),t("./box"),t("./heatmap"),t("./histogram"),t("./histogram2d"),t("./histogram2dcontour"),t("./contour"),t("./scatterternary"),t("./violin"),t("./funnel"),t("./waterfall"),t("./image"),t("./pie"),t("./sunburst"),t("./treemap"),t("./funnelarea"),t("./scatter3d"),t("./surface"),t("./isosurface"),t("./volume"),t("./mesh3d"),t("./cone"),t("./streamtube"),t("./scattergeo"),t("./choropleth"),t("./scattergl"),t("./splom"),t("./pointcloud"),t("./heatmapgl"),t("./parcoords"),t("./parcats"),t("./scattermapbox"),t("./choroplethmapbox"),t("./densitymapbox"),t("./sankey"),t("./indicator"),t("./table"),t("./carpet"),t("./scattercarpet"),t("./contourcarpet"),t("./ohlc"),t("./candlestick"),t("./scatterpolar"),t("./scatterpolargl"),t("./barpolar")]),n.register([t("./aggregate"),t("./filter"),t("./groupby"),t("./sort")]),n.register([t("./calendars")]),e.exports=n},{"./aggregate":2,"./bar":3,"./barpolar":4,"./box":5,"./calendars":6,"./candlestick":7,"./carpet":8,"./choropleth":9,"./choroplethmapbox":10,"./cone":11,"./contour":12,"./contourcarpet":13,"./core":14,"./densitymapbox":15,"./filter":16,"./funnel":17,"./funnelarea":18,"./groupby":19,"./heatmap":20,"./heatmapgl":21,"./histogram":22,"./histogram2d":23,"./histogram2dcontour":24,"./image":25,"./indicator":27,"./isosurface":28,"./mesh3d":29,"./ohlc":30,"./parcats":31,"./parcoords":32,"./pie":33,"./pointcloud":34,"./sankey":35,"./scatter3d":36,"./scattercarpet":37,"./scattergeo":38,"./scattergl":39,"./scattermapbox":40,"./scatterpolar":41,"./scatterpolargl":42,"./scatterternary":43,"./sort":44,"./splom":45,"./streamtube":46,"./sunburst":47,"./surface":48,"./table":49,"./treemap":50,"./violin":51,"./volume":52,"./waterfall":53}],27:[function(t,e,r){"use strict";e.exports=t("../src/traces/indicator")},{"../src/traces/indicator":1121}],28:[function(t,e,r){"use strict";e.exports=t("../src/traces/isosurface")},{"../src/traces/isosurface":1127}],29:[function(t,e,r){"use strict";e.exports=t("../src/traces/mesh3d")},{"../src/traces/mesh3d":1132}],30:[function(t,e,r){"use strict";e.exports=t("../src/traces/ohlc")},{"../src/traces/ohlc":1137}],31:[function(t,e,r){"use strict";e.exports=t("../src/traces/parcats")},{"../src/traces/parcats":1146}],32:[function(t,e,r){"use strict";e.exports=t("../src/traces/parcoords")},{"../src/traces/parcoords":1156}],33:[function(t,e,r){"use strict";e.exports=t("../src/traces/pie")},{"../src/traces/pie":1167}],34:[function(t,e,r){"use strict";e.exports=t("../src/traces/pointcloud")},{"../src/traces/pointcloud":1176}],35:[function(t,e,r){"use strict";e.exports=t("../src/traces/sankey")},{"../src/traces/sankey":1182}],36:[function(t,e,r){"use strict";e.exports=t("../src/traces/scatter3d")},{"../src/traces/scatter3d":1220}],37:[function(t,e,r){"use strict";e.exports=t("../src/traces/scattercarpet")},{"../src/traces/scattercarpet":1227}],38:[function(t,e,r){"use strict";e.exports=t("../src/traces/scattergeo")},{"../src/traces/scattergeo":1235}],39:[function(t,e,r){"use strict";e.exports=t("../src/traces/scattergl")},{"../src/traces/scattergl":1248}],40:[function(t,e,r){"use strict";e.exports=t("../src/traces/scattermapbox")},{"../src/traces/scattermapbox":1258}],41:[function(t,e,r){"use strict";e.exports=t("../src/traces/scatterpolar")},{"../src/traces/scatterpolar":1266}],42:[function(t,e,r){"use strict";e.exports=t("../src/traces/scatterpolargl")},{"../src/traces/scatterpolargl":1273}],43:[function(t,e,r){"use strict";e.exports=t("../src/traces/scatterternary")},{"../src/traces/scatterternary":1281}],44:[function(t,e,r){"use strict";e.exports=t("../src/transforms/sort")},{"../src/transforms/sort":1369}],45:[function(t,e,r){"use strict";e.exports=t("../src/traces/splom")},{"../src/traces/splom":1290}],46:[function(t,e,r){"use strict";e.exports=t("../src/traces/streamtube")},{"../src/traces/streamtube":1298}],47:[function(t,e,r){"use strict";e.exports=t("../src/traces/sunburst")},{"../src/traces/sunburst":1306}],48:[function(t,e,r){"use strict";e.exports=t("../src/traces/surface")},{"../src/traces/surface":1315}],49:[function(t,e,r){"use strict";e.exports=t("../src/traces/table")},{"../src/traces/table":1323}],50:[function(t,e,r){"use strict";e.exports=t("../src/traces/treemap")},{"../src/traces/treemap":1332}],51:[function(t,e,r){"use strict";e.exports=t("../src/traces/violin")},{"../src/traces/violin":1344}],52:[function(t,e,r){"use strict";e.exports=t("../src/traces/volume")},{"../src/traces/volume":1352}],53:[function(t,e,r){"use strict";e.exports=t("../src/traces/waterfall")},{"../src/traces/waterfall":1360}],54:[function(t,e,r){"use strict";e.exports=function(t){var e=(t=t||{}).eye||[0,0,1],r=t.center||[0,0,0],s=t.up||[0,1,0],l=t.distanceLimits||[0,1/0],c=t.mode||"turntable",u=n(),f=i(),h=a();return u.setDistanceLimits(l[0],l[1]),u.lookAt(0,e,r,s),f.setDistanceLimits(l[0],l[1]),f.lookAt(0,e,r,s),h.setDistanceLimits(l[0],l[1]),h.lookAt(0,e,r,s),new o({turntable:u,orbit:f,matrix:h},c)};var n=t("turntable-camera-controller"),i=t("orbit-camera-controller"),a=t("matrix-camera-controller");function o(t,e){this._controllerNames=Object.keys(t),this._controllerList=this._controllerNames.map((function(e){return t[e]})),this._mode=e,this._active=t[e],this._active||(this._mode="turntable",this._active=t.turntable),this.modes=this._controllerNames,this.computedMatrix=this._active.computedMatrix,this.computedEye=this._active.computedEye,this.computedUp=this._active.computedUp,this.computedCenter=this._active.computedCenter,this.computedRadius=this._active.computedRadius}var s=o.prototype;[["flush",1],["idle",1],["lookAt",4],["rotate",4],["pan",4],["translate",4],["setMatrix",2],["setDistanceLimits",2],["setDistance",2]].forEach((function(t){for(var e=t[0],r=[],n=0;n1||i>1)}function A(t,e,r){return t.sort(E),t.forEach((function(n,i){var a,o,s=0;if(H(n,r)&&M(n))n.circularPathData.verticalBuffer=s+n.width/2;else{for(var l=0;lo.source.column)){var c=t[l].circularPathData.verticalBuffer+t[l].width/2+e;s=c>s?c:s}n.circularPathData.verticalBuffer=s+n.width/2}})),t}function S(t,r,i,a){var o=e.min(t.links,(function(t){return t.source.y0}));t.links.forEach((function(t){t.circular&&(t.circularPathData={})})),A(t.links.filter((function(t){return"top"==t.circularLinkType})),r,a),A(t.links.filter((function(t){return"bottom"==t.circularLinkType})),r,a),t.links.forEach((function(e){if(e.circular){if(e.circularPathData.arcRadius=e.width+10,e.circularPathData.leftNodeBuffer=5,e.circularPathData.rightNodeBuffer=5,e.circularPathData.sourceWidth=e.source.x1-e.source.x0,e.circularPathData.sourceX=e.source.x0+e.circularPathData.sourceWidth,e.circularPathData.targetX=e.target.x0,e.circularPathData.sourceY=e.y0,e.circularPathData.targetY=e.y1,H(e,a)&&M(e))e.circularPathData.leftSmallArcRadius=10+e.width/2,e.circularPathData.leftLargeArcRadius=10+e.width/2,e.circularPathData.rightSmallArcRadius=10+e.width/2,e.circularPathData.rightLargeArcRadius=10+e.width/2,"bottom"==e.circularLinkType?(e.circularPathData.verticalFullExtent=e.source.y1+25+e.circularPathData.verticalBuffer,e.circularPathData.verticalLeftInnerExtent=e.circularPathData.verticalFullExtent-e.circularPathData.leftLargeArcRadius,e.circularPathData.verticalRightInnerExtent=e.circularPathData.verticalFullExtent-e.circularPathData.rightLargeArcRadius):(e.circularPathData.verticalFullExtent=e.source.y0-25-e.circularPathData.verticalBuffer,e.circularPathData.verticalLeftInnerExtent=e.circularPathData.verticalFullExtent+e.circularPathData.leftLargeArcRadius,e.circularPathData.verticalRightInnerExtent=e.circularPathData.verticalFullExtent+e.circularPathData.rightLargeArcRadius);else{var s=e.source.column,l=e.circularLinkType,c=t.links.filter((function(t){return t.source.column==s&&t.circularLinkType==l}));"bottom"==e.circularLinkType?c.sort(L):c.sort(C);var u=0;c.forEach((function(t,n){t.circularLinkID==e.circularLinkID&&(e.circularPathData.leftSmallArcRadius=10+e.width/2+u,e.circularPathData.leftLargeArcRadius=10+e.width/2+n*r+u),u+=t.width})),s=e.target.column,c=t.links.filter((function(t){return t.target.column==s&&t.circularLinkType==l})),"bottom"==e.circularLinkType?c.sort(P):c.sort(I),u=0,c.forEach((function(t,n){t.circularLinkID==e.circularLinkID&&(e.circularPathData.rightSmallArcRadius=10+e.width/2+u,e.circularPathData.rightLargeArcRadius=10+e.width/2+n*r+u),u+=t.width})),"bottom"==e.circularLinkType?(e.circularPathData.verticalFullExtent=Math.max(i,e.source.y1,e.target.y1)+25+e.circularPathData.verticalBuffer,e.circularPathData.verticalLeftInnerExtent=e.circularPathData.verticalFullExtent-e.circularPathData.leftLargeArcRadius,e.circularPathData.verticalRightInnerExtent=e.circularPathData.verticalFullExtent-e.circularPathData.rightLargeArcRadius):(e.circularPathData.verticalFullExtent=o-25-e.circularPathData.verticalBuffer,e.circularPathData.verticalLeftInnerExtent=e.circularPathData.verticalFullExtent+e.circularPathData.leftLargeArcRadius,e.circularPathData.verticalRightInnerExtent=e.circularPathData.verticalFullExtent+e.circularPathData.rightLargeArcRadius)}e.circularPathData.leftInnerExtent=e.circularPathData.sourceX+e.circularPathData.leftNodeBuffer,e.circularPathData.rightInnerExtent=e.circularPathData.targetX-e.circularPathData.rightNodeBuffer,e.circularPathData.leftFullExtent=e.circularPathData.sourceX+e.circularPathData.leftLargeArcRadius+e.circularPathData.leftNodeBuffer,e.circularPathData.rightFullExtent=e.circularPathData.targetX-e.circularPathData.rightLargeArcRadius-e.circularPathData.rightNodeBuffer}if(e.circular)e.path=function(t){var e="";e="top"==t.circularLinkType?"M"+t.circularPathData.sourceX+" "+t.circularPathData.sourceY+" L"+t.circularPathData.leftInnerExtent+" "+t.circularPathData.sourceY+" A"+t.circularPathData.leftLargeArcRadius+" "+t.circularPathData.leftSmallArcRadius+" 0 0 0 "+t.circularPathData.leftFullExtent+" "+(t.circularPathData.sourceY-t.circularPathData.leftSmallArcRadius)+" L"+t.circularPathData.leftFullExtent+" "+t.circularPathData.verticalLeftInnerExtent+" A"+t.circularPathData.leftLargeArcRadius+" "+t.circularPathData.leftLargeArcRadius+" 0 0 0 "+t.circularPathData.leftInnerExtent+" "+t.circularPathData.verticalFullExtent+" L"+t.circularPathData.rightInnerExtent+" "+t.circularPathData.verticalFullExtent+" A"+t.circularPathData.rightLargeArcRadius+" "+t.circularPathData.rightLargeArcRadius+" 0 0 0 "+t.circularPathData.rightFullExtent+" "+t.circularPathData.verticalRightInnerExtent+" L"+t.circularPathData.rightFullExtent+" "+(t.circularPathData.targetY-t.circularPathData.rightSmallArcRadius)+" A"+t.circularPathData.rightLargeArcRadius+" "+t.circularPathData.rightSmallArcRadius+" 0 0 0 "+t.circularPathData.rightInnerExtent+" "+t.circularPathData.targetY+" L"+t.circularPathData.targetX+" "+t.circularPathData.targetY:"M"+t.circularPathData.sourceX+" "+t.circularPathData.sourceY+" L"+t.circularPathData.leftInnerExtent+" "+t.circularPathData.sourceY+" A"+t.circularPathData.leftLargeArcRadius+" "+t.circularPathData.leftSmallArcRadius+" 0 0 1 "+t.circularPathData.leftFullExtent+" "+(t.circularPathData.sourceY+t.circularPathData.leftSmallArcRadius)+" L"+t.circularPathData.leftFullExtent+" "+t.circularPathData.verticalLeftInnerExtent+" A"+t.circularPathData.leftLargeArcRadius+" "+t.circularPathData.leftLargeArcRadius+" 0 0 1 "+t.circularPathData.leftInnerExtent+" "+t.circularPathData.verticalFullExtent+" L"+t.circularPathData.rightInnerExtent+" "+t.circularPathData.verticalFullExtent+" A"+t.circularPathData.rightLargeArcRadius+" "+t.circularPathData.rightLargeArcRadius+" 0 0 1 "+t.circularPathData.rightFullExtent+" "+t.circularPathData.verticalRightInnerExtent+" L"+t.circularPathData.rightFullExtent+" "+(t.circularPathData.targetY+t.circularPathData.rightSmallArcRadius)+" A"+t.circularPathData.rightLargeArcRadius+" "+t.circularPathData.rightSmallArcRadius+" 0 0 1 "+t.circularPathData.rightInnerExtent+" "+t.circularPathData.targetY+" L"+t.circularPathData.targetX+" "+t.circularPathData.targetY;return e}(e);else{var f=n.linkHorizontal().source((function(t){return[t.source.x0+(t.source.x1-t.source.x0),t.y0]})).target((function(t){return[t.target.x0,t.y1]}));e.path=f(e)}}))}function E(t,e){return z(t)==z(e)?"bottom"==t.circularLinkType?L(t,e):C(t,e):z(e)-z(t)}function C(t,e){return t.y0-e.y0}function L(t,e){return e.y0-t.y0}function I(t,e){return t.y1-e.y1}function P(t,e){return e.y1-t.y1}function z(t){return t.target.column-t.source.column}function O(t){return t.target.x0-t.source.x1}function D(t,e){var r=T(t),n=O(e)/Math.tan(r);return"up"==q(t)?t.y1+n:t.y1-n}function R(t,e){var r=T(t),n=O(e)/Math.tan(r);return"up"==q(t)?t.y1-n:t.y1+n}function F(t,e,r,n){t.links.forEach((function(i){if(!i.circular&&i.target.column-i.source.column>1){var a=i.source.column+1,o=i.target.column-1,s=1,l=o-a+1;for(s=1;a<=o;a++,s++)t.nodes.forEach((function(o){if(o.column==a){var c,u=s/(l+1),f=Math.pow(1-u,3),h=3*u*Math.pow(1-u,2),p=3*Math.pow(u,2)*(1-u),d=Math.pow(u,3),g=f*i.y0+h*i.y0+p*i.y1+d*i.y1,m=g-i.width/2,v=g+i.width/2;m>o.y0&&mo.y0&&vo.y1)&&(c=v-o.y0+10,o=N(o,c,e,r),t.nodes.forEach((function(t){b(t,n)!=b(o,n)&&t.column==o.column&&t.y0o.y1&&N(t,c,e,r)})))}}))}}))}function B(t,e){return t.y0>e.y0&&t.y0e.y0&&t.y1e.y1)}function N(t,e,r,n){return t.y0+e>=r&&t.y1+e<=n&&(t.y0=t.y0+e,t.y1=t.y1+e,t.targetLinks.forEach((function(t){t.y1=t.y1+e})),t.sourceLinks.forEach((function(t){t.y0=t.y0+e}))),t}function j(t,e,r,n){t.nodes.forEach((function(i){n&&i.y+(i.y1-i.y0)>e&&(i.y=i.y-(i.y+(i.y1-i.y0)-e));var a=t.links.filter((function(t){return b(t.source,r)==b(i,r)})),o=a.length;o>1&&a.sort((function(t,e){if(!t.circular&&!e.circular){if(t.target.column==e.target.column)return t.y1-e.y1;if(!V(t,e))return t.y1-e.y1;if(t.target.column>e.target.column){var r=R(e,t);return t.y1-r}if(e.target.column>t.target.column)return R(t,e)-e.y1}return t.circular&&!e.circular?"top"==t.circularLinkType?-1:1:e.circular&&!t.circular?"top"==e.circularLinkType?1:-1:t.circular&&e.circular?t.circularLinkType===e.circularLinkType&&"top"==t.circularLinkType?t.target.column===e.target.column?t.target.y1-e.target.y1:e.target.column-t.target.column:t.circularLinkType===e.circularLinkType&&"bottom"==t.circularLinkType?t.target.column===e.target.column?e.target.y1-t.target.y1:t.target.column-e.target.column:"top"==t.circularLinkType?-1:1:void 0}));var s=i.y0;a.forEach((function(t){t.y0=s+t.width/2,s+=t.width})),a.forEach((function(t,e){if("bottom"==t.circularLinkType){for(var r=e+1,n=0;r1&&n.sort((function(t,e){if(!t.circular&&!e.circular){if(t.source.column==e.source.column)return t.y0-e.y0;if(!V(t,e))return t.y0-e.y0;if(e.source.column0?"up":"down"}function H(t,e){return b(t.source,e)==b(t.target,e)}function G(t,r,n){var i=t.nodes,a=t.links,o=!1,s=!1;if(a.forEach((function(t){"top"==t.circularLinkType?o=!0:"bottom"==t.circularLinkType&&(s=!0)})),0==o||0==s){var l=e.min(i,(function(t){return t.y0})),c=(n-r)/(e.max(i,(function(t){return t.y1}))-l);i.forEach((function(t){var e=(t.y1-t.y0)*c;t.y0=(t.y0-l)*c,t.y1=t.y0+e})),a.forEach((function(t){t.y0=(t.y0-l)*c,t.y1=(t.y1-l)*c,t.width=t.width*c}))}}t.sankeyCircular=function(){var t,n,i=0,a=0,b=1,T=1,M=24,A=m,E=o,C=v,L=y,I=32,P=2,z=null;function O(){var t={nodes:C.apply(null,arguments),links:L.apply(null,arguments)};D(t),_(t,A,z),R(t),B(t),w(t,A),N(t,I,A),V(t);for(var e=4,r=0;r0?r+25+10:r,bottom:n=n>0?n+25+10:n,left:a=a>0?a+25+10:a,right:i=i>0?i+25+10:i}}(o),f=function(t,r){var n=e.max(t.nodes,(function(t){return t.column})),o=b-i,s=T-a,l=o/(o+r.right+r.left),c=s/(s+r.top+r.bottom);return i=i*l+r.left,b=0==r.right?b:b*l,a=a*c+r.top,T*=c,t.nodes.forEach((function(t){t.x0=i+t.column*((b-i-M)/n),t.x1=t.x0+M})),c}(o,u);l*=f,o.links.forEach((function(t){t.width=t.value*l})),c.forEach((function(t){var e=t.length;t.forEach((function(t,n){t.depth==c.length-1&&1==e||0==t.depth&&1==e?(t.y0=T/2-t.value*l,t.y1=t.y0+t.value*l):t.partOfCycle?0==k(t,r)?(t.y0=T/2+n,t.y1=t.y0+t.value*l):"top"==t.circularLinkType?(t.y0=a+n,t.y1=t.y0+t.value*l):(t.y0=T-t.value*l-n,t.y1=t.y0+t.value*l):0==u.top||0==u.bottom?(t.y0=(T-a)/e*n,t.y1=t.y0+t.value*l):(t.y0=(T-a)/2-e/2+n,t.y1=t.y0+t.value*l)}))}))}(l),y();for(var u=1,m=s;m>0;--m)v(u*=.99,l),y();function v(t,r){var n=c.length;c.forEach((function(i){var a=i.length,o=i[0].depth;i.forEach((function(i){var s;if(i.sourceLinks.length||i.targetLinks.length)if(i.partOfCycle&&k(i,r)>0);else if(0==o&&1==a)s=i.y1-i.y0,i.y0=T/2-s/2,i.y1=T/2+s/2;else if(o==n-1&&1==a)s=i.y1-i.y0,i.y0=T/2-s/2,i.y1=T/2+s/2;else{var l=e.mean(i.sourceLinks,g),c=e.mean(i.targetLinks,d),u=((l&&c?(l+c)/2:l||c)-p(i))*t;i.y0+=u,i.y1+=u}}))}))}function y(){c.forEach((function(e){var r,n,i,o=a,s=e.length;for(e.sort(f),i=0;i0&&(r.y0+=n,r.y1+=n),o=r.y1+t;if((n=o-t-T)>0)for(o=r.y0-=n,r.y1-=n,i=s-2;i>=0;--i)(n=(r=e[i]).y1+t-o)>0&&(r.y0-=n,r.y1-=n),o=r.y0}))}}function V(t){t.nodes.forEach((function(t){t.sourceLinks.sort(u),t.targetLinks.sort(c)})),t.nodes.forEach((function(t){var e=t.y0,r=e,n=t.y1,i=n;t.sourceLinks.forEach((function(t){t.circular?(t.y0=n-t.width/2,n-=t.width):(t.y0=e+t.width/2,e+=t.width)})),t.targetLinks.forEach((function(t){t.circular?(t.y1=i-t.width/2,i-=t.width):(t.y1=r+t.width/2,r+=t.width)}))}))}return O.nodeId=function(t){return arguments.length?(A="function"==typeof t?t:s(t),O):A},O.nodeAlign=function(t){return arguments.length?(E="function"==typeof t?t:s(t),O):E},O.nodeWidth=function(t){return arguments.length?(M=+t,O):M},O.nodePadding=function(e){return arguments.length?(t=+e,O):t},O.nodes=function(t){return arguments.length?(C="function"==typeof t?t:s(t),O):C},O.links=function(t){return arguments.length?(L="function"==typeof t?t:s(t),O):L},O.size=function(t){return arguments.length?(i=a=0,b=+t[0],T=+t[1],O):[b-i,T-a]},O.extent=function(t){return arguments.length?(i=+t[0][0],b=+t[1][0],a=+t[0][1],T=+t[1][1],O):[[i,a],[b,T]]},O.iterations=function(t){return arguments.length?(I=+t,O):I},O.circularLinkGap=function(t){return arguments.length?(P=+t,O):P},O.nodePaddingRatio=function(t){return arguments.length?(n=+t,O):n},O.sortNodes=function(t){return arguments.length?(z=t,O):z},O.update=function(t){return w(t,A),V(t),t.links.forEach((function(t){t.circular&&(t.circularLinkType=t.y0+t.y1a&&(b=a);var o=e.min(i,(function(t){return(y-n-(t.length-1)*b)/e.sum(t,u)}));i.forEach((function(t){t.forEach((function(t,e){t.y1=(t.y0=e)+t.value*o}))})),t.links.forEach((function(t){t.width=t.value*o}))}(),d();for(var a=1,o=M;o>0;--o)l(a*=.99),d(),s(a),d();function s(t){i.forEach((function(r){r.forEach((function(r){if(r.targetLinks.length){var n=(e.sum(r.targetLinks,h)/e.sum(r.targetLinks,u)-f(r))*t;r.y0+=n,r.y1+=n}}))}))}function l(t){i.slice().reverse().forEach((function(r){r.forEach((function(r){if(r.sourceLinks.length){var n=(e.sum(r.sourceLinks,p)/e.sum(r.sourceLinks,u)-f(r))*t;r.y0+=n,r.y1+=n}}))}))}function d(){i.forEach((function(t){var e,r,i,a=n,o=t.length;for(t.sort(c),i=0;i0&&(e.y0+=r,e.y1+=r),a=e.y1+b;if((r=a-b-y)>0)for(a=e.y0-=r,e.y1-=r,i=o-2;i>=0;--i)(r=(e=t[i]).y1+b-a)>0&&(e.y0-=r,e.y1-=r),a=e.y0}))}}function I(t){t.nodes.forEach((function(t){t.sourceLinks.sort(l),t.targetLinks.sort(s)})),t.nodes.forEach((function(t){var e=t.y0,r=e;t.sourceLinks.forEach((function(t){t.y0=e+t.width/2,e+=t.width})),t.targetLinks.forEach((function(t){t.y1=r+t.width/2,r+=t.width}))}))}return A.update=function(t){return I(t),t},A.nodeId=function(t){return arguments.length?(_="function"==typeof t?t:o(t),A):_},A.nodeAlign=function(t){return arguments.length?(w="function"==typeof t?t:o(t),A):w},A.nodeWidth=function(t){return arguments.length?(x=+t,A):x},A.nodePadding=function(t){return arguments.length?(b=+t,A):b},A.nodes=function(t){return arguments.length?(T="function"==typeof t?t:o(t),A):T},A.links=function(t){return arguments.length?(k="function"==typeof t?t:o(t),A):k},A.size=function(e){return arguments.length?(t=n=0,i=+e[0],y=+e[1],A):[i-t,y-n]},A.extent=function(e){return arguments.length?(t=+e[0][0],i=+e[1][0],n=+e[0][1],y=+e[1][1],A):[[t,n],[i,y]]},A.iterations=function(t){return arguments.length?(M=+t,A):M},A},t.sankeyCenter=function(t){return t.targetLinks.length?t.depth:t.sourceLinks.length?e.min(t.sourceLinks,i)-1:0},t.sankeyLeft=function(t){return t.depth},t.sankeyRight=function(t,e){return e-1-t.height},t.sankeyJustify=a,t.sankeyLinkHorizontal=function(){return n.linkHorizontal().source(y).target(x)},Object.defineProperty(t,"__esModule",{value:!0})}))},{"d3-array":156,"d3-collection":157,"d3-shape":165}],57:[function(t,e,r){"use strict";e.exports=t("./quad")},{"./quad":58}],58:[function(t,e,r){"use strict";var n=t("binary-search-bounds"),i=t("clamp"),a=t("parse-rect"),o=t("array-bounds"),s=t("pick-by-alias"),l=t("defined"),c=t("flatten-vertex-data"),u=t("is-obj"),f=t("dtype"),h=t("math-log2");function p(t,e){for(var r=e[0],n=e[1],a=1/(e[2]-r),o=1/(e[3]-n),s=new Array(t.length),l=0,c=t.length/2;l>>1;e.dtype||(e.dtype="array"),"string"==typeof e.dtype?d=new(f(e.dtype))(m):e.dtype&&(d=e.dtype,Array.isArray(d)&&(d.length=m));for(var v=0;vr||s>1073741824){for(var h=0;he+n||w>r+n||T=M||a===o)){var s=y[i];void 0===o&&(o=s.length);for(var l=a;l=d&&u<=m&&f>=g&&f<=v&&S.push(c)}var h=x[i],p=h[4*a+0],b=h[4*a+1],A=h[4*a+2],E=h[4*a+3],I=L(h,a+1),P=.5*n,z=i+1;C(e,r,P,z,p,b||A||E||I),C(e,r+P,P,z,b,A||E||I),C(e+P,r,P,z,A,E||I),C(e+P,r+P,P,z,E,I)}}function L(t,e){for(var r=null,n=0;null===r;)if(r=t[4*e+n],++n>t.length)return null;return r}return C(0,0,1,0,0,1),S},d;function E(t,e,r,i,a){for(var o=[],s=0;s0){e+=Math.abs(a(t[0]));for(var r=1;r2){for(s=0;st[0]&&(e[0]=t[0]),e[1]>t[1]&&(e[1]=t[1]),e[2]=0))throw new Error("precision must be a positive number");var r=Math.pow(10,e||0);return Math.round(t*r)/r},r.radiansToLength=f,r.lengthToRadians=h,r.lengthToDegrees=function(t,e){return p(h(t,e))},r.bearingToAzimuth=function(t){var e=t%360;return e<0&&(e+=360),e},r.radiansToDegrees=p,r.degreesToRadians=function(t){return t%360*Math.PI/180},r.convertLength=function(t,e,r){if(void 0===e&&(e="kilometers"),void 0===r&&(r="kilometers"),!(t>=0))throw new Error("length must be a positive number");return f(h(t,e),r)},r.convertArea=function(t,e,n){if(void 0===e&&(e="meters"),void 0===n&&(n="kilometers"),!(t>=0))throw new Error("area must be a positive number");var i=r.areaFactors[e];if(!i)throw new Error("invalid original units");var a=r.areaFactors[n];if(!a)throw new Error("invalid final units");return t/i*a},r.isNumber=d,r.isObject=function(t){return!!t&&t.constructor===Object},r.validateBBox=function(t){if(!t)throw new Error("bbox is required");if(!Array.isArray(t))throw new Error("bbox must be an Array");if(4!==t.length&&6!==t.length)throw new Error("bbox must be an Array of 4 or 6 numbers");t.forEach((function(t){if(!d(t))throw new Error("bbox must only contain numbers")}))},r.validateId=function(t){if(!t)throw new Error("id is required");if(-1===["string","number"].indexOf(typeof t))throw new Error("id must be a number or a string")},r.radians2degrees=function(){throw new Error("method has been renamed to `radiansToDegrees`")},r.degrees2radians=function(){throw new Error("method has been renamed to `degreesToRadians`")},r.distanceToDegrees=function(){throw new Error("method has been renamed to `lengthToDegrees`")},r.distanceToRadians=function(){throw new Error("method has been renamed to `lengthToRadians`")},r.radiansToDistance=function(){throw new Error("method has been renamed to `radiansToLength`")},r.bearingToAngle=function(){throw new Error("method has been renamed to `bearingToAzimuth`")},r.convertDistance=function(){throw new Error("method has been renamed to `convertLength`")}},{}],63:[function(t,e,r){"use strict";Object.defineProperty(r,"__esModule",{value:!0});var n=t("@turf/helpers");function i(t,e,r){if(null!==t)for(var n,a,o,s,l,c,u,f,h=0,p=0,d=t.type,g="FeatureCollection"===d,m="Feature"===d,v=g?t.features.length:1,y=0;yc||p>u||d>f)return l=i,c=r,u=p,f=d,void(o=0);var g=n.lineString([l,i],t.properties);if(!1===e(g,r,a,d,o))return!1;o++,l=i}))&&void 0}}}))}function u(t,e){if(!t)throw new Error("geojson is required");l(t,(function(t,r,i){if(null!==t.geometry){var a=t.geometry.type,o=t.geometry.coordinates;switch(a){case"LineString":if(!1===e(t,r,i,0,0))return!1;break;case"Polygon":for(var s=0;si&&(i=t[o]),t[o] + * @license MIT + */function i(t,e){if(t===e)return 0;for(var r=t.length,n=e.length,i=0,a=Math.min(r,n);i=0;c--)if(u[c]!==f[c])return!1;for(c=u.length-1;c>=0;c--)if(s=u[c],!x(t[s],e[s],r,n))return!1;return!0}(t,e,r,n))}return r?t===e:t==e}function b(t){return"[object Arguments]"==Object.prototype.toString.call(t)}function _(t,e){if(!t||!e)return!1;if("[object RegExp]"==Object.prototype.toString.call(e))return e.test(t);try{if(t instanceof e)return!0}catch(t){}return!Error.isPrototypeOf(e)&&!0===e.call({},t)}function w(t,e,r,n){var i;if("function"!=typeof e)throw new TypeError('"block" argument must be a function');"string"==typeof r&&(n=r,r=null),i=function(t){var e;try{t()}catch(t){e=t}return e}(e),n=(r&&r.name?" ("+r.name+").":".")+(n?" "+n:"."),t&&!i&&v(i,r,"Missing expected exception"+n);var a="string"==typeof n,s=!t&&i&&!r;if((!t&&o.isError(i)&&a&&_(i,r)||s)&&v(i,r,"Got unwanted exception"+n),t&&i&&r&&!_(i,r)||!t&&i)throw i}h.AssertionError=function(t){this.name="AssertionError",this.actual=t.actual,this.expected=t.expected,this.operator=t.operator,t.message?(this.message=t.message,this.generatedMessage=!1):(this.message=function(t){return g(m(t.actual),128)+" "+t.operator+" "+g(m(t.expected),128)}(this),this.generatedMessage=!0);var e=t.stackStartFunction||v;if(Error.captureStackTrace)Error.captureStackTrace(this,e);else{var r=new Error;if(r.stack){var n=r.stack,i=d(e),a=n.indexOf("\n"+i);if(a>=0){var o=n.indexOf("\n",a+1);n=n.substring(o+1)}this.stack=n}}},o.inherits(h.AssertionError,Error),h.fail=v,h.ok=y,h.equal=function(t,e,r){t!=e&&v(t,e,r,"==",h.equal)},h.notEqual=function(t,e,r){t==e&&v(t,e,r,"!=",h.notEqual)},h.deepEqual=function(t,e,r){x(t,e,!1)||v(t,e,r,"deepEqual",h.deepEqual)},h.deepStrictEqual=function(t,e,r){x(t,e,!0)||v(t,e,r,"deepStrictEqual",h.deepStrictEqual)},h.notDeepEqual=function(t,e,r){x(t,e,!1)&&v(t,e,r,"notDeepEqual",h.notDeepEqual)},h.notDeepStrictEqual=function t(e,r,n){x(e,r,!0)&&v(e,r,n,"notDeepStrictEqual",t)},h.strictEqual=function(t,e,r){t!==e&&v(t,e,r,"===",h.strictEqual)},h.notStrictEqual=function(t,e,r){t===e&&v(t,e,r,"!==",h.notStrictEqual)},h.throws=function(t,e,r){w(!0,t,e,r)},h.doesNotThrow=function(t,e,r){w(!1,t,e,r)},h.ifError=function(t){if(t)throw t},h.strict=n((function t(e,r){e||v(e,!0,r,"==",t)}),h,{equal:h.strictEqual,deepEqual:h.deepStrictEqual,notEqual:h.notStrictEqual,notDeepEqual:h.notDeepStrictEqual}),h.strict.strict=h.strict;var T=Object.keys||function(t){var e=[];for(var r in t)s.call(t,r)&&e.push(r);return e}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"object-assign":499,"util/":76}],74:[function(t,e,r){"function"==typeof Object.create?e.exports=function(t,e){t.super_=e,t.prototype=Object.create(e.prototype,{constructor:{value:t,enumerable:!1,writable:!0,configurable:!0}})}:e.exports=function(t,e){t.super_=e;var r=function(){};r.prototype=e.prototype,t.prototype=new r,t.prototype.constructor=t}},{}],75:[function(t,e,r){e.exports=function(t){return t&&"object"==typeof t&&"function"==typeof t.copy&&"function"==typeof t.fill&&"function"==typeof t.readUInt8}},{}],76:[function(t,e,r){(function(e,n){(function(){var i=/%[sdj%]/g;r.format=function(t){if(!v(t)){for(var e=[],r=0;r=a)return t;switch(t){case"%s":return String(n[r++]);case"%d":return Number(n[r++]);case"%j":try{return JSON.stringify(n[r++])}catch(t){return"[Circular]"}default:return t}})),l=n[r];r=3&&(n.depth=arguments[2]),arguments.length>=4&&(n.colors=arguments[3]),d(e)?n.showHidden=e:e&&r._extend(n,e),y(n.showHidden)&&(n.showHidden=!1),y(n.depth)&&(n.depth=2),y(n.colors)&&(n.colors=!1),y(n.customInspect)&&(n.customInspect=!0),n.colors&&(n.stylize=l),u(n,t,n.depth)}function l(t,e){var r=s.styles[e];return r?"\x1b["+s.colors[r][0]+"m"+t+"\x1b["+s.colors[r][1]+"m":t}function c(t,e){return t}function u(t,e,n){if(t.customInspect&&e&&T(e.inspect)&&e.inspect!==r.inspect&&(!e.constructor||e.constructor.prototype!==e)){var i=e.inspect(n,t);return v(i)||(i=u(t,i,n)),i}var a=function(t,e){if(y(e))return t.stylize("undefined","undefined");if(v(e)){var r="'"+JSON.stringify(e).replace(/^"|"$/g,"").replace(/'/g,"\\'").replace(/\\"/g,'"')+"'";return t.stylize(r,"string")}if(m(e))return t.stylize(""+e,"number");if(d(e))return t.stylize(""+e,"boolean");if(g(e))return t.stylize("null","null")}(t,e);if(a)return a;var o=Object.keys(e),s=function(t){var e={};return t.forEach((function(t,r){e[t]=!0})),e}(o);if(t.showHidden&&(o=Object.getOwnPropertyNames(e)),w(e)&&(o.indexOf("message")>=0||o.indexOf("description")>=0))return f(e);if(0===o.length){if(T(e)){var l=e.name?": "+e.name:"";return t.stylize("[Function"+l+"]","special")}if(x(e))return t.stylize(RegExp.prototype.toString.call(e),"regexp");if(_(e))return t.stylize(Date.prototype.toString.call(e),"date");if(w(e))return f(e)}var c,b="",k=!1,M=["{","}"];(p(e)&&(k=!0,M=["[","]"]),T(e))&&(b=" [Function"+(e.name?": "+e.name:"")+"]");return x(e)&&(b=" "+RegExp.prototype.toString.call(e)),_(e)&&(b=" "+Date.prototype.toUTCString.call(e)),w(e)&&(b=" "+f(e)),0!==o.length||k&&0!=e.length?n<0?x(e)?t.stylize(RegExp.prototype.toString.call(e),"regexp"):t.stylize("[Object]","special"):(t.seen.push(e),c=k?function(t,e,r,n,i){for(var a=[],o=0,s=e.length;o=0&&0,t+e.replace(/\u001b\[\d\d?m/g,"").length+1}),0)>60)return r[0]+(""===e?"":e+"\n ")+" "+t.join(",\n ")+" "+r[1];return r[0]+e+" "+t.join(", ")+" "+r[1]}(c,b,M)):M[0]+b+M[1]}function f(t){return"["+Error.prototype.toString.call(t)+"]"}function h(t,e,r,n,i,a){var o,s,l;if((l=Object.getOwnPropertyDescriptor(e,i)||{value:e[i]}).get?s=l.set?t.stylize("[Getter/Setter]","special"):t.stylize("[Getter]","special"):l.set&&(s=t.stylize("[Setter]","special")),E(n,i)||(o="["+i+"]"),s||(t.seen.indexOf(l.value)<0?(s=g(r)?u(t,l.value,null):u(t,l.value,r-1)).indexOf("\n")>-1&&(s=a?s.split("\n").map((function(t){return" "+t})).join("\n").substr(2):"\n"+s.split("\n").map((function(t){return" "+t})).join("\n")):s=t.stylize("[Circular]","special")),y(o)){if(a&&i.match(/^\d+$/))return s;(o=JSON.stringify(""+i)).match(/^"([a-zA-Z_][a-zA-Z_0-9]*)"$/)?(o=o.substr(1,o.length-2),o=t.stylize(o,"name")):(o=o.replace(/'/g,"\\'").replace(/\\"/g,'"').replace(/(^"|"$)/g,"'"),o=t.stylize(o,"string"))}return o+": "+s}function p(t){return Array.isArray(t)}function d(t){return"boolean"==typeof t}function g(t){return null===t}function m(t){return"number"==typeof t}function v(t){return"string"==typeof t}function y(t){return void 0===t}function x(t){return b(t)&&"[object RegExp]"===k(t)}function b(t){return"object"==typeof t&&null!==t}function _(t){return b(t)&&"[object Date]"===k(t)}function w(t){return b(t)&&("[object Error]"===k(t)||t instanceof Error)}function T(t){return"function"==typeof t}function k(t){return Object.prototype.toString.call(t)}function M(t){return t<10?"0"+t.toString(10):t.toString(10)}r.debuglog=function(t){if(y(a)&&(a=e.env.NODE_DEBUG||""),t=t.toUpperCase(),!o[t])if(new RegExp("\\b"+t+"\\b","i").test(a)){var n=e.pid;o[t]=function(){var e=r.format.apply(r,arguments);console.error("%s %d: %s",t,n,e)}}else o[t]=function(){};return o[t]},r.inspect=s,s.colors={bold:[1,22],italic:[3,23],underline:[4,24],inverse:[7,27],white:[37,39],grey:[90,39],black:[30,39],blue:[34,39],cyan:[36,39],green:[32,39],magenta:[35,39],red:[31,39],yellow:[33,39]},s.styles={special:"cyan",number:"yellow",boolean:"yellow",undefined:"grey",null:"bold",string:"green",date:"magenta",regexp:"red"},r.isArray=p,r.isBoolean=d,r.isNull=g,r.isNullOrUndefined=function(t){return null==t},r.isNumber=m,r.isString=v,r.isSymbol=function(t){return"symbol"==typeof t},r.isUndefined=y,r.isRegExp=x,r.isObject=b,r.isDate=_,r.isError=w,r.isFunction=T,r.isPrimitive=function(t){return null===t||"boolean"==typeof t||"number"==typeof t||"string"==typeof t||"symbol"==typeof t||"undefined"==typeof t},r.isBuffer=t("./support/isBuffer");var A=["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"];function S(){var t=new Date,e=[M(t.getHours()),M(t.getMinutes()),M(t.getSeconds())].join(":");return[t.getDate(),A[t.getMonth()],e].join(" ")}function E(t,e){return Object.prototype.hasOwnProperty.call(t,e)}r.log=function(){console.log("%s - %s",S(),r.format.apply(r,arguments))},r.inherits=t("inherits"),r._extend=function(t,e){if(!e||!b(e))return t;for(var r=Object.keys(e),n=r.length;n--;)t[r[n]]=e[r[n]];return t}}).call(this)}).call(this,t("_process"),"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"./support/isBuffer":75,_process:526,inherits:74}],77:[function(t,e,r){e.exports=function(t){return atob(t)}},{}],78:[function(t,e,r){"use strict";e.exports=function(t,e){for(var r=e.length,a=new Array(r+1),o=0;o0?o-4:o;for(r=0;r>16&255,l[u++]=e>>8&255,l[u++]=255&e;2===s&&(e=i[t.charCodeAt(r)]<<2|i[t.charCodeAt(r+1)]>>4,l[u++]=255&e);1===s&&(e=i[t.charCodeAt(r)]<<10|i[t.charCodeAt(r+1)]<<4|i[t.charCodeAt(r+2)]>>2,l[u++]=e>>8&255,l[u++]=255&e);return l},r.fromByteArray=function(t){for(var e,r=t.length,i=r%3,a=[],o=0,s=r-i;os?s:o+16383));1===i?(e=t[r-1],a.push(n[e>>2]+n[e<<4&63]+"==")):2===i&&(e=(t[r-2]<<8)+t[r-1],a.push(n[e>>10]+n[e>>4&63]+n[e<<2&63]+"="));return a.join("")};for(var n=[],i=[],a="undefined"!=typeof Uint8Array?Uint8Array:Array,o="ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/",s=0,l=o.length;s0)throw new Error("Invalid string. Length must be a multiple of 4");var r=t.indexOf("=");return-1===r&&(r=e),[r,r===e?0:4-r%4]}function u(t,e,r){for(var i,a,o=[],s=e;s>18&63]+n[a>>12&63]+n[a>>6&63]+n[63&a]);return o.join("")}i["-".charCodeAt(0)]=62,i["_".charCodeAt(0)]=63},{}],80:[function(t,e,r){"use strict";var n=t("./lib/rationalize");e.exports=function(t,e){return n(t[0].mul(e[1]).add(e[0].mul(t[1])),t[1].mul(e[1]))}},{"./lib/rationalize":90}],81:[function(t,e,r){"use strict";e.exports=function(t,e){return t[0].mul(e[1]).cmp(e[0].mul(t[1]))}},{}],82:[function(t,e,r){"use strict";var n=t("./lib/rationalize");e.exports=function(t,e){return n(t[0].mul(e[1]),t[1].mul(e[0]))}},{"./lib/rationalize":90}],83:[function(t,e,r){"use strict";var n=t("./is-rat"),i=t("./lib/is-bn"),a=t("./lib/num-to-bn"),o=t("./lib/str-to-bn"),s=t("./lib/rationalize"),l=t("./div");e.exports=function t(e,r){if(n(e))return r?l(e,t(r)):[e[0].clone(),e[1].clone()];var c,u,f=0;if(i(e))c=e.clone();else if("string"==typeof e)c=o(e);else{if(0===e)return[a(0),a(1)];if(e===Math.floor(e))c=a(e);else{for(;e!==Math.floor(e);)e*=Math.pow(2,256),f-=256;c=a(e)}}if(n(r))c.mul(r[1]),u=r[0].clone();else if(i(r))u=r.clone();else if("string"==typeof r)u=o(r);else if(r)if(r===Math.floor(r))u=a(r);else{for(;r!==Math.floor(r);)r*=Math.pow(2,256),f+=256;u=a(r)}else u=a(1);f>0?c=c.ushln(f):f<0&&(u=u.ushln(-f));return s(c,u)}},{"./div":82,"./is-rat":84,"./lib/is-bn":88,"./lib/num-to-bn":89,"./lib/rationalize":90,"./lib/str-to-bn":91}],84:[function(t,e,r){"use strict";var n=t("./lib/is-bn");e.exports=function(t){return Array.isArray(t)&&2===t.length&&n(t[0])&&n(t[1])}},{"./lib/is-bn":88}],85:[function(t,e,r){"use strict";var n=t("bn.js");e.exports=function(t){return t.cmp(new n(0))}},{"bn.js":99}],86:[function(t,e,r){"use strict";var n=t("./bn-sign");e.exports=function(t){var e=t.length,r=t.words,i=0;if(1===e)i=r[0];else if(2===e)i=r[0]+67108864*r[1];else for(var a=0;a20)return 52;return r+32}},{"bit-twiddle":97,"double-bits":173}],88:[function(t,e,r){"use strict";t("bn.js");e.exports=function(t){return t&&"object"==typeof t&&Boolean(t.words)}},{"bn.js":99}],89:[function(t,e,r){"use strict";var n=t("bn.js"),i=t("double-bits");e.exports=function(t){var e=i.exponent(t);return e<52?new n(t):new n(t*Math.pow(2,52-e)).ushln(e-52)}},{"bn.js":99,"double-bits":173}],90:[function(t,e,r){"use strict";var n=t("./num-to-bn"),i=t("./bn-sign");e.exports=function(t,e){var r=i(t),a=i(e);if(0===r)return[n(0),n(1)];if(0===a)return[n(0),n(0)];a<0&&(t=t.neg(),e=e.neg());var o=t.gcd(e);if(o.cmpn(1))return[t.div(o),e.div(o)];return[t,e]}},{"./bn-sign":85,"./num-to-bn":89}],91:[function(t,e,r){"use strict";var n=t("bn.js");e.exports=function(t){return new n(t)}},{"bn.js":99}],92:[function(t,e,r){"use strict";var n=t("./lib/rationalize");e.exports=function(t,e){return n(t[0].mul(e[0]),t[1].mul(e[1]))}},{"./lib/rationalize":90}],93:[function(t,e,r){"use strict";var n=t("./lib/bn-sign");e.exports=function(t){return n(t[0])*n(t[1])}},{"./lib/bn-sign":85}],94:[function(t,e,r){"use strict";var n=t("./lib/rationalize");e.exports=function(t,e){return n(t[0].mul(e[1]).sub(t[1].mul(e[0])),t[1].mul(e[1]))}},{"./lib/rationalize":90}],95:[function(t,e,r){"use strict";var n=t("./lib/bn-to-num"),i=t("./lib/ctz");e.exports=function(t){var e=t[0],r=t[1];if(0===e.cmpn(0))return 0;var a=e.abs().divmod(r.abs()),o=a.div,s=n(o),l=a.mod,c=e.negative!==r.negative?-1:1;if(0===l.cmpn(0))return c*s;if(s){var u=i(s)+4,f=n(l.ushln(u).divRound(r));return c*(s+f*Math.pow(2,-u))}var h=r.bitLength()-l.bitLength()+53;f=n(l.ushln(h).divRound(r));return h<1023?c*f*Math.pow(2,-h):(f*=Math.pow(2,-1023),c*f*Math.pow(2,1023-h))}},{"./lib/bn-to-num":86,"./lib/ctz":87}],96:[function(t,e,r){"use strict";function n(t,e,r,n,i){var a=["function ",t,"(a,l,h,",n.join(","),"){",i?"":"var i=",r?"l-1":"h+1",";while(l<=h){var m=(l+h)>>>1,x=a[m]"];return i?e.indexOf("c")<0?a.push(";if(x===y){return m}else if(x<=y){"):a.push(";var p=c(x,y);if(p===0){return m}else if(p<=0){"):a.push(";if(",e,"){i=m;"),r?a.push("l=m+1}else{h=m-1}"):a.push("h=m-1}else{l=m+1}"),a.push("}"),i?a.push("return -1};"):a.push("return i};"),a.join("")}function i(t,e,r,i){return new Function([n("A","x"+t+"y",e,["y"],i),n("P","c(x,y)"+t+"0",e,["y","c"],i),"function dispatchBsearch",r,"(a,y,c,l,h){if(typeof(c)==='function'){return P(a,(l===void 0)?0:l|0,(h===void 0)?a.length-1:h|0,y,c)}else{return A(a,(c===void 0)?0:c|0,(l===void 0)?a.length-1:l|0,y)}}return dispatchBsearch",r].join(""))()}e.exports={ge:i(">=",!1,"GE"),gt:i(">",!1,"GT"),lt:i("<",!0,"LT"),le:i("<=",!0,"LE"),eq:i("-",!0,"EQ",!0)}},{}],97:[function(t,e,r){"use strict";function n(t){var e=32;return(t&=-t)&&e--,65535&t&&(e-=16),16711935&t&&(e-=8),252645135&t&&(e-=4),858993459&t&&(e-=2),1431655765&t&&(e-=1),e}r.INT_BITS=32,r.INT_MAX=2147483647,r.INT_MIN=-1<<31,r.sign=function(t){return(t>0)-(t<0)},r.abs=function(t){var e=t>>31;return(t^e)-e},r.min=function(t,e){return e^(t^e)&-(t65535)<<4,e|=r=((t>>>=e)>255)<<3,e|=r=((t>>>=r)>15)<<2,(e|=r=((t>>>=r)>3)<<1)|(t>>>=r)>>1},r.log10=function(t){return t>=1e9?9:t>=1e8?8:t>=1e7?7:t>=1e6?6:t>=1e5?5:t>=1e4?4:t>=1e3?3:t>=100?2:t>=10?1:0},r.popCount=function(t){return 16843009*((t=(858993459&(t-=t>>>1&1431655765))+(t>>>2&858993459))+(t>>>4)&252645135)>>>24},r.countTrailingZeros=n,r.nextPow2=function(t){return t+=0===t,--t,t|=t>>>1,t|=t>>>2,t|=t>>>4,t|=t>>>8,(t|=t>>>16)+1},r.prevPow2=function(t){return t|=t>>>1,t|=t>>>2,t|=t>>>4,t|=t>>>8,(t|=t>>>16)-(t>>>1)},r.parity=function(t){return t^=t>>>16,t^=t>>>8,t^=t>>>4,27030>>>(t&=15)&1};var i=new Array(256);!function(t){for(var e=0;e<256;++e){var r=e,n=e,i=7;for(r>>>=1;r;r>>>=1)n<<=1,n|=1&r,--i;t[e]=n<>>8&255]<<16|i[t>>>16&255]<<8|i[t>>>24&255]},r.interleave2=function(t,e){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t&=65535)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e&=65535)|e<<8))|e<<4))|e<<2))|e<<1))<<1},r.deinterleave2=function(t,e){return(t=65535&((t=16711935&((t=252645135&((t=858993459&((t=t>>>e&1431655765)|t>>>1))|t>>>2))|t>>>4))|t>>>16))<<16>>16},r.interleave3=function(t,e,r){return t=1227133513&((t=3272356035&((t=251719695&((t=4278190335&((t&=1023)|t<<16))|t<<8))|t<<4))|t<<2),(t|=(e=1227133513&((e=3272356035&((e=251719695&((e=4278190335&((e&=1023)|e<<16))|e<<8))|e<<4))|e<<2))<<1)|(r=1227133513&((r=3272356035&((r=251719695&((r=4278190335&((r&=1023)|r<<16))|r<<8))|r<<4))|r<<2))<<2},r.deinterleave3=function(t,e){return(t=1023&((t=4278190335&((t=251719695&((t=3272356035&((t=t>>>e&1227133513)|t>>>2))|t>>>4))|t>>>8))|t>>>16))<<22>>22},r.nextCombination=function(t){var e=t|t-1;return e+1|(~e&-~e)-1>>>n(t)+1}},{}],98:[function(t,e,r){"use strict";var n=t("clamp");e.exports=function(t,e){e||(e={});var r,o,s,l,c,u,f,h,p,d,g,m=null==e.cutoff?.25:e.cutoff,v=null==e.radius?8:e.radius,y=e.channel||0;if(ArrayBuffer.isView(t)||Array.isArray(t)){if(!e.width||!e.height)throw Error("For raw data width and height should be provided by options");r=e.width,o=e.height,l=t,u=e.stride?e.stride:Math.floor(t.length/r/o)}else window.HTMLCanvasElement&&t instanceof window.HTMLCanvasElement?(f=(h=t).getContext("2d"),r=h.width,o=h.height,p=f.getImageData(0,0,r,o),l=p.data,u=4):window.CanvasRenderingContext2D&&t instanceof window.CanvasRenderingContext2D?(h=t.canvas,f=t,r=h.width,o=h.height,p=f.getImageData(0,0,r,o),l=p.data,u=4):window.ImageData&&t instanceof window.ImageData&&(p=t,r=t.width,o=t.height,l=p.data,u=4);if(s=Math.max(r,o),window.Uint8ClampedArray&&l instanceof window.Uint8ClampedArray||window.Uint8Array&&l instanceof window.Uint8Array)for(c=l,l=Array(r*o),d=0,g=c.length;d=49&&o<=54?o-49+10:o>=17&&o<=22?o-17+10:15&o}return n}function l(t,e,r,n){for(var i=0,a=Math.min(t.length,r),o=e;o=49?s-49+10:s>=17?s-17+10:s}return i}a.isBN=function(t){return t instanceof a||null!==t&&"object"==typeof t&&t.constructor.wordSize===a.wordSize&&Array.isArray(t.words)},a.max=function(t,e){return t.cmp(e)>0?t:e},a.min=function(t,e){return t.cmp(e)<0?t:e},a.prototype._init=function(t,e,r){if("number"==typeof t)return this._initNumber(t,e,r);if("object"==typeof t)return this._initArray(t,e,r);"hex"===e&&(e=16),n(e===(0|e)&&e>=2&&e<=36);var i=0;"-"===(t=t.toString().replace(/\s+/g,""))[0]&&i++,16===e?this._parseHex(t,i):this._parseBase(t,e,i),"-"===t[0]&&(this.negative=1),this.strip(),"le"===r&&this._initArray(this.toArray(),e,r)},a.prototype._initNumber=function(t,e,r){t<0&&(this.negative=1,t=-t),t<67108864?(this.words=[67108863&t],this.length=1):t<4503599627370496?(this.words=[67108863&t,t/67108864&67108863],this.length=2):(n(t<9007199254740992),this.words=[67108863&t,t/67108864&67108863,1],this.length=3),"le"===r&&this._initArray(this.toArray(),e,r)},a.prototype._initArray=function(t,e,r){if(n("number"==typeof t.length),t.length<=0)return this.words=[0],this.length=1,this;this.length=Math.ceil(t.length/3),this.words=new Array(this.length);for(var i=0;i=0;i-=3)o=t[i]|t[i-1]<<8|t[i-2]<<16,this.words[a]|=o<>>26-s&67108863,(s+=24)>=26&&(s-=26,a++);else if("le"===r)for(i=0,a=0;i>>26-s&67108863,(s+=24)>=26&&(s-=26,a++);return this.strip()},a.prototype._parseHex=function(t,e){this.length=Math.ceil((t.length-e)/6),this.words=new Array(this.length);for(var r=0;r=e;r-=6)i=s(t,r,r+6),this.words[n]|=i<>>26-a&4194303,(a+=24)>=26&&(a-=26,n++);r+6!==e&&(i=s(t,e,r+6),this.words[n]|=i<>>26-a&4194303),this.strip()},a.prototype._parseBase=function(t,e,r){this.words=[0],this.length=1;for(var n=0,i=1;i<=67108863;i*=e)n++;n--,i=i/e|0;for(var a=t.length-r,o=a%n,s=Math.min(a,a-o)+r,c=0,u=r;u1&&0===this.words[this.length-1];)this.length--;return this._normSign()},a.prototype._normSign=function(){return 1===this.length&&0===this.words[0]&&(this.negative=0),this},a.prototype.inspect=function(){return(this.red?""};var c=["","0","00","000","0000","00000","000000","0000000","00000000","000000000","0000000000","00000000000","000000000000","0000000000000","00000000000000","000000000000000","0000000000000000","00000000000000000","000000000000000000","0000000000000000000","00000000000000000000","000000000000000000000","0000000000000000000000","00000000000000000000000","000000000000000000000000","0000000000000000000000000"],u=[0,0,25,16,12,11,10,9,8,8,7,7,7,7,6,6,6,6,6,6,6,5,5,5,5,5,5,5,5,5,5,5,5,5,5,5,5],f=[0,0,33554432,43046721,16777216,48828125,60466176,40353607,16777216,43046721,1e7,19487171,35831808,62748517,7529536,11390625,16777216,24137569,34012224,47045881,64e6,4084101,5153632,6436343,7962624,9765625,11881376,14348907,17210368,20511149,243e5,28629151,33554432,39135393,45435424,52521875,60466176];function h(t,e,r){r.negative=e.negative^t.negative;var n=t.length+e.length|0;r.length=n,n=n-1|0;var i=0|t.words[0],a=0|e.words[0],o=i*a,s=67108863&o,l=o/67108864|0;r.words[0]=s;for(var c=1;c>>26,f=67108863&l,h=Math.min(c,e.length-1),p=Math.max(0,c-t.length+1);p<=h;p++){var d=c-p|0;u+=(o=(i=0|t.words[d])*(a=0|e.words[p])+f)/67108864|0,f=67108863&o}r.words[c]=0|f,l=0|u}return 0!==l?r.words[c]=0|l:r.length--,r.strip()}a.prototype.toString=function(t,e){var r;if(e=0|e||1,16===(t=t||10)||"hex"===t){r="";for(var i=0,a=0,o=0;o>>24-i&16777215)||o!==this.length-1?c[6-l.length]+l+r:l+r,(i+=2)>=26&&(i-=26,o--)}for(0!==a&&(r=a.toString(16)+r);r.length%e!=0;)r="0"+r;return 0!==this.negative&&(r="-"+r),r}if(t===(0|t)&&t>=2&&t<=36){var h=u[t],p=f[t];r="";var d=this.clone();for(d.negative=0;!d.isZero();){var g=d.modn(p).toString(t);r=(d=d.idivn(p)).isZero()?g+r:c[h-g.length]+g+r}for(this.isZero()&&(r="0"+r);r.length%e!=0;)r="0"+r;return 0!==this.negative&&(r="-"+r),r}n(!1,"Base should be between 2 and 36")},a.prototype.toNumber=function(){var t=this.words[0];return 2===this.length?t+=67108864*this.words[1]:3===this.length&&1===this.words[2]?t+=4503599627370496+67108864*this.words[1]:this.length>2&&n(!1,"Number can only safely store up to 53 bits"),0!==this.negative?-t:t},a.prototype.toJSON=function(){return this.toString(16)},a.prototype.toBuffer=function(t,e){return n("undefined"!=typeof o),this.toArrayLike(o,t,e)},a.prototype.toArray=function(t,e){return this.toArrayLike(Array,t,e)},a.prototype.toArrayLike=function(t,e,r){var i=this.byteLength(),a=r||Math.max(1,i);n(i<=a,"byte array longer than desired length"),n(a>0,"Requested array length <= 0"),this.strip();var o,s,l="le"===e,c=new t(a),u=this.clone();if(l){for(s=0;!u.isZero();s++)o=u.andln(255),u.iushrn(8),c[s]=o;for(;s=4096&&(r+=13,e>>>=13),e>=64&&(r+=7,e>>>=7),e>=8&&(r+=4,e>>>=4),e>=2&&(r+=2,e>>>=2),r+e},a.prototype._zeroBits=function(t){if(0===t)return 26;var e=t,r=0;return 0==(8191&e)&&(r+=13,e>>>=13),0==(127&e)&&(r+=7,e>>>=7),0==(15&e)&&(r+=4,e>>>=4),0==(3&e)&&(r+=2,e>>>=2),0==(1&e)&&r++,r},a.prototype.bitLength=function(){var t=this.words[this.length-1],e=this._countBits(t);return 26*(this.length-1)+e},a.prototype.zeroBits=function(){if(this.isZero())return 0;for(var t=0,e=0;et.length?this.clone().ior(t):t.clone().ior(this)},a.prototype.uor=function(t){return this.length>t.length?this.clone().iuor(t):t.clone().iuor(this)},a.prototype.iuand=function(t){var e;e=this.length>t.length?t:this;for(var r=0;rt.length?this.clone().iand(t):t.clone().iand(this)},a.prototype.uand=function(t){return this.length>t.length?this.clone().iuand(t):t.clone().iuand(this)},a.prototype.iuxor=function(t){var e,r;this.length>t.length?(e=this,r=t):(e=t,r=this);for(var n=0;nt.length?this.clone().ixor(t):t.clone().ixor(this)},a.prototype.uxor=function(t){return this.length>t.length?this.clone().iuxor(t):t.clone().iuxor(this)},a.prototype.inotn=function(t){n("number"==typeof t&&t>=0);var e=0|Math.ceil(t/26),r=t%26;this._expand(e),r>0&&e--;for(var i=0;i0&&(this.words[i]=~this.words[i]&67108863>>26-r),this.strip()},a.prototype.notn=function(t){return this.clone().inotn(t)},a.prototype.setn=function(t,e){n("number"==typeof t&&t>=0);var r=t/26|0,i=t%26;return this._expand(r+1),this.words[r]=e?this.words[r]|1<t.length?(r=this,n=t):(r=t,n=this);for(var i=0,a=0;a>>26;for(;0!==i&&a>>26;if(this.length=r.length,0!==i)this.words[this.length]=i,this.length++;else if(r!==this)for(;at.length?this.clone().iadd(t):t.clone().iadd(this)},a.prototype.isub=function(t){if(0!==t.negative){t.negative=0;var e=this.iadd(t);return t.negative=1,e._normSign()}if(0!==this.negative)return this.negative=0,this.iadd(t),this.negative=1,this._normSign();var r,n,i=this.cmp(t);if(0===i)return this.negative=0,this.length=1,this.words[0]=0,this;i>0?(r=this,n=t):(r=t,n=this);for(var a=0,o=0;o>26,this.words[o]=67108863&e;for(;0!==a&&o>26,this.words[o]=67108863&e;if(0===a&&o>>13,p=0|o[1],d=8191&p,g=p>>>13,m=0|o[2],v=8191&m,y=m>>>13,x=0|o[3],b=8191&x,_=x>>>13,w=0|o[4],T=8191&w,k=w>>>13,M=0|o[5],A=8191&M,S=M>>>13,E=0|o[6],C=8191&E,L=E>>>13,I=0|o[7],P=8191&I,z=I>>>13,O=0|o[8],D=8191&O,R=O>>>13,F=0|o[9],B=8191&F,N=F>>>13,j=0|s[0],U=8191&j,V=j>>>13,q=0|s[1],H=8191&q,G=q>>>13,Y=0|s[2],W=8191&Y,X=Y>>>13,Z=0|s[3],J=8191&Z,K=Z>>>13,Q=0|s[4],$=8191&Q,tt=Q>>>13,et=0|s[5],rt=8191&et,nt=et>>>13,it=0|s[6],at=8191&it,ot=it>>>13,st=0|s[7],lt=8191&st,ct=st>>>13,ut=0|s[8],ft=8191&ut,ht=ut>>>13,pt=0|s[9],dt=8191&pt,gt=pt>>>13;r.negative=t.negative^e.negative,r.length=19;var mt=(c+(n=Math.imul(f,U))|0)+((8191&(i=(i=Math.imul(f,V))+Math.imul(h,U)|0))<<13)|0;c=((a=Math.imul(h,V))+(i>>>13)|0)+(mt>>>26)|0,mt&=67108863,n=Math.imul(d,U),i=(i=Math.imul(d,V))+Math.imul(g,U)|0,a=Math.imul(g,V);var vt=(c+(n=n+Math.imul(f,H)|0)|0)+((8191&(i=(i=i+Math.imul(f,G)|0)+Math.imul(h,H)|0))<<13)|0;c=((a=a+Math.imul(h,G)|0)+(i>>>13)|0)+(vt>>>26)|0,vt&=67108863,n=Math.imul(v,U),i=(i=Math.imul(v,V))+Math.imul(y,U)|0,a=Math.imul(y,V),n=n+Math.imul(d,H)|0,i=(i=i+Math.imul(d,G)|0)+Math.imul(g,H)|0,a=a+Math.imul(g,G)|0;var yt=(c+(n=n+Math.imul(f,W)|0)|0)+((8191&(i=(i=i+Math.imul(f,X)|0)+Math.imul(h,W)|0))<<13)|0;c=((a=a+Math.imul(h,X)|0)+(i>>>13)|0)+(yt>>>26)|0,yt&=67108863,n=Math.imul(b,U),i=(i=Math.imul(b,V))+Math.imul(_,U)|0,a=Math.imul(_,V),n=n+Math.imul(v,H)|0,i=(i=i+Math.imul(v,G)|0)+Math.imul(y,H)|0,a=a+Math.imul(y,G)|0,n=n+Math.imul(d,W)|0,i=(i=i+Math.imul(d,X)|0)+Math.imul(g,W)|0,a=a+Math.imul(g,X)|0;var xt=(c+(n=n+Math.imul(f,J)|0)|0)+((8191&(i=(i=i+Math.imul(f,K)|0)+Math.imul(h,J)|0))<<13)|0;c=((a=a+Math.imul(h,K)|0)+(i>>>13)|0)+(xt>>>26)|0,xt&=67108863,n=Math.imul(T,U),i=(i=Math.imul(T,V))+Math.imul(k,U)|0,a=Math.imul(k,V),n=n+Math.imul(b,H)|0,i=(i=i+Math.imul(b,G)|0)+Math.imul(_,H)|0,a=a+Math.imul(_,G)|0,n=n+Math.imul(v,W)|0,i=(i=i+Math.imul(v,X)|0)+Math.imul(y,W)|0,a=a+Math.imul(y,X)|0,n=n+Math.imul(d,J)|0,i=(i=i+Math.imul(d,K)|0)+Math.imul(g,J)|0,a=a+Math.imul(g,K)|0;var bt=(c+(n=n+Math.imul(f,$)|0)|0)+((8191&(i=(i=i+Math.imul(f,tt)|0)+Math.imul(h,$)|0))<<13)|0;c=((a=a+Math.imul(h,tt)|0)+(i>>>13)|0)+(bt>>>26)|0,bt&=67108863,n=Math.imul(A,U),i=(i=Math.imul(A,V))+Math.imul(S,U)|0,a=Math.imul(S,V),n=n+Math.imul(T,H)|0,i=(i=i+Math.imul(T,G)|0)+Math.imul(k,H)|0,a=a+Math.imul(k,G)|0,n=n+Math.imul(b,W)|0,i=(i=i+Math.imul(b,X)|0)+Math.imul(_,W)|0,a=a+Math.imul(_,X)|0,n=n+Math.imul(v,J)|0,i=(i=i+Math.imul(v,K)|0)+Math.imul(y,J)|0,a=a+Math.imul(y,K)|0,n=n+Math.imul(d,$)|0,i=(i=i+Math.imul(d,tt)|0)+Math.imul(g,$)|0,a=a+Math.imul(g,tt)|0;var _t=(c+(n=n+Math.imul(f,rt)|0)|0)+((8191&(i=(i=i+Math.imul(f,nt)|0)+Math.imul(h,rt)|0))<<13)|0;c=((a=a+Math.imul(h,nt)|0)+(i>>>13)|0)+(_t>>>26)|0,_t&=67108863,n=Math.imul(C,U),i=(i=Math.imul(C,V))+Math.imul(L,U)|0,a=Math.imul(L,V),n=n+Math.imul(A,H)|0,i=(i=i+Math.imul(A,G)|0)+Math.imul(S,H)|0,a=a+Math.imul(S,G)|0,n=n+Math.imul(T,W)|0,i=(i=i+Math.imul(T,X)|0)+Math.imul(k,W)|0,a=a+Math.imul(k,X)|0,n=n+Math.imul(b,J)|0,i=(i=i+Math.imul(b,K)|0)+Math.imul(_,J)|0,a=a+Math.imul(_,K)|0,n=n+Math.imul(v,$)|0,i=(i=i+Math.imul(v,tt)|0)+Math.imul(y,$)|0,a=a+Math.imul(y,tt)|0,n=n+Math.imul(d,rt)|0,i=(i=i+Math.imul(d,nt)|0)+Math.imul(g,rt)|0,a=a+Math.imul(g,nt)|0;var wt=(c+(n=n+Math.imul(f,at)|0)|0)+((8191&(i=(i=i+Math.imul(f,ot)|0)+Math.imul(h,at)|0))<<13)|0;c=((a=a+Math.imul(h,ot)|0)+(i>>>13)|0)+(wt>>>26)|0,wt&=67108863,n=Math.imul(P,U),i=(i=Math.imul(P,V))+Math.imul(z,U)|0,a=Math.imul(z,V),n=n+Math.imul(C,H)|0,i=(i=i+Math.imul(C,G)|0)+Math.imul(L,H)|0,a=a+Math.imul(L,G)|0,n=n+Math.imul(A,W)|0,i=(i=i+Math.imul(A,X)|0)+Math.imul(S,W)|0,a=a+Math.imul(S,X)|0,n=n+Math.imul(T,J)|0,i=(i=i+Math.imul(T,K)|0)+Math.imul(k,J)|0,a=a+Math.imul(k,K)|0,n=n+Math.imul(b,$)|0,i=(i=i+Math.imul(b,tt)|0)+Math.imul(_,$)|0,a=a+Math.imul(_,tt)|0,n=n+Math.imul(v,rt)|0,i=(i=i+Math.imul(v,nt)|0)+Math.imul(y,rt)|0,a=a+Math.imul(y,nt)|0,n=n+Math.imul(d,at)|0,i=(i=i+Math.imul(d,ot)|0)+Math.imul(g,at)|0,a=a+Math.imul(g,ot)|0;var Tt=(c+(n=n+Math.imul(f,lt)|0)|0)+((8191&(i=(i=i+Math.imul(f,ct)|0)+Math.imul(h,lt)|0))<<13)|0;c=((a=a+Math.imul(h,ct)|0)+(i>>>13)|0)+(Tt>>>26)|0,Tt&=67108863,n=Math.imul(D,U),i=(i=Math.imul(D,V))+Math.imul(R,U)|0,a=Math.imul(R,V),n=n+Math.imul(P,H)|0,i=(i=i+Math.imul(P,G)|0)+Math.imul(z,H)|0,a=a+Math.imul(z,G)|0,n=n+Math.imul(C,W)|0,i=(i=i+Math.imul(C,X)|0)+Math.imul(L,W)|0,a=a+Math.imul(L,X)|0,n=n+Math.imul(A,J)|0,i=(i=i+Math.imul(A,K)|0)+Math.imul(S,J)|0,a=a+Math.imul(S,K)|0,n=n+Math.imul(T,$)|0,i=(i=i+Math.imul(T,tt)|0)+Math.imul(k,$)|0,a=a+Math.imul(k,tt)|0,n=n+Math.imul(b,rt)|0,i=(i=i+Math.imul(b,nt)|0)+Math.imul(_,rt)|0,a=a+Math.imul(_,nt)|0,n=n+Math.imul(v,at)|0,i=(i=i+Math.imul(v,ot)|0)+Math.imul(y,at)|0,a=a+Math.imul(y,ot)|0,n=n+Math.imul(d,lt)|0,i=(i=i+Math.imul(d,ct)|0)+Math.imul(g,lt)|0,a=a+Math.imul(g,ct)|0;var kt=(c+(n=n+Math.imul(f,ft)|0)|0)+((8191&(i=(i=i+Math.imul(f,ht)|0)+Math.imul(h,ft)|0))<<13)|0;c=((a=a+Math.imul(h,ht)|0)+(i>>>13)|0)+(kt>>>26)|0,kt&=67108863,n=Math.imul(B,U),i=(i=Math.imul(B,V))+Math.imul(N,U)|0,a=Math.imul(N,V),n=n+Math.imul(D,H)|0,i=(i=i+Math.imul(D,G)|0)+Math.imul(R,H)|0,a=a+Math.imul(R,G)|0,n=n+Math.imul(P,W)|0,i=(i=i+Math.imul(P,X)|0)+Math.imul(z,W)|0,a=a+Math.imul(z,X)|0,n=n+Math.imul(C,J)|0,i=(i=i+Math.imul(C,K)|0)+Math.imul(L,J)|0,a=a+Math.imul(L,K)|0,n=n+Math.imul(A,$)|0,i=(i=i+Math.imul(A,tt)|0)+Math.imul(S,$)|0,a=a+Math.imul(S,tt)|0,n=n+Math.imul(T,rt)|0,i=(i=i+Math.imul(T,nt)|0)+Math.imul(k,rt)|0,a=a+Math.imul(k,nt)|0,n=n+Math.imul(b,at)|0,i=(i=i+Math.imul(b,ot)|0)+Math.imul(_,at)|0,a=a+Math.imul(_,ot)|0,n=n+Math.imul(v,lt)|0,i=(i=i+Math.imul(v,ct)|0)+Math.imul(y,lt)|0,a=a+Math.imul(y,ct)|0,n=n+Math.imul(d,ft)|0,i=(i=i+Math.imul(d,ht)|0)+Math.imul(g,ft)|0,a=a+Math.imul(g,ht)|0;var Mt=(c+(n=n+Math.imul(f,dt)|0)|0)+((8191&(i=(i=i+Math.imul(f,gt)|0)+Math.imul(h,dt)|0))<<13)|0;c=((a=a+Math.imul(h,gt)|0)+(i>>>13)|0)+(Mt>>>26)|0,Mt&=67108863,n=Math.imul(B,H),i=(i=Math.imul(B,G))+Math.imul(N,H)|0,a=Math.imul(N,G),n=n+Math.imul(D,W)|0,i=(i=i+Math.imul(D,X)|0)+Math.imul(R,W)|0,a=a+Math.imul(R,X)|0,n=n+Math.imul(P,J)|0,i=(i=i+Math.imul(P,K)|0)+Math.imul(z,J)|0,a=a+Math.imul(z,K)|0,n=n+Math.imul(C,$)|0,i=(i=i+Math.imul(C,tt)|0)+Math.imul(L,$)|0,a=a+Math.imul(L,tt)|0,n=n+Math.imul(A,rt)|0,i=(i=i+Math.imul(A,nt)|0)+Math.imul(S,rt)|0,a=a+Math.imul(S,nt)|0,n=n+Math.imul(T,at)|0,i=(i=i+Math.imul(T,ot)|0)+Math.imul(k,at)|0,a=a+Math.imul(k,ot)|0,n=n+Math.imul(b,lt)|0,i=(i=i+Math.imul(b,ct)|0)+Math.imul(_,lt)|0,a=a+Math.imul(_,ct)|0,n=n+Math.imul(v,ft)|0,i=(i=i+Math.imul(v,ht)|0)+Math.imul(y,ft)|0,a=a+Math.imul(y,ht)|0;var At=(c+(n=n+Math.imul(d,dt)|0)|0)+((8191&(i=(i=i+Math.imul(d,gt)|0)+Math.imul(g,dt)|0))<<13)|0;c=((a=a+Math.imul(g,gt)|0)+(i>>>13)|0)+(At>>>26)|0,At&=67108863,n=Math.imul(B,W),i=(i=Math.imul(B,X))+Math.imul(N,W)|0,a=Math.imul(N,X),n=n+Math.imul(D,J)|0,i=(i=i+Math.imul(D,K)|0)+Math.imul(R,J)|0,a=a+Math.imul(R,K)|0,n=n+Math.imul(P,$)|0,i=(i=i+Math.imul(P,tt)|0)+Math.imul(z,$)|0,a=a+Math.imul(z,tt)|0,n=n+Math.imul(C,rt)|0,i=(i=i+Math.imul(C,nt)|0)+Math.imul(L,rt)|0,a=a+Math.imul(L,nt)|0,n=n+Math.imul(A,at)|0,i=(i=i+Math.imul(A,ot)|0)+Math.imul(S,at)|0,a=a+Math.imul(S,ot)|0,n=n+Math.imul(T,lt)|0,i=(i=i+Math.imul(T,ct)|0)+Math.imul(k,lt)|0,a=a+Math.imul(k,ct)|0,n=n+Math.imul(b,ft)|0,i=(i=i+Math.imul(b,ht)|0)+Math.imul(_,ft)|0,a=a+Math.imul(_,ht)|0;var St=(c+(n=n+Math.imul(v,dt)|0)|0)+((8191&(i=(i=i+Math.imul(v,gt)|0)+Math.imul(y,dt)|0))<<13)|0;c=((a=a+Math.imul(y,gt)|0)+(i>>>13)|0)+(St>>>26)|0,St&=67108863,n=Math.imul(B,J),i=(i=Math.imul(B,K))+Math.imul(N,J)|0,a=Math.imul(N,K),n=n+Math.imul(D,$)|0,i=(i=i+Math.imul(D,tt)|0)+Math.imul(R,$)|0,a=a+Math.imul(R,tt)|0,n=n+Math.imul(P,rt)|0,i=(i=i+Math.imul(P,nt)|0)+Math.imul(z,rt)|0,a=a+Math.imul(z,nt)|0,n=n+Math.imul(C,at)|0,i=(i=i+Math.imul(C,ot)|0)+Math.imul(L,at)|0,a=a+Math.imul(L,ot)|0,n=n+Math.imul(A,lt)|0,i=(i=i+Math.imul(A,ct)|0)+Math.imul(S,lt)|0,a=a+Math.imul(S,ct)|0,n=n+Math.imul(T,ft)|0,i=(i=i+Math.imul(T,ht)|0)+Math.imul(k,ft)|0,a=a+Math.imul(k,ht)|0;var Et=(c+(n=n+Math.imul(b,dt)|0)|0)+((8191&(i=(i=i+Math.imul(b,gt)|0)+Math.imul(_,dt)|0))<<13)|0;c=((a=a+Math.imul(_,gt)|0)+(i>>>13)|0)+(Et>>>26)|0,Et&=67108863,n=Math.imul(B,$),i=(i=Math.imul(B,tt))+Math.imul(N,$)|0,a=Math.imul(N,tt),n=n+Math.imul(D,rt)|0,i=(i=i+Math.imul(D,nt)|0)+Math.imul(R,rt)|0,a=a+Math.imul(R,nt)|0,n=n+Math.imul(P,at)|0,i=(i=i+Math.imul(P,ot)|0)+Math.imul(z,at)|0,a=a+Math.imul(z,ot)|0,n=n+Math.imul(C,lt)|0,i=(i=i+Math.imul(C,ct)|0)+Math.imul(L,lt)|0,a=a+Math.imul(L,ct)|0,n=n+Math.imul(A,ft)|0,i=(i=i+Math.imul(A,ht)|0)+Math.imul(S,ft)|0,a=a+Math.imul(S,ht)|0;var Ct=(c+(n=n+Math.imul(T,dt)|0)|0)+((8191&(i=(i=i+Math.imul(T,gt)|0)+Math.imul(k,dt)|0))<<13)|0;c=((a=a+Math.imul(k,gt)|0)+(i>>>13)|0)+(Ct>>>26)|0,Ct&=67108863,n=Math.imul(B,rt),i=(i=Math.imul(B,nt))+Math.imul(N,rt)|0,a=Math.imul(N,nt),n=n+Math.imul(D,at)|0,i=(i=i+Math.imul(D,ot)|0)+Math.imul(R,at)|0,a=a+Math.imul(R,ot)|0,n=n+Math.imul(P,lt)|0,i=(i=i+Math.imul(P,ct)|0)+Math.imul(z,lt)|0,a=a+Math.imul(z,ct)|0,n=n+Math.imul(C,ft)|0,i=(i=i+Math.imul(C,ht)|0)+Math.imul(L,ft)|0,a=a+Math.imul(L,ht)|0;var Lt=(c+(n=n+Math.imul(A,dt)|0)|0)+((8191&(i=(i=i+Math.imul(A,gt)|0)+Math.imul(S,dt)|0))<<13)|0;c=((a=a+Math.imul(S,gt)|0)+(i>>>13)|0)+(Lt>>>26)|0,Lt&=67108863,n=Math.imul(B,at),i=(i=Math.imul(B,ot))+Math.imul(N,at)|0,a=Math.imul(N,ot),n=n+Math.imul(D,lt)|0,i=(i=i+Math.imul(D,ct)|0)+Math.imul(R,lt)|0,a=a+Math.imul(R,ct)|0,n=n+Math.imul(P,ft)|0,i=(i=i+Math.imul(P,ht)|0)+Math.imul(z,ft)|0,a=a+Math.imul(z,ht)|0;var It=(c+(n=n+Math.imul(C,dt)|0)|0)+((8191&(i=(i=i+Math.imul(C,gt)|0)+Math.imul(L,dt)|0))<<13)|0;c=((a=a+Math.imul(L,gt)|0)+(i>>>13)|0)+(It>>>26)|0,It&=67108863,n=Math.imul(B,lt),i=(i=Math.imul(B,ct))+Math.imul(N,lt)|0,a=Math.imul(N,ct),n=n+Math.imul(D,ft)|0,i=(i=i+Math.imul(D,ht)|0)+Math.imul(R,ft)|0,a=a+Math.imul(R,ht)|0;var Pt=(c+(n=n+Math.imul(P,dt)|0)|0)+((8191&(i=(i=i+Math.imul(P,gt)|0)+Math.imul(z,dt)|0))<<13)|0;c=((a=a+Math.imul(z,gt)|0)+(i>>>13)|0)+(Pt>>>26)|0,Pt&=67108863,n=Math.imul(B,ft),i=(i=Math.imul(B,ht))+Math.imul(N,ft)|0,a=Math.imul(N,ht);var zt=(c+(n=n+Math.imul(D,dt)|0)|0)+((8191&(i=(i=i+Math.imul(D,gt)|0)+Math.imul(R,dt)|0))<<13)|0;c=((a=a+Math.imul(R,gt)|0)+(i>>>13)|0)+(zt>>>26)|0,zt&=67108863;var Ot=(c+(n=Math.imul(B,dt))|0)+((8191&(i=(i=Math.imul(B,gt))+Math.imul(N,dt)|0))<<13)|0;return c=((a=Math.imul(N,gt))+(i>>>13)|0)+(Ot>>>26)|0,Ot&=67108863,l[0]=mt,l[1]=vt,l[2]=yt,l[3]=xt,l[4]=bt,l[5]=_t,l[6]=wt,l[7]=Tt,l[8]=kt,l[9]=Mt,l[10]=At,l[11]=St,l[12]=Et,l[13]=Ct,l[14]=Lt,l[15]=It,l[16]=Pt,l[17]=zt,l[18]=Ot,0!==c&&(l[19]=c,r.length++),r};function d(t,e,r){return(new g).mulp(t,e,r)}function g(t,e){this.x=t,this.y=e}Math.imul||(p=h),a.prototype.mulTo=function(t,e){var r=this.length+t.length;return 10===this.length&&10===t.length?p(this,t,e):r<63?h(this,t,e):r<1024?function(t,e,r){r.negative=e.negative^t.negative,r.length=t.length+e.length;for(var n=0,i=0,a=0;a>>26)|0)>>>26,o&=67108863}r.words[a]=s,n=o,o=i}return 0!==n?r.words[a]=n:r.length--,r.strip()}(this,t,e):d(this,t,e)},g.prototype.makeRBT=function(t){for(var e=new Array(t),r=a.prototype._countBits(t)-1,n=0;n>=1;return n},g.prototype.permute=function(t,e,r,n,i,a){for(var o=0;o>>=1)i++;return 1<>>=13,r[2*o+1]=8191&a,a>>>=13;for(o=2*e;o>=26,e+=i/67108864|0,e+=a>>>26,this.words[r]=67108863&a}return 0!==e&&(this.words[r]=e,this.length++),this},a.prototype.muln=function(t){return this.clone().imuln(t)},a.prototype.sqr=function(){return this.mul(this)},a.prototype.isqr=function(){return this.imul(this.clone())},a.prototype.pow=function(t){var e=function(t){for(var e=new Array(t.bitLength()),r=0;r>>i}return e}(t);if(0===e.length)return new a(1);for(var r=this,n=0;n=0);var e,r=t%26,i=(t-r)/26,a=67108863>>>26-r<<26-r;if(0!==r){var o=0;for(e=0;e>>26-r}o&&(this.words[e]=o,this.length++)}if(0!==i){for(e=this.length-1;e>=0;e--)this.words[e+i]=this.words[e];for(e=0;e=0),i=e?(e-e%26)/26:0;var a=t%26,o=Math.min((t-a)/26,this.length),s=67108863^67108863>>>a<o)for(this.length-=o,c=0;c=0&&(0!==u||c>=i);c--){var f=0|this.words[c];this.words[c]=u<<26-a|f>>>a,u=f&s}return l&&0!==u&&(l.words[l.length++]=u),0===this.length&&(this.words[0]=0,this.length=1),this.strip()},a.prototype.ishrn=function(t,e,r){return n(0===this.negative),this.iushrn(t,e,r)},a.prototype.shln=function(t){return this.clone().ishln(t)},a.prototype.ushln=function(t){return this.clone().iushln(t)},a.prototype.shrn=function(t){return this.clone().ishrn(t)},a.prototype.ushrn=function(t){return this.clone().iushrn(t)},a.prototype.testn=function(t){n("number"==typeof t&&t>=0);var e=t%26,r=(t-e)/26,i=1<=0);var e=t%26,r=(t-e)/26;if(n(0===this.negative,"imaskn works only with positive numbers"),this.length<=r)return this;if(0!==e&&r++,this.length=Math.min(r,this.length),0!==e){var i=67108863^67108863>>>e<=67108864;e++)this.words[e]-=67108864,e===this.length-1?this.words[e+1]=1:this.words[e+1]++;return this.length=Math.max(this.length,e+1),this},a.prototype.isubn=function(t){if(n("number"==typeof t),n(t<67108864),t<0)return this.iaddn(-t);if(0!==this.negative)return this.negative=0,this.iaddn(t),this.negative=1,this;if(this.words[0]-=t,1===this.length&&this.words[0]<0)this.words[0]=-this.words[0],this.negative=1;else for(var e=0;e>26)-(l/67108864|0),this.words[i+r]=67108863&a}for(;i>26,this.words[i+r]=67108863&a;if(0===s)return this.strip();for(n(-1===s),s=0,i=0;i>26,this.words[i]=67108863&a;return this.negative=1,this.strip()},a.prototype._wordDiv=function(t,e){var r=(this.length,t.length),n=this.clone(),i=t,o=0|i.words[i.length-1];0!==(r=26-this._countBits(o))&&(i=i.ushln(r),n.iushln(r),o=0|i.words[i.length-1]);var s,l=n.length-i.length;if("mod"!==e){(s=new a(null)).length=l+1,s.words=new Array(s.length);for(var c=0;c=0;f--){var h=67108864*(0|n.words[i.length+f])+(0|n.words[i.length+f-1]);for(h=Math.min(h/o|0,67108863),n._ishlnsubmul(i,h,f);0!==n.negative;)h--,n.negative=0,n._ishlnsubmul(i,1,f),n.isZero()||(n.negative^=1);s&&(s.words[f]=h)}return s&&s.strip(),n.strip(),"div"!==e&&0!==r&&n.iushrn(r),{div:s||null,mod:n}},a.prototype.divmod=function(t,e,r){return n(!t.isZero()),this.isZero()?{div:new a(0),mod:new a(0)}:0!==this.negative&&0===t.negative?(s=this.neg().divmod(t,e),"mod"!==e&&(i=s.div.neg()),"div"!==e&&(o=s.mod.neg(),r&&0!==o.negative&&o.iadd(t)),{div:i,mod:o}):0===this.negative&&0!==t.negative?(s=this.divmod(t.neg(),e),"mod"!==e&&(i=s.div.neg()),{div:i,mod:s.mod}):0!=(this.negative&t.negative)?(s=this.neg().divmod(t.neg(),e),"div"!==e&&(o=s.mod.neg(),r&&0!==o.negative&&o.isub(t)),{div:s.div,mod:o}):t.length>this.length||this.cmp(t)<0?{div:new a(0),mod:this}:1===t.length?"div"===e?{div:this.divn(t.words[0]),mod:null}:"mod"===e?{div:null,mod:new a(this.modn(t.words[0]))}:{div:this.divn(t.words[0]),mod:new a(this.modn(t.words[0]))}:this._wordDiv(t,e);var i,o,s},a.prototype.div=function(t){return this.divmod(t,"div",!1).div},a.prototype.mod=function(t){return this.divmod(t,"mod",!1).mod},a.prototype.umod=function(t){return this.divmod(t,"mod",!0).mod},a.prototype.divRound=function(t){var e=this.divmod(t);if(e.mod.isZero())return e.div;var r=0!==e.div.negative?e.mod.isub(t):e.mod,n=t.ushrn(1),i=t.andln(1),a=r.cmp(n);return a<0||1===i&&0===a?e.div:0!==e.div.negative?e.div.isubn(1):e.div.iaddn(1)},a.prototype.modn=function(t){n(t<=67108863);for(var e=(1<<26)%t,r=0,i=this.length-1;i>=0;i--)r=(e*r+(0|this.words[i]))%t;return r},a.prototype.idivn=function(t){n(t<=67108863);for(var e=0,r=this.length-1;r>=0;r--){var i=(0|this.words[r])+67108864*e;this.words[r]=i/t|0,e=i%t}return this.strip()},a.prototype.divn=function(t){return this.clone().idivn(t)},a.prototype.egcd=function(t){n(0===t.negative),n(!t.isZero());var e=this,r=t.clone();e=0!==e.negative?e.umod(t):e.clone();for(var i=new a(1),o=new a(0),s=new a(0),l=new a(1),c=0;e.isEven()&&r.isEven();)e.iushrn(1),r.iushrn(1),++c;for(var u=r.clone(),f=e.clone();!e.isZero();){for(var h=0,p=1;0==(e.words[0]&p)&&h<26;++h,p<<=1);if(h>0)for(e.iushrn(h);h-- >0;)(i.isOdd()||o.isOdd())&&(i.iadd(u),o.isub(f)),i.iushrn(1),o.iushrn(1);for(var d=0,g=1;0==(r.words[0]&g)&&d<26;++d,g<<=1);if(d>0)for(r.iushrn(d);d-- >0;)(s.isOdd()||l.isOdd())&&(s.iadd(u),l.isub(f)),s.iushrn(1),l.iushrn(1);e.cmp(r)>=0?(e.isub(r),i.isub(s),o.isub(l)):(r.isub(e),s.isub(i),l.isub(o))}return{a:s,b:l,gcd:r.iushln(c)}},a.prototype._invmp=function(t){n(0===t.negative),n(!t.isZero());var e=this,r=t.clone();e=0!==e.negative?e.umod(t):e.clone();for(var i,o=new a(1),s=new a(0),l=r.clone();e.cmpn(1)>0&&r.cmpn(1)>0;){for(var c=0,u=1;0==(e.words[0]&u)&&c<26;++c,u<<=1);if(c>0)for(e.iushrn(c);c-- >0;)o.isOdd()&&o.iadd(l),o.iushrn(1);for(var f=0,h=1;0==(r.words[0]&h)&&f<26;++f,h<<=1);if(f>0)for(r.iushrn(f);f-- >0;)s.isOdd()&&s.iadd(l),s.iushrn(1);e.cmp(r)>=0?(e.isub(r),o.isub(s)):(r.isub(e),s.isub(o))}return(i=0===e.cmpn(1)?o:s).cmpn(0)<0&&i.iadd(t),i},a.prototype.gcd=function(t){if(this.isZero())return t.abs();if(t.isZero())return this.abs();var e=this.clone(),r=t.clone();e.negative=0,r.negative=0;for(var n=0;e.isEven()&&r.isEven();n++)e.iushrn(1),r.iushrn(1);for(;;){for(;e.isEven();)e.iushrn(1);for(;r.isEven();)r.iushrn(1);var i=e.cmp(r);if(i<0){var a=e;e=r,r=a}else if(0===i||0===r.cmpn(1))break;e.isub(r)}return r.iushln(n)},a.prototype.invm=function(t){return this.egcd(t).a.umod(t)},a.prototype.isEven=function(){return 0==(1&this.words[0])},a.prototype.isOdd=function(){return 1==(1&this.words[0])},a.prototype.andln=function(t){return this.words[0]&t},a.prototype.bincn=function(t){n("number"==typeof t);var e=t%26,r=(t-e)/26,i=1<>>26,s&=67108863,this.words[o]=s}return 0!==a&&(this.words[o]=a,this.length++),this},a.prototype.isZero=function(){return 1===this.length&&0===this.words[0]},a.prototype.cmpn=function(t){var e,r=t<0;if(0!==this.negative&&!r)return-1;if(0===this.negative&&r)return 1;if(this.strip(),this.length>1)e=1;else{r&&(t=-t),n(t<=67108863,"Number is too big");var i=0|this.words[0];e=i===t?0:it.length)return 1;if(this.length=0;r--){var n=0|this.words[r],i=0|t.words[r];if(n!==i){ni&&(e=1);break}}return e},a.prototype.gtn=function(t){return 1===this.cmpn(t)},a.prototype.gt=function(t){return 1===this.cmp(t)},a.prototype.gten=function(t){return this.cmpn(t)>=0},a.prototype.gte=function(t){return this.cmp(t)>=0},a.prototype.ltn=function(t){return-1===this.cmpn(t)},a.prototype.lt=function(t){return-1===this.cmp(t)},a.prototype.lten=function(t){return this.cmpn(t)<=0},a.prototype.lte=function(t){return this.cmp(t)<=0},a.prototype.eqn=function(t){return 0===this.cmpn(t)},a.prototype.eq=function(t){return 0===this.cmp(t)},a.red=function(t){return new w(t)},a.prototype.toRed=function(t){return n(!this.red,"Already a number in reduction context"),n(0===this.negative,"red works only with positives"),t.convertTo(this)._forceRed(t)},a.prototype.fromRed=function(){return n(this.red,"fromRed works only with numbers in reduction context"),this.red.convertFrom(this)},a.prototype._forceRed=function(t){return this.red=t,this},a.prototype.forceRed=function(t){return n(!this.red,"Already a number in reduction context"),this._forceRed(t)},a.prototype.redAdd=function(t){return n(this.red,"redAdd works only with red numbers"),this.red.add(this,t)},a.prototype.redIAdd=function(t){return n(this.red,"redIAdd works only with red numbers"),this.red.iadd(this,t)},a.prototype.redSub=function(t){return n(this.red,"redSub works only with red numbers"),this.red.sub(this,t)},a.prototype.redISub=function(t){return n(this.red,"redISub works only with red numbers"),this.red.isub(this,t)},a.prototype.redShl=function(t){return n(this.red,"redShl works only with red numbers"),this.red.shl(this,t)},a.prototype.redMul=function(t){return n(this.red,"redMul works only with red numbers"),this.red._verify2(this,t),this.red.mul(this,t)},a.prototype.redIMul=function(t){return n(this.red,"redMul works only with red numbers"),this.red._verify2(this,t),this.red.imul(this,t)},a.prototype.redSqr=function(){return n(this.red,"redSqr works only with red numbers"),this.red._verify1(this),this.red.sqr(this)},a.prototype.redISqr=function(){return n(this.red,"redISqr works only with red numbers"),this.red._verify1(this),this.red.isqr(this)},a.prototype.redSqrt=function(){return n(this.red,"redSqrt works only with red numbers"),this.red._verify1(this),this.red.sqrt(this)},a.prototype.redInvm=function(){return n(this.red,"redInvm works only with red numbers"),this.red._verify1(this),this.red.invm(this)},a.prototype.redNeg=function(){return n(this.red,"redNeg works only with red numbers"),this.red._verify1(this),this.red.neg(this)},a.prototype.redPow=function(t){return n(this.red&&!t.red,"redPow(normalNum)"),this.red._verify1(this),this.red.pow(this,t)};var m={k256:null,p224:null,p192:null,p25519:null};function v(t,e){this.name=t,this.p=new a(e,16),this.n=this.p.bitLength(),this.k=new a(1).iushln(this.n).isub(this.p),this.tmp=this._tmp()}function y(){v.call(this,"k256","ffffffff ffffffff ffffffff ffffffff ffffffff ffffffff fffffffe fffffc2f")}function x(){v.call(this,"p224","ffffffff ffffffff ffffffff ffffffff 00000000 00000000 00000001")}function b(){v.call(this,"p192","ffffffff ffffffff ffffffff fffffffe ffffffff ffffffff")}function _(){v.call(this,"25519","7fffffffffffffff ffffffffffffffff ffffffffffffffff ffffffffffffffed")}function w(t){if("string"==typeof t){var e=a._prime(t);this.m=e.p,this.prime=e}else n(t.gtn(1),"modulus must be greater than 1"),this.m=t,this.prime=null}function T(t){w.call(this,t),this.shift=this.m.bitLength(),this.shift%26!=0&&(this.shift+=26-this.shift%26),this.r=new a(1).iushln(this.shift),this.r2=this.imod(this.r.sqr()),this.rinv=this.r._invmp(this.m),this.minv=this.rinv.mul(this.r).isubn(1).div(this.m),this.minv=this.minv.umod(this.r),this.minv=this.r.sub(this.minv)}v.prototype._tmp=function(){var t=new a(null);return t.words=new Array(Math.ceil(this.n/13)),t},v.prototype.ireduce=function(t){var e,r=t;do{this.split(r,this.tmp),e=(r=(r=this.imulK(r)).iadd(this.tmp)).bitLength()}while(e>this.n);var n=e0?r.isub(this.p):r.strip(),r},v.prototype.split=function(t,e){t.iushrn(this.n,0,e)},v.prototype.imulK=function(t){return t.imul(this.k)},i(y,v),y.prototype.split=function(t,e){for(var r=Math.min(t.length,9),n=0;n>>22,i=a}i>>>=22,t.words[n-10]=i,0===i&&t.length>10?t.length-=10:t.length-=9},y.prototype.imulK=function(t){t.words[t.length]=0,t.words[t.length+1]=0,t.length+=2;for(var e=0,r=0;r>>=26,t.words[r]=i,e=n}return 0!==e&&(t.words[t.length++]=e),t},a._prime=function(t){if(m[t])return m[t];var e;if("k256"===t)e=new y;else if("p224"===t)e=new x;else if("p192"===t)e=new b;else{if("p25519"!==t)throw new Error("Unknown prime "+t);e=new _}return m[t]=e,e},w.prototype._verify1=function(t){n(0===t.negative,"red works only with positives"),n(t.red,"red works only with red numbers")},w.prototype._verify2=function(t,e){n(0==(t.negative|e.negative),"red works only with positives"),n(t.red&&t.red===e.red,"red works only with red numbers")},w.prototype.imod=function(t){return this.prime?this.prime.ireduce(t)._forceRed(this):t.umod(this.m)._forceRed(this)},w.prototype.neg=function(t){return t.isZero()?t.clone():this.m.sub(t)._forceRed(this)},w.prototype.add=function(t,e){this._verify2(t,e);var r=t.add(e);return r.cmp(this.m)>=0&&r.isub(this.m),r._forceRed(this)},w.prototype.iadd=function(t,e){this._verify2(t,e);var r=t.iadd(e);return r.cmp(this.m)>=0&&r.isub(this.m),r},w.prototype.sub=function(t,e){this._verify2(t,e);var r=t.sub(e);return r.cmpn(0)<0&&r.iadd(this.m),r._forceRed(this)},w.prototype.isub=function(t,e){this._verify2(t,e);var r=t.isub(e);return r.cmpn(0)<0&&r.iadd(this.m),r},w.prototype.shl=function(t,e){return this._verify1(t),this.imod(t.ushln(e))},w.prototype.imul=function(t,e){return this._verify2(t,e),this.imod(t.imul(e))},w.prototype.mul=function(t,e){return this._verify2(t,e),this.imod(t.mul(e))},w.prototype.isqr=function(t){return this.imul(t,t.clone())},w.prototype.sqr=function(t){return this.mul(t,t)},w.prototype.sqrt=function(t){if(t.isZero())return t.clone();var e=this.m.andln(3);if(n(e%2==1),3===e){var r=this.m.add(new a(1)).iushrn(2);return this.pow(t,r)}for(var i=this.m.subn(1),o=0;!i.isZero()&&0===i.andln(1);)o++,i.iushrn(1);n(!i.isZero());var s=new a(1).toRed(this),l=s.redNeg(),c=this.m.subn(1).iushrn(1),u=this.m.bitLength();for(u=new a(2*u*u).toRed(this);0!==this.pow(u,c).cmp(l);)u.redIAdd(l);for(var f=this.pow(u,i),h=this.pow(t,i.addn(1).iushrn(1)),p=this.pow(t,i),d=o;0!==p.cmp(s);){for(var g=p,m=0;0!==g.cmp(s);m++)g=g.redSqr();n(m=0;n--){for(var c=e.words[n],u=l-1;u>=0;u--){var f=c>>u&1;i!==r[0]&&(i=this.sqr(i)),0!==f||0!==o?(o<<=1,o|=f,(4===++s||0===n&&0===u)&&(i=this.mul(i,r[o]),s=0,o=0)):s=0}l=26}return i},w.prototype.convertTo=function(t){var e=t.umod(this.m);return e===t?e.clone():e},w.prototype.convertFrom=function(t){var e=t.clone();return e.red=null,e},a.mont=function(t){return new T(t)},i(T,w),T.prototype.convertTo=function(t){return this.imod(t.ushln(this.shift))},T.prototype.convertFrom=function(t){var e=this.imod(t.mul(this.rinv));return e.red=null,e},T.prototype.imul=function(t,e){if(t.isZero()||e.isZero())return t.words[0]=0,t.length=1,t;var r=t.imul(e),n=r.maskn(this.shift).mul(this.minv).imaskn(this.shift).mul(this.m),i=r.isub(n).iushrn(this.shift),a=i;return i.cmp(this.m)>=0?a=i.isub(this.m):i.cmpn(0)<0&&(a=i.iadd(this.m)),a._forceRed(this)},T.prototype.mul=function(t,e){if(t.isZero()||e.isZero())return new a(0)._forceRed(this);var r=t.mul(e),n=r.maskn(this.shift).mul(this.minv).imaskn(this.shift).mul(this.m),i=r.isub(n).iushrn(this.shift),o=i;return i.cmp(this.m)>=0?o=i.isub(this.m):i.cmpn(0)<0&&(o=i.iadd(this.m)),o._forceRed(this)},T.prototype.invm=function(t){return this.imod(t._invmp(this.m).mul(this.r2))._forceRed(this)}}("undefined"==typeof e||e,this)},{buffer:108}],100:[function(t,e,r){"use strict";e.exports=function(t){var e,r,n,i=t.length,a=0;for(e=0;e>>1;if(!(u<=0)){var f,h=i.mallocDouble(2*u*s),p=i.mallocInt32(s);if((s=l(t,u,h,p))>0){if(1===u&&n)a.init(s),f=a.sweepComplete(u,r,0,s,h,p,0,s,h,p);else{var d=i.mallocDouble(2*u*c),g=i.mallocInt32(c);(c=l(e,u,d,g))>0&&(a.init(s+c),f=1===u?a.sweepBipartite(u,r,0,s,h,p,0,c,d,g):o(u,r,n,s,h,p,c,d,g),i.free(d),i.free(g))}i.free(h),i.free(p)}return f}}}function u(t,e){n.push([t,e])}function f(t){return n=[],c(t,t,u,!0),n}function h(t,e){return n=[],c(t,e,u,!1),n}},{"./lib/intersect":103,"./lib/sweep":107,"typedarray-pool":595}],102:[function(t,e,r){"use strict";var n=["d","ax","vv","rs","re","rb","ri","bs","be","bb","bi"];function i(t){var e="bruteForce"+(t?"Full":"Partial"),r=[],i=n.slice();t||i.splice(3,0,"fp");var a=["function "+e+"("+i.join()+"){"];function o(e,i){var o=function(t,e,r){var i="bruteForce"+(t?"Red":"Blue")+(e?"Flip":"")+(r?"Full":""),a=["function ",i,"(",n.join(),"){","var ","es","=2*","d",";"],o="for(var i=rs,rp=es*rs;ibe-bs){"),t?(o(!0,!1),a.push("}else{"),o(!1,!1)):(a.push("if(fp){"),o(!0,!0),a.push("}else{"),o(!0,!1),a.push("}}else{if(fp){"),o(!1,!0),a.push("}else{"),o(!1,!1),a.push("}")),a.push("}}return "+e);var s=r.join("")+a.join("");return new Function(s)()}r.partial=i(!1),r.full=i(!0)},{}],103:[function(t,e,r){"use strict";e.exports=function(t,e,r,a,u,w,T,k,M){!function(t,e){var r=8*i.log2(e+1)*(t+1)|0,a=i.nextPow2(6*r);v.length0;){var C=6*(S-=1),L=v[C],I=v[C+1],P=v[C+2],z=v[C+3],O=v[C+4],D=v[C+5],R=2*S,F=y[R],B=y[R+1],N=1&D,j=!!(16&D),U=u,V=w,q=k,H=M;if(N&&(U=k,V=M,q=u,H=w),!(2&D&&(P=p(t,L,I,P,U,V,B),I>=P)||4&D&&(I=d(t,L,I,P,U,V,F))>=P)){var G=P-I,Y=O-z;if(j){if(t*G*(G+Y)<1<<22){if(void 0!==(A=l.scanComplete(t,L,e,I,P,U,V,z,O,q,H)))return A;continue}}else{if(t*Math.min(G,Y)<128){if(void 0!==(A=o(t,L,e,N,I,P,U,V,z,O,q,H)))return A;continue}if(t*G*Y<1<<22){if(void 0!==(A=l.scanBipartite(t,L,e,N,I,P,U,V,z,O,q,H)))return A;continue}}var W=f(t,L,I,P,U,V,F,B);if(I=p0)&&!(p1>=hi)",["p0","p1"]),h=u("lo===p0",["p0"]),p=u("lo>>1,f=2*t,h=u,p=o[f*u+e];for(;l=y?(h=v,p=y):m>=b?(h=g,p=m):(h=x,p=b):y>=b?(h=v,p=y):b>=m?(h=g,p=m):(h=x,p=b);for(var _=f*(c-1),w=f*h,T=0;Tr&&i[f+e]>c;--u,f-=o){for(var h=f,p=f+o,d=0;d=0&&n.push("lo=e[k+n]");t.indexOf("hi")>=0&&n.push("hi=e[k+o]");return r.push("for(var j=2*a,k=j*c,l=k,m=c,n=b,o=a+b,p=c;d>p;++p,k+=j){var _;if($)if(m===p)m+=1,l+=j;else{for(var s=0;j>s;++s){var t=e[k+s];e[k+s]=e[l],e[l++]=t}var u=f[p];f[p]=f[m],f[m++]=u}}return m".replace("_",n.join()).replace("$",t)),Function.apply(void 0,r)}},{}],106:[function(t,e,r){"use strict";e.exports=function(t,e){e<=128?n(0,e-1,t):function t(e,r,u){var f=(r-e+1)/6|0,h=e+f,p=r-f,d=e+r>>1,g=d-f,m=d+f,v=h,y=g,x=d,b=m,_=p,w=e+1,T=r-1,k=0;l(v,y,u)&&(k=v,v=y,y=k);l(b,_,u)&&(k=b,b=_,_=k);l(v,x,u)&&(k=v,v=x,x=k);l(y,x,u)&&(k=y,y=x,x=k);l(v,b,u)&&(k=v,v=b,b=k);l(x,b,u)&&(k=x,x=b,b=k);l(y,_,u)&&(k=y,y=_,_=k);l(y,x,u)&&(k=y,y=x,x=k);l(b,_,u)&&(k=b,b=_,_=k);for(var M=u[2*y],A=u[2*y+1],S=u[2*b],E=u[2*b+1],C=2*v,L=2*x,I=2*_,P=2*h,z=2*d,O=2*p,D=0;D<2;++D){var R=u[C+D],F=u[L+D],B=u[I+D];u[P+D]=R,u[z+D]=F,u[O+D]=B}a(g,e,u),a(m,r,u);for(var N=w;N<=T;++N)if(c(N,M,A,u))N!==w&&i(N,w,u),++w;else if(!c(N,S,E,u))for(;;){if(c(T,S,E,u)){c(T,M,A,u)?(o(N,w,T,u),++w,--T):(i(N,T,u),--T);break}if(--Tt;){var c=r[l-2],u=r[l-1];if(cr[e+1])}function c(t,e,r,n){var i=n[t*=2];return i>>1;a(h,A);var S=0,E=0;for(w=0;w=1<<28)p(l,c,E--,C=C-(1<<28)|0);else if(C>=0)p(o,s,S--,C);else if(C<=-(1<<28)){C=-C-(1<<28)|0;for(var L=0;L>>1;a(h,E);var C=0,L=0,I=0;for(k=0;k>1==h[2*k+3]>>1&&(z=2,k+=1),P<0){for(var O=-(P>>1)-1,D=0;D>1)-1;0===z?p(o,s,C--,O):1===z?p(l,c,L--,O):2===z&&p(u,f,I--,O)}}},scanBipartite:function(t,e,r,n,i,l,c,u,f,g,m,v){var y=0,x=2*t,b=e,_=e+t,w=1,T=1;n?T=1<<28:w=1<<28;for(var k=i;k>>1;a(h,E);var C=0;for(k=0;k=1<<28?(I=!n,M-=1<<28):(I=!!n,M-=1),I)d(o,s,C++,M);else{var P=v[M],z=x*M,O=m[z+e+1],D=m[z+e+1+t];t:for(var R=0;R>>1;a(h,w);var T=0;for(y=0;y=1<<28)o[T++]=x-(1<<28);else{var M=p[x-=1],A=g*x,S=f[A+e+1],E=f[A+e+1+t];t:for(var C=0;C=0;--C)if(o[C]===x){for(z=C+1;z0&&o.length>i&&!o.warned){o.warned=!0;var l=new Error("Possible EventEmitter memory leak detected. "+o.length+" "+String(e)+" listeners added. Use emitter.setMaxListeners() to increase limit");l.name="MaxListenersExceededWarning",l.emitter=t,l.type=e,l.count=o.length,s=l,console&&console.warn&&console.warn(s)}return t}function h(){if(!this.fired)return this.target.removeListener(this.type,this.wrapFn),this.fired=!0,0===arguments.length?this.listener.call(this.target):this.listener.apply(this.target,arguments)}function p(t,e,r){var n={fired:!1,wrapFn:void 0,target:t,type:e,listener:r},i=h.bind(n);return i.listener=r,n.wrapFn=i,i}function d(t,e,r){var n=t._events;if(void 0===n)return[];var i=n[e];return void 0===i?[]:"function"==typeof i?r?[i.listener||i]:[i]:r?function(t){for(var e=new Array(t.length),r=0;r0&&(o=e[0]),o instanceof Error)throw o;var s=new Error("Unhandled error."+(o?" ("+o.message+")":""));throw s.context=o,s}var l=i[t];if(void 0===l)return!1;if("function"==typeof l)a(l,this,e);else{var c=l.length,u=m(l,c);for(r=0;r=0;a--)if(r[a]===e||r[a].listener===e){o=r[a].listener,i=a;break}if(i<0)return this;0===i?r.shift():function(t,e){for(;e+1=0;n--)this.removeListener(t,e[n]);return this},s.prototype.listeners=function(t){return d(this,t,!0)},s.prototype.rawListeners=function(t){return d(this,t,!1)},s.listenerCount=function(t,e){return"function"==typeof t.listenerCount?t.listenerCount(e):g.call(t,e)},s.prototype.listenerCount=g,s.prototype.eventNames=function(){return this._eventsCount>0?n(this._events):[]}},{}],111:[function(t,e,r){(function(e){(function(){ +/*! + * The buffer module from node.js, for the browser. + * + * @author Feross Aboukhadijeh + * @license MIT + */ +"use strict";var e=t("base64-js"),n=t("ieee754");r.Buffer=a,r.SlowBuffer=function(t){+t!=t&&(t=0);return a.alloc(+t)},r.INSPECT_MAX_BYTES=50;function i(t){if(t>2147483647)throw new RangeError('The value "'+t+'" is invalid for option "size"');var e=new Uint8Array(t);return e.__proto__=a.prototype,e}function a(t,e,r){if("number"==typeof t){if("string"==typeof e)throw new TypeError('The "string" argument must be of type string. Received type number');return l(t)}return o(t,e,r)}function o(t,e,r){if("string"==typeof t)return function(t,e){"string"==typeof e&&""!==e||(e="utf8");if(!a.isEncoding(e))throw new TypeError("Unknown encoding: "+e);var r=0|f(t,e),n=i(r),o=n.write(t,e);o!==r&&(n=n.slice(0,o));return n}(t,e);if(ArrayBuffer.isView(t))return c(t);if(null==t)throw TypeError("The first argument must be one of type string, Buffer, ArrayBuffer, Array, or Array-like Object. Received type "+typeof t);if(B(t,ArrayBuffer)||t&&B(t.buffer,ArrayBuffer))return function(t,e,r){if(e<0||t.byteLength=2147483647)throw new RangeError("Attempt to allocate Buffer larger than maximum size: 0x"+2147483647..toString(16)+" bytes");return 0|t}function f(t,e){if(a.isBuffer(t))return t.length;if(ArrayBuffer.isView(t)||B(t,ArrayBuffer))return t.byteLength;if("string"!=typeof t)throw new TypeError('The "string" argument must be one of type string, Buffer, or ArrayBuffer. Received type '+typeof t);var r=t.length,n=arguments.length>2&&!0===arguments[2];if(!n&&0===r)return 0;for(var i=!1;;)switch(e){case"ascii":case"latin1":case"binary":return r;case"utf8":case"utf-8":return D(t).length;case"ucs2":case"ucs-2":case"utf16le":case"utf-16le":return 2*r;case"hex":return r>>>1;case"base64":return R(t).length;default:if(i)return n?-1:D(t).length;e=(""+e).toLowerCase(),i=!0}}function h(t,e,r){var n=!1;if((void 0===e||e<0)&&(e=0),e>this.length)return"";if((void 0===r||r>this.length)&&(r=this.length),r<=0)return"";if((r>>>=0)<=(e>>>=0))return"";for(t||(t="utf8");;)switch(t){case"hex":return A(this,e,r);case"utf8":case"utf-8":return T(this,e,r);case"ascii":return k(this,e,r);case"latin1":case"binary":return M(this,e,r);case"base64":return w(this,e,r);case"ucs2":case"ucs-2":case"utf16le":case"utf-16le":return S(this,e,r);default:if(n)throw new TypeError("Unknown encoding: "+t);t=(t+"").toLowerCase(),n=!0}}function p(t,e,r){var n=t[e];t[e]=t[r],t[r]=n}function d(t,e,r,n,i){if(0===t.length)return-1;if("string"==typeof r?(n=r,r=0):r>2147483647?r=2147483647:r<-2147483648&&(r=-2147483648),N(r=+r)&&(r=i?0:t.length-1),r<0&&(r=t.length+r),r>=t.length){if(i)return-1;r=t.length-1}else if(r<0){if(!i)return-1;r=0}if("string"==typeof e&&(e=a.from(e,n)),a.isBuffer(e))return 0===e.length?-1:g(t,e,r,n,i);if("number"==typeof e)return e&=255,"function"==typeof Uint8Array.prototype.indexOf?i?Uint8Array.prototype.indexOf.call(t,e,r):Uint8Array.prototype.lastIndexOf.call(t,e,r):g(t,[e],r,n,i);throw new TypeError("val must be string, number or Buffer")}function g(t,e,r,n,i){var a,o=1,s=t.length,l=e.length;if(void 0!==n&&("ucs2"===(n=String(n).toLowerCase())||"ucs-2"===n||"utf16le"===n||"utf-16le"===n)){if(t.length<2||e.length<2)return-1;o=2,s/=2,l/=2,r/=2}function c(t,e){return 1===o?t[e]:t.readUInt16BE(e*o)}if(i){var u=-1;for(a=r;as&&(r=s-l),a=r;a>=0;a--){for(var f=!0,h=0;hi&&(n=i):n=i;var a=e.length;n>a/2&&(n=a/2);for(var o=0;o>8,i=r%256,a.push(i),a.push(n);return a}(e,t.length-r),t,r,n)}function w(t,r,n){return 0===r&&n===t.length?e.fromByteArray(t):e.fromByteArray(t.slice(r,n))}function T(t,e,r){r=Math.min(t.length,r);for(var n=[],i=e;i239?4:c>223?3:c>191?2:1;if(i+f<=r)switch(f){case 1:c<128&&(u=c);break;case 2:128==(192&(a=t[i+1]))&&(l=(31&c)<<6|63&a)>127&&(u=l);break;case 3:a=t[i+1],o=t[i+2],128==(192&a)&&128==(192&o)&&(l=(15&c)<<12|(63&a)<<6|63&o)>2047&&(l<55296||l>57343)&&(u=l);break;case 4:a=t[i+1],o=t[i+2],s=t[i+3],128==(192&a)&&128==(192&o)&&128==(192&s)&&(l=(15&c)<<18|(63&a)<<12|(63&o)<<6|63&s)>65535&&l<1114112&&(u=l)}null===u?(u=65533,f=1):u>65535&&(u-=65536,n.push(u>>>10&1023|55296),u=56320|1023&u),n.push(u),i+=f}return function(t){var e=t.length;if(e<=4096)return String.fromCharCode.apply(String,t);var r="",n=0;for(;ne&&(t+=" ... "),""},a.prototype.compare=function(t,e,r,n,i){if(B(t,Uint8Array)&&(t=a.from(t,t.offset,t.byteLength)),!a.isBuffer(t))throw new TypeError('The "target" argument must be one of type Buffer or Uint8Array. Received type '+typeof t);if(void 0===e&&(e=0),void 0===r&&(r=t?t.length:0),void 0===n&&(n=0),void 0===i&&(i=this.length),e<0||r>t.length||n<0||i>this.length)throw new RangeError("out of range index");if(n>=i&&e>=r)return 0;if(n>=i)return-1;if(e>=r)return 1;if(this===t)return 0;for(var o=(i>>>=0)-(n>>>=0),s=(r>>>=0)-(e>>>=0),l=Math.min(o,s),c=this.slice(n,i),u=t.slice(e,r),f=0;f>>=0,isFinite(r)?(r>>>=0,void 0===n&&(n="utf8")):(n=r,r=void 0)}var i=this.length-e;if((void 0===r||r>i)&&(r=i),t.length>0&&(r<0||e<0)||e>this.length)throw new RangeError("Attempt to write outside buffer bounds");n||(n="utf8");for(var a=!1;;)switch(n){case"hex":return m(this,t,e,r);case"utf8":case"utf-8":return v(this,t,e,r);case"ascii":return y(this,t,e,r);case"latin1":case"binary":return x(this,t,e,r);case"base64":return b(this,t,e,r);case"ucs2":case"ucs-2":case"utf16le":case"utf-16le":return _(this,t,e,r);default:if(a)throw new TypeError("Unknown encoding: "+n);n=(""+n).toLowerCase(),a=!0}},a.prototype.toJSON=function(){return{type:"Buffer",data:Array.prototype.slice.call(this._arr||this,0)}};function k(t,e,r){var n="";r=Math.min(t.length,r);for(var i=e;in)&&(r=n);for(var i="",a=e;ar)throw new RangeError("Trying to access beyond buffer length")}function C(t,e,r,n,i,o){if(!a.isBuffer(t))throw new TypeError('"buffer" argument must be a Buffer instance');if(e>i||et.length)throw new RangeError("Index out of range")}function L(t,e,r,n,i,a){if(r+n>t.length)throw new RangeError("Index out of range");if(r<0)throw new RangeError("Index out of range")}function I(t,e,r,i,a){return e=+e,r>>>=0,a||L(t,0,r,4),n.write(t,e,r,i,23,4),r+4}function P(t,e,r,i,a){return e=+e,r>>>=0,a||L(t,0,r,8),n.write(t,e,r,i,52,8),r+8}a.prototype.slice=function(t,e){var r=this.length;(t=~~t)<0?(t+=r)<0&&(t=0):t>r&&(t=r),(e=void 0===e?r:~~e)<0?(e+=r)<0&&(e=0):e>r&&(e=r),e>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t],i=1,a=0;++a>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t+--e],i=1;e>0&&(i*=256);)n+=this[t+--e]*i;return n},a.prototype.readUInt8=function(t,e){return t>>>=0,e||E(t,1,this.length),this[t]},a.prototype.readUInt16LE=function(t,e){return t>>>=0,e||E(t,2,this.length),this[t]|this[t+1]<<8},a.prototype.readUInt16BE=function(t,e){return t>>>=0,e||E(t,2,this.length),this[t]<<8|this[t+1]},a.prototype.readUInt32LE=function(t,e){return t>>>=0,e||E(t,4,this.length),(this[t]|this[t+1]<<8|this[t+2]<<16)+16777216*this[t+3]},a.prototype.readUInt32BE=function(t,e){return t>>>=0,e||E(t,4,this.length),16777216*this[t]+(this[t+1]<<16|this[t+2]<<8|this[t+3])},a.prototype.readIntLE=function(t,e,r){t>>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t],i=1,a=0;++a=(i*=128)&&(n-=Math.pow(2,8*e)),n},a.prototype.readIntBE=function(t,e,r){t>>>=0,e>>>=0,r||E(t,e,this.length);for(var n=e,i=1,a=this[t+--n];n>0&&(i*=256);)a+=this[t+--n]*i;return a>=(i*=128)&&(a-=Math.pow(2,8*e)),a},a.prototype.readInt8=function(t,e){return t>>>=0,e||E(t,1,this.length),128&this[t]?-1*(255-this[t]+1):this[t]},a.prototype.readInt16LE=function(t,e){t>>>=0,e||E(t,2,this.length);var r=this[t]|this[t+1]<<8;return 32768&r?4294901760|r:r},a.prototype.readInt16BE=function(t,e){t>>>=0,e||E(t,2,this.length);var r=this[t+1]|this[t]<<8;return 32768&r?4294901760|r:r},a.prototype.readInt32LE=function(t,e){return t>>>=0,e||E(t,4,this.length),this[t]|this[t+1]<<8|this[t+2]<<16|this[t+3]<<24},a.prototype.readInt32BE=function(t,e){return t>>>=0,e||E(t,4,this.length),this[t]<<24|this[t+1]<<16|this[t+2]<<8|this[t+3]},a.prototype.readFloatLE=function(t,e){return t>>>=0,e||E(t,4,this.length),n.read(this,t,!0,23,4)},a.prototype.readFloatBE=function(t,e){return t>>>=0,e||E(t,4,this.length),n.read(this,t,!1,23,4)},a.prototype.readDoubleLE=function(t,e){return t>>>=0,e||E(t,8,this.length),n.read(this,t,!0,52,8)},a.prototype.readDoubleBE=function(t,e){return t>>>=0,e||E(t,8,this.length),n.read(this,t,!1,52,8)},a.prototype.writeUIntLE=function(t,e,r,n){(t=+t,e>>>=0,r>>>=0,n)||C(this,t,e,r,Math.pow(2,8*r)-1,0);var i=1,a=0;for(this[e]=255&t;++a>>=0,r>>>=0,n)||C(this,t,e,r,Math.pow(2,8*r)-1,0);var i=r-1,a=1;for(this[e+i]=255&t;--i>=0&&(a*=256);)this[e+i]=t/a&255;return e+r},a.prototype.writeUInt8=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,1,255,0),this[e]=255&t,e+1},a.prototype.writeUInt16LE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,2,65535,0),this[e]=255&t,this[e+1]=t>>>8,e+2},a.prototype.writeUInt16BE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,2,65535,0),this[e]=t>>>8,this[e+1]=255&t,e+2},a.prototype.writeUInt32LE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,4,4294967295,0),this[e+3]=t>>>24,this[e+2]=t>>>16,this[e+1]=t>>>8,this[e]=255&t,e+4},a.prototype.writeUInt32BE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,4,4294967295,0),this[e]=t>>>24,this[e+1]=t>>>16,this[e+2]=t>>>8,this[e+3]=255&t,e+4},a.prototype.writeIntLE=function(t,e,r,n){if(t=+t,e>>>=0,!n){var i=Math.pow(2,8*r-1);C(this,t,e,r,i-1,-i)}var a=0,o=1,s=0;for(this[e]=255&t;++a>0)-s&255;return e+r},a.prototype.writeIntBE=function(t,e,r,n){if(t=+t,e>>>=0,!n){var i=Math.pow(2,8*r-1);C(this,t,e,r,i-1,-i)}var a=r-1,o=1,s=0;for(this[e+a]=255&t;--a>=0&&(o*=256);)t<0&&0===s&&0!==this[e+a+1]&&(s=1),this[e+a]=(t/o>>0)-s&255;return e+r},a.prototype.writeInt8=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,1,127,-128),t<0&&(t=255+t+1),this[e]=255&t,e+1},a.prototype.writeInt16LE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,2,32767,-32768),this[e]=255&t,this[e+1]=t>>>8,e+2},a.prototype.writeInt16BE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,2,32767,-32768),this[e]=t>>>8,this[e+1]=255&t,e+2},a.prototype.writeInt32LE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,4,2147483647,-2147483648),this[e]=255&t,this[e+1]=t>>>8,this[e+2]=t>>>16,this[e+3]=t>>>24,e+4},a.prototype.writeInt32BE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,4,2147483647,-2147483648),t<0&&(t=4294967295+t+1),this[e]=t>>>24,this[e+1]=t>>>16,this[e+2]=t>>>8,this[e+3]=255&t,e+4},a.prototype.writeFloatLE=function(t,e,r){return I(this,t,e,!0,r)},a.prototype.writeFloatBE=function(t,e,r){return I(this,t,e,!1,r)},a.prototype.writeDoubleLE=function(t,e,r){return P(this,t,e,!0,r)},a.prototype.writeDoubleBE=function(t,e,r){return P(this,t,e,!1,r)},a.prototype.copy=function(t,e,r,n){if(!a.isBuffer(t))throw new TypeError("argument should be a Buffer");if(r||(r=0),n||0===n||(n=this.length),e>=t.length&&(e=t.length),e||(e=0),n>0&&n=this.length)throw new RangeError("Index out of range");if(n<0)throw new RangeError("sourceEnd out of bounds");n>this.length&&(n=this.length),t.length-e=0;--o)t[o+e]=this[o+r];else Uint8Array.prototype.set.call(t,this.subarray(r,n),e);return i},a.prototype.fill=function(t,e,r,n){if("string"==typeof t){if("string"==typeof e?(n=e,e=0,r=this.length):"string"==typeof r&&(n=r,r=this.length),void 0!==n&&"string"!=typeof n)throw new TypeError("encoding must be a string");if("string"==typeof n&&!a.isEncoding(n))throw new TypeError("Unknown encoding: "+n);if(1===t.length){var i=t.charCodeAt(0);("utf8"===n&&i<128||"latin1"===n)&&(t=i)}}else"number"==typeof t&&(t&=255);if(e<0||this.length>>=0,r=void 0===r?this.length:r>>>0,t||(t=0),"number"==typeof t)for(o=e;o55295&&r<57344){if(!i){if(r>56319){(e-=3)>-1&&a.push(239,191,189);continue}if(o+1===n){(e-=3)>-1&&a.push(239,191,189);continue}i=r;continue}if(r<56320){(e-=3)>-1&&a.push(239,191,189),i=r;continue}r=65536+(i-55296<<10|r-56320)}else i&&(e-=3)>-1&&a.push(239,191,189);if(i=null,r<128){if((e-=1)<0)break;a.push(r)}else if(r<2048){if((e-=2)<0)break;a.push(r>>6|192,63&r|128)}else if(r<65536){if((e-=3)<0)break;a.push(r>>12|224,r>>6&63|128,63&r|128)}else{if(!(r<1114112))throw new Error("Invalid code point");if((e-=4)<0)break;a.push(r>>18|240,r>>12&63|128,r>>6&63|128,63&r|128)}}return a}function R(t){return e.toByteArray(function(t){if((t=(t=t.split("=")[0]).trim().replace(z,"")).length<2)return"";for(;t.length%4!=0;)t+="=";return t}(t))}function F(t,e,r,n){for(var i=0;i=e.length||i>=t.length);++i)e[i+r]=t[i];return i}function B(t,e){return t instanceof e||null!=t&&null!=t.constructor&&null!=t.constructor.name&&t.constructor.name===e.name}function N(t){return t!=t}}).call(this)}).call(this,t("buffer").Buffer)},{"base64-js":79,buffer:111,ieee754:442}],112:[function(t,e,r){"use strict";var n=t("./lib/monotone"),i=t("./lib/triangulation"),a=t("./lib/delaunay"),o=t("./lib/filter");function s(t){return[Math.min(t[0],t[1]),Math.max(t[0],t[1])]}function l(t,e){return t[0]-e[0]||t[1]-e[1]}function c(t,e,r){return e in t?t[e]:r}e.exports=function(t,e,r){Array.isArray(e)?(r=r||{},e=e||[]):(r=e||{},e=[]);var u=!!c(r,"delaunay",!0),f=!!c(r,"interior",!0),h=!!c(r,"exterior",!0),p=!!c(r,"infinity",!1);if(!f&&!h||0===t.length)return[];var d=n(t,e);if(u||f!==h||p){for(var g=i(t.length,function(t){return t.map(s).sort(l)}(e)),m=0;m0;){for(var p=r.pop(),d=(s=r.pop(),u=-1,f=-1,l=o[s],1);d=0||(e.flip(s,p),i(t,e,r,u,s,f),i(t,e,r,s,f,u),i(t,e,r,f,p,u),i(t,e,r,p,u,f)))}}},{"binary-search-bounds":96,"robust-in-sphere":546}],114:[function(t,e,r){"use strict";var n,i=t("binary-search-bounds");function a(t,e,r,n,i,a,o){this.cells=t,this.neighbor=e,this.flags=n,this.constraint=r,this.active=i,this.next=a,this.boundary=o}function o(t,e){return t[0]-e[0]||t[1]-e[1]||t[2]-e[2]}e.exports=function(t,e,r){var n=function(t,e){for(var r=t.cells(),n=r.length,i=0;i0||l.length>0;){for(;s.length>0;){var p=s.pop();if(c[p]!==-i){c[p]=i;u[p];for(var d=0;d<3;++d){var g=h[3*p+d];g>=0&&0===c[g]&&(f[3*p+d]?l.push(g):(s.push(g),c[g]=i))}}}var m=l;l=s,s=m,l.length=0,i=-i}var v=function(t,e,r){for(var n=0,i=0;i1&&i(r[h[p-2]],r[h[p-1]],a)>0;)t.push([h[p-1],h[p-2],o]),p-=1;h.length=p,h.push(o);var d=f.upperIds;for(p=d.length;p>1&&i(r[d[p-2]],r[d[p-1]],a)<0;)t.push([d[p-2],d[p-1],o]),p-=1;d.length=p,d.push(o)}}function u(t,e){var r;return(r=t.a[0]d[0]&&i.push(new o(d,p,2,l),new o(p,d,1,l))}i.sort(s);for(var g=i[0].a[0]-(1+Math.abs(i[0].a[0]))*Math.pow(2,-52),m=[new a([g,1],[g,0],-1,[],[],[],[])],v=[],y=(l=0,i.length);l=0}}(),a.removeTriangle=function(t,e,r){var n=this.stars;o(n[t],e,r),o(n[e],r,t),o(n[r],t,e)},a.addTriangle=function(t,e,r){var n=this.stars;n[t].push(e,r),n[e].push(r,t),n[r].push(t,e)},a.opposite=function(t,e){for(var r=this.stars[e],n=1,i=r.length;nr?r:t:te?e:t}},{}],121:[function(t,e,r){"use strict";e.exports=function(t,e,r){var n;if(r){n=e;for(var i=new Array(e.length),a=0;ae[2]?1:0)}function v(t,e,r){if(0!==t.length){if(e)for(var n=0;n=0;--a){var x=e[u=(S=n[a])[0]],b=x[0],_=x[1],w=t[b],T=t[_];if((w[0]-T[0]||w[1]-T[1])<0){var k=b;b=_,_=k}x[0]=b;var M,A=x[1]=S[1];for(i&&(M=x[2]);a>0&&n[a-1][0]===u;){var S,E=(S=n[--a])[1];i?e.push([A,E,M]):e.push([A,E]),A=E}i?e.push([A,_,M]):e.push([A,_])}return h}(t,e,h,m,r));return v(e,y,r),!!y||(h.length>0||m.length>0)}},{"./lib/rat-seg-intersect":122,"big-rat":83,"big-rat/cmp":81,"big-rat/to-float":95,"box-intersect":101,nextafter:496,"rat-vec":530,"robust-segment-intersect":551,"union-find":596}],122:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){var a=s(e,t),f=s(n,r),h=u(a,f);if(0===o(h))return null;var p=s(t,r),d=u(f,p),g=i(d,h),m=c(a,g);return l(t,m)};var n=t("big-rat/mul"),i=t("big-rat/div"),a=t("big-rat/sub"),o=t("big-rat/sign"),s=t("rat-vec/sub"),l=t("rat-vec/add"),c=t("rat-vec/muls");function u(t,e){return a(n(t[0],e[1]),n(t[1],e[0]))}},{"big-rat/div":82,"big-rat/mul":92,"big-rat/sign":93,"big-rat/sub":94,"rat-vec/add":529,"rat-vec/muls":531,"rat-vec/sub":532}],123:[function(t,e,r){"use strict";var n=t("clamp");function i(t,e){null==e&&(e=!0);var r=t[0],i=t[1],a=t[2],o=t[3];return null==o&&(o=e?1:255),e&&(r*=255,i*=255,a*=255,o*=255),16777216*(r=255&n(r,0,255))+((i=255&n(i,0,255))<<16)+((a=255&n(a,0,255))<<8)+(o=255&n(o,0,255))}e.exports=i,e.exports.to=i,e.exports.from=function(t,e){var r=(t=+t)>>>24,n=(16711680&t)>>>16,i=(65280&t)>>>8,a=255&t;return!1===e?[r,n,i,a]:[r/255,n/255,i/255,a/255]}},{clamp:120}],124:[function(t,e,r){"use strict";e.exports={aliceblue:[240,248,255],antiquewhite:[250,235,215],aqua:[0,255,255],aquamarine:[127,255,212],azure:[240,255,255],beige:[245,245,220],bisque:[255,228,196],black:[0,0,0],blanchedalmond:[255,235,205],blue:[0,0,255],blueviolet:[138,43,226],brown:[165,42,42],burlywood:[222,184,135],cadetblue:[95,158,160],chartreuse:[127,255,0],chocolate:[210,105,30],coral:[255,127,80],cornflowerblue:[100,149,237],cornsilk:[255,248,220],crimson:[220,20,60],cyan:[0,255,255],darkblue:[0,0,139],darkcyan:[0,139,139],darkgoldenrod:[184,134,11],darkgray:[169,169,169],darkgreen:[0,100,0],darkgrey:[169,169,169],darkkhaki:[189,183,107],darkmagenta:[139,0,139],darkolivegreen:[85,107,47],darkorange:[255,140,0],darkorchid:[153,50,204],darkred:[139,0,0],darksalmon:[233,150,122],darkseagreen:[143,188,143],darkslateblue:[72,61,139],darkslategray:[47,79,79],darkslategrey:[47,79,79],darkturquoise:[0,206,209],darkviolet:[148,0,211],deeppink:[255,20,147],deepskyblue:[0,191,255],dimgray:[105,105,105],dimgrey:[105,105,105],dodgerblue:[30,144,255],firebrick:[178,34,34],floralwhite:[255,250,240],forestgreen:[34,139,34],fuchsia:[255,0,255],gainsboro:[220,220,220],ghostwhite:[248,248,255],gold:[255,215,0],goldenrod:[218,165,32],gray:[128,128,128],green:[0,128,0],greenyellow:[173,255,47],grey:[128,128,128],honeydew:[240,255,240],hotpink:[255,105,180],indianred:[205,92,92],indigo:[75,0,130],ivory:[255,255,240],khaki:[240,230,140],lavender:[230,230,250],lavenderblush:[255,240,245],lawngreen:[124,252,0],lemonchiffon:[255,250,205],lightblue:[173,216,230],lightcoral:[240,128,128],lightcyan:[224,255,255],lightgoldenrodyellow:[250,250,210],lightgray:[211,211,211],lightgreen:[144,238,144],lightgrey:[211,211,211],lightpink:[255,182,193],lightsalmon:[255,160,122],lightseagreen:[32,178,170],lightskyblue:[135,206,250],lightslategray:[119,136,153],lightslategrey:[119,136,153],lightsteelblue:[176,196,222],lightyellow:[255,255,224],lime:[0,255,0],limegreen:[50,205,50],linen:[250,240,230],magenta:[255,0,255],maroon:[128,0,0],mediumaquamarine:[102,205,170],mediumblue:[0,0,205],mediumorchid:[186,85,211],mediumpurple:[147,112,219],mediumseagreen:[60,179,113],mediumslateblue:[123,104,238],mediumspringgreen:[0,250,154],mediumturquoise:[72,209,204],mediumvioletred:[199,21,133],midnightblue:[25,25,112],mintcream:[245,255,250],mistyrose:[255,228,225],moccasin:[255,228,181],navajowhite:[255,222,173],navy:[0,0,128],oldlace:[253,245,230],olive:[128,128,0],olivedrab:[107,142,35],orange:[255,165,0],orangered:[255,69,0],orchid:[218,112,214],palegoldenrod:[238,232,170],palegreen:[152,251,152],paleturquoise:[175,238,238],palevioletred:[219,112,147],papayawhip:[255,239,213],peachpuff:[255,218,185],peru:[205,133,63],pink:[255,192,203],plum:[221,160,221],powderblue:[176,224,230],purple:[128,0,128],rebeccapurple:[102,51,153],red:[255,0,0],rosybrown:[188,143,143],royalblue:[65,105,225],saddlebrown:[139,69,19],salmon:[250,128,114],sandybrown:[244,164,96],seagreen:[46,139,87],seashell:[255,245,238],sienna:[160,82,45],silver:[192,192,192],skyblue:[135,206,235],slateblue:[106,90,205],slategray:[112,128,144],slategrey:[112,128,144],snow:[255,250,250],springgreen:[0,255,127],steelblue:[70,130,180],tan:[210,180,140],teal:[0,128,128],thistle:[216,191,216],tomato:[255,99,71],turquoise:[64,224,208],violet:[238,130,238],wheat:[245,222,179],white:[255,255,255],whitesmoke:[245,245,245],yellow:[255,255,0],yellowgreen:[154,205,50]}},{}],125:[function(t,e,r){"use strict";var n=t("color-rgba"),i=t("clamp"),a=t("dtype");e.exports=function(t,e){"float"!==e&&e||(e="array"),"uint"===e&&(e="uint8"),"uint_clamped"===e&&(e="uint8_clamped");var r=new(a(e))(4),o="uint8"!==e&&"uint8_clamped"!==e;return t.length&&"string"!=typeof t||((t=n(t))[0]/=255,t[1]/=255,t[2]/=255),function(t){return t instanceof Uint8Array||t instanceof Uint8ClampedArray||!!(Array.isArray(t)&&(t[0]>1||0===t[0])&&(t[1]>1||0===t[1])&&(t[2]>1||0===t[2])&&(!t[3]||t[3]>1))}(t)?(r[0]=t[0],r[1]=t[1],r[2]=t[2],r[3]=null!=t[3]?t[3]:255,o&&(r[0]/=255,r[1]/=255,r[2]/=255,r[3]/=255),r):(o?(r[0]=t[0],r[1]=t[1],r[2]=t[2],r[3]=null!=t[3]?t[3]:1):(r[0]=i(Math.floor(255*t[0]),0,255),r[1]=i(Math.floor(255*t[1]),0,255),r[2]=i(Math.floor(255*t[2]),0,255),r[3]=null==t[3]?255:i(Math.floor(255*t[3]),0,255)),r)}},{clamp:120,"color-rgba":127,dtype:175}],126:[function(t,e,r){(function(r){(function(){"use strict";var n=t("color-name"),i=t("is-plain-obj"),a=t("defined");e.exports=function(t){var e,s,l=[],c=1;if("string"==typeof t)if(n[t])l=n[t].slice(),s="rgb";else if("transparent"===t)c=0,s="rgb",l=[0,0,0];else if(/^#[A-Fa-f0-9]+$/.test(t)){var u=(p=t.slice(1)).length;c=1,u<=4?(l=[parseInt(p[0]+p[0],16),parseInt(p[1]+p[1],16),parseInt(p[2]+p[2],16)],4===u&&(c=parseInt(p[3]+p[3],16)/255)):(l=[parseInt(p[0]+p[1],16),parseInt(p[2]+p[3],16),parseInt(p[4]+p[5],16)],8===u&&(c=parseInt(p[6]+p[7],16)/255)),l[0]||(l[0]=0),l[1]||(l[1]=0),l[2]||(l[2]=0),s="rgb"}else if(e=/^((?:rgb|hs[lvb]|hwb|cmyk?|xy[zy]|gray|lab|lchu?v?|[ly]uv|lms)a?)\s*\(([^\)]*)\)/.exec(t)){var f=e[1],h="rgb"===f,p=f.replace(/a$/,"");s=p;u="cmyk"===p?4:"gray"===p?1:3;l=e[2].trim().split(/\s*,\s*/).map((function(t,e){if(/%$/.test(t))return e===u?parseFloat(t)/100:"rgb"===p?255*parseFloat(t)/100:parseFloat(t);if("h"===p[e]){if(/deg$/.test(t))return parseFloat(t);if(void 0!==o[t])return o[t]}return parseFloat(t)})),f===p&&l.push(1),c=h||void 0===l[u]?1:l[u],l=l.slice(0,u)}else t.length>10&&/[0-9](?:\s|\/)/.test(t)&&(l=t.match(/([0-9]+)/g).map((function(t){return parseFloat(t)})),s=t.match(/([a-z])/gi).join("").toLowerCase());else if(isNaN(t))if(i(t)){var d=a(t.r,t.red,t.R,null);null!==d?(s="rgb",l=[d,a(t.g,t.green,t.G),a(t.b,t.blue,t.B)]):(s="hsl",l=[a(t.h,t.hue,t.H),a(t.s,t.saturation,t.S),a(t.l,t.lightness,t.L,t.b,t.brightness)]),c=a(t.a,t.alpha,t.opacity,1),null!=t.opacity&&(c/=100)}else(Array.isArray(t)||r.ArrayBuffer&&ArrayBuffer.isView&&ArrayBuffer.isView(t))&&(l=[t[0],t[1],t[2]],s="rgb",c=4===t.length?t[3]:1);else s="rgb",l=[t>>>16,(65280&t)>>>8,255&t];return{space:s,values:l,alpha:c}};var o={red:0,orange:60,yellow:120,green:180,blue:240,purple:300}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"color-name":124,defined:170,"is-plain-obj":469}],127:[function(t,e,r){"use strict";var n=t("color-parse"),i=t("color-space/hsl"),a=t("clamp");e.exports=function(t){var e,r=n(t);return r.space?((e=Array(3))[0]=a(r.values[0],0,255),e[1]=a(r.values[1],0,255),e[2]=a(r.values[2],0,255),"h"===r.space[0]&&(e=i.rgb(e)),e.push(a(r.alpha,0,1)),e):[]}},{clamp:120,"color-parse":126,"color-space/hsl":128}],128:[function(t,e,r){"use strict";var n=t("./rgb");e.exports={name:"hsl",min:[0,0,0],max:[360,100,100],channel:["hue","saturation","lightness"],alias:["HSL"],rgb:function(t){var e,r,n,i,a,o=t[0]/360,s=t[1]/100,l=t[2]/100;if(0===s)return[a=255*l,a,a];e=2*l-(r=l<.5?l*(1+s):l+s-l*s),i=[0,0,0];for(var c=0;c<3;c++)(n=o+1/3*-(c-1))<0?n++:n>1&&n--,a=6*n<1?e+6*(r-e)*n:2*n<1?r:3*n<2?e+(r-e)*(2/3-n)*6:e,i[c]=255*a;return i}},n.hsl=function(t){var e,r,n=t[0]/255,i=t[1]/255,a=t[2]/255,o=Math.min(n,i,a),s=Math.max(n,i,a),l=s-o;return s===o?e=0:n===s?e=(i-a)/l:i===s?e=2+(a-n)/l:a===s&&(e=4+(n-i)/l),(e=Math.min(60*e,360))<0&&(e+=360),r=(o+s)/2,[e,100*(s===o?0:r<=.5?l/(s+o):l/(2-s-o)),100*r]}},{"./rgb":129}],129:[function(t,e,r){"use strict";e.exports={name:"rgb",min:[0,0,0],max:[255,255,255],channel:["red","green","blue"],alias:["RGB"]}},{}],130:[function(t,e,r){e.exports={jet:[{index:0,rgb:[0,0,131]},{index:.125,rgb:[0,60,170]},{index:.375,rgb:[5,255,255]},{index:.625,rgb:[255,255,0]},{index:.875,rgb:[250,0,0]},{index:1,rgb:[128,0,0]}],hsv:[{index:0,rgb:[255,0,0]},{index:.169,rgb:[253,255,2]},{index:.173,rgb:[247,255,2]},{index:.337,rgb:[0,252,4]},{index:.341,rgb:[0,252,10]},{index:.506,rgb:[1,249,255]},{index:.671,rgb:[2,0,253]},{index:.675,rgb:[8,0,253]},{index:.839,rgb:[255,0,251]},{index:.843,rgb:[255,0,245]},{index:1,rgb:[255,0,6]}],hot:[{index:0,rgb:[0,0,0]},{index:.3,rgb:[230,0,0]},{index:.6,rgb:[255,210,0]},{index:1,rgb:[255,255,255]}],cool:[{index:0,rgb:[0,255,255]},{index:1,rgb:[255,0,255]}],spring:[{index:0,rgb:[255,0,255]},{index:1,rgb:[255,255,0]}],summer:[{index:0,rgb:[0,128,102]},{index:1,rgb:[255,255,102]}],autumn:[{index:0,rgb:[255,0,0]},{index:1,rgb:[255,255,0]}],winter:[{index:0,rgb:[0,0,255]},{index:1,rgb:[0,255,128]}],bone:[{index:0,rgb:[0,0,0]},{index:.376,rgb:[84,84,116]},{index:.753,rgb:[169,200,200]},{index:1,rgb:[255,255,255]}],copper:[{index:0,rgb:[0,0,0]},{index:.804,rgb:[255,160,102]},{index:1,rgb:[255,199,127]}],greys:[{index:0,rgb:[0,0,0]},{index:1,rgb:[255,255,255]}],yignbu:[{index:0,rgb:[8,29,88]},{index:.125,rgb:[37,52,148]},{index:.25,rgb:[34,94,168]},{index:.375,rgb:[29,145,192]},{index:.5,rgb:[65,182,196]},{index:.625,rgb:[127,205,187]},{index:.75,rgb:[199,233,180]},{index:.875,rgb:[237,248,217]},{index:1,rgb:[255,255,217]}],greens:[{index:0,rgb:[0,68,27]},{index:.125,rgb:[0,109,44]},{index:.25,rgb:[35,139,69]},{index:.375,rgb:[65,171,93]},{index:.5,rgb:[116,196,118]},{index:.625,rgb:[161,217,155]},{index:.75,rgb:[199,233,192]},{index:.875,rgb:[229,245,224]},{index:1,rgb:[247,252,245]}],yiorrd:[{index:0,rgb:[128,0,38]},{index:.125,rgb:[189,0,38]},{index:.25,rgb:[227,26,28]},{index:.375,rgb:[252,78,42]},{index:.5,rgb:[253,141,60]},{index:.625,rgb:[254,178,76]},{index:.75,rgb:[254,217,118]},{index:.875,rgb:[255,237,160]},{index:1,rgb:[255,255,204]}],bluered:[{index:0,rgb:[0,0,255]},{index:1,rgb:[255,0,0]}],rdbu:[{index:0,rgb:[5,10,172]},{index:.35,rgb:[106,137,247]},{index:.5,rgb:[190,190,190]},{index:.6,rgb:[220,170,132]},{index:.7,rgb:[230,145,90]},{index:1,rgb:[178,10,28]}],picnic:[{index:0,rgb:[0,0,255]},{index:.1,rgb:[51,153,255]},{index:.2,rgb:[102,204,255]},{index:.3,rgb:[153,204,255]},{index:.4,rgb:[204,204,255]},{index:.5,rgb:[255,255,255]},{index:.6,rgb:[255,204,255]},{index:.7,rgb:[255,153,255]},{index:.8,rgb:[255,102,204]},{index:.9,rgb:[255,102,102]},{index:1,rgb:[255,0,0]}],rainbow:[{index:0,rgb:[150,0,90]},{index:.125,rgb:[0,0,200]},{index:.25,rgb:[0,25,255]},{index:.375,rgb:[0,152,255]},{index:.5,rgb:[44,255,150]},{index:.625,rgb:[151,255,0]},{index:.75,rgb:[255,234,0]},{index:.875,rgb:[255,111,0]},{index:1,rgb:[255,0,0]}],portland:[{index:0,rgb:[12,51,131]},{index:.25,rgb:[10,136,186]},{index:.5,rgb:[242,211,56]},{index:.75,rgb:[242,143,56]},{index:1,rgb:[217,30,30]}],blackbody:[{index:0,rgb:[0,0,0]},{index:.2,rgb:[230,0,0]},{index:.4,rgb:[230,210,0]},{index:.7,rgb:[255,255,255]},{index:1,rgb:[160,200,255]}],earth:[{index:0,rgb:[0,0,130]},{index:.1,rgb:[0,180,180]},{index:.2,rgb:[40,210,40]},{index:.4,rgb:[230,230,50]},{index:.6,rgb:[120,70,20]},{index:1,rgb:[255,255,255]}],electric:[{index:0,rgb:[0,0,0]},{index:.15,rgb:[30,0,100]},{index:.4,rgb:[120,0,100]},{index:.6,rgb:[160,90,0]},{index:.8,rgb:[230,200,0]},{index:1,rgb:[255,250,220]}],alpha:[{index:0,rgb:[255,255,255,0]},{index:1,rgb:[255,255,255,1]}],viridis:[{index:0,rgb:[68,1,84]},{index:.13,rgb:[71,44,122]},{index:.25,rgb:[59,81,139]},{index:.38,rgb:[44,113,142]},{index:.5,rgb:[33,144,141]},{index:.63,rgb:[39,173,129]},{index:.75,rgb:[92,200,99]},{index:.88,rgb:[170,220,50]},{index:1,rgb:[253,231,37]}],inferno:[{index:0,rgb:[0,0,4]},{index:.13,rgb:[31,12,72]},{index:.25,rgb:[85,15,109]},{index:.38,rgb:[136,34,106]},{index:.5,rgb:[186,54,85]},{index:.63,rgb:[227,89,51]},{index:.75,rgb:[249,140,10]},{index:.88,rgb:[249,201,50]},{index:1,rgb:[252,255,164]}],magma:[{index:0,rgb:[0,0,4]},{index:.13,rgb:[28,16,68]},{index:.25,rgb:[79,18,123]},{index:.38,rgb:[129,37,129]},{index:.5,rgb:[181,54,122]},{index:.63,rgb:[229,80,100]},{index:.75,rgb:[251,135,97]},{index:.88,rgb:[254,194,135]},{index:1,rgb:[252,253,191]}],plasma:[{index:0,rgb:[13,8,135]},{index:.13,rgb:[75,3,161]},{index:.25,rgb:[125,3,168]},{index:.38,rgb:[168,34,150]},{index:.5,rgb:[203,70,121]},{index:.63,rgb:[229,107,93]},{index:.75,rgb:[248,148,65]},{index:.88,rgb:[253,195,40]},{index:1,rgb:[240,249,33]}],warm:[{index:0,rgb:[125,0,179]},{index:.13,rgb:[172,0,187]},{index:.25,rgb:[219,0,170]},{index:.38,rgb:[255,0,130]},{index:.5,rgb:[255,63,74]},{index:.63,rgb:[255,123,0]},{index:.75,rgb:[234,176,0]},{index:.88,rgb:[190,228,0]},{index:1,rgb:[147,255,0]}],cool:[{index:0,rgb:[125,0,179]},{index:.13,rgb:[116,0,218]},{index:.25,rgb:[98,74,237]},{index:.38,rgb:[68,146,231]},{index:.5,rgb:[0,204,197]},{index:.63,rgb:[0,247,146]},{index:.75,rgb:[0,255,88]},{index:.88,rgb:[40,255,8]},{index:1,rgb:[147,255,0]}],"rainbow-soft":[{index:0,rgb:[125,0,179]},{index:.1,rgb:[199,0,180]},{index:.2,rgb:[255,0,121]},{index:.3,rgb:[255,108,0]},{index:.4,rgb:[222,194,0]},{index:.5,rgb:[150,255,0]},{index:.6,rgb:[0,255,55]},{index:.7,rgb:[0,246,150]},{index:.8,rgb:[50,167,222]},{index:.9,rgb:[103,51,235]},{index:1,rgb:[124,0,186]}],bathymetry:[{index:0,rgb:[40,26,44]},{index:.13,rgb:[59,49,90]},{index:.25,rgb:[64,76,139]},{index:.38,rgb:[63,110,151]},{index:.5,rgb:[72,142,158]},{index:.63,rgb:[85,174,163]},{index:.75,rgb:[120,206,163]},{index:.88,rgb:[187,230,172]},{index:1,rgb:[253,254,204]}],cdom:[{index:0,rgb:[47,15,62]},{index:.13,rgb:[87,23,86]},{index:.25,rgb:[130,28,99]},{index:.38,rgb:[171,41,96]},{index:.5,rgb:[206,67,86]},{index:.63,rgb:[230,106,84]},{index:.75,rgb:[242,149,103]},{index:.88,rgb:[249,193,135]},{index:1,rgb:[254,237,176]}],chlorophyll:[{index:0,rgb:[18,36,20]},{index:.13,rgb:[25,63,41]},{index:.25,rgb:[24,91,59]},{index:.38,rgb:[13,119,72]},{index:.5,rgb:[18,148,80]},{index:.63,rgb:[80,173,89]},{index:.75,rgb:[132,196,122]},{index:.88,rgb:[175,221,162]},{index:1,rgb:[215,249,208]}],density:[{index:0,rgb:[54,14,36]},{index:.13,rgb:[89,23,80]},{index:.25,rgb:[110,45,132]},{index:.38,rgb:[120,77,178]},{index:.5,rgb:[120,113,213]},{index:.63,rgb:[115,151,228]},{index:.75,rgb:[134,185,227]},{index:.88,rgb:[177,214,227]},{index:1,rgb:[230,241,241]}],"freesurface-blue":[{index:0,rgb:[30,4,110]},{index:.13,rgb:[47,14,176]},{index:.25,rgb:[41,45,236]},{index:.38,rgb:[25,99,212]},{index:.5,rgb:[68,131,200]},{index:.63,rgb:[114,156,197]},{index:.75,rgb:[157,181,203]},{index:.88,rgb:[200,208,216]},{index:1,rgb:[241,237,236]}],"freesurface-red":[{index:0,rgb:[60,9,18]},{index:.13,rgb:[100,17,27]},{index:.25,rgb:[142,20,29]},{index:.38,rgb:[177,43,27]},{index:.5,rgb:[192,87,63]},{index:.63,rgb:[205,125,105]},{index:.75,rgb:[216,162,148]},{index:.88,rgb:[227,199,193]},{index:1,rgb:[241,237,236]}],oxygen:[{index:0,rgb:[64,5,5]},{index:.13,rgb:[106,6,15]},{index:.25,rgb:[144,26,7]},{index:.38,rgb:[168,64,3]},{index:.5,rgb:[188,100,4]},{index:.63,rgb:[206,136,11]},{index:.75,rgb:[220,174,25]},{index:.88,rgb:[231,215,44]},{index:1,rgb:[248,254,105]}],par:[{index:0,rgb:[51,20,24]},{index:.13,rgb:[90,32,35]},{index:.25,rgb:[129,44,34]},{index:.38,rgb:[159,68,25]},{index:.5,rgb:[182,99,19]},{index:.63,rgb:[199,134,22]},{index:.75,rgb:[212,171,35]},{index:.88,rgb:[221,210,54]},{index:1,rgb:[225,253,75]}],phase:[{index:0,rgb:[145,105,18]},{index:.13,rgb:[184,71,38]},{index:.25,rgb:[186,58,115]},{index:.38,rgb:[160,71,185]},{index:.5,rgb:[110,97,218]},{index:.63,rgb:[50,123,164]},{index:.75,rgb:[31,131,110]},{index:.88,rgb:[77,129,34]},{index:1,rgb:[145,105,18]}],salinity:[{index:0,rgb:[42,24,108]},{index:.13,rgb:[33,50,162]},{index:.25,rgb:[15,90,145]},{index:.38,rgb:[40,118,137]},{index:.5,rgb:[59,146,135]},{index:.63,rgb:[79,175,126]},{index:.75,rgb:[120,203,104]},{index:.88,rgb:[193,221,100]},{index:1,rgb:[253,239,154]}],temperature:[{index:0,rgb:[4,35,51]},{index:.13,rgb:[23,51,122]},{index:.25,rgb:[85,59,157]},{index:.38,rgb:[129,79,143]},{index:.5,rgb:[175,95,130]},{index:.63,rgb:[222,112,101]},{index:.75,rgb:[249,146,66]},{index:.88,rgb:[249,196,65]},{index:1,rgb:[232,250,91]}],turbidity:[{index:0,rgb:[34,31,27]},{index:.13,rgb:[65,50,41]},{index:.25,rgb:[98,69,52]},{index:.38,rgb:[131,89,57]},{index:.5,rgb:[161,112,59]},{index:.63,rgb:[185,140,66]},{index:.75,rgb:[202,174,88]},{index:.88,rgb:[216,209,126]},{index:1,rgb:[233,246,171]}],"velocity-blue":[{index:0,rgb:[17,32,64]},{index:.13,rgb:[35,52,116]},{index:.25,rgb:[29,81,156]},{index:.38,rgb:[31,113,162]},{index:.5,rgb:[50,144,169]},{index:.63,rgb:[87,173,176]},{index:.75,rgb:[149,196,189]},{index:.88,rgb:[203,221,211]},{index:1,rgb:[254,251,230]}],"velocity-green":[{index:0,rgb:[23,35,19]},{index:.13,rgb:[24,64,38]},{index:.25,rgb:[11,95,45]},{index:.38,rgb:[39,123,35]},{index:.5,rgb:[95,146,12]},{index:.63,rgb:[152,165,18]},{index:.75,rgb:[201,186,69]},{index:.88,rgb:[233,216,137]},{index:1,rgb:[255,253,205]}],cubehelix:[{index:0,rgb:[0,0,0]},{index:.07,rgb:[22,5,59]},{index:.13,rgb:[60,4,105]},{index:.2,rgb:[109,1,135]},{index:.27,rgb:[161,0,147]},{index:.33,rgb:[210,2,142]},{index:.4,rgb:[251,11,123]},{index:.47,rgb:[255,29,97]},{index:.53,rgb:[255,54,69]},{index:.6,rgb:[255,85,46]},{index:.67,rgb:[255,120,34]},{index:.73,rgb:[255,157,37]},{index:.8,rgb:[241,191,57]},{index:.87,rgb:[224,220,93]},{index:.93,rgb:[218,241,142]},{index:1,rgb:[227,253,198]}]}},{}],131:[function(t,e,r){"use strict";var n=t("./colorScale"),i=t("lerp");function a(t){return[t[0]/255,t[1]/255,t[2]/255,t[3]]}function o(t){for(var e,r="#",n=0;n<3;++n)r+=("00"+(e=(e=t[n]).toString(16))).substr(e.length);return r}function s(t){return"rgba("+t.join(",")+")"}e.exports=function(t){var e,r,l,c,u,f,h,p,d,g;t||(t={});p=(t.nshades||72)-1,h=t.format||"hex",(f=t.colormap)||(f="jet");if("string"==typeof f){if(f=f.toLowerCase(),!n[f])throw Error(f+" not a supported colorscale");u=n[f]}else{if(!Array.isArray(f))throw Error("unsupported colormap option",f);u=f.slice()}if(u.length>p+1)throw new Error(f+" map requires nshades to be at least size "+u.length);d=Array.isArray(t.alpha)?2!==t.alpha.length?[1,1]:t.alpha.slice():"number"==typeof t.alpha?[t.alpha,t.alpha]:[1,1];e=u.map((function(t){return Math.round(t.index*p)})),d[0]=Math.min(Math.max(d[0],0),1),d[1]=Math.min(Math.max(d[1],0),1);var m=u.map((function(t,e){var r=u[e].index,n=u[e].rgb.slice();return 4===n.length&&n[3]>=0&&n[3]<=1||(n[3]=d[0]+(d[1]-d[0])*r),n})),v=[];for(g=0;g0||l(t,e,a)?-1:1:0===s?c>0||l(t,e,r)?1:-1:i(c-s)}var h=n(t,e,r);return h>0?o>0&&n(t,e,a)>0?1:-1:h<0?o>0||n(t,e,a)>0?1:-1:n(t,e,a)>0||l(t,e,r)?1:-1};var n=t("robust-orientation"),i=t("signum"),a=t("two-sum"),o=t("robust-product"),s=t("robust-sum");function l(t,e,r){var n=a(t[0],-e[0]),i=a(t[1],-e[1]),l=a(r[0],-e[0]),c=a(r[1],-e[1]),u=s(o(n,l),o(i,c));return u[u.length-1]>=0}},{"robust-orientation":548,"robust-product":549,"robust-sum":553,signum:554,"two-sum":583}],133:[function(t,e,r){e.exports=function(t,e){var r=t.length,a=t.length-e.length;if(a)return a;switch(r){case 0:return 0;case 1:return t[0]-e[0];case 2:return t[0]+t[1]-e[0]-e[1]||n(t[0],t[1])-n(e[0],e[1]);case 3:var o=t[0]+t[1],s=e[0]+e[1];if(a=o+t[2]-(s+e[2]))return a;var l=n(t[0],t[1]),c=n(e[0],e[1]);return n(l,t[2])-n(c,e[2])||n(l+t[2],o)-n(c+e[2],s);case 4:var u=t[0],f=t[1],h=t[2],p=t[3],d=e[0],g=e[1],m=e[2],v=e[3];return u+f+h+p-(d+g+m+v)||n(u,f,h,p)-n(d,g,m,v,d)||n(u+f,u+h,u+p,f+h,f+p,h+p)-n(d+g,d+m,d+v,g+m,g+v,m+v)||n(u+f+h,u+f+p,u+h+p,f+h+p)-n(d+g+m,d+g+v,d+m+v,g+m+v);default:for(var y=t.slice().sort(i),x=e.slice().sort(i),b=0;bt[r][0]&&(r=n);return er?[[r],[e]]:[[e]]}},{}],137:[function(t,e,r){"use strict";e.exports=function(t){var e=n(t),r=e.length;if(r<=2)return[];for(var i=new Array(r),a=e[r-1],o=0;o=e[l]&&(s+=1);a[o]=s}}return t}(n(a,!0),r)}};var n=t("incremental-convex-hull"),i=t("affine-hull")},{"affine-hull":67,"incremental-convex-hull":459}],139:[function(t,e,r){e.exports={AFG:"afghan",ALA:"\\b\\wland",ALB:"albania",DZA:"algeria",ASM:"^(?=.*americ).*samoa",AND:"andorra",AGO:"angola",AIA:"anguill?a",ATA:"antarctica",ATG:"antigua",ARG:"argentin",ARM:"armenia",ABW:"^(?!.*bonaire).*\\baruba",AUS:"australia",AUT:"^(?!.*hungary).*austria|\\baustri.*\\bemp",AZE:"azerbaijan",BHS:"bahamas",BHR:"bahrain",BGD:"bangladesh|^(?=.*east).*paki?stan",BRB:"barbados",BLR:"belarus|byelo",BEL:"^(?!.*luxem).*belgium",BLZ:"belize|^(?=.*british).*honduras",BEN:"benin|dahome",BMU:"bermuda",BTN:"bhutan",BOL:"bolivia",BES:"^(?=.*bonaire).*eustatius|^(?=.*carib).*netherlands|\\bbes.?islands",BIH:"herzegovina|bosnia",BWA:"botswana|bechuana",BVT:"bouvet",BRA:"brazil",IOT:"british.?indian.?ocean",BRN:"brunei",BGR:"bulgaria",BFA:"burkina|\\bfaso|upper.?volta",BDI:"burundi",CPV:"verde",KHM:"cambodia|kampuchea|khmer",CMR:"cameroon",CAN:"canada",CYM:"cayman",CAF:"\\bcentral.african.republic",TCD:"\\bchad",CHL:"\\bchile",CHN:"^(?!.*\\bmac)(?!.*\\bhong)(?!.*\\btai)(?!.*\\brep).*china|^(?=.*peo)(?=.*rep).*china",CXR:"christmas",CCK:"\\bcocos|keeling",COL:"colombia",COM:"comoro",COG:"^(?!.*\\bdem)(?!.*\\bd[\\.]?r)(?!.*kinshasa)(?!.*zaire)(?!.*belg)(?!.*l.opoldville)(?!.*free).*\\bcongo",COK:"\\bcook",CRI:"costa.?rica",CIV:"ivoire|ivory",HRV:"croatia",CUB:"\\bcuba",CUW:"^(?!.*bonaire).*\\bcura(c|\xe7)ao",CYP:"cyprus",CSK:"czechoslovakia",CZE:"^(?=.*rep).*czech|czechia|bohemia",COD:"\\bdem.*congo|congo.*\\bdem|congo.*\\bd[\\.]?r|\\bd[\\.]?r.*congo|belgian.?congo|congo.?free.?state|kinshasa|zaire|l.opoldville|drc|droc|rdc",DNK:"denmark",DJI:"djibouti",DMA:"dominica(?!n)",DOM:"dominican.rep",ECU:"ecuador",EGY:"egypt",SLV:"el.?salvador",GNQ:"guine.*eq|eq.*guine|^(?=.*span).*guinea",ERI:"eritrea",EST:"estonia",ETH:"ethiopia|abyssinia",FLK:"falkland|malvinas",FRO:"faroe|faeroe",FJI:"fiji",FIN:"finland",FRA:"^(?!.*\\bdep)(?!.*martinique).*france|french.?republic|\\bgaul",GUF:"^(?=.*french).*guiana",PYF:"french.?polynesia|tahiti",ATF:"french.?southern",GAB:"gabon",GMB:"gambia",GEO:"^(?!.*south).*georgia",DDR:"german.?democratic.?republic|democratic.?republic.*germany|east.germany",DEU:"^(?!.*east).*germany|^(?=.*\\bfed.*\\brep).*german",GHA:"ghana|gold.?coast",GIB:"gibraltar",GRC:"greece|hellenic|hellas",GRL:"greenland",GRD:"grenada",GLP:"guadeloupe",GUM:"\\bguam",GTM:"guatemala",GGY:"guernsey",GIN:"^(?!.*eq)(?!.*span)(?!.*bissau)(?!.*portu)(?!.*new).*guinea",GNB:"bissau|^(?=.*portu).*guinea",GUY:"guyana|british.?guiana",HTI:"haiti",HMD:"heard.*mcdonald",VAT:"holy.?see|vatican|papal.?st",HND:"^(?!.*brit).*honduras",HKG:"hong.?kong",HUN:"^(?!.*austr).*hungary",ISL:"iceland",IND:"india(?!.*ocea)",IDN:"indonesia",IRN:"\\biran|persia",IRQ:"\\biraq|mesopotamia",IRL:"(^ireland)|(^republic.*ireland)",IMN:"^(?=.*isle).*\\bman",ISR:"israel",ITA:"italy",JAM:"jamaica",JPN:"japan",JEY:"jersey",JOR:"jordan",KAZ:"kazak",KEN:"kenya|british.?east.?africa|east.?africa.?prot",KIR:"kiribati",PRK:"^(?=.*democrat|people|north|d.*p.*.r).*\\bkorea|dprk|korea.*(d.*p.*r)",KWT:"kuwait",KGZ:"kyrgyz|kirghiz",LAO:"\\blaos?\\b",LVA:"latvia",LBN:"lebanon",LSO:"lesotho|basuto",LBR:"liberia",LBY:"libya",LIE:"liechtenstein",LTU:"lithuania",LUX:"^(?!.*belg).*luxem",MAC:"maca(o|u)",MDG:"madagascar|malagasy",MWI:"malawi|nyasa",MYS:"malaysia",MDV:"maldive",MLI:"\\bmali\\b",MLT:"\\bmalta",MHL:"marshall",MTQ:"martinique",MRT:"mauritania",MUS:"mauritius",MYT:"\\bmayotte",MEX:"\\bmexic",FSM:"fed.*micronesia|micronesia.*fed",MCO:"monaco",MNG:"mongolia",MNE:"^(?!.*serbia).*montenegro",MSR:"montserrat",MAR:"morocco|\\bmaroc",MOZ:"mozambique",MMR:"myanmar|burma",NAM:"namibia",NRU:"nauru",NPL:"nepal",NLD:"^(?!.*\\bant)(?!.*\\bcarib).*netherlands",ANT:"^(?=.*\\bant).*(nether|dutch)",NCL:"new.?caledonia",NZL:"new.?zealand",NIC:"nicaragua",NER:"\\bniger(?!ia)",NGA:"nigeria",NIU:"niue",NFK:"norfolk",MNP:"mariana",NOR:"norway",OMN:"\\boman|trucial",PAK:"^(?!.*east).*paki?stan",PLW:"palau",PSE:"palestin|\\bgaza|west.?bank",PAN:"panama",PNG:"papua|new.?guinea",PRY:"paraguay",PER:"peru",PHL:"philippines",PCN:"pitcairn",POL:"poland",PRT:"portugal",PRI:"puerto.?rico",QAT:"qatar",KOR:"^(?!.*d.*p.*r)(?!.*democrat)(?!.*people)(?!.*north).*\\bkorea(?!.*d.*p.*r)",MDA:"moldov|b(a|e)ssarabia",REU:"r(e|\xe9)union",ROU:"r(o|u|ou)mania",RUS:"\\brussia|soviet.?union|u\\.?s\\.?s\\.?r|socialist.?republics",RWA:"rwanda",BLM:"barth(e|\xe9)lemy",SHN:"helena",KNA:"kitts|\\bnevis",LCA:"\\blucia",MAF:"^(?=.*collectivity).*martin|^(?=.*france).*martin(?!ique)|^(?=.*french).*martin(?!ique)",SPM:"miquelon",VCT:"vincent",WSM:"^(?!.*amer).*samoa",SMR:"san.?marino",STP:"\\bs(a|\xe3)o.?tom(e|\xe9)",SAU:"\\bsa\\w*.?arabia",SEN:"senegal",SRB:"^(?!.*monte).*serbia",SYC:"seychell",SLE:"sierra",SGP:"singapore",SXM:"^(?!.*martin)(?!.*saba).*maarten",SVK:"^(?!.*cze).*slovak",SVN:"slovenia",SLB:"solomon",SOM:"somali",ZAF:"south.africa|s\\\\..?africa",SGS:"south.?georgia|sandwich",SSD:"\\bs\\w*.?sudan",ESP:"spain",LKA:"sri.?lanka|ceylon",SDN:"^(?!.*\\bs(?!u)).*sudan",SUR:"surinam|dutch.?guiana",SJM:"svalbard",SWZ:"swaziland",SWE:"sweden",CHE:"switz|swiss",SYR:"syria",TWN:"taiwan|taipei|formosa|^(?!.*peo)(?=.*rep).*china",TJK:"tajik",THA:"thailand|\\bsiam",MKD:"macedonia|fyrom",TLS:"^(?=.*leste).*timor|^(?=.*east).*timor",TGO:"togo",TKL:"tokelau",TON:"tonga",TTO:"trinidad|tobago",TUN:"tunisia",TUR:"turkey",TKM:"turkmen",TCA:"turks",TUV:"tuvalu",UGA:"uganda",UKR:"ukrain",ARE:"emirates|^u\\.?a\\.?e\\.?$|united.?arab.?em",GBR:"united.?kingdom|britain|^u\\.?k\\.?$",TZA:"tanzania",USA:"united.?states\\b(?!.*islands)|\\bu\\.?s\\.?a\\.?\\b|^\\s*u\\.?s\\.?\\b(?!.*islands)",UMI:"minor.?outlying.?is",URY:"uruguay",UZB:"uzbek",VUT:"vanuatu|new.?hebrides",VEN:"venezuela",VNM:"^(?!.*republic).*viet.?nam|^(?=.*socialist).*viet.?nam",VGB:"^(?=.*\\bu\\.?\\s?k).*virgin|^(?=.*brit).*virgin|^(?=.*kingdom).*virgin",VIR:"^(?=.*\\bu\\.?\\s?s).*virgin|^(?=.*states).*virgin",WLF:"futuna|wallis",ESH:"western.sahara",YEM:"^(?!.*arab)(?!.*north)(?!.*sana)(?!.*peo)(?!.*dem)(?!.*south)(?!.*aden)(?!.*\\bp\\.?d\\.?r).*yemen",YMD:"^(?=.*peo).*yemen|^(?!.*rep)(?=.*dem).*yemen|^(?=.*south).*yemen|^(?=.*aden).*yemen|^(?=.*\\bp\\.?d\\.?r).*yemen",YUG:"yugoslavia",ZMB:"zambia|northern.?rhodesia",EAZ:"zanzibar",ZWE:"zimbabwe|^(?!.*northern).*rhodesia"}},{}],140:[function(t,e,r){e.exports=["xx-small","x-small","small","medium","large","x-large","xx-large","larger","smaller"]},{}],141:[function(t,e,r){e.exports=["normal","condensed","semi-condensed","extra-condensed","ultra-condensed","expanded","semi-expanded","extra-expanded","ultra-expanded"]},{}],142:[function(t,e,r){e.exports=["normal","italic","oblique"]},{}],143:[function(t,e,r){e.exports=["normal","bold","bolder","lighter","100","200","300","400","500","600","700","800","900"]},{}],144:[function(t,e,r){"use strict";e.exports={parse:t("./parse"),stringify:t("./stringify")}},{"./parse":146,"./stringify":147}],145:[function(t,e,r){"use strict";var n=t("css-font-size-keywords");e.exports={isSize:function(t){return/^[\d\.]/.test(t)||-1!==t.indexOf("/")||-1!==n.indexOf(t)}}},{"css-font-size-keywords":140}],146:[function(t,e,r){"use strict";var n=t("unquote"),i=t("css-global-keywords"),a=t("css-system-font-keywords"),o=t("css-font-weight-keywords"),s=t("css-font-style-keywords"),l=t("css-font-stretch-keywords"),c=t("string-split-by"),u=t("./lib/util").isSize;e.exports=h;var f=h.cache={};function h(t){if("string"!=typeof t)throw new Error("Font argument must be a string.");if(f[t])return f[t];if(""===t)throw new Error("Cannot parse an empty string.");if(-1!==a.indexOf(t))return f[t]={system:t};for(var e,r={style:"normal",variant:"normal",weight:"normal",stretch:"normal",lineHeight:"normal",size:"1rem",family:["serif"]},h=c(t,/\s+/);e=h.shift();){if(-1!==i.indexOf(e))return["style","variant","weight","stretch"].forEach((function(t){r[t]=e})),f[t]=r;if(-1===s.indexOf(e))if("normal"!==e&&"small-caps"!==e)if(-1===l.indexOf(e)){if(-1===o.indexOf(e)){if(u(e)){var d=c(e,"/");if(r.size=d[0],null!=d[1]?r.lineHeight=p(d[1]):"/"===h[0]&&(h.shift(),r.lineHeight=p(h.shift())),!h.length)throw new Error("Missing required font-family.");return r.family=c(h.join(" "),/\s*,\s*/).map(n),f[t]=r}throw new Error("Unknown or unsupported font token: "+e)}r.weight=e}else r.stretch=e;else r.variant=e;else r.style=e}throw new Error("Missing required font-size.")}function p(t){var e=parseFloat(t);return e.toString()===t?e:t}},{"./lib/util":145,"css-font-stretch-keywords":141,"css-font-style-keywords":142,"css-font-weight-keywords":143,"css-global-keywords":148,"css-system-font-keywords":149,"string-split-by":568,unquote:598}],147:[function(t,e,r){"use strict";var n=t("pick-by-alias"),i=t("./lib/util").isSize,a=g(t("css-global-keywords")),o=g(t("css-system-font-keywords")),s=g(t("css-font-weight-keywords")),l=g(t("css-font-style-keywords")),c=g(t("css-font-stretch-keywords")),u={normal:1,"small-caps":1},f={serif:1,"sans-serif":1,monospace:1,cursive:1,fantasy:1,"system-ui":1},h="1rem",p="serif";function d(t,e){if(t&&!e[t]&&!a[t])throw Error("Unknown keyword `"+t+"`");return t}function g(t){for(var e={},r=0;r=0;--p)a[p]=c*t[p]+u*e[p]+f*r[p]+h*n[p];return a}return c*t+u*e+f*r+h*n},e.exports.derivative=function(t,e,r,n,i,a){var o=6*i*i-6*i,s=3*i*i-4*i+1,l=-6*i*i+6*i,c=3*i*i-2*i;if(t.length){a||(a=new Array(t.length));for(var u=t.length-1;u>=0;--u)a[u]=o*t[u]+s*e[u]+l*r[u]+c*n[u];return a}return o*t+s*e+l*r[u]+c*n}},{}],151:[function(t,e,r){"use strict";var n=t("./lib/thunk.js");function i(){this.argTypes=[],this.shimArgs=[],this.arrayArgs=[],this.arrayBlockIndices=[],this.scalarArgs=[],this.offsetArgs=[],this.offsetArgIndex=[],this.indexArgs=[],this.shapeArgs=[],this.funcName="",this.pre=null,this.body=null,this.post=null,this.debug=!1}e.exports=function(t){var e=new i;e.pre=t.pre,e.body=t.body,e.post=t.post;var r=t.args.slice(0);e.argTypes=r;for(var a=0;a0)throw new Error("cwise: pre() block may not reference array args");if(a0)throw new Error("cwise: post() block may not reference array args")}else if("scalar"===o)e.scalarArgs.push(a),e.shimArgs.push("scalar"+a);else if("index"===o){if(e.indexArgs.push(a),a0)throw new Error("cwise: pre() block may not reference array index");if(a0)throw new Error("cwise: post() block may not reference array index")}else if("shape"===o){if(e.shapeArgs.push(a),ar.length)throw new Error("cwise: Too many arguments in pre() block");if(e.body.args.length>r.length)throw new Error("cwise: Too many arguments in body() block");if(e.post.args.length>r.length)throw new Error("cwise: Too many arguments in post() block");return e.debug=!!t.printCode||!!t.debug,e.funcName=t.funcName||"cwise",e.blockSize=t.blockSize||64,n(e)}},{"./lib/thunk.js":153}],152:[function(t,e,r){"use strict";var n=t("uniq");function i(t,e,r){var n,i,a=t.length,o=e.arrayArgs.length,s=e.indexArgs.length>0,l=[],c=[],u=0,f=0;for(n=0;n0&&l.push("var "+c.join(",")),n=a-1;n>=0;--n)u=t[n],l.push(["for(i",n,"=0;i",n,"0&&l.push(["index[",f,"]-=s",f].join("")),l.push(["++index[",u,"]"].join(""))),l.push("}")}return l.join("\n")}function a(t,e,r){for(var n=t.body,i=[],a=[],o=0;o0&&(r=r&&e[n]===e[n-1])}return r?e[0]:e.join("")}e.exports=function(t,e){for(var r=e[1].length-Math.abs(t.arrayBlockIndices[0])|0,s=new Array(t.arrayArgs.length),l=new Array(t.arrayArgs.length),c=0;c0&&x.push("shape=SS.slice(0)"),t.indexArgs.length>0){var b=new Array(r);for(c=0;c0&&y.push("var "+x.join(",")),c=0;c3&&y.push(a(t.pre,t,l));var k=a(t.body,t,l),M=function(t){for(var e=0,r=t[0].length;e0,c=[],u=0;u0;){"].join("")),c.push(["if(j",u,"<",s,"){"].join("")),c.push(["s",e[u],"=j",u].join("")),c.push(["j",u,"=0"].join("")),c.push(["}else{s",e[u],"=",s].join("")),c.push(["j",u,"-=",s,"}"].join("")),l&&c.push(["index[",e[u],"]=j",u].join(""));for(u=0;u3&&y.push(a(t.post,t,l)),t.debug&&console.log("-----Generated cwise routine for ",e,":\n"+y.join("\n")+"\n----------");var A=[t.funcName||"unnamed","_cwise_loop_",s[0].join("s"),"m",M,o(l)].join("");return new Function(["function ",A,"(",v.join(","),"){",y.join("\n"),"} return ",A].join(""))()}},{uniq:597}],153:[function(t,e,r){"use strict";var n=t("./compile.js");e.exports=function(t){var e=["'use strict'","var CACHED={}"],r=[],i=t.funcName+"_cwise_thunk";e.push(["return function ",i,"(",t.shimArgs.join(","),"){"].join(""));for(var a=[],o=[],s=[["array",t.arrayArgs[0],".shape.slice(",Math.max(0,t.arrayBlockIndices[0]),t.arrayBlockIndices[0]<0?","+t.arrayBlockIndices[0]+")":")"].join("")],l=[],c=[],u=0;u0&&(l.push("array"+t.arrayArgs[0]+".shape.length===array"+f+".shape.length+"+(Math.abs(t.arrayBlockIndices[0])-Math.abs(t.arrayBlockIndices[u]))),c.push("array"+t.arrayArgs[0]+".shape[shapeIndex+"+Math.max(0,t.arrayBlockIndices[0])+"]===array"+f+".shape[shapeIndex+"+Math.max(0,t.arrayBlockIndices[u])+"]"))}for(t.arrayArgs.length>1&&(e.push("if (!("+l.join(" && ")+")) throw new Error('cwise: Arrays do not all have the same dimensionality!')"),e.push("for(var shapeIndex=array"+t.arrayArgs[0]+".shape.length-"+Math.abs(t.arrayBlockIndices[0])+"; shapeIndex--\x3e0;) {"),e.push("if (!("+c.join(" && ")+")) throw new Error('cwise: Arrays do not all have the same shape!')"),e.push("}")),u=0;ue?1:t>=e?0:NaN}function r(t){var r;return 1===t.length&&(r=t,t=function(t,n){return e(r(t),n)}),{left:function(e,r,n,i){for(null==n&&(n=0),null==i&&(i=e.length);n>>1;t(e[a],r)<0?n=a+1:i=a}return n},right:function(e,r,n,i){for(null==n&&(n=0),null==i&&(i=e.length);n>>1;t(e[a],r)>0?i=a:n=a+1}return n}}}var n=r(e),i=n.right,a=n.left;function o(t,e){return[t,e]}function s(t){return null===t?NaN:+t}function l(t,e){var r,n,i=t.length,a=0,o=-1,l=0,c=0;if(null==e)for(;++o1)return c/(a-1)}function c(t,e){var r=l(t,e);return r?Math.sqrt(r):r}function u(t,e){var r,n,i,a=t.length,o=-1;if(null==e){for(;++o=r)for(n=i=r;++or&&(n=r),i=r)for(n=i=r;++or&&(n=r),i=0?(a>=v?10:a>=y?5:a>=x?2:1)*Math.pow(10,i):-Math.pow(10,-i)/(a>=v?10:a>=y?5:a>=x?2:1)}function _(t,e,r){var n=Math.abs(e-t)/Math.max(0,r),i=Math.pow(10,Math.floor(Math.log(n)/Math.LN10)),a=n/i;return a>=v?i*=10:a>=y?i*=5:a>=x&&(i*=2),e=1)return+r(t[n-1],n-1,t);var n,i=(n-1)*e,a=Math.floor(i),o=+r(t[a],a,t);return o+(+r(t[a+1],a+1,t)-o)*(i-a)}}function k(t,e){var r,n,i=t.length,a=-1;if(null==e){for(;++a=r)for(n=r;++ar&&(n=r)}else for(;++a=r)for(n=r;++ar&&(n=r);return n}function M(t){if(!(i=t.length))return[];for(var e=-1,r=k(t,A),n=new Array(r);++et?1:e>=t?0:NaN},t.deviation=c,t.extent=u,t.histogram=function(){var t=g,e=u,r=w;function n(n){var a,o,s=n.length,l=new Array(s);for(a=0;af;)h.pop(),--p;var d,g=new Array(p+1);for(a=0;a<=p;++a)(d=g[a]=[]).x0=a>0?h[a-1]:u,d.x1=a=r)for(n=r;++an&&(n=r)}else for(;++a=r)for(n=r;++an&&(n=r);return n},t.mean=function(t,e){var r,n=t.length,i=n,a=-1,o=0;if(null==e)for(;++a=0;)for(e=(n=t[i]).length;--e>=0;)r[--o]=n[e];return r},t.min=k,t.pairs=function(t,e){null==e&&(e=o);for(var r=0,n=t.length-1,i=t[0],a=new Array(n<0?0:n);r0)return[t];if((n=e0)for(t=Math.ceil(t/o),e=Math.floor(e/o),a=new Array(i=Math.ceil(e-t+1));++s=l.length)return null!=t&&n.sort(t),null!=e?e(n):n;for(var s,c,f,h=-1,p=n.length,d=l[i++],g=r(),m=a();++hl.length)return r;var i,a=c[n-1];return null!=e&&n>=l.length?i=r.entries():(i=[],r.each((function(e,r){i.push({key:r,values:t(e,n)})}))),null!=a?i.sort((function(t,e){return a(t.key,e.key)})):i}(u(t,0,a,o),0)},key:function(t){return l.push(t),s},sortKeys:function(t){return c[l.length-1]=t,s},sortValues:function(e){return t=e,s},rollup:function(t){return e=t,s}}},t.set=c,t.map=r,t.keys=function(t){var e=[];for(var r in t)e.push(r);return e},t.values=function(t){var e=[];for(var r in t)e.push(t[r]);return e},t.entries=function(t){var e=[];for(var r in t)e.push({key:r,value:t[r]});return e},Object.defineProperty(t,"__esModule",{value:!0})}))},{}],158:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?n(r):n((t=t||self).d3=t.d3||{})}(this,(function(t){"use strict";function e(t,e,r){t.prototype=e.prototype=r,r.constructor=t}function r(t,e){var r=Object.create(t.prototype);for(var n in e)r[n]=e[n];return r}function n(){}var i="\\s*([+-]?\\d+)\\s*",a="\\s*([+-]?\\d*\\.?\\d+(?:[eE][+-]?\\d+)?)\\s*",o="\\s*([+-]?\\d*\\.?\\d+(?:[eE][+-]?\\d+)?)%\\s*",s=/^#([0-9a-f]{3,8})$/,l=new RegExp("^rgb\\("+[i,i,i]+"\\)$"),c=new RegExp("^rgb\\("+[o,o,o]+"\\)$"),u=new RegExp("^rgba\\("+[i,i,i,a]+"\\)$"),f=new RegExp("^rgba\\("+[o,o,o,a]+"\\)$"),h=new RegExp("^hsl\\("+[a,o,o]+"\\)$"),p=new RegExp("^hsla\\("+[a,o,o,a]+"\\)$"),d={aliceblue:15792383,antiquewhite:16444375,aqua:65535,aquamarine:8388564,azure:15794175,beige:16119260,bisque:16770244,black:0,blanchedalmond:16772045,blue:255,blueviolet:9055202,brown:10824234,burlywood:14596231,cadetblue:6266528,chartreuse:8388352,chocolate:13789470,coral:16744272,cornflowerblue:6591981,cornsilk:16775388,crimson:14423100,cyan:65535,darkblue:139,darkcyan:35723,darkgoldenrod:12092939,darkgray:11119017,darkgreen:25600,darkgrey:11119017,darkkhaki:12433259,darkmagenta:9109643,darkolivegreen:5597999,darkorange:16747520,darkorchid:10040012,darkred:9109504,darksalmon:15308410,darkseagreen:9419919,darkslateblue:4734347,darkslategray:3100495,darkslategrey:3100495,darkturquoise:52945,darkviolet:9699539,deeppink:16716947,deepskyblue:49151,dimgray:6908265,dimgrey:6908265,dodgerblue:2003199,firebrick:11674146,floralwhite:16775920,forestgreen:2263842,fuchsia:16711935,gainsboro:14474460,ghostwhite:16316671,gold:16766720,goldenrod:14329120,gray:8421504,green:32768,greenyellow:11403055,grey:8421504,honeydew:15794160,hotpink:16738740,indianred:13458524,indigo:4915330,ivory:16777200,khaki:15787660,lavender:15132410,lavenderblush:16773365,lawngreen:8190976,lemonchiffon:16775885,lightblue:11393254,lightcoral:15761536,lightcyan:14745599,lightgoldenrodyellow:16448210,lightgray:13882323,lightgreen:9498256,lightgrey:13882323,lightpink:16758465,lightsalmon:16752762,lightseagreen:2142890,lightskyblue:8900346,lightslategray:7833753,lightslategrey:7833753,lightsteelblue:11584734,lightyellow:16777184,lime:65280,limegreen:3329330,linen:16445670,magenta:16711935,maroon:8388608,mediumaquamarine:6737322,mediumblue:205,mediumorchid:12211667,mediumpurple:9662683,mediumseagreen:3978097,mediumslateblue:8087790,mediumspringgreen:64154,mediumturquoise:4772300,mediumvioletred:13047173,midnightblue:1644912,mintcream:16121850,mistyrose:16770273,moccasin:16770229,navajowhite:16768685,navy:128,oldlace:16643558,olive:8421376,olivedrab:7048739,orange:16753920,orangered:16729344,orchid:14315734,palegoldenrod:15657130,palegreen:10025880,paleturquoise:11529966,palevioletred:14381203,papayawhip:16773077,peachpuff:16767673,peru:13468991,pink:16761035,plum:14524637,powderblue:11591910,purple:8388736,rebeccapurple:6697881,red:16711680,rosybrown:12357519,royalblue:4286945,saddlebrown:9127187,salmon:16416882,sandybrown:16032864,seagreen:3050327,seashell:16774638,sienna:10506797,silver:12632256,skyblue:8900331,slateblue:6970061,slategray:7372944,slategrey:7372944,snow:16775930,springgreen:65407,steelblue:4620980,tan:13808780,teal:32896,thistle:14204888,tomato:16737095,turquoise:4251856,violet:15631086,wheat:16113331,white:16777215,whitesmoke:16119285,yellow:16776960,yellowgreen:10145074};function g(){return this.rgb().formatHex()}function m(){return this.rgb().formatRgb()}function v(t){var e,r;return t=(t+"").trim().toLowerCase(),(e=s.exec(t))?(r=e[1].length,e=parseInt(e[1],16),6===r?y(e):3===r?new w(e>>8&15|e>>4&240,e>>4&15|240&e,(15&e)<<4|15&e,1):8===r?x(e>>24&255,e>>16&255,e>>8&255,(255&e)/255):4===r?x(e>>12&15|e>>8&240,e>>8&15|e>>4&240,e>>4&15|240&e,((15&e)<<4|15&e)/255):null):(e=l.exec(t))?new w(e[1],e[2],e[3],1):(e=c.exec(t))?new w(255*e[1]/100,255*e[2]/100,255*e[3]/100,1):(e=u.exec(t))?x(e[1],e[2],e[3],e[4]):(e=f.exec(t))?x(255*e[1]/100,255*e[2]/100,255*e[3]/100,e[4]):(e=h.exec(t))?A(e[1],e[2]/100,e[3]/100,1):(e=p.exec(t))?A(e[1],e[2]/100,e[3]/100,e[4]):d.hasOwnProperty(t)?y(d[t]):"transparent"===t?new w(NaN,NaN,NaN,0):null}function y(t){return new w(t>>16&255,t>>8&255,255&t,1)}function x(t,e,r,n){return n<=0&&(t=e=r=NaN),new w(t,e,r,n)}function b(t){return t instanceof n||(t=v(t)),t?new w((t=t.rgb()).r,t.g,t.b,t.opacity):new w}function _(t,e,r,n){return 1===arguments.length?b(t):new w(t,e,r,null==n?1:n)}function w(t,e,r,n){this.r=+t,this.g=+e,this.b=+r,this.opacity=+n}function T(){return"#"+M(this.r)+M(this.g)+M(this.b)}function k(){var t=this.opacity;return(1===(t=isNaN(t)?1:Math.max(0,Math.min(1,t)))?"rgb(":"rgba(")+Math.max(0,Math.min(255,Math.round(this.r)||0))+", "+Math.max(0,Math.min(255,Math.round(this.g)||0))+", "+Math.max(0,Math.min(255,Math.round(this.b)||0))+(1===t?")":", "+t+")")}function M(t){return((t=Math.max(0,Math.min(255,Math.round(t)||0)))<16?"0":"")+t.toString(16)}function A(t,e,r,n){return n<=0?t=e=r=NaN:r<=0||r>=1?t=e=NaN:e<=0&&(t=NaN),new C(t,e,r,n)}function S(t){if(t instanceof C)return new C(t.h,t.s,t.l,t.opacity);if(t instanceof n||(t=v(t)),!t)return new C;if(t instanceof C)return t;var e=(t=t.rgb()).r/255,r=t.g/255,i=t.b/255,a=Math.min(e,r,i),o=Math.max(e,r,i),s=NaN,l=o-a,c=(o+a)/2;return l?(s=e===o?(r-i)/l+6*(r0&&c<1?0:s,new C(s,l,c,t.opacity)}function E(t,e,r,n){return 1===arguments.length?S(t):new C(t,e,r,null==n?1:n)}function C(t,e,r,n){this.h=+t,this.s=+e,this.l=+r,this.opacity=+n}function L(t,e,r){return 255*(t<60?e+(r-e)*t/60:t<180?r:t<240?e+(r-e)*(240-t)/60:e)}e(n,v,{copy:function(t){return Object.assign(new this.constructor,this,t)},displayable:function(){return this.rgb().displayable()},hex:g,formatHex:g,formatHsl:function(){return S(this).formatHsl()},formatRgb:m,toString:m}),e(w,_,r(n,{brighter:function(t){return t=null==t?1/.7:Math.pow(1/.7,t),new w(this.r*t,this.g*t,this.b*t,this.opacity)},darker:function(t){return t=null==t?.7:Math.pow(.7,t),new w(this.r*t,this.g*t,this.b*t,this.opacity)},rgb:function(){return this},displayable:function(){return-.5<=this.r&&this.r<255.5&&-.5<=this.g&&this.g<255.5&&-.5<=this.b&&this.b<255.5&&0<=this.opacity&&this.opacity<=1},hex:T,formatHex:T,formatRgb:k,toString:k})),e(C,E,r(n,{brighter:function(t){return t=null==t?1/.7:Math.pow(1/.7,t),new C(this.h,this.s,this.l*t,this.opacity)},darker:function(t){return t=null==t?.7:Math.pow(.7,t),new C(this.h,this.s,this.l*t,this.opacity)},rgb:function(){var t=this.h%360+360*(this.h<0),e=isNaN(t)||isNaN(this.s)?0:this.s,r=this.l,n=r+(r<.5?r:1-r)*e,i=2*r-n;return new w(L(t>=240?t-240:t+120,i,n),L(t,i,n),L(t<120?t+240:t-120,i,n),this.opacity)},displayable:function(){return(0<=this.s&&this.s<=1||isNaN(this.s))&&0<=this.l&&this.l<=1&&0<=this.opacity&&this.opacity<=1},formatHsl:function(){var t=this.opacity;return(1===(t=isNaN(t)?1:Math.max(0,Math.min(1,t)))?"hsl(":"hsla(")+(this.h||0)+", "+100*(this.s||0)+"%, "+100*(this.l||0)+"%"+(1===t?")":", "+t+")")}}));var I=Math.PI/180,P=180/Math.PI,z=6/29,O=3*z*z;function D(t){if(t instanceof F)return new F(t.l,t.a,t.b,t.opacity);if(t instanceof H)return G(t);t instanceof w||(t=b(t));var e,r,n=U(t.r),i=U(t.g),a=U(t.b),o=B((.2225045*n+.7168786*i+.0606169*a)/1);return n===i&&i===a?e=r=o:(e=B((.4360747*n+.3850649*i+.1430804*a)/.96422),r=B((.0139322*n+.0971045*i+.7141733*a)/.82521)),new F(116*o-16,500*(e-o),200*(o-r),t.opacity)}function R(t,e,r,n){return 1===arguments.length?D(t):new F(t,e,r,null==n?1:n)}function F(t,e,r,n){this.l=+t,this.a=+e,this.b=+r,this.opacity=+n}function B(t){return t>.008856451679035631?Math.pow(t,1/3):t/O+4/29}function N(t){return t>z?t*t*t:O*(t-4/29)}function j(t){return 255*(t<=.0031308?12.92*t:1.055*Math.pow(t,1/2.4)-.055)}function U(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function V(t){if(t instanceof H)return new H(t.h,t.c,t.l,t.opacity);if(t instanceof F||(t=D(t)),0===t.a&&0===t.b)return new H(NaN,0=0&&(r=t.slice(n+1),t=t.slice(0,n)),t&&!e.hasOwnProperty(t))throw new Error("unknown type: "+t);return{type:t,name:r}}))}function a(t,e){for(var r,n=0,i=t.length;n0)for(var r,n,i=new Array(r),a=0;ah+c||np+c||au.index){var f=h-s.x-s.vx,m=p-s.y-s.vy,v=f*f+m*m;vt.r&&(t.r=t[e].r)}function h(){if(r){var e,i,a=r.length;for(n=new Array(a),e=0;e=c)){(t.data!==r||t.next)&&(0===f&&(d+=(f=o())*f),0===h&&(d+=(h=o())*h),d1?(null==r?u.remove(t):u.set(t,v(r)),e):u.get(t)},find:function(e,r,n){var i,a,o,s,l,c=0,u=t.length;for(null==n?n=1/0:n*=n,c=0;c1?(h.on(t,r),e):h.on(t)}}},t.forceX=function(t){var e,r,n,i=a(.1);function o(t){for(var i,a=0,o=e.length;a=0;)e+=r[n].value;else e=1;t.value=e}function a(t,e){var r,n,i,a,s,u=new c(t),f=+t.value&&(u.value=t.value),h=[u];for(null==e&&(e=o);r=h.pop();)if(f&&(r.value=+r.data.value),(i=e(r.data))&&(s=i.length))for(r.children=new Array(s),a=s-1;a>=0;--a)h.push(n=r.children[a]=new c(i[a])),n.parent=r,n.depth=r.depth+1;return u.eachBefore(l)}function o(t){return t.children}function s(t){t.data=t.data.data}function l(t){var e=0;do{t.height=e}while((t=t.parent)&&t.height<++e)}function c(t){this.data=t,this.depth=this.height=0,this.parent=null}c.prototype=a.prototype={constructor:c,count:function(){return this.eachAfter(i)},each:function(t){var e,r,n,i,a=this,o=[a];do{for(e=o.reverse(),o=[];a=e.pop();)if(t(a),r=a.children)for(n=0,i=r.length;n=0;--r)i.push(e[r]);return this},sum:function(t){return this.eachAfter((function(e){for(var r=+t(e.data)||0,n=e.children,i=n&&n.length;--i>=0;)r+=n[i].value;e.value=r}))},sort:function(t){return this.eachBefore((function(e){e.children&&e.children.sort(t)}))},path:function(t){for(var e=this,r=function(t,e){if(t===e)return t;var r=t.ancestors(),n=e.ancestors(),i=null;t=r.pop(),e=n.pop();for(;t===e;)i=t,t=r.pop(),e=n.pop();return i}(e,t),n=[e];e!==r;)e=e.parent,n.push(e);for(var i=n.length;t!==r;)n.splice(i,0,t),t=t.parent;return n},ancestors:function(){for(var t=this,e=[t];t=t.parent;)e.push(t);return e},descendants:function(){var t=[];return this.each((function(e){t.push(e)})),t},leaves:function(){var t=[];return this.eachBefore((function(e){e.children||t.push(e)})),t},links:function(){var t=this,e=[];return t.each((function(r){r!==t&&e.push({source:r.parent,target:r})})),e},copy:function(){return a(this).eachBefore(s)}};var u=Array.prototype.slice;function f(t){for(var e,r,n=0,i=(t=function(t){for(var e,r,n=t.length;n;)r=Math.random()*n--|0,e=t[n],t[n]=t[r],t[r]=e;return t}(u.call(t))).length,a=[];n0&&r*r>n*n+i*i}function g(t,e){for(var r=0;r(o*=o)?(n=(c+o-i)/(2*c),a=Math.sqrt(Math.max(0,o/c-n*n)),r.x=t.x-n*s-a*l,r.y=t.y-n*l+a*s):(n=(c+i-o)/(2*c),a=Math.sqrt(Math.max(0,i/c-n*n)),r.x=e.x+n*s-a*l,r.y=e.y+n*l+a*s)):(r.x=e.x+r.r,r.y=e.y)}function b(t,e){var r=t.r+e.r-1e-6,n=e.x-t.x,i=e.y-t.y;return r>0&&r*r>n*n+i*i}function _(t){var e=t._,r=t.next._,n=e.r+r.r,i=(e.x*r.r+r.x*e.r)/n,a=(e.y*r.r+r.y*e.r)/n;return i*i+a*a}function w(t){this._=t,this.next=null,this.previous=null}function T(t){if(!(i=t.length))return 0;var e,r,n,i,a,o,s,l,c,u,h;if((e=t[0]).x=0,e.y=0,!(i>1))return e.r;if(r=t[1],e.x=-r.r,r.x=e.r,r.y=0,!(i>2))return e.r+r.r;x(r,e,n=t[2]),e=new w(e),r=new w(r),n=new w(n),e.next=n.previous=r,r.next=e.previous=n,n.next=r.previous=e;t:for(s=3;sh&&(h=s),m=u*u*g,(p=Math.max(h/m,m/f))>d){u-=s;break}d=p}v.push(o={value:u,dice:l1?e:1)},r}(G);var X=function t(e){function r(t,r,n,i,a){if((o=t._squarify)&&o.ratio===e)for(var o,s,l,c,u,f=-1,h=o.length,p=t.value;++f1?e:1)},r}(G);t.cluster=function(){var t=e,i=1,a=1,o=!1;function s(e){var s,l=0;e.eachAfter((function(e){var i=e.children;i?(e.x=function(t){return t.reduce(r,0)/t.length}(i),e.y=function(t){return 1+t.reduce(n,0)}(i)):(e.x=s?l+=t(e,s):0,e.y=0,s=e)}));var c=function(t){for(var e;e=t.children;)t=e[0];return t}(e),u=function(t){for(var e;e=t.children;)t=e[e.length-1];return t}(e),f=c.x-t(c,u)/2,h=u.x+t(u,c)/2;return e.eachAfter(o?function(t){t.x=(t.x-e.x)*i,t.y=(e.y-t.y)*a}:function(t){t.x=(t.x-f)/(h-f)*i,t.y=(1-(e.y?t.y/e.y:1))*a})}return s.separation=function(e){return arguments.length?(t=e,s):t},s.size=function(t){return arguments.length?(o=!1,i=+t[0],a=+t[1],s):o?null:[i,a]},s.nodeSize=function(t){return arguments.length?(o=!0,i=+t[0],a=+t[1],s):o?[i,a]:null},s},t.hierarchy=a,t.pack=function(){var t=null,e=1,r=1,n=A;function i(i){return i.x=e/2,i.y=r/2,t?i.eachBefore(C(t)).eachAfter(L(n,.5)).eachBefore(I(1)):i.eachBefore(C(E)).eachAfter(L(A,1)).eachAfter(L(n,i.r/Math.min(e,r))).eachBefore(I(Math.min(e,r)/(2*i.r))),i}return i.radius=function(e){return arguments.length?(t=k(e),i):t},i.size=function(t){return arguments.length?(e=+t[0],r=+t[1],i):[e,r]},i.padding=function(t){return arguments.length?(n="function"==typeof t?t:S(+t),i):n},i},t.packEnclose=f,t.packSiblings=function(t){return T(t),t},t.partition=function(){var t=1,e=1,r=0,n=!1;function i(i){var a=i.height+1;return i.x0=i.y0=r,i.x1=t,i.y1=e/a,i.eachBefore(function(t,e){return function(n){n.children&&z(n,n.x0,t*(n.depth+1)/e,n.x1,t*(n.depth+2)/e);var i=n.x0,a=n.y0,o=n.x1-r,s=n.y1-r;o0)throw new Error("cycle");return a}return r.id=function(e){return arguments.length?(t=M(e),r):t},r.parentId=function(t){return arguments.length?(e=M(t),r):e},r},t.tree=function(){var t=B,e=1,r=1,n=null;function i(i){var l=function(t){for(var e,r,n,i,a,o=new q(t,0),s=[o];e=s.pop();)if(n=e._.children)for(e.children=new Array(a=n.length),i=a-1;i>=0;--i)s.push(r=e.children[i]=new q(n[i],i)),r.parent=e;return(o.parent=new q(null,0)).children=[o],o}(i);if(l.eachAfter(a),l.parent.m=-l.z,l.eachBefore(o),n)i.eachBefore(s);else{var c=i,u=i,f=i;i.eachBefore((function(t){t.xu.x&&(u=t),t.depth>f.depth&&(f=t)}));var h=c===u?1:t(c,u)/2,p=h-c.x,d=e/(u.x+h+p),g=r/(f.depth||1);i.eachBefore((function(t){t.x=(t.x+p)*d,t.y=t.depth*g}))}return i}function a(e){var r=e.children,n=e.parent.children,i=e.i?n[e.i-1]:null;if(r){!function(t){for(var e,r=0,n=0,i=t.children,a=i.length;--a>=0;)(e=i[a]).z+=r,e.m+=r,r+=e.s+(n+=e.c)}(e);var a=(r[0].z+r[r.length-1].z)/2;i?(e.z=i.z+t(e._,i._),e.m=e.z-a):e.z=a}else i&&(e.z=i.z+t(e._,i._));e.parent.A=function(e,r,n){if(r){for(var i,a=e,o=e,s=r,l=a.parent.children[0],c=a.m,u=o.m,f=s.m,h=l.m;s=j(s),a=N(a),s&&a;)l=N(l),(o=j(o)).a=e,(i=s.z+f-a.z-c+t(s._,a._))>0&&(U(V(s,e,n),e,i),c+=i,u+=i),f+=s.m,c+=a.m,h+=l.m,u+=o.m;s&&!j(o)&&(o.t=s,o.m+=f-u),a&&!N(l)&&(l.t=a,l.m+=c-h,n=e)}return n}(e,i,e.parent.A||n[0])}function o(t){t._.x=t.z+t.parent.m,t.m+=t.parent.m}function s(t){t.x*=e,t.y=t.depth*r}return i.separation=function(e){return arguments.length?(t=e,i):t},i.size=function(t){return arguments.length?(n=!1,e=+t[0],r=+t[1],i):n?null:[e,r]},i.nodeSize=function(t){return arguments.length?(n=!0,e=+t[0],r=+t[1],i):n?[e,r]:null},i},t.treemap=function(){var t=W,e=!1,r=1,n=1,i=[0],a=A,o=A,s=A,l=A,c=A;function u(t){return t.x0=t.y0=0,t.x1=r,t.y1=n,t.eachBefore(f),i=[0],e&&t.eachBefore(P),t}function f(e){var r=i[e.depth],n=e.x0+r,u=e.y0+r,f=e.x1-r,h=e.y1-r;f=r-1){var u=s[e];return u.x0=i,u.y0=a,u.x1=o,void(u.y1=l)}var f=c[e],h=n/2+f,p=e+1,d=r-1;for(;p>>1;c[g]l-a){var y=(i*v+o*m)/n;t(e,p,m,i,a,y,l),t(p,r,v,y,a,o,l)}else{var x=(a*v+l*m)/n;t(e,p,m,i,a,o,x),t(p,r,v,i,x,o,l)}}(0,l,t.value,e,r,n,i)},t.treemapDice=z,t.treemapResquarify=X,t.treemapSlice=H,t.treemapSliceDice=function(t,e,r,n,i){(1&t.depth?H:z)(t,e,r,n,i)},t.treemapSquarify=W,Object.defineProperty(t,"__esModule",{value:!0})}))},{}],162:[function(t,e,r){!function(n,i){"object"==typeof r&&"undefined"!=typeof e?i(r,t("d3-color")):i((n=n||self).d3=n.d3||{},n.d3)}(this,(function(t,e){"use strict";function r(t,e,r,n,i){var a=t*t,o=a*t;return((1-3*t+3*a-o)*e+(4-6*a+3*o)*r+(1+3*t+3*a-3*o)*n+o*i)/6}function n(t){var e=t.length-1;return function(n){var i=n<=0?n=0:n>=1?(n=1,e-1):Math.floor(n*e),a=t[i],o=t[i+1],s=i>0?t[i-1]:2*a-o,l=i180||r<-180?r-360*Math.round(r/360):r):a(isNaN(t)?e:t)}function l(t){return 1==(t=+t)?c:function(e,r){return r-e?function(t,e,r){return t=Math.pow(t,r),e=Math.pow(e,r)-t,r=1/r,function(n){return Math.pow(t+n*e,r)}}(e,r,t):a(isNaN(e)?r:e)}}function c(t,e){var r=e-t;return r?o(t,r):a(isNaN(t)?e:t)}var u=function t(r){var n=l(r);function i(t,r){var i=n((t=e.rgb(t)).r,(r=e.rgb(r)).r),a=n(t.g,r.g),o=n(t.b,r.b),s=c(t.opacity,r.opacity);return function(e){return t.r=i(e),t.g=a(e),t.b=o(e),t.opacity=s(e),t+""}}return i.gamma=t,i}(1);function f(t){return function(r){var n,i,a=r.length,o=new Array(a),s=new Array(a),l=new Array(a);for(n=0;na&&(i=e.slice(a,i),s[o]?s[o]+=i:s[++o]=i),(r=r[0])===(n=n[0])?s[o]?s[o]+=n:s[++o]=n:(s[++o]=null,l.push({i:o,x:y(r,n)})),a=_.lastIndex;return a180?e+=360:e-t>180&&(t+=360),a.push({i:r.push(i(r)+"rotate(",null,n)-2,x:y(t,e)})):e&&r.push(i(r)+"rotate("+e+n)}(a.rotate,o.rotate,s,l),function(t,e,r,a){t!==e?a.push({i:r.push(i(r)+"skewX(",null,n)-2,x:y(t,e)}):e&&r.push(i(r)+"skewX("+e+n)}(a.skewX,o.skewX,s,l),function(t,e,r,n,a,o){if(t!==r||e!==n){var s=a.push(i(a)+"scale(",null,",",null,")");o.push({i:s-4,x:y(t,r)},{i:s-2,x:y(e,n)})}else 1===r&&1===n||a.push(i(a)+"scale("+r+","+n+")")}(a.scaleX,a.scaleY,o.scaleX,o.scaleY,s,l),a=o=null,function(t){for(var e,r=-1,n=l.length;++r1e-6)if(Math.abs(f*l-c*u)>1e-6&&a){var p=n-o,d=i-s,g=l*l+c*c,m=p*p+d*d,v=Math.sqrt(g),y=Math.sqrt(h),x=a*Math.tan((e-Math.acos((g+h-m)/(2*v*y)))/2),b=x/y,_=x/v;Math.abs(b-1)>1e-6&&(this._+="L"+(t+b*u)+","+(r+b*f)),this._+="A"+a+","+a+",0,0,"+ +(f*p>u*d)+","+(this._x1=t+_*l)+","+(this._y1=r+_*c)}else this._+="L"+(this._x1=t)+","+(this._y1=r);else;},arc:function(t,i,a,o,s,l){t=+t,i=+i,l=!!l;var c=(a=+a)*Math.cos(o),u=a*Math.sin(o),f=t+c,h=i+u,p=1^l,d=l?o-s:s-o;if(a<0)throw new Error("negative radius: "+a);null===this._x1?this._+="M"+f+","+h:(Math.abs(this._x1-f)>1e-6||Math.abs(this._y1-h)>1e-6)&&(this._+="L"+f+","+h),a&&(d<0&&(d=d%r+r),d>n?this._+="A"+a+","+a+",0,1,"+p+","+(t-c)+","+(i-u)+"A"+a+","+a+",0,1,"+p+","+(this._x1=f)+","+(this._y1=h):d>1e-6&&(this._+="A"+a+","+a+",0,"+ +(d>=e)+","+p+","+(this._x1=t+a*Math.cos(s))+","+(this._y1=i+a*Math.sin(s))))},rect:function(t,e,r,n){this._+="M"+(this._x0=this._x1=+t)+","+(this._y0=this._y1=+e)+"h"+ +r+"v"+ +n+"h"+-r+"Z"},toString:function(){return this._}},t.path=a,Object.defineProperty(t,"__esModule",{value:!0})}))},{}],164:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?n(r):n((t=t||self).d3=t.d3||{})}(this,(function(t){"use strict";function e(t,e,r,n){if(isNaN(e)||isNaN(r))return t;var i,a,o,s,l,c,u,f,h,p=t._root,d={data:n},g=t._x0,m=t._y0,v=t._x1,y=t._y1;if(!p)return t._root=d,t;for(;p.length;)if((c=e>=(a=(g+v)/2))?g=a:v=a,(u=r>=(o=(m+y)/2))?m=o:y=o,i=p,!(p=p[f=u<<1|c]))return i[f]=d,t;if(s=+t._x.call(null,p.data),l=+t._y.call(null,p.data),e===s&&r===l)return d.next=p,i?i[f]=d:t._root=d,t;do{i=i?i[f]=new Array(4):t._root=new Array(4),(c=e>=(a=(g+v)/2))?g=a:v=a,(u=r>=(o=(m+y)/2))?m=o:y=o}while((f=u<<1|c)==(h=(l>=o)<<1|s>=a));return i[h]=p,i[f]=d,t}function r(t,e,r,n,i){this.node=t,this.x0=e,this.y0=r,this.x1=n,this.y1=i}function n(t){return t[0]}function i(t){return t[1]}function a(t,e,r){var a=new o(null==e?n:e,null==r?i:r,NaN,NaN,NaN,NaN);return null==t?a:a.addAll(t)}function o(t,e,r,n,i,a){this._x=t,this._y=e,this._x0=r,this._y0=n,this._x1=i,this._y1=a,this._root=void 0}function s(t){for(var e={data:t.data},r=e;t=t.next;)r=r.next={data:t.data};return e}var l=a.prototype=o.prototype;l.copy=function(){var t,e,r=new o(this._x,this._y,this._x0,this._y0,this._x1,this._y1),n=this._root;if(!n)return r;if(!n.length)return r._root=s(n),r;for(t=[{source:n,target:r._root=new Array(4)}];n=t.pop();)for(var i=0;i<4;++i)(e=n.source[i])&&(e.length?t.push({source:e,target:n.target[i]=new Array(4)}):n.target[i]=s(e));return r},l.add=function(t){var r=+this._x.call(null,t),n=+this._y.call(null,t);return e(this.cover(r,n),r,n,t)},l.addAll=function(t){var r,n,i,a,o=t.length,s=new Array(o),l=new Array(o),c=1/0,u=1/0,f=-1/0,h=-1/0;for(n=0;nf&&(f=i),ah&&(h=a));if(c>f||u>h)return this;for(this.cover(c,u).cover(f,h),n=0;nt||t>=i||n>e||e>=a;)switch(s=(ep||(o=c.y0)>d||(s=c.x1)=y)<<1|t>=v)&&(c=g[g.length-1],g[g.length-1]=g[g.length-1-u],g[g.length-1-u]=c)}else{var x=t-+this._x.call(null,m.data),b=e-+this._y.call(null,m.data),_=x*x+b*b;if(_=(s=(d+m)/2))?d=s:m=s,(u=o>=(l=(g+v)/2))?g=l:v=l,e=p,!(p=p[f=u<<1|c]))return this;if(!p.length)break;(e[f+1&3]||e[f+2&3]||e[f+3&3])&&(r=e,h=f)}for(;p.data!==t;)if(n=p,!(p=p.next))return this;return(i=p.next)&&delete p.next,n?(i?n.next=i:delete n.next,this):e?(i?e[f]=i:delete e[f],(p=e[0]||e[1]||e[2]||e[3])&&p===(e[3]||e[2]||e[1]||e[0])&&!p.length&&(r?r[h]=p:this._root=p),this):(this._root=i,this)},l.removeAll=function(t){for(var e=0,r=t.length;e1?0:t<-1?u:Math.acos(t)}function d(t){return t>=1?f:t<=-1?-f:Math.asin(t)}function g(t){return t.innerRadius}function m(t){return t.outerRadius}function v(t){return t.startAngle}function y(t){return t.endAngle}function x(t){return t&&t.padAngle}function b(t,e,r,n,i,a,o,s){var l=r-t,c=n-e,u=o-i,f=s-a,h=f*l-u*c;if(!(h*h<1e-12))return[t+(h=(u*(e-a)-f*(t-i))/h)*l,e+h*c]}function _(t,e,r,n,i,a,s){var l=t-r,u=e-n,f=(s?a:-a)/c(l*l+u*u),h=f*u,p=-f*l,d=t+h,g=e+p,m=r+h,v=n+p,y=(d+m)/2,x=(g+v)/2,b=m-d,_=v-g,w=b*b+_*_,T=i-a,k=d*v-m*g,M=(_<0?-1:1)*c(o(0,T*T*w-k*k)),A=(k*_-b*M)/w,S=(-k*b-_*M)/w,E=(k*_+b*M)/w,C=(-k*b+_*M)/w,L=A-y,I=S-x,P=E-y,z=C-x;return L*L+I*I>P*P+z*z&&(A=E,S=C),{cx:A,cy:S,x01:-h,y01:-p,x11:A*(i/T-1),y11:S*(i/T-1)}}function w(t){this._context=t}function T(t){return new w(t)}function k(t){return t[0]}function M(t){return t[1]}function A(){var t=k,n=M,i=r(!0),a=null,o=T,s=null;function l(r){var l,c,u,f=r.length,h=!1;for(null==a&&(s=o(u=e.path())),l=0;l<=f;++l)!(l=f;--h)c.point(v[h],y[h]);c.lineEnd(),c.areaEnd()}m&&(v[u]=+t(p,u,r),y[u]=+i(p,u,r),c.point(n?+n(p,u,r):v[u],a?+a(p,u,r):y[u]))}if(d)return c=null,d+""||null}function f(){return A().defined(o).curve(l).context(s)}return u.x=function(e){return arguments.length?(t="function"==typeof e?e:r(+e),n=null,u):t},u.x0=function(e){return arguments.length?(t="function"==typeof e?e:r(+e),u):t},u.x1=function(t){return arguments.length?(n=null==t?null:"function"==typeof t?t:r(+t),u):n},u.y=function(t){return arguments.length?(i="function"==typeof t?t:r(+t),a=null,u):i},u.y0=function(t){return arguments.length?(i="function"==typeof t?t:r(+t),u):i},u.y1=function(t){return arguments.length?(a=null==t?null:"function"==typeof t?t:r(+t),u):a},u.lineX0=u.lineY0=function(){return f().x(t).y(i)},u.lineY1=function(){return f().x(t).y(a)},u.lineX1=function(){return f().x(n).y(i)},u.defined=function(t){return arguments.length?(o="function"==typeof t?t:r(!!t),u):o},u.curve=function(t){return arguments.length?(l=t,null!=s&&(c=l(s)),u):l},u.context=function(t){return arguments.length?(null==t?s=c=null:c=l(s=t),u):s},u}function E(t,e){return et?1:e>=t?0:NaN}function C(t){return t}w.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._point=0},lineEnd:function(){(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;default:this._context.lineTo(t,e)}}};var L=P(T);function I(t){this._curve=t}function P(t){function e(e){return new I(t(e))}return e._curve=t,e}function z(t){var e=t.curve;return t.angle=t.x,delete t.x,t.radius=t.y,delete t.y,t.curve=function(t){return arguments.length?e(P(t)):e()._curve},t}function O(){return z(A().curve(L))}function D(){var t=S().curve(L),e=t.curve,r=t.lineX0,n=t.lineX1,i=t.lineY0,a=t.lineY1;return t.angle=t.x,delete t.x,t.startAngle=t.x0,delete t.x0,t.endAngle=t.x1,delete t.x1,t.radius=t.y,delete t.y,t.innerRadius=t.y0,delete t.y0,t.outerRadius=t.y1,delete t.y1,t.lineStartAngle=function(){return z(r())},delete t.lineX0,t.lineEndAngle=function(){return z(n())},delete t.lineX1,t.lineInnerRadius=function(){return z(i())},delete t.lineY0,t.lineOuterRadius=function(){return z(a())},delete t.lineY1,t.curve=function(t){return arguments.length?e(P(t)):e()._curve},t}function R(t,e){return[(e=+e)*Math.cos(t-=Math.PI/2),e*Math.sin(t)]}I.prototype={areaStart:function(){this._curve.areaStart()},areaEnd:function(){this._curve.areaEnd()},lineStart:function(){this._curve.lineStart()},lineEnd:function(){this._curve.lineEnd()},point:function(t,e){this._curve.point(e*Math.sin(t),e*-Math.cos(t))}};var F=Array.prototype.slice;function B(t){return t.source}function N(t){return t.target}function j(t){var n=B,i=N,a=k,o=M,s=null;function l(){var r,l=F.call(arguments),c=n.apply(this,l),u=i.apply(this,l);if(s||(s=r=e.path()),t(s,+a.apply(this,(l[0]=c,l)),+o.apply(this,l),+a.apply(this,(l[0]=u,l)),+o.apply(this,l)),r)return s=null,r+""||null}return l.source=function(t){return arguments.length?(n=t,l):n},l.target=function(t){return arguments.length?(i=t,l):i},l.x=function(t){return arguments.length?(a="function"==typeof t?t:r(+t),l):a},l.y=function(t){return arguments.length?(o="function"==typeof t?t:r(+t),l):o},l.context=function(t){return arguments.length?(s=null==t?null:t,l):s},l}function U(t,e,r,n,i){t.moveTo(e,r),t.bezierCurveTo(e=(e+n)/2,r,e,i,n,i)}function V(t,e,r,n,i){t.moveTo(e,r),t.bezierCurveTo(e,r=(r+i)/2,n,r,n,i)}function q(t,e,r,n,i){var a=R(e,r),o=R(e,r=(r+i)/2),s=R(n,r),l=R(n,i);t.moveTo(a[0],a[1]),t.bezierCurveTo(o[0],o[1],s[0],s[1],l[0],l[1])}var H={draw:function(t,e){var r=Math.sqrt(e/u);t.moveTo(r,0),t.arc(0,0,r,0,h)}},G={draw:function(t,e){var r=Math.sqrt(e/5)/2;t.moveTo(-3*r,-r),t.lineTo(-r,-r),t.lineTo(-r,-3*r),t.lineTo(r,-3*r),t.lineTo(r,-r),t.lineTo(3*r,-r),t.lineTo(3*r,r),t.lineTo(r,r),t.lineTo(r,3*r),t.lineTo(-r,3*r),t.lineTo(-r,r),t.lineTo(-3*r,r),t.closePath()}},Y=Math.sqrt(1/3),W=2*Y,X={draw:function(t,e){var r=Math.sqrt(e/W),n=r*Y;t.moveTo(0,-r),t.lineTo(n,0),t.lineTo(0,r),t.lineTo(-n,0),t.closePath()}},Z=Math.sin(u/10)/Math.sin(7*u/10),J=Math.sin(h/10)*Z,K=-Math.cos(h/10)*Z,Q={draw:function(t,e){var r=Math.sqrt(.8908130915292852*e),n=J*r,i=K*r;t.moveTo(0,-r),t.lineTo(n,i);for(var a=1;a<5;++a){var o=h*a/5,s=Math.cos(o),l=Math.sin(o);t.lineTo(l*r,-s*r),t.lineTo(s*n-l*i,l*n+s*i)}t.closePath()}},$={draw:function(t,e){var r=Math.sqrt(e),n=-r/2;t.rect(n,n,r,r)}},tt=Math.sqrt(3),et={draw:function(t,e){var r=-Math.sqrt(e/(3*tt));t.moveTo(0,2*r),t.lineTo(-tt*r,-r),t.lineTo(tt*r,-r),t.closePath()}},rt=-.5,nt=Math.sqrt(3)/2,it=1/Math.sqrt(12),at=3*(it/2+1),ot={draw:function(t,e){var r=Math.sqrt(e/at),n=r/2,i=r*it,a=n,o=r*it+r,s=-a,l=o;t.moveTo(n,i),t.lineTo(a,o),t.lineTo(s,l),t.lineTo(rt*n-nt*i,nt*n+rt*i),t.lineTo(rt*a-nt*o,nt*a+rt*o),t.lineTo(rt*s-nt*l,nt*s+rt*l),t.lineTo(rt*n+nt*i,rt*i-nt*n),t.lineTo(rt*a+nt*o,rt*o-nt*a),t.lineTo(rt*s+nt*l,rt*l-nt*s),t.closePath()}},st=[H,G,X,$,Q,et,ot];function lt(){}function ct(t,e,r){t._context.bezierCurveTo((2*t._x0+t._x1)/3,(2*t._y0+t._y1)/3,(t._x0+2*t._x1)/3,(t._y0+2*t._y1)/3,(t._x0+4*t._x1+e)/6,(t._y0+4*t._y1+r)/6)}function ut(t){this._context=t}function ft(t){this._context=t}function ht(t){this._context=t}function pt(t,e){this._basis=new ut(t),this._beta=e}ut.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._y0=this._y1=NaN,this._point=0},lineEnd:function(){switch(this._point){case 3:ct(this,this._x1,this._y1);case 2:this._context.lineTo(this._x1,this._y1)}(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;break;case 2:this._point=3,this._context.lineTo((5*this._x0+this._x1)/6,(5*this._y0+this._y1)/6);default:ct(this,t,e)}this._x0=this._x1,this._x1=t,this._y0=this._y1,this._y1=e}},ft.prototype={areaStart:lt,areaEnd:lt,lineStart:function(){this._x0=this._x1=this._x2=this._x3=this._x4=this._y0=this._y1=this._y2=this._y3=this._y4=NaN,this._point=0},lineEnd:function(){switch(this._point){case 1:this._context.moveTo(this._x2,this._y2),this._context.closePath();break;case 2:this._context.moveTo((this._x2+2*this._x3)/3,(this._y2+2*this._y3)/3),this._context.lineTo((this._x3+2*this._x2)/3,(this._y3+2*this._y2)/3),this._context.closePath();break;case 3:this.point(this._x2,this._y2),this.point(this._x3,this._y3),this.point(this._x4,this._y4)}},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._x2=t,this._y2=e;break;case 1:this._point=2,this._x3=t,this._y3=e;break;case 2:this._point=3,this._x4=t,this._y4=e,this._context.moveTo((this._x0+4*this._x1+t)/6,(this._y0+4*this._y1+e)/6);break;default:ct(this,t,e)}this._x0=this._x1,this._x1=t,this._y0=this._y1,this._y1=e}},ht.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._y0=this._y1=NaN,this._point=0},lineEnd:function(){(this._line||0!==this._line&&3===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1;break;case 1:this._point=2;break;case 2:this._point=3;var r=(this._x0+4*this._x1+t)/6,n=(this._y0+4*this._y1+e)/6;this._line?this._context.lineTo(r,n):this._context.moveTo(r,n);break;case 3:this._point=4;default:ct(this,t,e)}this._x0=this._x1,this._x1=t,this._y0=this._y1,this._y1=e}},pt.prototype={lineStart:function(){this._x=[],this._y=[],this._basis.lineStart()},lineEnd:function(){var t=this._x,e=this._y,r=t.length-1;if(r>0)for(var n,i=t[0],a=e[0],o=t[r]-i,s=e[r]-a,l=-1;++l<=r;)n=l/r,this._basis.point(this._beta*t[l]+(1-this._beta)*(i+n*o),this._beta*e[l]+(1-this._beta)*(a+n*s));this._x=this._y=null,this._basis.lineEnd()},point:function(t,e){this._x.push(+t),this._y.push(+e)}};var dt=function t(e){function r(t){return 1===e?new ut(t):new pt(t,e)}return r.beta=function(e){return t(+e)},r}(.85);function gt(t,e,r){t._context.bezierCurveTo(t._x1+t._k*(t._x2-t._x0),t._y1+t._k*(t._y2-t._y0),t._x2+t._k*(t._x1-e),t._y2+t._k*(t._y1-r),t._x2,t._y2)}function mt(t,e){this._context=t,this._k=(1-e)/6}mt.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._point=0},lineEnd:function(){switch(this._point){case 2:this._context.lineTo(this._x2,this._y2);break;case 3:gt(this,this._x1,this._y1)}(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2,this._x1=t,this._y1=e;break;case 2:this._point=3;default:gt(this,t,e)}this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var vt=function t(e){function r(t){return new mt(t,e)}return r.tension=function(e){return t(+e)},r}(0);function yt(t,e){this._context=t,this._k=(1-e)/6}yt.prototype={areaStart:lt,areaEnd:lt,lineStart:function(){this._x0=this._x1=this._x2=this._x3=this._x4=this._x5=this._y0=this._y1=this._y2=this._y3=this._y4=this._y5=NaN,this._point=0},lineEnd:function(){switch(this._point){case 1:this._context.moveTo(this._x3,this._y3),this._context.closePath();break;case 2:this._context.lineTo(this._x3,this._y3),this._context.closePath();break;case 3:this.point(this._x3,this._y3),this.point(this._x4,this._y4),this.point(this._x5,this._y5)}},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._x3=t,this._y3=e;break;case 1:this._point=2,this._context.moveTo(this._x4=t,this._y4=e);break;case 2:this._point=3,this._x5=t,this._y5=e;break;default:gt(this,t,e)}this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var xt=function t(e){function r(t){return new yt(t,e)}return r.tension=function(e){return t(+e)},r}(0);function bt(t,e){this._context=t,this._k=(1-e)/6}bt.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._point=0},lineEnd:function(){(this._line||0!==this._line&&3===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1;break;case 1:this._point=2;break;case 2:this._point=3,this._line?this._context.lineTo(this._x2,this._y2):this._context.moveTo(this._x2,this._y2);break;case 3:this._point=4;default:gt(this,t,e)}this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var _t=function t(e){function r(t){return new bt(t,e)}return r.tension=function(e){return t(+e)},r}(0);function wt(t,e,r){var n=t._x1,i=t._y1,a=t._x2,o=t._y2;if(t._l01_a>1e-12){var s=2*t._l01_2a+3*t._l01_a*t._l12_a+t._l12_2a,l=3*t._l01_a*(t._l01_a+t._l12_a);n=(n*s-t._x0*t._l12_2a+t._x2*t._l01_2a)/l,i=(i*s-t._y0*t._l12_2a+t._y2*t._l01_2a)/l}if(t._l23_a>1e-12){var c=2*t._l23_2a+3*t._l23_a*t._l12_a+t._l12_2a,u=3*t._l23_a*(t._l23_a+t._l12_a);a=(a*c+t._x1*t._l23_2a-e*t._l12_2a)/u,o=(o*c+t._y1*t._l23_2a-r*t._l12_2a)/u}t._context.bezierCurveTo(n,i,a,o,t._x2,t._y2)}function Tt(t,e){this._context=t,this._alpha=e}Tt.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._l01_a=this._l12_a=this._l23_a=this._l01_2a=this._l12_2a=this._l23_2a=this._point=0},lineEnd:function(){switch(this._point){case 2:this._context.lineTo(this._x2,this._y2);break;case 3:this.point(this._x2,this._y2)}(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){if(t=+t,e=+e,this._point){var r=this._x2-t,n=this._y2-e;this._l23_a=Math.sqrt(this._l23_2a=Math.pow(r*r+n*n,this._alpha))}switch(this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;break;case 2:this._point=3;default:wt(this,t,e)}this._l01_a=this._l12_a,this._l12_a=this._l23_a,this._l01_2a=this._l12_2a,this._l12_2a=this._l23_2a,this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var kt=function t(e){function r(t){return e?new Tt(t,e):new mt(t,0)}return r.alpha=function(e){return t(+e)},r}(.5);function Mt(t,e){this._context=t,this._alpha=e}Mt.prototype={areaStart:lt,areaEnd:lt,lineStart:function(){this._x0=this._x1=this._x2=this._x3=this._x4=this._x5=this._y0=this._y1=this._y2=this._y3=this._y4=this._y5=NaN,this._l01_a=this._l12_a=this._l23_a=this._l01_2a=this._l12_2a=this._l23_2a=this._point=0},lineEnd:function(){switch(this._point){case 1:this._context.moveTo(this._x3,this._y3),this._context.closePath();break;case 2:this._context.lineTo(this._x3,this._y3),this._context.closePath();break;case 3:this.point(this._x3,this._y3),this.point(this._x4,this._y4),this.point(this._x5,this._y5)}},point:function(t,e){if(t=+t,e=+e,this._point){var r=this._x2-t,n=this._y2-e;this._l23_a=Math.sqrt(this._l23_2a=Math.pow(r*r+n*n,this._alpha))}switch(this._point){case 0:this._point=1,this._x3=t,this._y3=e;break;case 1:this._point=2,this._context.moveTo(this._x4=t,this._y4=e);break;case 2:this._point=3,this._x5=t,this._y5=e;break;default:wt(this,t,e)}this._l01_a=this._l12_a,this._l12_a=this._l23_a,this._l01_2a=this._l12_2a,this._l12_2a=this._l23_2a,this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var At=function t(e){function r(t){return e?new Mt(t,e):new yt(t,0)}return r.alpha=function(e){return t(+e)},r}(.5);function St(t,e){this._context=t,this._alpha=e}St.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._l01_a=this._l12_a=this._l23_a=this._l01_2a=this._l12_2a=this._l23_2a=this._point=0},lineEnd:function(){(this._line||0!==this._line&&3===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){if(t=+t,e=+e,this._point){var r=this._x2-t,n=this._y2-e;this._l23_a=Math.sqrt(this._l23_2a=Math.pow(r*r+n*n,this._alpha))}switch(this._point){case 0:this._point=1;break;case 1:this._point=2;break;case 2:this._point=3,this._line?this._context.lineTo(this._x2,this._y2):this._context.moveTo(this._x2,this._y2);break;case 3:this._point=4;default:wt(this,t,e)}this._l01_a=this._l12_a,this._l12_a=this._l23_a,this._l01_2a=this._l12_2a,this._l12_2a=this._l23_2a,this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var Et=function t(e){function r(t){return e?new St(t,e):new bt(t,0)}return r.alpha=function(e){return t(+e)},r}(.5);function Ct(t){this._context=t}function Lt(t){return t<0?-1:1}function It(t,e,r){var n=t._x1-t._x0,i=e-t._x1,a=(t._y1-t._y0)/(n||i<0&&-0),o=(r-t._y1)/(i||n<0&&-0),s=(a*i+o*n)/(n+i);return(Lt(a)+Lt(o))*Math.min(Math.abs(a),Math.abs(o),.5*Math.abs(s))||0}function Pt(t,e){var r=t._x1-t._x0;return r?(3*(t._y1-t._y0)/r-e)/2:e}function zt(t,e,r){var n=t._x0,i=t._y0,a=t._x1,o=t._y1,s=(a-n)/3;t._context.bezierCurveTo(n+s,i+s*e,a-s,o-s*r,a,o)}function Ot(t){this._context=t}function Dt(t){this._context=new Rt(t)}function Rt(t){this._context=t}function Ft(t){this._context=t}function Bt(t){var e,r,n=t.length-1,i=new Array(n),a=new Array(n),o=new Array(n);for(i[0]=0,a[0]=2,o[0]=t[0]+2*t[1],e=1;e=0;--e)i[e]=(o[e]-i[e+1])/a[e];for(a[n-1]=(t[n]+i[n-1])/2,e=0;e1)for(var r,n,i,a=1,o=t[e[0]],s=o.length;a=0;)r[e]=e;return r}function Vt(t,e){return t[e]}function qt(t){var e=t.map(Ht);return Ut(t).sort((function(t,r){return e[t]-e[r]}))}function Ht(t){for(var e,r=-1,n=0,i=t.length,a=-1/0;++ra&&(a=e,n=r);return n}function Gt(t){var e=t.map(Yt);return Ut(t).sort((function(t,r){return e[t]-e[r]}))}function Yt(t){for(var e,r=0,n=-1,i=t.length;++n=0&&(this._t=1-this._t,this._line=1-this._line)},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;default:if(this._t<=0)this._context.lineTo(this._x,e),this._context.lineTo(t,e);else{var r=this._x*(1-this._t)+t*this._t;this._context.lineTo(r,this._y),this._context.lineTo(r,e)}}this._x=t,this._y=e}},t.arc=function(){var t=g,o=m,w=r(0),T=null,k=v,M=y,A=x,S=null;function E(){var r,g,m=+t.apply(this,arguments),v=+o.apply(this,arguments),y=k.apply(this,arguments)-f,x=M.apply(this,arguments)-f,E=n(x-y),C=x>y;if(S||(S=r=e.path()),v1e-12)if(E>h-1e-12)S.moveTo(v*a(y),v*l(y)),S.arc(0,0,v,y,x,!C),m>1e-12&&(S.moveTo(m*a(x),m*l(x)),S.arc(0,0,m,x,y,C));else{var L,I,P=y,z=x,O=y,D=x,R=E,F=E,B=A.apply(this,arguments)/2,N=B>1e-12&&(T?+T.apply(this,arguments):c(m*m+v*v)),j=s(n(v-m)/2,+w.apply(this,arguments)),U=j,V=j;if(N>1e-12){var q=d(N/m*l(B)),H=d(N/v*l(B));(R-=2*q)>1e-12?(O+=q*=C?1:-1,D-=q):(R=0,O=D=(y+x)/2),(F-=2*H)>1e-12?(P+=H*=C?1:-1,z-=H):(F=0,P=z=(y+x)/2)}var G=v*a(P),Y=v*l(P),W=m*a(D),X=m*l(D);if(j>1e-12){var Z,J=v*a(z),K=v*l(z),Q=m*a(O),$=m*l(O);if(E1e-12?V>1e-12?(L=_(Q,$,G,Y,v,V,C),I=_(J,K,W,X,v,V,C),S.moveTo(L.cx+L.x01,L.cy+L.y01),V1e-12&&R>1e-12?U>1e-12?(L=_(W,X,J,K,m,-U,C),I=_(G,Y,Q,$,m,-U,C),S.lineTo(L.cx+L.x01,L.cy+L.y01),U0&&(d+=f);for(null!=e?g.sort((function(t,r){return e(m[t],m[r])})):null!=n&&g.sort((function(t,e){return n(r[t],r[e])})),s=0,c=d?(y-p*b)/d:0;s0?f*c:0)+b,m[l]={data:r[l],index:s,value:f,startAngle:v,endAngle:u,padAngle:x};return m}return s.value=function(e){return arguments.length?(t="function"==typeof e?e:r(+e),s):t},s.sortValues=function(t){return arguments.length?(e=t,n=null,s):e},s.sort=function(t){return arguments.length?(n=t,e=null,s):n},s.startAngle=function(t){return arguments.length?(i="function"==typeof t?t:r(+t),s):i},s.endAngle=function(t){return arguments.length?(a="function"==typeof t?t:r(+t),s):a},s.padAngle=function(t){return arguments.length?(o="function"==typeof t?t:r(+t),s):o},s},t.pointRadial=R,t.radialArea=D,t.radialLine=O,t.stack=function(){var t=r([]),e=Ut,n=jt,i=Vt;function a(r){var a,o,s=t.apply(this,arguments),l=r.length,c=s.length,u=new Array(c);for(a=0;a0)for(var r,n,i,a,o,s,l=0,c=t[e[0]].length;l0?(n[0]=a,n[1]=a+=i):i<0?(n[1]=o,n[0]=o+=i):(n[0]=0,n[1]=i)},t.stackOffsetExpand=function(t,e){if((n=t.length)>0){for(var r,n,i,a=0,o=t[0].length;a0){for(var r,n=0,i=t[e[0]],a=i.length;n0&&(n=(r=t[e[0]]).length)>0){for(var r,n,i,a=0,o=1;o=12)]},q:function(t){return 1+~~(t.getMonth()/3)},Q:mt,s:vt,S:q,u:H,U:G,V:Y,w:W,W:X,x:null,X:null,y:Z,Y:J,Z:K,"%":gt},Lt={a:function(t){return f[t.getUTCDay()]},A:function(t){return u[t.getUTCDay()]},b:function(t){return yt[t.getUTCMonth()]},B:function(t){return h[t.getUTCMonth()]},c:null,d:Q,e:Q,f:nt,H:$,I:tt,j:et,L:rt,m:it,M:at,p:function(t){return c[+(t.getUTCHours()>=12)]},q:function(t){return 1+~~(t.getUTCMonth()/3)},Q:mt,s:vt,S:ot,u:st,U:lt,V:ct,w:ut,W:ft,x:null,X:null,y:ht,Y:pt,Z:dt,"%":gt},It={a:function(t,e,r){var n=Tt.exec(e.slice(r));return n?(t.w=kt[n[0].toLowerCase()],r+n[0].length):-1},A:function(t,e,r){var n=_t.exec(e.slice(r));return n?(t.w=wt[n[0].toLowerCase()],r+n[0].length):-1},b:function(t,e,r){var n=St.exec(e.slice(r));return n?(t.m=Et[n[0].toLowerCase()],r+n[0].length):-1},B:function(t,e,r){var n=Mt.exec(e.slice(r));return n?(t.m=At[n[0].toLowerCase()],r+n[0].length):-1},c:function(t,e,r){return Ot(t,a,e,r)},d:M,e:M,f:I,H:S,I:S,j:A,L:L,m:k,M:E,p:function(t,e,r){var n=xt.exec(e.slice(r));return n?(t.p=bt[n[0].toLowerCase()],r+n[0].length):-1},q:T,Q:z,s:O,S:C,u:m,U:v,V:y,w:g,W:x,x:function(t,e,r){return Ot(t,o,e,r)},X:function(t,e,r){return Ot(t,l,e,r)},y:_,Y:b,Z:w,"%":P};function Pt(t,e){return function(r){var n,i,a,o=[],l=-1,c=0,u=t.length;for(r instanceof Date||(r=new Date(+r));++l53)return null;"w"in c||(c.w=1),"Z"in c?(l=(s=n(i(c.y,0,1))).getUTCDay(),s=l>4||0===l?e.utcMonday.ceil(s):e.utcMonday(s),s=e.utcDay.offset(s,7*(c.V-1)),c.y=s.getUTCFullYear(),c.m=s.getUTCMonth(),c.d=s.getUTCDate()+(c.w+6)%7):(l=(s=r(i(c.y,0,1))).getDay(),s=l>4||0===l?e.timeMonday.ceil(s):e.timeMonday(s),s=e.timeDay.offset(s,7*(c.V-1)),c.y=s.getFullYear(),c.m=s.getMonth(),c.d=s.getDate()+(c.w+6)%7)}else("W"in c||"U"in c)&&("w"in c||(c.w="u"in c?c.u%7:"W"in c?1:0),l="Z"in c?n(i(c.y,0,1)).getUTCDay():r(i(c.y,0,1)).getDay(),c.m=0,c.d="W"in c?(c.w+6)%7+7*c.W-(l+5)%7:c.w+7*c.U-(l+6)%7);return"Z"in c?(c.H+=c.Z/100|0,c.M+=c.Z%100,n(c)):r(c)}}function Ot(t,e,r,n){for(var i,a,o=0,l=e.length,c=r.length;o=c)return-1;if(37===(i=e.charCodeAt(o++))){if(i=e.charAt(o++),!(a=It[i in s?e.charAt(o++):i])||(n=a(t,r,n))<0)return-1}else if(i!=r.charCodeAt(n++))return-1}return n}return Ct.x=Pt(o,Ct),Ct.X=Pt(l,Ct),Ct.c=Pt(a,Ct),Lt.x=Pt(o,Lt),Lt.X=Pt(l,Lt),Lt.c=Pt(a,Lt),{format:function(t){var e=Pt(t+="",Ct);return e.toString=function(){return t},e},parse:function(t){var e=zt(t+="",!1);return e.toString=function(){return t},e},utcFormat:function(t){var e=Pt(t+="",Lt);return e.toString=function(){return t},e},utcParse:function(t){var e=zt(t+="",!0);return e.toString=function(){return t},e}}}var o,s={"-":"",_:" ",0:"0"},l=/^\s*\d+/,c=/^%/,u=/[\\^$*+?|[\]().{}]/g;function f(t,e,r){var n=t<0?"-":"",i=(n?-t:t)+"",a=i.length;return n+(a68?1900:2e3),r+n[0].length):-1}function w(t,e,r){var n=/^(Z)|([+-]\d\d)(?::?(\d\d))?/.exec(e.slice(r,r+6));return n?(t.Z=n[1]?0:-(n[2]+(n[3]||"00")),r+n[0].length):-1}function T(t,e,r){var n=l.exec(e.slice(r,r+1));return n?(t.q=3*n[0]-3,r+n[0].length):-1}function k(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.m=n[0]-1,r+n[0].length):-1}function M(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.d=+n[0],r+n[0].length):-1}function A(t,e,r){var n=l.exec(e.slice(r,r+3));return n?(t.m=0,t.d=+n[0],r+n[0].length):-1}function S(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.H=+n[0],r+n[0].length):-1}function E(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.M=+n[0],r+n[0].length):-1}function C(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.S=+n[0],r+n[0].length):-1}function L(t,e,r){var n=l.exec(e.slice(r,r+3));return n?(t.L=+n[0],r+n[0].length):-1}function I(t,e,r){var n=l.exec(e.slice(r,r+6));return n?(t.L=Math.floor(n[0]/1e3),r+n[0].length):-1}function P(t,e,r){var n=c.exec(e.slice(r,r+1));return n?r+n[0].length:-1}function z(t,e,r){var n=l.exec(e.slice(r));return n?(t.Q=+n[0],r+n[0].length):-1}function O(t,e,r){var n=l.exec(e.slice(r));return n?(t.s=+n[0],r+n[0].length):-1}function D(t,e){return f(t.getDate(),e,2)}function R(t,e){return f(t.getHours(),e,2)}function F(t,e){return f(t.getHours()%12||12,e,2)}function B(t,r){return f(1+e.timeDay.count(e.timeYear(t),t),r,3)}function N(t,e){return f(t.getMilliseconds(),e,3)}function j(t,e){return N(t,e)+"000"}function U(t,e){return f(t.getMonth()+1,e,2)}function V(t,e){return f(t.getMinutes(),e,2)}function q(t,e){return f(t.getSeconds(),e,2)}function H(t){var e=t.getDay();return 0===e?7:e}function G(t,r){return f(e.timeSunday.count(e.timeYear(t)-1,t),r,2)}function Y(t,r){var n=t.getDay();return t=n>=4||0===n?e.timeThursday(t):e.timeThursday.ceil(t),f(e.timeThursday.count(e.timeYear(t),t)+(4===e.timeYear(t).getDay()),r,2)}function W(t){return t.getDay()}function X(t,r){return f(e.timeMonday.count(e.timeYear(t)-1,t),r,2)}function Z(t,e){return f(t.getFullYear()%100,e,2)}function J(t,e){return f(t.getFullYear()%1e4,e,4)}function K(t){var e=t.getTimezoneOffset();return(e>0?"-":(e*=-1,"+"))+f(e/60|0,"0",2)+f(e%60,"0",2)}function Q(t,e){return f(t.getUTCDate(),e,2)}function $(t,e){return f(t.getUTCHours(),e,2)}function tt(t,e){return f(t.getUTCHours()%12||12,e,2)}function et(t,r){return f(1+e.utcDay.count(e.utcYear(t),t),r,3)}function rt(t,e){return f(t.getUTCMilliseconds(),e,3)}function nt(t,e){return rt(t,e)+"000"}function it(t,e){return f(t.getUTCMonth()+1,e,2)}function at(t,e){return f(t.getUTCMinutes(),e,2)}function ot(t,e){return f(t.getUTCSeconds(),e,2)}function st(t){var e=t.getUTCDay();return 0===e?7:e}function lt(t,r){return f(e.utcSunday.count(e.utcYear(t)-1,t),r,2)}function ct(t,r){var n=t.getUTCDay();return t=n>=4||0===n?e.utcThursday(t):e.utcThursday.ceil(t),f(e.utcThursday.count(e.utcYear(t),t)+(4===e.utcYear(t).getUTCDay()),r,2)}function ut(t){return t.getUTCDay()}function ft(t,r){return f(e.utcMonday.count(e.utcYear(t)-1,t),r,2)}function ht(t,e){return f(t.getUTCFullYear()%100,e,2)}function pt(t,e){return f(t.getUTCFullYear()%1e4,e,4)}function dt(){return"+0000"}function gt(){return"%"}function mt(t){return+t}function vt(t){return Math.floor(+t/1e3)}function yt(e){return o=a(e),t.timeFormat=o.format,t.timeParse=o.parse,t.utcFormat=o.utcFormat,t.utcParse=o.utcParse,o}yt({dateTime:"%x, %X",date:"%-m/%-d/%Y",time:"%-I:%M:%S %p",periods:["AM","PM"],days:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],shortDays:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],months:["January","February","March","April","May","June","July","August","September","October","November","December"],shortMonths:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"]});var xt=Date.prototype.toISOString?function(t){return t.toISOString()}:t.utcFormat("%Y-%m-%dT%H:%M:%S.%LZ");var bt=+new Date("2000-01-01T00:00:00.000Z")?function(t){var e=new Date(t);return isNaN(e)?null:e}:t.utcParse("%Y-%m-%dT%H:%M:%S.%LZ");t.isoFormat=xt,t.isoParse=bt,t.timeFormatDefaultLocale=yt,t.timeFormatLocale=a,Object.defineProperty(t,"__esModule",{value:!0})}))},{"d3-time":167}],167:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?n(r):n((t=t||self).d3=t.d3||{})}(this,(function(t){"use strict";var e=new Date,r=new Date;function n(t,i,a,o){function s(e){return t(e=0===arguments.length?new Date:new Date(+e)),e}return s.floor=function(e){return t(e=new Date(+e)),e},s.ceil=function(e){return t(e=new Date(e-1)),i(e,1),t(e),e},s.round=function(t){var e=s(t),r=s.ceil(t);return t-e0))return o;do{o.push(a=new Date(+e)),i(e,n),t(e)}while(a=r)for(;t(r),!e(r);)r.setTime(r-1)}),(function(t,r){if(t>=t)if(r<0)for(;++r<=0;)for(;i(t,-1),!e(t););else for(;--r>=0;)for(;i(t,1),!e(t););}))},a&&(s.count=function(n,i){return e.setTime(+n),r.setTime(+i),t(e),t(r),Math.floor(a(e,r))},s.every=function(t){return t=Math.floor(t),isFinite(t)&&t>0?t>1?s.filter(o?function(e){return o(e)%t==0}:function(e){return s.count(0,e)%t==0}):s:null}),s}var i=n((function(){}),(function(t,e){t.setTime(+t+e)}),(function(t,e){return e-t}));i.every=function(t){return t=Math.floor(t),isFinite(t)&&t>0?t>1?n((function(e){e.setTime(Math.floor(e/t)*t)}),(function(e,r){e.setTime(+e+r*t)}),(function(e,r){return(r-e)/t})):i:null};var a=i.range,o=n((function(t){t.setTime(t-t.getMilliseconds())}),(function(t,e){t.setTime(+t+1e3*e)}),(function(t,e){return(e-t)/1e3}),(function(t){return t.getUTCSeconds()})),s=o.range,l=n((function(t){t.setTime(t-t.getMilliseconds()-1e3*t.getSeconds())}),(function(t,e){t.setTime(+t+6e4*e)}),(function(t,e){return(e-t)/6e4}),(function(t){return t.getMinutes()})),c=l.range,u=n((function(t){t.setTime(t-t.getMilliseconds()-1e3*t.getSeconds()-6e4*t.getMinutes())}),(function(t,e){t.setTime(+t+36e5*e)}),(function(t,e){return(e-t)/36e5}),(function(t){return t.getHours()})),f=u.range,h=n((function(t){t.setHours(0,0,0,0)}),(function(t,e){t.setDate(t.getDate()+e)}),(function(t,e){return(e-t-6e4*(e.getTimezoneOffset()-t.getTimezoneOffset()))/864e5}),(function(t){return t.getDate()-1})),p=h.range;function d(t){return n((function(e){e.setDate(e.getDate()-(e.getDay()+7-t)%7),e.setHours(0,0,0,0)}),(function(t,e){t.setDate(t.getDate()+7*e)}),(function(t,e){return(e-t-6e4*(e.getTimezoneOffset()-t.getTimezoneOffset()))/6048e5}))}var g=d(0),m=d(1),v=d(2),y=d(3),x=d(4),b=d(5),_=d(6),w=g.range,T=m.range,k=v.range,M=y.range,A=x.range,S=b.range,E=_.range,C=n((function(t){t.setDate(1),t.setHours(0,0,0,0)}),(function(t,e){t.setMonth(t.getMonth()+e)}),(function(t,e){return e.getMonth()-t.getMonth()+12*(e.getFullYear()-t.getFullYear())}),(function(t){return t.getMonth()})),L=C.range,I=n((function(t){t.setMonth(0,1),t.setHours(0,0,0,0)}),(function(t,e){t.setFullYear(t.getFullYear()+e)}),(function(t,e){return e.getFullYear()-t.getFullYear()}),(function(t){return t.getFullYear()}));I.every=function(t){return isFinite(t=Math.floor(t))&&t>0?n((function(e){e.setFullYear(Math.floor(e.getFullYear()/t)*t),e.setMonth(0,1),e.setHours(0,0,0,0)}),(function(e,r){e.setFullYear(e.getFullYear()+r*t)})):null};var P=I.range,z=n((function(t){t.setUTCSeconds(0,0)}),(function(t,e){t.setTime(+t+6e4*e)}),(function(t,e){return(e-t)/6e4}),(function(t){return t.getUTCMinutes()})),O=z.range,D=n((function(t){t.setUTCMinutes(0,0,0)}),(function(t,e){t.setTime(+t+36e5*e)}),(function(t,e){return(e-t)/36e5}),(function(t){return t.getUTCHours()})),R=D.range,F=n((function(t){t.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCDate(t.getUTCDate()+e)}),(function(t,e){return(e-t)/864e5}),(function(t){return t.getUTCDate()-1})),B=F.range;function N(t){return n((function(e){e.setUTCDate(e.getUTCDate()-(e.getUTCDay()+7-t)%7),e.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCDate(t.getUTCDate()+7*e)}),(function(t,e){return(e-t)/6048e5}))}var j=N(0),U=N(1),V=N(2),q=N(3),H=N(4),G=N(5),Y=N(6),W=j.range,X=U.range,Z=V.range,J=q.range,K=H.range,Q=G.range,$=Y.range,tt=n((function(t){t.setUTCDate(1),t.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCMonth(t.getUTCMonth()+e)}),(function(t,e){return e.getUTCMonth()-t.getUTCMonth()+12*(e.getUTCFullYear()-t.getUTCFullYear())}),(function(t){return t.getUTCMonth()})),et=tt.range,rt=n((function(t){t.setUTCMonth(0,1),t.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCFullYear(t.getUTCFullYear()+e)}),(function(t,e){return e.getUTCFullYear()-t.getUTCFullYear()}),(function(t){return t.getUTCFullYear()}));rt.every=function(t){return isFinite(t=Math.floor(t))&&t>0?n((function(e){e.setUTCFullYear(Math.floor(e.getUTCFullYear()/t)*t),e.setUTCMonth(0,1),e.setUTCHours(0,0,0,0)}),(function(e,r){e.setUTCFullYear(e.getUTCFullYear()+r*t)})):null};var nt=rt.range;t.timeDay=h,t.timeDays=p,t.timeFriday=b,t.timeFridays=S,t.timeHour=u,t.timeHours=f,t.timeInterval=n,t.timeMillisecond=i,t.timeMilliseconds=a,t.timeMinute=l,t.timeMinutes=c,t.timeMonday=m,t.timeMondays=T,t.timeMonth=C,t.timeMonths=L,t.timeSaturday=_,t.timeSaturdays=E,t.timeSecond=o,t.timeSeconds=s,t.timeSunday=g,t.timeSundays=w,t.timeThursday=x,t.timeThursdays=A,t.timeTuesday=v,t.timeTuesdays=k,t.timeWednesday=y,t.timeWednesdays=M,t.timeWeek=g,t.timeWeeks=w,t.timeYear=I,t.timeYears=P,t.utcDay=F,t.utcDays=B,t.utcFriday=G,t.utcFridays=Q,t.utcHour=D,t.utcHours=R,t.utcMillisecond=i,t.utcMilliseconds=a,t.utcMinute=z,t.utcMinutes=O,t.utcMonday=U,t.utcMondays=X,t.utcMonth=tt,t.utcMonths=et,t.utcSaturday=Y,t.utcSaturdays=$,t.utcSecond=o,t.utcSeconds=s,t.utcSunday=j,t.utcSundays=W,t.utcThursday=H,t.utcThursdays=K,t.utcTuesday=V,t.utcTuesdays=Z,t.utcWednesday=q,t.utcWednesdays=J,t.utcWeek=j,t.utcWeeks=W,t.utcYear=rt,t.utcYears=nt,Object.defineProperty(t,"__esModule",{value:!0})}))},{}],168:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?n(r):n((t=t||self).d3=t.d3||{})}(this,(function(t){"use strict";var e,r,n=0,i=0,a=0,o=0,s=0,l=0,c="object"==typeof performance&&performance.now?performance:Date,u="object"==typeof window&&window.requestAnimationFrame?window.requestAnimationFrame.bind(window):function(t){setTimeout(t,17)};function f(){return s||(u(h),s=c.now()+l)}function h(){s=0}function p(){this._call=this._time=this._next=null}function d(t,e,r){var n=new p;return n.restart(t,e,r),n}function g(){f(),++n;for(var t,r=e;r;)(t=s-r._time)>=0&&r._call.call(null,t),r=r._next;--n}function m(){s=(o=c.now())+l,n=i=0;try{g()}finally{n=0,function(){var t,n,i=e,a=1/0;for(;i;)i._call?(a>i._time&&(a=i._time),t=i,i=i._next):(n=i._next,i._next=null,i=t?t._next=n:e=n);r=t,y(a)}(),s=0}}function v(){var t=c.now(),e=t-o;e>1e3&&(l-=e,o=t)}function y(t){n||(i&&(i=clearTimeout(i)),t-s>24?(t<1/0&&(i=setTimeout(m,t-c.now()-l)),a&&(a=clearInterval(a))):(a||(o=c.now(),a=setInterval(v,1e3)),n=1,u(m)))}p.prototype=d.prototype={constructor:p,restart:function(t,n,i){if("function"!=typeof t)throw new TypeError("callback is not a function");i=(null==i?f():+i)+(null==n?0:+n),this._next||r===this||(r?r._next=this:e=this,r=this),this._call=t,this._time=i,y()},stop:function(){this._call&&(this._call=null,this._time=1/0,y())}},t.interval=function(t,e,r){var n=new p,i=e;return null==e?(n.restart(t,e,r),n):(e=+e,r=null==r?f():+r,n.restart((function a(o){o+=i,n.restart(a,i+=e,r),t(o)}),e,r),n)},t.now=f,t.timeout=function(t,e,r){var n=new p;return e=null==e?0:+e,n.restart((function(r){n.stop(),t(r+e)}),e,r),n},t.timer=d,t.timerFlush=g,Object.defineProperty(t,"__esModule",{value:!0})}))},{}],169:[function(t,e,r){!function(){var t={version:"3.5.17"},r=[].slice,n=function(t){return r.call(t)},i=this.document;function a(t){return t&&(t.ownerDocument||t.document||t).documentElement}function o(t){return t&&(t.ownerDocument&&t.ownerDocument.defaultView||t.document&&t||t.defaultView)}if(i)try{n(i.documentElement.childNodes)[0].nodeType}catch(t){n=function(t){for(var e=t.length,r=new Array(e);e--;)r[e]=t[e];return r}}if(Date.now||(Date.now=function(){return+new Date}),i)try{i.createElement("DIV").style.setProperty("opacity",0,"")}catch(t){var s=this.Element.prototype,l=s.setAttribute,c=s.setAttributeNS,u=this.CSSStyleDeclaration.prototype,f=u.setProperty;s.setAttribute=function(t,e){l.call(this,t,e+"")},s.setAttributeNS=function(t,e,r){c.call(this,t,e,r+"")},u.setProperty=function(t,e,r){f.call(this,t,e+"",r)}}function h(t,e){return te?1:t>=e?0:NaN}function p(t){return null===t?NaN:+t}function d(t){return!isNaN(t)}function g(t){return{left:function(e,r,n,i){for(arguments.length<3&&(n=0),arguments.length<4&&(i=e.length);n>>1;t(e[a],r)<0?n=a+1:i=a}return n},right:function(e,r,n,i){for(arguments.length<3&&(n=0),arguments.length<4&&(i=e.length);n>>1;t(e[a],r)>0?i=a:n=a+1}return n}}}t.ascending=h,t.descending=function(t,e){return et?1:e>=t?0:NaN},t.min=function(t,e){var r,n,i=-1,a=t.length;if(1===arguments.length){for(;++i=n){r=n;break}for(;++in&&(r=n)}else{for(;++i=n){r=n;break}for(;++in&&(r=n)}return r},t.max=function(t,e){var r,n,i=-1,a=t.length;if(1===arguments.length){for(;++i=n){r=n;break}for(;++ir&&(r=n)}else{for(;++i=n){r=n;break}for(;++ir&&(r=n)}return r},t.extent=function(t,e){var r,n,i,a=-1,o=t.length;if(1===arguments.length){for(;++a=n){r=i=n;break}for(;++an&&(r=n),i=n){r=i=n;break}for(;++an&&(r=n),i1)return o/(l-1)},t.deviation=function(){var e=t.variance.apply(this,arguments);return e?Math.sqrt(e):e};var m=g(h);function v(t){return t.length}t.bisectLeft=m.left,t.bisect=t.bisectRight=m.right,t.bisector=function(t){return g(1===t.length?function(e,r){return h(t(e),r)}:t)},t.shuffle=function(t,e,r){(a=arguments.length)<3&&(r=t.length,a<2&&(e=0));for(var n,i,a=r-e;a;)i=Math.random()*a--|0,n=t[a+e],t[a+e]=t[i+e],t[i+e]=n;return t},t.permute=function(t,e){for(var r=e.length,n=new Array(r);r--;)n[r]=t[e[r]];return n},t.pairs=function(t){for(var e=0,r=t.length-1,n=t[0],i=new Array(r<0?0:r);e=0;)for(e=(n=t[i]).length;--e>=0;)r[--o]=n[e];return r};var y=Math.abs;function x(t){for(var e=1;t*e%1;)e*=10;return e}function b(t,e){for(var r in e)Object.defineProperty(t.prototype,r,{value:e[r],enumerable:!1})}function _(){this._=Object.create(null)}t.range=function(t,e,r){if(arguments.length<3&&(r=1,arguments.length<2&&(e=t,t=0)),(e-t)/r==1/0)throw new Error("infinite range");var n,i=[],a=x(y(r)),o=-1;if(t*=a,e*=a,(r*=a)<0)for(;(n=t+r*++o)>e;)i.push(n/a);else for(;(n=t+r*++o)=i.length)return r?r.call(n,a):e?a.sort(e):a;for(var l,c,u,f,h=-1,p=a.length,d=i[s++],g=new _;++h=i.length)return e;var n=[],o=a[r++];return e.forEach((function(e,i){n.push({key:e,values:t(i,r)})})),o?n.sort((function(t,e){return o(t.key,e.key)})):n}(o(t.map,e,0),0)},n.key=function(t){return i.push(t),n},n.sortKeys=function(t){return a[i.length-1]=t,n},n.sortValues=function(t){return e=t,n},n.rollup=function(t){return r=t,n},n},t.set=function(t){var e=new C;if(t)for(var r=0,n=t.length;r=0&&(n=t.slice(r+1),t=t.slice(0,r)),t)return arguments.length<2?this[t].on(n):this[t].on(n,e);if(2===arguments.length){if(null==e)for(t in this)this.hasOwnProperty(t)&&this[t].on(n,null);return this}},t.event=null,t.requote=function(t){return t.replace(j,"\\$&")};var j=/[\\\^\$\*\+\?\|\[\]\(\)\.\{\}]/g,U={}.__proto__?function(t,e){t.__proto__=e}:function(t,e){for(var r in e)t[r]=e[r]};function V(t){return U(t,Y),t}var q=function(t,e){return e.querySelector(t)},H=function(t,e){return e.querySelectorAll(t)},G=function(t,e){var r=t.matches||t[P(t,"matchesSelector")];return(G=function(t,e){return r.call(t,e)})(t,e)};"function"==typeof Sizzle&&(q=function(t,e){return Sizzle(t,e)[0]||null},H=Sizzle,G=Sizzle.matchesSelector),t.selection=function(){return t.select(i.documentElement)};var Y=t.selection.prototype=[];function W(t){return"function"==typeof t?t:function(){return q(t,this)}}function X(t){return"function"==typeof t?t:function(){return H(t,this)}}Y.select=function(t){var e,r,n,i,a=[];t=W(t);for(var o=-1,s=this.length;++o=0&&"xmlns"!==(r=t.slice(0,e))&&(t=t.slice(e+1)),J.hasOwnProperty(r)?{space:J[r],local:t}:t}},Y.attr=function(e,r){if(arguments.length<2){if("string"==typeof e){var n=this.node();return(e=t.ns.qualify(e)).local?n.getAttributeNS(e.space,e.local):n.getAttribute(e)}for(r in e)this.each(K(r,e[r]));return this}return this.each(K(e,r))},Y.classed=function(t,e){if(arguments.length<2){if("string"==typeof t){var r=this.node(),n=(t=tt(t)).length,i=-1;if(e=r.classList){for(;++i=0;)(r=n[i])&&(a&&a!==r.nextSibling&&a.parentNode.insertBefore(r,a),a=r);return this},Y.sort=function(t){t=ct.apply(this,arguments);for(var e=-1,r=this.length;++e=e&&(e=i+1);!(o=s[e])&&++e0&&(e=e.slice(0,o));var l=gt.get(e);function c(){var t=this[a];t&&(this.removeEventListener(e,t,t.$),delete this[a])}return l&&(e=l,s=vt),o?r?function(){var t=s(r,n(arguments));c.call(this),this.addEventListener(e,this[a]=t,t.$=i),t._=r}:c:r?O:function(){var r,n=new RegExp("^__on([^.]+)"+t.requote(e)+"$");for(var i in this)if(r=i.match(n)){var a=this[i];this.removeEventListener(r[1],a,a.$),delete this[i]}}}t.selection.enter=ft,t.selection.enter.prototype=ht,ht.append=Y.append,ht.empty=Y.empty,ht.node=Y.node,ht.call=Y.call,ht.size=Y.size,ht.select=function(t){for(var e,r,n,i,a,o=[],s=-1,l=this.length;++s0?1:t<0?-1:0}function zt(t,e,r){return(e[0]-t[0])*(r[1]-t[1])-(e[1]-t[1])*(r[0]-t[0])}function Ot(t){return t>1?0:t<-1?At:Math.acos(t)}function Dt(t){return t>1?Ct:t<-1?-Ct:Math.asin(t)}function Rt(t){return((t=Math.exp(t))+1/t)/2}function Ft(t){return(t=Math.sin(t/2))*t}var Bt=Math.SQRT2;t.interpolateZoom=function(t,e){var r,n,i=t[0],a=t[1],o=t[2],s=e[0],l=e[1],c=e[2],u=s-i,f=l-a,h=u*u+f*f;if(h0&&(e=e.transition().duration(g)),e.call(w.event)}function S(){c&&c.domain(l.range().map((function(t){return(t-h.x)/h.k})).map(l.invert)),f&&f.domain(u.range().map((function(t){return(t-h.y)/h.k})).map(u.invert))}function E(t){m++||t({type:"zoomstart"})}function C(t){S(),t({type:"zoom",scale:h.k,translate:[h.x,h.y]})}function L(t){--m||(t({type:"zoomend"}),r=null)}function I(){var e=this,r=_.of(e,arguments),n=0,i=t.select(o(e)).on(y,l).on(x,c),a=T(t.mouse(e)),s=bt(e);function l(){n=1,M(t.mouse(e),a),C(r)}function c(){i.on(y,null).on(x,null),s(n),L(r)}vs.call(e),E(r)}function P(){var e,r=this,n=_.of(r,arguments),i={},a=0,o=".zoom-"+t.event.changedTouches[0].identifier,l="touchmove"+o,c="touchend"+o,u=[],f=t.select(r),p=bt(r);function d(){var n=t.touches(r);return e=h.k,n.forEach((function(t){t.identifier in i&&(i[t.identifier]=T(t))})),n}function g(){var e=t.event.target;t.select(e).on(l,m).on(c,y),u.push(e);for(var n=t.event.changedTouches,o=0,f=n.length;o1){v=p[0];var x=p[1],b=v[0]-x[0],_=v[1]-x[1];a=b*b+_*_}}function m(){var o,l,c,u,f=t.touches(r);vs.call(r);for(var h=0,p=f.length;h360?t-=360:t<0&&(t+=360),t<60?n+(i-n)*t/60:t<180?i:t<240?n+(i-n)*(240-t)/60:n}(t))}return t=isNaN(t)?0:(t%=360)<0?t+360:t,e=isNaN(e)||e<0?0:e>1?1:e,n=2*(r=r<0?0:r>1?1:r)-(i=r<=.5?r*(1+e):r+e-r*e),new ne(a(t+120),a(t),a(t-120))}function Yt(e,r,n){return this instanceof Yt?(this.h=+e,this.c=+r,void(this.l=+n)):arguments.length<2?e instanceof Yt?new Yt(e.h,e.c,e.l):$t(e instanceof Zt?e.l:(e=ue((e=t.rgb(e)).r,e.g,e.b)).l,e.a,e.b):new Yt(e,r,n)}Ht.brighter=function(t){return t=Math.pow(.7,arguments.length?t:1),new qt(this.h,this.s,this.l/t)},Ht.darker=function(t){return t=Math.pow(.7,arguments.length?t:1),new qt(this.h,this.s,t*this.l)},Ht.rgb=function(){return Gt(this.h,this.s,this.l)},t.hcl=Yt;var Wt=Yt.prototype=new Vt;function Xt(t,e,r){return isNaN(t)&&(t=0),isNaN(e)&&(e=0),new Zt(r,Math.cos(t*=Lt)*e,Math.sin(t)*e)}function Zt(t,e,r){return this instanceof Zt?(this.l=+t,this.a=+e,void(this.b=+r)):arguments.length<2?t instanceof Zt?new Zt(t.l,t.a,t.b):t instanceof Yt?Xt(t.h,t.c,t.l):ue((t=ne(t)).r,t.g,t.b):new Zt(t,e,r)}Wt.brighter=function(t){return new Yt(this.h,this.c,Math.min(100,this.l+Jt*(arguments.length?t:1)))},Wt.darker=function(t){return new Yt(this.h,this.c,Math.max(0,this.l-Jt*(arguments.length?t:1)))},Wt.rgb=function(){return Xt(this.h,this.c,this.l).rgb()},t.lab=Zt;var Jt=18,Kt=Zt.prototype=new Vt;function Qt(t,e,r){var n=(t+16)/116,i=n+e/500,a=n-r/200;return new ne(re(3.2404542*(i=.95047*te(i))-1.5371385*(n=1*te(n))-.4985314*(a=1.08883*te(a))),re(-.969266*i+1.8760108*n+.041556*a),re(.0556434*i-.2040259*n+1.0572252*a))}function $t(t,e,r){return t>0?new Yt(Math.atan2(r,e)*It,Math.sqrt(e*e+r*r),t):new Yt(NaN,NaN,t)}function te(t){return t>.206893034?t*t*t:(t-4/29)/7.787037}function ee(t){return t>.008856?Math.pow(t,1/3):7.787037*t+4/29}function re(t){return Math.round(255*(t<=.00304?12.92*t:1.055*Math.pow(t,1/2.4)-.055))}function ne(t,e,r){return this instanceof ne?(this.r=~~t,this.g=~~e,void(this.b=~~r)):arguments.length<2?t instanceof ne?new ne(t.r,t.g,t.b):le(""+t,ne,Gt):new ne(t,e,r)}function ie(t){return new ne(t>>16,t>>8&255,255&t)}function ae(t){return ie(t)+""}Kt.brighter=function(t){return new Zt(Math.min(100,this.l+Jt*(arguments.length?t:1)),this.a,this.b)},Kt.darker=function(t){return new Zt(Math.max(0,this.l-Jt*(arguments.length?t:1)),this.a,this.b)},Kt.rgb=function(){return Qt(this.l,this.a,this.b)},t.rgb=ne;var oe=ne.prototype=new Vt;function se(t){return t<16?"0"+Math.max(0,t).toString(16):Math.min(255,t).toString(16)}function le(t,e,r){var n,i,a,o=0,s=0,l=0;if(n=/([a-z]+)\((.*)\)/.exec(t=t.toLowerCase()))switch(i=n[2].split(","),n[1]){case"hsl":return r(parseFloat(i[0]),parseFloat(i[1])/100,parseFloat(i[2])/100);case"rgb":return e(he(i[0]),he(i[1]),he(i[2]))}return(a=pe.get(t))?e(a.r,a.g,a.b):(null==t||"#"!==t.charAt(0)||isNaN(a=parseInt(t.slice(1),16))||(4===t.length?(o=(3840&a)>>4,o|=o>>4,s=240&a,s|=s>>4,l=15&a,l|=l<<4):7===t.length&&(o=(16711680&a)>>16,s=(65280&a)>>8,l=255&a)),e(o,s,l))}function ce(t,e,r){var n,i,a=Math.min(t/=255,e/=255,r/=255),o=Math.max(t,e,r),s=o-a,l=(o+a)/2;return s?(i=l<.5?s/(o+a):s/(2-o-a),n=t==o?(e-r)/s+(e0&&l<1?0:n),new qt(n,i,l)}function ue(t,e,r){var n=ee((.4124564*(t=fe(t))+.3575761*(e=fe(e))+.1804375*(r=fe(r)))/.95047),i=ee((.2126729*t+.7151522*e+.072175*r)/1);return Zt(116*i-16,500*(n-i),200*(i-ee((.0193339*t+.119192*e+.9503041*r)/1.08883)))}function fe(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function he(t){var e=parseFloat(t);return"%"===t.charAt(t.length-1)?Math.round(2.55*e):e}oe.brighter=function(t){t=Math.pow(.7,arguments.length?t:1);var e=this.r,r=this.g,n=this.b,i=30;return e||r||n?(e&&e=200&&e<300||304===e){try{t=i.call(o,c)}catch(t){return void s.error.call(o,t)}s.load.call(o,t)}else s.error.call(o,c)}return this.XDomainRequest&&!("withCredentials"in c)&&/^(http(s)?:)?\/\//.test(e)&&(c=new XDomainRequest),"onload"in c?c.onload=c.onerror=f:c.onreadystatechange=function(){c.readyState>3&&f()},c.onprogress=function(e){var r=t.event;t.event=e;try{s.progress.call(o,c)}finally{t.event=r}},o.header=function(t,e){return t=(t+"").toLowerCase(),arguments.length<2?l[t]:(null==e?delete l[t]:l[t]=e+"",o)},o.mimeType=function(t){return arguments.length?(r=null==t?null:t+"",o):r},o.responseType=function(t){return arguments.length?(u=t,o):u},o.response=function(t){return i=t,o},["get","post"].forEach((function(t){o[t]=function(){return o.send.apply(o,[t].concat(n(arguments)))}})),o.send=function(t,n,i){if(2===arguments.length&&"function"==typeof n&&(i=n,n=null),c.open(t,e,!0),null==r||"accept"in l||(l.accept=r+",*/*"),c.setRequestHeader)for(var a in l)c.setRequestHeader(a,l[a]);return null!=r&&c.overrideMimeType&&c.overrideMimeType(r),null!=u&&(c.responseType=u),null!=i&&o.on("error",i).on("load",(function(t){i(null,t)})),s.beforesend.call(o,c),c.send(null==n?null:n),o},o.abort=function(){return c.abort(),o},t.rebind(o,s,"on"),null==a?o:o.get(function(t){return 1===t.length?function(e,r){t(null==e?r:null)}:t}(a))}pe.forEach((function(t,e){pe.set(t,ie(e))})),t.functor=de,t.xhr=ge(L),t.dsv=function(t,e){var r=new RegExp('["'+t+"\n]"),n=t.charCodeAt(0);function i(t,r,n){arguments.length<3&&(n=r,r=null);var i=me(t,e,null==r?a:o(r),n);return i.row=function(t){return arguments.length?i.response(null==(r=t)?a:o(t)):r},i}function a(t){return i.parse(t.responseText)}function o(t){return function(e){return i.parse(e.responseText,t)}}function s(e){return e.map(l).join(t)}function l(t){return r.test(t)?'"'+t.replace(/\"/g,'""')+'"':t}return i.parse=function(t,e){var r;return i.parseRows(t,(function(t,n){if(r)return r(t,n-1);var i=new Function("d","return {"+t.map((function(t,e){return JSON.stringify(t)+": d["+e+"]"})).join(",")+"}");r=e?function(t,r){return e(i(t),r)}:i}))},i.parseRows=function(t,e){var r,i,a={},o={},s=[],l=t.length,c=0,u=0;function f(){if(c>=l)return o;if(i)return i=!1,a;var e=c;if(34===t.charCodeAt(e)){for(var r=e;r++24?(isFinite(e)&&(clearTimeout(be),be=setTimeout(Te,e)),xe=0):(xe=1,_e(Te))}function ke(){for(var t=Date.now(),e=ve;e;)t>=e.t&&e.c(t-e.t)&&(e.c=null),e=e.n;return t}function Me(){for(var t,e=ve,r=1/0;e;)e.c?(e.t8?function(t){return t/r}:function(t){return t*r},symbol:t}}));function Ee(e){var r=e.decimal,n=e.thousands,i=e.grouping,a=e.currency,o=i&&n?function(t,e){for(var r=t.length,a=[],o=0,s=i[0],l=0;r>0&&s>0&&(l+s+1>e&&(s=Math.max(1,e-l)),a.push(t.substring(r-=s,r+s)),!((l+=s+1)>e));)s=i[o=(o+1)%i.length];return a.reverse().join(n)}:L;return function(e){var n=Ce.exec(e),i=n[1]||" ",s=n[2]||">",l=n[3]||"-",c=n[4]||"",u=n[5],f=+n[6],h=n[7],p=n[8],d=n[9],g=1,m="",v="",y=!1,x=!0;switch(p&&(p=+p.substring(1)),(u||"0"===i&&"="===s)&&(u=i="0",s="="),d){case"n":h=!0,d="g";break;case"%":g=100,v="%",d="f";break;case"p":g=100,v="%",d="r";break;case"b":case"o":case"x":case"X":"#"===c&&(m="0"+d.toLowerCase());case"c":x=!1;case"d":y=!0,p=0;break;case"s":g=-1,d="r"}"$"===c&&(m=a[0],v=a[1]),"r"!=d||p||(d="g"),null!=p&&("g"==d?p=Math.max(1,Math.min(21,p)):"e"!=d&&"f"!=d||(p=Math.max(0,Math.min(20,p)))),d=Le.get(d)||Ie;var b=u&&h;return function(e){var n=v;if(y&&e%1)return"";var a=e<0||0===e&&1/e<0?(e=-e,"-"):"-"===l?"":l;if(g<0){var c=t.formatPrefix(e,p);e=c.scale(e),n=c.symbol+v}else e*=g;var _,w,T=(e=d(e,p)).lastIndexOf(".");if(T<0){var k=x?e.lastIndexOf("e"):-1;k<0?(_=e,w=""):(_=e.substring(0,k),w=e.substring(k))}else _=e.substring(0,T),w=r+e.substring(T+1);!u&&h&&(_=o(_,1/0));var M=m.length+_.length+w.length+(b?0:a.length),A=M"===s?A+a+e:"^"===s?A.substring(0,M>>=1)+a+e+A.substring(M):a+(b?e:A+e))+n}}}t.formatPrefix=function(e,r){var n=0;return(e=+e)&&(e<0&&(e*=-1),r&&(e=t.round(e,Ae(e,r))),n=1+Math.floor(1e-12+Math.log(e)/Math.LN10),n=Math.max(-24,Math.min(24,3*Math.floor((n-1)/3)))),Se[8+n/3]};var Ce=/(?:([^{])?([<>=^]))?([+\- ])?([$#])?(0)?(\d+)?(,)?(\.-?\d+)?([a-z%])?/i,Le=t.map({b:function(t){return t.toString(2)},c:function(t){return String.fromCharCode(t)},o:function(t){return t.toString(8)},x:function(t){return t.toString(16)},X:function(t){return t.toString(16).toUpperCase()},g:function(t,e){return t.toPrecision(e)},e:function(t,e){return t.toExponential(e)},f:function(t,e){return t.toFixed(e)},r:function(e,r){return(e=t.round(e,Ae(e,r))).toFixed(Math.max(0,Math.min(20,Ae(e*(1+1e-15),r))))}});function Ie(t){return t+""}var Pe=t.time={},ze=Date;function Oe(){this._=new Date(arguments.length>1?Date.UTC.apply(this,arguments):arguments[0])}Oe.prototype={getDate:function(){return this._.getUTCDate()},getDay:function(){return this._.getUTCDay()},getFullYear:function(){return this._.getUTCFullYear()},getHours:function(){return this._.getUTCHours()},getMilliseconds:function(){return this._.getUTCMilliseconds()},getMinutes:function(){return this._.getUTCMinutes()},getMonth:function(){return this._.getUTCMonth()},getSeconds:function(){return this._.getUTCSeconds()},getTime:function(){return this._.getTime()},getTimezoneOffset:function(){return 0},valueOf:function(){return this._.valueOf()},setDate:function(){De.setUTCDate.apply(this._,arguments)},setDay:function(){De.setUTCDay.apply(this._,arguments)},setFullYear:function(){De.setUTCFullYear.apply(this._,arguments)},setHours:function(){De.setUTCHours.apply(this._,arguments)},setMilliseconds:function(){De.setUTCMilliseconds.apply(this._,arguments)},setMinutes:function(){De.setUTCMinutes.apply(this._,arguments)},setMonth:function(){De.setUTCMonth.apply(this._,arguments)},setSeconds:function(){De.setUTCSeconds.apply(this._,arguments)},setTime:function(){De.setTime.apply(this._,arguments)}};var De=Date.prototype;function Re(t,e,r){function n(e){var r=t(e),n=a(r,1);return e-r1)for(;o=c)return-1;if(37===(i=e.charCodeAt(s++))){if(o=e.charAt(s++),!(a=w[o in Ne?e.charAt(s++):o])||(n=a(t,r,n))<0)return-1}else if(i!=r.charCodeAt(n++))return-1}return n}u.utc=function(t){var e=u(t);function r(t){try{var r=new(ze=Oe);return r._=t,e(r)}finally{ze=Date}}return r.parse=function(t){try{ze=Oe;var r=e.parse(t);return r&&r._}finally{ze=Date}},r.toString=e.toString,r},u.multi=u.utc.multi=or;var h=t.map(),p=qe(o),d=He(o),g=qe(s),m=He(s),v=qe(l),y=He(l),x=qe(c),b=He(c);a.forEach((function(t,e){h.set(t.toLowerCase(),e)}));var _={a:function(t){return s[t.getDay()]},A:function(t){return o[t.getDay()]},b:function(t){return c[t.getMonth()]},B:function(t){return l[t.getMonth()]},c:u(r),d:function(t,e){return Ve(t.getDate(),e,2)},e:function(t,e){return Ve(t.getDate(),e,2)},H:function(t,e){return Ve(t.getHours(),e,2)},I:function(t,e){return Ve(t.getHours()%12||12,e,2)},j:function(t,e){return Ve(1+Pe.dayOfYear(t),e,3)},L:function(t,e){return Ve(t.getMilliseconds(),e,3)},m:function(t,e){return Ve(t.getMonth()+1,e,2)},M:function(t,e){return Ve(t.getMinutes(),e,2)},p:function(t){return a[+(t.getHours()>=12)]},S:function(t,e){return Ve(t.getSeconds(),e,2)},U:function(t,e){return Ve(Pe.sundayOfYear(t),e,2)},w:function(t){return t.getDay()},W:function(t,e){return Ve(Pe.mondayOfYear(t),e,2)},x:u(n),X:u(i),y:function(t,e){return Ve(t.getFullYear()%100,e,2)},Y:function(t,e){return Ve(t.getFullYear()%1e4,e,4)},Z:ir,"%":function(){return"%"}},w={a:function(t,e,r){g.lastIndex=0;var n=g.exec(e.slice(r));return n?(t.w=m.get(n[0].toLowerCase()),r+n[0].length):-1},A:function(t,e,r){p.lastIndex=0;var n=p.exec(e.slice(r));return n?(t.w=d.get(n[0].toLowerCase()),r+n[0].length):-1},b:function(t,e,r){x.lastIndex=0;var n=x.exec(e.slice(r));return n?(t.m=b.get(n[0].toLowerCase()),r+n[0].length):-1},B:function(t,e,r){v.lastIndex=0;var n=v.exec(e.slice(r));return n?(t.m=y.get(n[0].toLowerCase()),r+n[0].length):-1},c:function(t,e,r){return f(t,_.c.toString(),e,r)},d:Qe,e:Qe,H:tr,I:tr,j:$e,L:nr,m:Ke,M:er,p:function(t,e,r){var n=h.get(e.slice(r,r+=2).toLowerCase());return null==n?-1:(t.p=n,r)},S:rr,U:Ye,w:Ge,W:We,x:function(t,e,r){return f(t,_.x.toString(),e,r)},X:function(t,e,r){return f(t,_.X.toString(),e,r)},y:Ze,Y:Xe,Z:Je,"%":ar};return u}Pe.year=Re((function(t){return(t=Pe.day(t)).setMonth(0,1),t}),(function(t,e){t.setFullYear(t.getFullYear()+e)}),(function(t){return t.getFullYear()})),Pe.years=Pe.year.range,Pe.years.utc=Pe.year.utc.range,Pe.day=Re((function(t){var e=new ze(2e3,0);return e.setFullYear(t.getFullYear(),t.getMonth(),t.getDate()),e}),(function(t,e){t.setDate(t.getDate()+e)}),(function(t){return t.getDate()-1})),Pe.days=Pe.day.range,Pe.days.utc=Pe.day.utc.range,Pe.dayOfYear=function(t){var e=Pe.year(t);return Math.floor((t-e-6e4*(t.getTimezoneOffset()-e.getTimezoneOffset()))/864e5)},["sunday","monday","tuesday","wednesday","thursday","friday","saturday"].forEach((function(t,e){e=7-e;var r=Pe[t]=Re((function(t){return(t=Pe.day(t)).setDate(t.getDate()-(t.getDay()+e)%7),t}),(function(t,e){t.setDate(t.getDate()+7*Math.floor(e))}),(function(t){var r=Pe.year(t).getDay();return Math.floor((Pe.dayOfYear(t)+(r+e)%7)/7)-(r!==e)}));Pe[t+"s"]=r.range,Pe[t+"s"].utc=r.utc.range,Pe[t+"OfYear"]=function(t){var r=Pe.year(t).getDay();return Math.floor((Pe.dayOfYear(t)+(r+e)%7)/7)}})),Pe.week=Pe.sunday,Pe.weeks=Pe.sunday.range,Pe.weeks.utc=Pe.sunday.utc.range,Pe.weekOfYear=Pe.sundayOfYear;var Ne={"-":"",_:" ",0:"0"},je=/^\s*\d+/,Ue=/^%/;function Ve(t,e,r){var n=t<0?"-":"",i=(n?-t:t)+"",a=i.length;return n+(a68?1900:2e3),r+i[0].length):-1}function Je(t,e,r){return/^[+-]\d{4}$/.test(e=e.slice(r,r+5))?(t.Z=-e,r+5):-1}function Ke(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.m=n[0]-1,r+n[0].length):-1}function Qe(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.d=+n[0],r+n[0].length):-1}function $e(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+3));return n?(t.j=+n[0],r+n[0].length):-1}function tr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.H=+n[0],r+n[0].length):-1}function er(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.M=+n[0],r+n[0].length):-1}function rr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.S=+n[0],r+n[0].length):-1}function nr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+3));return n?(t.L=+n[0],r+n[0].length):-1}function ir(t){var e=t.getTimezoneOffset(),r=e>0?"-":"+",n=y(e)/60|0,i=y(e)%60;return r+Ve(n,"0",2)+Ve(i,"0",2)}function ar(t,e,r){Ue.lastIndex=0;var n=Ue.exec(e.slice(r,r+1));return n?r+n[0].length:-1}function or(t){for(var e=t.length,r=-1;++r=0?1:-1,s=o*a,l=Math.cos(e),c=Math.sin(e),u=i*c,f=n*l+u*Math.cos(s),h=u*o*Math.sin(s);Er.add(Math.atan2(h,f)),r=t,n=l,i=c}Cr.point=function(o,s){Cr.point=a,r=(t=o)*Lt,n=Math.cos(s=(e=s)*Lt/2+At/4),i=Math.sin(s)},Cr.lineEnd=function(){a(t,e)}}function Ir(t){var e=t[0],r=t[1],n=Math.cos(r);return[n*Math.cos(e),n*Math.sin(e),Math.sin(r)]}function Pr(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]}function zr(t,e){return[t[1]*e[2]-t[2]*e[1],t[2]*e[0]-t[0]*e[2],t[0]*e[1]-t[1]*e[0]]}function Or(t,e){t[0]+=e[0],t[1]+=e[1],t[2]+=e[2]}function Dr(t,e){return[t[0]*e,t[1]*e,t[2]*e]}function Rr(t){var e=Math.sqrt(t[0]*t[0]+t[1]*t[1]+t[2]*t[2]);t[0]/=e,t[1]/=e,t[2]/=e}function Fr(t){return[Math.atan2(t[1],t[0]),Dt(t[2])]}function Br(t,e){return y(t[0]-e[0])kt?i=90:c<-kt&&(r=-90),f[0]=e,f[1]=n}};function p(t,a){u.push(f=[e=t,n=t]),ai&&(i=a)}function d(t,o){var s=Ir([t*Lt,o*Lt]);if(l){var c=zr(l,s),u=zr([c[1],-c[0],0],c);Rr(u),u=Fr(u);var f=t-a,h=f>0?1:-1,d=u[0]*It*h,g=y(f)>180;if(g^(h*ai&&(i=m);else if(g^(h*a<(d=(d+360)%360-180)&&di&&(i=o);g?t_(e,n)&&(n=t):_(t,n)>_(e,n)&&(e=t):n>=e?(tn&&(n=t)):t>a?_(e,t)>_(e,n)&&(n=t):_(t,n)>_(e,n)&&(e=t)}else p(t,o);l=s,a=t}function g(){h.point=d}function m(){f[0]=e,f[1]=n,h.point=p,l=null}function v(t,e){if(l){var r=t-a;c+=y(r)>180?r+(r>0?360:-360):r}else o=t,s=e;Cr.point(t,e),d(t,e)}function x(){Cr.lineStart()}function b(){v(o,s),Cr.lineEnd(),y(c)>kt&&(e=-(n=180)),f[0]=e,f[1]=n,l=null}function _(t,e){return(e-=t)<0?e+360:e}function w(t,e){return t[0]-e[0]}function T(t,e){return e[0]<=e[1]?e[0]<=t&&t<=e[1]:t_(g[0],g[1])&&(g[1]=p[1]),_(p[0],g[1])>_(g[0],g[1])&&(g[0]=p[0])):s.push(g=p);for(var l,c,p,d=-1/0,g=(o=0,s[c=s.length-1]);o<=c;g=p,++o)p=s[o],(l=_(g[1],p[0]))>d&&(d=l,e=p[0],n=g[1])}return u=f=null,e===1/0||r===1/0?[[NaN,NaN],[NaN,NaN]]:[[e,r],[n,i]]}}(),t.geo.centroid=function(e){vr=yr=xr=br=_r=wr=Tr=kr=Mr=Ar=Sr=0,t.geo.stream(e,Nr);var r=Mr,n=Ar,i=Sr,a=r*r+n*n+i*i;return a=0;--s)i.point((f=u[s])[0],f[1]);else n(p.x,p.p.x,-1,i);p=p.p}u=(p=p.o).z,d=!d}while(!p.v);i.lineEnd()}}}function Xr(t){if(e=t.length){for(var e,r,n=0,i=t[0];++n=0?1:-1,T=w*_,k=T>At,M=d*x;if(Er.add(Math.atan2(M*w*Math.sin(T),g*b+M*Math.cos(T))),a+=k?_+w*St:_,k^h>=r^v>=r){var A=zr(Ir(f),Ir(t));Rr(A);var S=zr(i,A);Rr(S);var E=(k^_>=0?-1:1)*Dt(S[2]);(n>E||n===E&&(A[0]||A[1]))&&(o+=k^_>=0?1:-1)}if(!m++)break;h=v,d=x,g=b,f=t}}return(a<-kt||a0){for(x||(o.polygonStart(),x=!0),o.lineStart();++a1&&2&e&&r.push(r.pop().concat(r.shift())),s.push(r.filter(Kr))}return u}}function Kr(t){return t.length>1}function Qr(){var t,e=[];return{lineStart:function(){e.push(t=[])},point:function(e,r){t.push([e,r])},lineEnd:O,buffer:function(){var r=e;return e=[],t=null,r},rejoin:function(){e.length>1&&e.push(e.pop().concat(e.shift()))}}}function $r(t,e){return((t=t.x)[0]<0?t[1]-Ct-kt:Ct-t[1])-((e=e.x)[0]<0?e[1]-Ct-kt:Ct-e[1])}var tn=Jr(Yr,(function(t){var e,r=NaN,n=NaN,i=NaN;return{lineStart:function(){t.lineStart(),e=1},point:function(a,o){var s=a>0?At:-At,l=y(a-r);y(l-At)0?Ct:-Ct),t.point(i,n),t.lineEnd(),t.lineStart(),t.point(s,n),t.point(a,n),e=0):i!==s&&l>=At&&(y(r-i)kt?Math.atan((Math.sin(e)*(a=Math.cos(n))*Math.sin(r)-Math.sin(n)*(i=Math.cos(e))*Math.sin(t))/(i*a*o)):(e+n)/2}(r,n,a,o),t.point(i,n),t.lineEnd(),t.lineStart(),t.point(s,n),e=0),t.point(r=a,n=o),i=s},lineEnd:function(){t.lineEnd(),r=n=NaN},clean:function(){return 2-e}}}),(function(t,e,r,n){var i;if(null==t)i=r*Ct,n.point(-At,i),n.point(0,i),n.point(At,i),n.point(At,0),n.point(At,-i),n.point(0,-i),n.point(-At,-i),n.point(-At,0),n.point(-At,i);else if(y(t[0]-e[0])>kt){var a=t[0]0,n=y(e)>kt;return Jr(i,(function(t){var e,s,l,c,u;return{lineStart:function(){c=l=!1,u=1},point:function(f,h){var p,d=[f,h],g=i(f,h),m=r?g?0:o(f,h):g?o(f+(f<0?At:-At),h):0;if(!e&&(c=l=g)&&t.lineStart(),g!==l&&(p=a(e,d),(Br(e,p)||Br(d,p))&&(d[0]+=kt,d[1]+=kt,g=i(d[0],d[1]))),g!==l)u=0,g?(t.lineStart(),p=a(d,e),t.point(p[0],p[1])):(p=a(e,d),t.point(p[0],p[1]),t.lineEnd()),e=p;else if(n&&e&&r^g){var v;m&s||!(v=a(d,e,!0))||(u=0,r?(t.lineStart(),t.point(v[0][0],v[0][1]),t.point(v[1][0],v[1][1]),t.lineEnd()):(t.point(v[1][0],v[1][1]),t.lineEnd(),t.lineStart(),t.point(v[0][0],v[0][1])))}!g||e&&Br(e,d)||t.point(d[0],d[1]),e=d,l=g,s=m},lineEnd:function(){l&&t.lineEnd(),e=null},clean:function(){return u|(c&&l)<<1}}}),Bn(t,6*Lt),r?[0,-t]:[-At,t-At]);function i(t,r){return Math.cos(t)*Math.cos(r)>e}function a(t,r,n){var i=[1,0,0],a=zr(Ir(t),Ir(r)),o=Pr(a,a),s=a[0],l=o-s*s;if(!l)return!n&&t;var c=e*o/l,u=-e*s/l,f=zr(i,a),h=Dr(i,c);Or(h,Dr(a,u));var p=f,d=Pr(h,p),g=Pr(p,p),m=d*d-g*(Pr(h,h)-1);if(!(m<0)){var v=Math.sqrt(m),x=Dr(p,(-d-v)/g);if(Or(x,h),x=Fr(x),!n)return x;var b,_=t[0],w=r[0],T=t[1],k=r[1];w<_&&(b=_,_=w,w=b);var M=w-_,A=y(M-At)0^x[1]<(y(x[0]-_)At^(_<=x[0]&&x[0]<=w)){var S=Dr(p,(-d+v)/g);return Or(S,h),[x,Fr(S)]}}}function o(e,n){var i=r?t:At-t,a=0;return e<-i?a|=1:e>i&&(a|=2),n<-i?a|=4:n>i&&(a|=8),a}}function rn(t,e,r,n){return function(i){var a,o=i.a,s=i.b,l=o.x,c=o.y,u=0,f=1,h=s.x-l,p=s.y-c;if(a=t-l,h||!(a>0)){if(a/=h,h<0){if(a0){if(a>f)return;a>u&&(u=a)}if(a=r-l,h||!(a<0)){if(a/=h,h<0){if(a>f)return;a>u&&(u=a)}else if(h>0){if(a0)){if(a/=p,p<0){if(a0){if(a>f)return;a>u&&(u=a)}if(a=n-c,p||!(a<0)){if(a/=p,p<0){if(a>f)return;a>u&&(u=a)}else if(p>0){if(a0&&(i.a={x:l+u*h,y:c+u*p}),f<1&&(i.b={x:l+f*h,y:c+f*p}),i}}}}}}function nn(e,r,n,i){return function(l){var c,u,f,h,p,d,g,m,v,y,x,b=l,_=Qr(),w=rn(e,r,n,i),T={point:A,lineStart:function(){T.point=S,u&&u.push(f=[]);y=!0,v=!1,g=m=NaN},lineEnd:function(){c&&(S(h,p),d&&v&&_.rejoin(),c.push(_.buffer()));T.point=A,v&&l.lineEnd()},polygonStart:function(){l=_,c=[],u=[],x=!0},polygonEnd:function(){l=b,c=t.merge(c);var r=function(t){for(var e=0,r=u.length,n=t[1],i=0;in&&zt(c,a,t)>0&&++e:a[1]<=n&&zt(c,a,t)<0&&--e,c=a;return 0!==e}([e,i]),n=x&&r,a=c.length;(n||a)&&(l.polygonStart(),n&&(l.lineStart(),k(null,null,1,l),l.lineEnd()),a&&Wr(c,o,r,k,l),l.polygonEnd()),c=u=f=null}};function k(t,o,l,c){var u=0,f=0;if(null==t||(u=a(t,l))!==(f=a(o,l))||s(t,o)<0^l>0)do{c.point(0===u||3===u?e:n,u>1?i:r)}while((u=(u+l+4)%4)!==f);else c.point(o[0],o[1])}function M(t,a){return e<=t&&t<=n&&r<=a&&a<=i}function A(t,e){M(t,e)&&l.point(t,e)}function S(t,e){var r=M(t=Math.max(-1e9,Math.min(1e9,t)),e=Math.max(-1e9,Math.min(1e9,e)));if(u&&f.push([t,e]),y)h=t,p=e,d=r,y=!1,r&&(l.lineStart(),l.point(t,e));else if(r&&v)l.point(t,e);else{var n={a:{x:g,y:m},b:{x:t,y:e}};w(n)?(v||(l.lineStart(),l.point(n.a.x,n.a.y)),l.point(n.b.x,n.b.y),r||l.lineEnd(),x=!1):r&&(l.lineStart(),l.point(t,e),x=!1)}g=t,m=e,v=r}return T};function a(t,i){return y(t[0]-e)0?0:3:y(t[0]-n)0?2:1:y(t[1]-r)0?1:0:i>0?3:2}function o(t,e){return s(t.x,e.x)}function s(t,e){var r=a(t,1),n=a(e,1);return r!==n?r-n:0===r?e[1]-t[1]:1===r?t[0]-e[0]:2===r?t[1]-e[1]:e[0]-t[0]}}function an(t){var e=0,r=At/3,n=Ln(t),i=n(e,r);return i.parallels=function(t){return arguments.length?n(e=t[0]*At/180,r=t[1]*At/180):[e/At*180,r/At*180]},i}function on(t,e){var r=Math.sin(t),n=(r+Math.sin(e))/2,i=1+r*(2*n-r),a=Math.sqrt(i)/n;function o(t,e){var r=Math.sqrt(i-2*n*Math.sin(e))/n;return[r*Math.sin(t*=n),a-r*Math.cos(t)]}return o.invert=function(t,e){var r=a-e;return[Math.atan2(t,r)/n,Dt((i-(t*t+r*r)*n*n)/(2*n))]},o}t.geo.clipExtent=function(){var t,e,r,n,i,a,o={stream:function(t){return i&&(i.valid=!1),(i=a(t)).valid=!0,i},extent:function(s){return arguments.length?(a=nn(t=+s[0][0],e=+s[0][1],r=+s[1][0],n=+s[1][1]),i&&(i.valid=!1,i=null),o):[[t,e],[r,n]]}};return o.extent([[0,0],[960,500]])},(t.geo.conicEqualArea=function(){return an(on)}).raw=on,t.geo.albers=function(){return t.geo.conicEqualArea().rotate([96,0]).center([-.6,38.7]).parallels([29.5,45.5]).scale(1070)},t.geo.albersUsa=function(){var e,r,n,i,a=t.geo.albers(),o=t.geo.conicEqualArea().rotate([154,0]).center([-2,58.5]).parallels([55,65]),s=t.geo.conicEqualArea().rotate([157,0]).center([-3,19.9]).parallels([8,18]),l={point:function(t,r){e=[t,r]}};function c(t){var a=t[0],o=t[1];return e=null,r(a,o),e||(n(a,o),e)||i(a,o),e}return c.invert=function(t){var e=a.scale(),r=a.translate(),n=(t[0]-r[0])/e,i=(t[1]-r[1])/e;return(i>=.12&&i<.234&&n>=-.425&&n<-.214?o:i>=.166&&i<.234&&n>=-.214&&n<-.115?s:a).invert(t)},c.stream=function(t){var e=a.stream(t),r=o.stream(t),n=s.stream(t);return{point:function(t,i){e.point(t,i),r.point(t,i),n.point(t,i)},sphere:function(){e.sphere(),r.sphere(),n.sphere()},lineStart:function(){e.lineStart(),r.lineStart(),n.lineStart()},lineEnd:function(){e.lineEnd(),r.lineEnd(),n.lineEnd()},polygonStart:function(){e.polygonStart(),r.polygonStart(),n.polygonStart()},polygonEnd:function(){e.polygonEnd(),r.polygonEnd(),n.polygonEnd()}}},c.precision=function(t){return arguments.length?(a.precision(t),o.precision(t),s.precision(t),c):a.precision()},c.scale=function(t){return arguments.length?(a.scale(t),o.scale(.35*t),s.scale(t),c.translate(a.translate())):a.scale()},c.translate=function(t){if(!arguments.length)return a.translate();var e=a.scale(),u=+t[0],f=+t[1];return r=a.translate(t).clipExtent([[u-.455*e,f-.238*e],[u+.455*e,f+.238*e]]).stream(l).point,n=o.translate([u-.307*e,f+.201*e]).clipExtent([[u-.425*e+kt,f+.12*e+kt],[u-.214*e-kt,f+.234*e-kt]]).stream(l).point,i=s.translate([u-.205*e,f+.212*e]).clipExtent([[u-.214*e+kt,f+.166*e+kt],[u-.115*e-kt,f+.234*e-kt]]).stream(l).point,c},c.scale(1070)};var sn,ln,cn,un,fn,hn,pn={point:O,lineStart:O,lineEnd:O,polygonStart:function(){ln=0,pn.lineStart=dn},polygonEnd:function(){pn.lineStart=pn.lineEnd=pn.point=O,sn+=y(ln/2)}};function dn(){var t,e,r,n;function i(t,e){ln+=n*t-r*e,r=t,n=e}pn.point=function(a,o){pn.point=i,t=r=a,e=n=o},pn.lineEnd=function(){i(t,e)}}var gn={point:function(t,e){tfn&&(fn=t);ehn&&(hn=e)},lineStart:O,lineEnd:O,polygonStart:O,polygonEnd:O};function mn(){var t=vn(4.5),e=[],r={point:n,lineStart:function(){r.point=i},lineEnd:o,polygonStart:function(){r.lineEnd=s},polygonEnd:function(){r.lineEnd=o,r.point=n},pointRadius:function(e){return t=vn(e),r},result:function(){if(e.length){var t=e.join("");return e=[],t}}};function n(r,n){e.push("M",r,",",n,t)}function i(t,n){e.push("M",t,",",n),r.point=a}function a(t,r){e.push("L",t,",",r)}function o(){r.point=n}function s(){e.push("Z")}return r}function vn(t){return"m0,"+t+"a"+t+","+t+" 0 1,1 0,"+-2*t+"a"+t+","+t+" 0 1,1 0,"+2*t+"z"}var yn,xn={point:bn,lineStart:_n,lineEnd:wn,polygonStart:function(){xn.lineStart=Tn},polygonEnd:function(){xn.point=bn,xn.lineStart=_n,xn.lineEnd=wn}};function bn(t,e){xr+=t,br+=e,++_r}function _n(){var t,e;function r(r,n){var i=r-t,a=n-e,o=Math.sqrt(i*i+a*a);wr+=o*(t+r)/2,Tr+=o*(e+n)/2,kr+=o,bn(t=r,e=n)}xn.point=function(n,i){xn.point=r,bn(t=n,e=i)}}function wn(){xn.point=bn}function Tn(){var t,e,r,n;function i(t,e){var i=t-r,a=e-n,o=Math.sqrt(i*i+a*a);wr+=o*(r+t)/2,Tr+=o*(n+e)/2,kr+=o,Mr+=(o=n*t-r*e)*(r+t),Ar+=o*(n+e),Sr+=3*o,bn(r=t,n=e)}xn.point=function(a,o){xn.point=i,bn(t=r=a,e=n=o)},xn.lineEnd=function(){i(t,e)}}function kn(t){var e=4.5,r={point:n,lineStart:function(){r.point=i},lineEnd:o,polygonStart:function(){r.lineEnd=s},polygonEnd:function(){r.lineEnd=o,r.point=n},pointRadius:function(t){return e=t,r},result:O};function n(r,n){t.moveTo(r+e,n),t.arc(r,n,e,0,St)}function i(e,n){t.moveTo(e,n),r.point=a}function a(e,r){t.lineTo(e,r)}function o(){r.point=n}function s(){t.closePath()}return r}function Mn(t){var e=.5,r=Math.cos(30*Lt),n=16;function i(t){return(n?o:a)(t)}function a(e){return En(e,(function(r,n){r=t(r,n),e.point(r[0],r[1])}))}function o(e){var r,i,a,o,l,c,u,f,h,p,d,g,m={point:v,lineStart:y,lineEnd:b,polygonStart:function(){e.polygonStart(),m.lineStart=_},polygonEnd:function(){e.polygonEnd(),m.lineStart=y}};function v(r,n){r=t(r,n),e.point(r[0],r[1])}function y(){f=NaN,m.point=x,e.lineStart()}function x(r,i){var a=Ir([r,i]),o=t(r,i);s(f,h,u,p,d,g,f=o[0],h=o[1],u=r,p=a[0],d=a[1],g=a[2],n,e),e.point(f,h)}function b(){m.point=v,e.lineEnd()}function _(){y(),m.point=w,m.lineEnd=T}function w(t,e){x(r=t,e),i=f,a=h,o=p,l=d,c=g,m.point=x}function T(){s(f,h,u,p,d,g,i,a,r,o,l,c,n,e),m.lineEnd=b,b()}return m}function s(n,i,a,o,l,c,u,f,h,p,d,g,m,v){var x=u-n,b=f-i,_=x*x+b*b;if(_>4*e&&m--){var w=o+p,T=l+d,k=c+g,M=Math.sqrt(w*w+T*T+k*k),A=Math.asin(k/=M),S=y(y(k)-1)e||y((x*I+b*P)/_-.5)>.3||o*p+l*d+c*g0&&16,i):Math.sqrt(e)},i}function An(t){var e=Mn((function(e,r){return t([e*It,r*It])}));return function(t){return In(e(t))}}function Sn(t){this.stream=t}function En(t,e){return{point:e,sphere:function(){t.sphere()},lineStart:function(){t.lineStart()},lineEnd:function(){t.lineEnd()},polygonStart:function(){t.polygonStart()},polygonEnd:function(){t.polygonEnd()}}}function Cn(t){return Ln((function(){return t}))()}function Ln(e){var r,n,i,a,o,s,l=Mn((function(t,e){return[(t=r(t,e))[0]*c+a,o-t[1]*c]})),c=150,u=480,f=250,h=0,p=0,d=0,g=0,m=0,v=tn,y=L,x=null,b=null;function _(t){return[(t=i(t[0]*Lt,t[1]*Lt))[0]*c+a,o-t[1]*c]}function w(t){return(t=i.invert((t[0]-a)/c,(o-t[1])/c))&&[t[0]*It,t[1]*It]}function T(){i=Gr(n=On(d,g,m),r);var t=r(h,p);return a=u-t[0]*c,o=f+t[1]*c,k()}function k(){return s&&(s.valid=!1,s=null),_}return _.stream=function(t){return s&&(s.valid=!1),(s=In(v(n,l(y(t))))).valid=!0,s},_.clipAngle=function(t){return arguments.length?(v=null==t?(x=t,tn):en((x=+t)*Lt),k()):x},_.clipExtent=function(t){return arguments.length?(b=t,y=t?nn(t[0][0],t[0][1],t[1][0],t[1][1]):L,k()):b},_.scale=function(t){return arguments.length?(c=+t,T()):c},_.translate=function(t){return arguments.length?(u=+t[0],f=+t[1],T()):[u,f]},_.center=function(t){return arguments.length?(h=t[0]%360*Lt,p=t[1]%360*Lt,T()):[h*It,p*It]},_.rotate=function(t){return arguments.length?(d=t[0]%360*Lt,g=t[1]%360*Lt,m=t.length>2?t[2]%360*Lt:0,T()):[d*It,g*It,m*It]},t.rebind(_,l,"precision"),function(){return r=e.apply(this,arguments),_.invert=r.invert&&w,T()}}function In(t){return En(t,(function(e,r){t.point(e*Lt,r*Lt)}))}function Pn(t,e){return[t,e]}function zn(t,e){return[t>At?t-St:t<-At?t+St:t,e]}function On(t,e,r){return t?e||r?Gr(Rn(t),Fn(e,r)):Rn(t):e||r?Fn(e,r):zn}function Dn(t){return function(e,r){return[(e+=t)>At?e-St:e<-At?e+St:e,r]}}function Rn(t){var e=Dn(t);return e.invert=Dn(-t),e}function Fn(t,e){var r=Math.cos(t),n=Math.sin(t),i=Math.cos(e),a=Math.sin(e);function o(t,e){var o=Math.cos(e),s=Math.cos(t)*o,l=Math.sin(t)*o,c=Math.sin(e),u=c*r+s*n;return[Math.atan2(l*i-u*a,s*r-c*n),Dt(u*i+l*a)]}return o.invert=function(t,e){var o=Math.cos(e),s=Math.cos(t)*o,l=Math.sin(t)*o,c=Math.sin(e),u=c*i-l*a;return[Math.atan2(l*i+c*a,s*r+u*n),Dt(u*r-s*n)]},o}function Bn(t,e){var r=Math.cos(t),n=Math.sin(t);return function(i,a,o,s){var l=o*e;null!=i?(i=Nn(r,i),a=Nn(r,a),(o>0?ia)&&(i+=o*St)):(i=t+o*St,a=t-.5*l);for(var c,u=i;o>0?u>a:u2?t[2]*Lt:0),e.invert=function(e){return(e=t.invert(e[0]*Lt,e[1]*Lt))[0]*=It,e[1]*=It,e},e},zn.invert=Pn,t.geo.circle=function(){var t,e,r=[0,0],n=6;function i(){var t="function"==typeof r?r.apply(this,arguments):r,n=On(-t[0]*Lt,-t[1]*Lt,0).invert,i=[];return e(null,null,1,{point:function(t,e){i.push(t=n(t,e)),t[0]*=It,t[1]*=It}}),{type:"Polygon",coordinates:[i]}}return i.origin=function(t){return arguments.length?(r=t,i):r},i.angle=function(r){return arguments.length?(e=Bn((t=+r)*Lt,n*Lt),i):t},i.precision=function(r){return arguments.length?(e=Bn(t*Lt,(n=+r)*Lt),i):n},i.angle(90)},t.geo.distance=function(t,e){var r,n=(e[0]-t[0])*Lt,i=t[1]*Lt,a=e[1]*Lt,o=Math.sin(n),s=Math.cos(n),l=Math.sin(i),c=Math.cos(i),u=Math.sin(a),f=Math.cos(a);return Math.atan2(Math.sqrt((r=f*o)*r+(r=c*u-l*f*s)*r),l*u+c*f*s)},t.geo.graticule=function(){var e,r,n,i,a,o,s,l,c,u,f,h,p=10,d=p,g=90,m=360,v=2.5;function x(){return{type:"MultiLineString",coordinates:b()}}function b(){return t.range(Math.ceil(i/g)*g,n,g).map(f).concat(t.range(Math.ceil(l/m)*m,s,m).map(h)).concat(t.range(Math.ceil(r/p)*p,e,p).filter((function(t){return y(t%g)>kt})).map(c)).concat(t.range(Math.ceil(o/d)*d,a,d).filter((function(t){return y(t%m)>kt})).map(u))}return x.lines=function(){return b().map((function(t){return{type:"LineString",coordinates:t}}))},x.outline=function(){return{type:"Polygon",coordinates:[f(i).concat(h(s).slice(1),f(n).reverse().slice(1),h(l).reverse().slice(1))]}},x.extent=function(t){return arguments.length?x.majorExtent(t).minorExtent(t):x.minorExtent()},x.majorExtent=function(t){return arguments.length?(i=+t[0][0],n=+t[1][0],l=+t[0][1],s=+t[1][1],i>n&&(t=i,i=n,n=t),l>s&&(t=l,l=s,s=t),x.precision(v)):[[i,l],[n,s]]},x.minorExtent=function(t){return arguments.length?(r=+t[0][0],e=+t[1][0],o=+t[0][1],a=+t[1][1],r>e&&(t=r,r=e,e=t),o>a&&(t=o,o=a,a=t),x.precision(v)):[[r,o],[e,a]]},x.step=function(t){return arguments.length?x.majorStep(t).minorStep(t):x.minorStep()},x.majorStep=function(t){return arguments.length?(g=+t[0],m=+t[1],x):[g,m]},x.minorStep=function(t){return arguments.length?(p=+t[0],d=+t[1],x):[p,d]},x.precision=function(t){return arguments.length?(v=+t,c=jn(o,a,90),u=Un(r,e,v),f=jn(l,s,90),h=Un(i,n,v),x):v},x.majorExtent([[-180,-90+kt],[180,90-kt]]).minorExtent([[-180,-80-kt],[180,80+kt]])},t.geo.greatArc=function(){var e,r,n=Vn,i=qn;function a(){return{type:"LineString",coordinates:[e||n.apply(this,arguments),r||i.apply(this,arguments)]}}return a.distance=function(){return t.geo.distance(e||n.apply(this,arguments),r||i.apply(this,arguments))},a.source=function(t){return arguments.length?(n=t,e="function"==typeof t?null:t,a):n},a.target=function(t){return arguments.length?(i=t,r="function"==typeof t?null:t,a):i},a.precision=function(){return arguments.length?a:0},a},t.geo.interpolate=function(t,e){return r=t[0]*Lt,n=t[1]*Lt,i=e[0]*Lt,a=e[1]*Lt,o=Math.cos(n),s=Math.sin(n),l=Math.cos(a),c=Math.sin(a),u=o*Math.cos(r),f=o*Math.sin(r),h=l*Math.cos(i),p=l*Math.sin(i),d=2*Math.asin(Math.sqrt(Ft(a-n)+o*l*Ft(i-r))),g=1/Math.sin(d),(m=d?function(t){var e=Math.sin(t*=d)*g,r=Math.sin(d-t)*g,n=r*u+e*h,i=r*f+e*p,a=r*s+e*c;return[Math.atan2(i,n)*It,Math.atan2(a,Math.sqrt(n*n+i*i))*It]}:function(){return[r*It,n*It]}).distance=d,m;var r,n,i,a,o,s,l,c,u,f,h,p,d,g,m},t.geo.length=function(e){return yn=0,t.geo.stream(e,Hn),yn};var Hn={sphere:O,point:O,lineStart:function(){var t,e,r;function n(n,i){var a=Math.sin(i*=Lt),o=Math.cos(i),s=y((n*=Lt)-t),l=Math.cos(s);yn+=Math.atan2(Math.sqrt((s=o*Math.sin(s))*s+(s=r*a-e*o*l)*s),e*a+r*o*l),t=n,e=a,r=o}Hn.point=function(i,a){t=i*Lt,e=Math.sin(a*=Lt),r=Math.cos(a),Hn.point=n},Hn.lineEnd=function(){Hn.point=Hn.lineEnd=O}},lineEnd:O,polygonStart:O,polygonEnd:O};function Gn(t,e){function r(e,r){var n=Math.cos(e),i=Math.cos(r),a=t(n*i);return[a*i*Math.sin(e),a*Math.sin(r)]}return r.invert=function(t,r){var n=Math.sqrt(t*t+r*r),i=e(n),a=Math.sin(i),o=Math.cos(i);return[Math.atan2(t*a,n*o),Math.asin(n&&r*a/n)]},r}var Yn=Gn((function(t){return Math.sqrt(2/(1+t))}),(function(t){return 2*Math.asin(t/2)}));(t.geo.azimuthalEqualArea=function(){return Cn(Yn)}).raw=Yn;var Wn=Gn((function(t){var e=Math.acos(t);return e&&e/Math.sin(e)}),L);function Xn(t,e){var r=Math.cos(t),n=function(t){return Math.tan(At/4+t/2)},i=t===e?Math.sin(t):Math.log(r/Math.cos(e))/Math.log(n(e)/n(t)),a=r*Math.pow(n(t),i)/i;if(!i)return Kn;function o(t,e){a>0?e<-Ct+kt&&(e=-Ct+kt):e>Ct-kt&&(e=Ct-kt);var r=a/Math.pow(n(e),i);return[r*Math.sin(i*t),a-r*Math.cos(i*t)]}return o.invert=function(t,e){var r=a-e,n=Pt(i)*Math.sqrt(t*t+r*r);return[Math.atan2(t,r)/i,2*Math.atan(Math.pow(a/n,1/i))-Ct]},o}function Zn(t,e){var r=Math.cos(t),n=t===e?Math.sin(t):(r-Math.cos(e))/(e-t),i=r/n+t;if(y(n)1&&zt(t[r[n-2]],t[r[n-1]],t[i])<=0;)--n;r[n++]=i}return r.slice(0,n)}function ai(t,e){return t[0]-e[0]||t[1]-e[1]}(t.geo.stereographic=function(){return Cn(ti)}).raw=ti,ei.invert=function(t,e){return[-e,2*Math.atan(Math.exp(t))-Ct]},(t.geo.transverseMercator=function(){var t=Qn(ei),e=t.center,r=t.rotate;return t.center=function(t){return t?e([-t[1],t[0]]):[(t=e())[1],-t[0]]},t.rotate=function(t){return t?r([t[0],t[1],t.length>2?t[2]+90:90]):[(t=r())[0],t[1],t[2]-90]},r([0,0,90])}).raw=ei,t.geom={},t.geom.hull=function(t){var e=ri,r=ni;if(arguments.length)return n(t);function n(t){if(t.length<3)return[];var n,i=de(e),a=de(r),o=t.length,s=[],l=[];for(n=0;n=0;--n)p.push(t[s[c[n]][2]]);for(n=+f;nkt)s=s.L;else{if(!((i=a-Ti(s,o))>kt)){n>-kt?(e=s.P,r=s):i>-kt?(e=s,r=s.N):e=r=s;break}if(!s.R){e=s;break}s=s.R}var l=yi(t);if(hi.insert(e,l),e||r){if(e===r)return Ei(e),r=yi(e.site),hi.insert(l,r),l.edge=r.edge=Ii(e.site,l.site),Si(e),void Si(r);if(r){Ei(e),Ei(r);var c=e.site,u=c.x,f=c.y,h=t.x-u,p=t.y-f,d=r.site,g=d.x-u,m=d.y-f,v=2*(h*m-p*g),y=h*h+p*p,x=g*g+m*m,b={x:(m*y-p*x)/v+u,y:(h*x-g*y)/v+f};zi(r.edge,c,d,b),l.edge=Ii(c,t,null,b),r.edge=Ii(t,d,null,b),Si(e),Si(r)}else l.edge=Ii(e.site,l.site)}}function wi(t,e){var r=t.site,n=r.x,i=r.y,a=i-e;if(!a)return n;var o=t.P;if(!o)return-1/0;var s=(r=o.site).x,l=r.y,c=l-e;if(!c)return s;var u=s-n,f=1/a-1/c,h=u/c;return f?(-h+Math.sqrt(h*h-2*f*(u*u/(-2*c)-l+c/2+i-a/2)))/f+n:(n+s)/2}function Ti(t,e){var r=t.N;if(r)return wi(r,e);var n=t.site;return n.y===e?n.x:1/0}function ki(t){this.site=t,this.edges=[]}function Mi(t,e){return e.angle-t.angle}function Ai(){Ri(this),this.x=this.y=this.arc=this.site=this.cy=null}function Si(t){var e=t.P,r=t.N;if(e&&r){var n=e.site,i=t.site,a=r.site;if(n!==a){var o=i.x,s=i.y,l=n.x-o,c=n.y-s,u=a.x-o,f=2*(l*(m=a.y-s)-c*u);if(!(f>=-Mt)){var h=l*l+c*c,p=u*u+m*m,d=(m*h-c*p)/f,g=(l*p-u*h)/f,m=g+s,v=mi.pop()||new Ai;v.arc=t,v.site=i,v.x=d+o,v.y=m+Math.sqrt(d*d+g*g),v.cy=m,t.circle=v;for(var y=null,x=di._;x;)if(v.y=s)return;if(h>d){if(a){if(a.y>=c)return}else a={x:m,y:l};r={x:m,y:c}}else{if(a){if(a.y1)if(h>d){if(a){if(a.y>=c)return}else a={x:(l-i)/n,y:l};r={x:(c-i)/n,y:c}}else{if(a){if(a.y=s)return}else a={x:o,y:n*o+i};r={x:s,y:n*s+i}}else{if(a){if(a.xkt||y(i-r)>kt)&&(s.splice(o,0,new Oi(Pi(a.site,u,y(n-f)kt?{x:f,y:y(e-f)kt?{x:y(r-d)kt?{x:h,y:y(e-h)kt?{x:y(r-p)=r&&c.x<=i&&c.y>=n&&c.y<=o?[[r,o],[i,o],[i,n],[r,n]]:[]).point=t[s]})),e}function s(t){return t.map((function(t,e){return{x:Math.round(n(t,e)/kt)*kt,y:Math.round(i(t,e)/kt)*kt,i:e}}))}return o.links=function(t){return ji(s(t)).edges.filter((function(t){return t.l&&t.r})).map((function(e){return{source:t[e.l.i],target:t[e.r.i]}}))},o.triangles=function(t){var e=[];return ji(s(t)).cells.forEach((function(r,n){for(var i,a,o,s,l=r.site,c=r.edges.sort(Mi),u=-1,f=c.length,h=c[f-1].edge,p=h.l===l?h.r:h.l;++ua||f>o||h=_)<<1|e>=b,T=w+4;wa&&(i=e.slice(a,i),s[o]?s[o]+=i:s[++o]=i),(r=r[0])===(n=n[0])?s[o]?s[o]+=n:s[++o]=n:(s[++o]=null,l.push({i:o,x:Zi(r,n)})),a=Qi.lastIndex;return ag&&(g=l.x),l.y>m&&(m=l.y),c.push(l.x),u.push(l.y);else for(f=0;fg&&(g=b),_>m&&(m=_),c.push(b),u.push(_)}var w=g-p,T=m-d;function k(t,e,r,n,i,a,o,s){if(!isNaN(r)&&!isNaN(n))if(t.leaf){var l=t.x,c=t.y;if(null!=l)if(y(l-r)+y(c-n)<.01)M(t,e,r,n,i,a,o,s);else{var u=t.point;t.x=t.y=t.point=null,M(t,u,l,c,i,a,o,s),M(t,e,r,n,i,a,o,s)}else t.x=r,t.y=n,t.point=e}else M(t,e,r,n,i,a,o,s)}function M(t,e,r,n,i,a,o,s){var l=.5*(i+o),c=.5*(a+s),u=r>=l,f=n>=c,h=f<<1|u;t.leaf=!1,u?i=l:o=l,f?a=c:s=c,k(t=t.nodes[h]||(t.nodes[h]={leaf:!0,nodes:[],point:null,x:null,y:null}),e,r,n,i,a,o,s)}w>T?m=d+w:g=p+T;var A={leaf:!0,nodes:[],point:null,x:null,y:null,add:function(t){k(A,t,+v(t,++f),+x(t,f),p,d,g,m)},visit:function(t){Gi(t,A,p,d,g,m)},find:function(t){return Yi(A,t[0],t[1],p,d,g,m)}};if(f=-1,null==e){for(;++f=0&&!(n=t.interpolators[i](e,r)););return n}function ta(t,e){var r,n=[],i=[],a=t.length,o=e.length,s=Math.min(t.length,e.length);for(r=0;r=1?1:t(e)}}function aa(t){return function(e){return 1-t(1-e)}}function oa(t){return function(e){return.5*(e<.5?t(2*e):2-t(2-2*e))}}function sa(t){return t*t}function la(t){return t*t*t}function ca(t){if(t<=0)return 0;if(t>=1)return 1;var e=t*t,r=e*t;return 4*(t<.5?r:3*(t-e)+r-.75)}function ua(t){return 1-Math.cos(t*Ct)}function fa(t){return Math.pow(2,10*(t-1))}function ha(t){return 1-Math.sqrt(1-t*t)}function pa(t){return t<1/2.75?7.5625*t*t:t<2/2.75?7.5625*(t-=1.5/2.75)*t+.75:t<2.5/2.75?7.5625*(t-=2.25/2.75)*t+.9375:7.5625*(t-=2.625/2.75)*t+.984375}function da(t,e){return e-=t,function(r){return Math.round(t+e*r)}}function ga(t){var e,r,n,i=[t.a,t.b],a=[t.c,t.d],o=va(i),s=ma(i,a),l=va(((e=a)[0]+=(n=-s)*(r=i)[0],e[1]+=n*r[1],e))||0;i[0]*a[1]=0?t.slice(0,e):t,i=e>=0?t.slice(e+1):"in";return n=ra.get(n)||ea,ia((i=na.get(i)||L)(n.apply(null,r.call(arguments,1))))},t.interpolateHcl=function(e,r){e=t.hcl(e),r=t.hcl(r);var n=e.h,i=e.c,a=e.l,o=r.h-n,s=r.c-i,l=r.l-a;isNaN(s)&&(s=0,i=isNaN(i)?r.c:i);isNaN(o)?(o=0,n=isNaN(n)?r.h:n):o>180?o-=360:o<-180&&(o+=360);return function(t){return Xt(n+o*t,i+s*t,a+l*t)+""}},t.interpolateHsl=function(e,r){e=t.hsl(e),r=t.hsl(r);var n=e.h,i=e.s,a=e.l,o=r.h-n,s=r.s-i,l=r.l-a;isNaN(s)&&(s=0,i=isNaN(i)?r.s:i);isNaN(o)?(o=0,n=isNaN(n)?r.h:n):o>180?o-=360:o<-180&&(o+=360);return function(t){return Gt(n+o*t,i+s*t,a+l*t)+""}},t.interpolateLab=function(e,r){e=t.lab(e),r=t.lab(r);var n=e.l,i=e.a,a=e.b,o=r.l-n,s=r.a-i,l=r.b-a;return function(t){return Qt(n+o*t,i+s*t,a+l*t)+""}},t.interpolateRound=da,t.transform=function(e){var r=i.createElementNS(t.ns.prefix.svg,"g");return(t.transform=function(t){if(null!=t){r.setAttribute("transform",t);var e=r.transform.baseVal.consolidate()}return new ga(e?e.matrix:ya)})(e)},ga.prototype.toString=function(){return"translate("+this.translate+")rotate("+this.rotate+")skewX("+this.skew+")scale("+this.scale+")"};var ya={a:1,b:0,c:0,d:1,e:0,f:0};function xa(t){return t.length?t.pop()+",":""}function ba(e,r){var n=[],i=[];return e=t.transform(e),r=t.transform(r),function(t,e,r,n){if(t[0]!==e[0]||t[1]!==e[1]){var i=r.push("translate(",null,",",null,")");n.push({i:i-4,x:Zi(t[0],e[0])},{i:i-2,x:Zi(t[1],e[1])})}else(e[0]||e[1])&&r.push("translate("+e+")")}(e.translate,r.translate,n,i),function(t,e,r,n){t!==e?(t-e>180?e+=360:e-t>180&&(t+=360),n.push({i:r.push(xa(r)+"rotate(",null,")")-2,x:Zi(t,e)})):e&&r.push(xa(r)+"rotate("+e+")")}(e.rotate,r.rotate,n,i),function(t,e,r,n){t!==e?n.push({i:r.push(xa(r)+"skewX(",null,")")-2,x:Zi(t,e)}):e&&r.push(xa(r)+"skewX("+e+")")}(e.skew,r.skew,n,i),function(t,e,r,n){if(t[0]!==e[0]||t[1]!==e[1]){var i=r.push(xa(r)+"scale(",null,",",null,")");n.push({i:i-4,x:Zi(t[0],e[0])},{i:i-2,x:Zi(t[1],e[1])})}else 1===e[0]&&1===e[1]||r.push(xa(r)+"scale("+e+")")}(e.scale,r.scale,n,i),e=r=null,function(t){for(var e,r=-1,a=i.length;++r0?n=t:(e.c=null,e.t=NaN,e=null,l.end({type:"end",alpha:n=0})):t>0&&(l.start({type:"start",alpha:n=t}),e=we(s.tick)),s):n},s.start=function(){var t,e,r,n=v.length,l=y.length,u=c[0],d=c[1];for(t=0;t=0;)r.push(i[n])}function Oa(t,e){for(var r=[t],n=[];null!=(t=r.pop());)if(n.push(t),(a=t.children)&&(i=a.length))for(var i,a,o=-1;++o=0;)o.push(u=c[l]),u.parent=a,u.depth=a.depth+1;r&&(a.value=0),a.children=c}else r&&(a.value=+r.call(n,a,a.depth)||0),delete a.children;return Oa(i,(function(e){var n,i;t&&(n=e.children)&&n.sort(t),r&&(i=e.parent)&&(i.value+=e.value)})),s}return n.sort=function(e){return arguments.length?(t=e,n):t},n.children=function(t){return arguments.length?(e=t,n):e},n.value=function(t){return arguments.length?(r=t,n):r},n.revalue=function(t){return r&&(za(t,(function(t){t.children&&(t.value=0)})),Oa(t,(function(t){var e;t.children||(t.value=+r.call(n,t,t.depth)||0),(e=t.parent)&&(e.value+=t.value)}))),t},n},t.layout.partition=function(){var e=t.layout.hierarchy(),r=[1,1];function n(t,n){var i=e.call(this,t,n);return function t(e,r,n,i){var a=e.children;if(e.x=r,e.y=e.depth*i,e.dx=n,e.dy=i,a&&(o=a.length)){var o,s,l,c=-1;for(n=e.value?n/e.value:0;++cs&&(s=n),o.push(n)}for(r=0;ri&&(n=r,i=e);return n}function Xa(t){return t.reduce(Za,0)}function Za(t,e){return t+e[1]}function Ja(t,e){return Ka(t,Math.ceil(Math.log(e.length)/Math.LN2+1))}function Ka(t,e){for(var r=-1,n=+t[0],i=(t[1]-n)/e,a=[];++r<=e;)a[r]=i*r+n;return a}function Qa(e){return[t.min(e),t.max(e)]}function $a(t,e){return t.value-e.value}function to(t,e){var r=t._pack_next;t._pack_next=e,e._pack_prev=t,e._pack_next=r,r._pack_prev=e}function eo(t,e){t._pack_next=e,e._pack_prev=t}function ro(t,e){var r=e.x-t.x,n=e.y-t.y,i=t.r+e.r;return.999*i*i>r*r+n*n}function no(t){if((e=t.children)&&(l=e.length)){var e,r,n,i,a,o,s,l,c=1/0,u=-1/0,f=1/0,h=-1/0;if(e.forEach(io),(r=e[0]).x=-r.r,r.y=0,x(r),l>1&&((n=e[1]).x=n.r,n.y=0,x(n),l>2))for(oo(r,n,i=e[2]),x(i),to(r,i),r._pack_prev=i,to(i,n),n=r._pack_next,a=3;a0)for(o=-1;++o=f[0]&&l<=f[1]&&((s=c[t.bisect(h,l,1,d)-1]).y+=g,s.push(a[o]));return c}return a.value=function(t){return arguments.length?(r=t,a):r},a.range=function(t){return arguments.length?(n=de(t),a):n},a.bins=function(t){return arguments.length?(i="number"==typeof t?function(e){return Ka(e,t)}:de(t),a):i},a.frequency=function(t){return arguments.length?(e=!!t,a):e},a},t.layout.pack=function(){var e,r=t.layout.hierarchy().sort($a),n=0,i=[1,1];function a(t,a){var o=r.call(this,t,a),s=o[0],l=i[0],c=i[1],u=null==e?Math.sqrt:"function"==typeof e?e:function(){return e};if(s.x=s.y=0,Oa(s,(function(t){t.r=+u(t.value)})),Oa(s,no),n){var f=n*(e?1:Math.max(2*s.r/l,2*s.r/c))/2;Oa(s,(function(t){t.r+=f})),Oa(s,no),Oa(s,(function(t){t.r-=f}))}return function t(e,r,n,i){var a=e.children;if(e.x=r+=i*e.x,e.y=n+=i*e.y,e.r*=i,a)for(var o=-1,s=a.length;++op.x&&(p=t),t.depth>d.depth&&(d=t)}));var g=r(h,p)/2-h.x,m=n[0]/(p.x+r(p,h)/2+g),v=n[1]/(d.depth||1);za(u,(function(t){t.x=(t.x+g)*m,t.y=t.depth*v}))}return c}function o(t){var e=t.children,n=t.parent.children,i=t.i?n[t.i-1]:null;if(e.length){!function(t){var e,r=0,n=0,i=t.children,a=i.length;for(;--a>=0;)(e=i[a]).z+=r,e.m+=r,r+=e.s+(n+=e.c)}(t);var a=(e[0].z+e[e.length-1].z)/2;i?(t.z=i.z+r(t._,i._),t.m=t.z-a):t.z=a}else i&&(t.z=i.z+r(t._,i._));t.parent.A=function(t,e,n){if(e){for(var i,a=t,o=t,s=e,l=a.parent.children[0],c=a.m,u=o.m,f=s.m,h=l.m;s=co(s),a=lo(a),s&&a;)l=lo(l),(o=co(o)).a=t,(i=s.z+f-a.z-c+r(s._,a._))>0&&(uo(fo(s,t,n),t,i),c+=i,u+=i),f+=s.m,c+=a.m,h+=l.m,u+=o.m;s&&!co(o)&&(o.t=s,o.m+=f-u),a&&!lo(l)&&(l.t=a,l.m+=c-h,n=t)}return n}(t,i,t.parent.A||n[0])}function s(t){t._.x=t.z+t.parent.m,t.m+=t.parent.m}function l(t){t.x*=n[0],t.y=t.depth*n[1]}return a.separation=function(t){return arguments.length?(r=t,a):r},a.size=function(t){return arguments.length?(i=null==(n=t)?l:null,a):i?null:n},a.nodeSize=function(t){return arguments.length?(i=null==(n=t)?null:l,a):i?n:null},Pa(a,e)},t.layout.cluster=function(){var e=t.layout.hierarchy().sort(null).value(null),r=so,n=[1,1],i=!1;function a(a,o){var s,l=e.call(this,a,o),c=l[0],u=0;Oa(c,(function(e){var n=e.children;n&&n.length?(e.x=function(t){return t.reduce((function(t,e){return t+e.x}),0)/t.length}(n),e.y=function(e){return 1+t.max(e,(function(t){return t.y}))}(n)):(e.x=s?u+=r(e,s):0,e.y=0,s=e)}));var f=function t(e){var r=e.children;return r&&r.length?t(r[0]):e}(c),h=function t(e){var r,n=e.children;return n&&(r=n.length)?t(n[r-1]):e}(c),p=f.x-r(f,h)/2,d=h.x+r(h,f)/2;return Oa(c,i?function(t){t.x=(t.x-c.x)*n[0],t.y=(c.y-t.y)*n[1]}:function(t){t.x=(t.x-p)/(d-p)*n[0],t.y=(1-(c.y?t.y/c.y:1))*n[1]}),l}return a.separation=function(t){return arguments.length?(r=t,a):r},a.size=function(t){return arguments.length?(i=null==(n=t),a):i?null:n},a.nodeSize=function(t){return arguments.length?(i=null!=(n=t),a):i?n:null},Pa(a,e)},t.layout.treemap=function(){var e,r=t.layout.hierarchy(),n=Math.round,i=[1,1],a=null,o=ho,s=!1,l="squarify",c=.5*(1+Math.sqrt(5));function u(t,e){for(var r,n,i=-1,a=t.length;++i0;)s.push(r=c[i-1]),s.area+=r.area,"squarify"!==l||(n=p(s,g))<=h?(c.pop(),h=n):(s.area-=s.pop().area,d(s,g,a,!1),g=Math.min(a.dx,a.dy),s.length=s.area=0,h=1/0);s.length&&(d(s,g,a,!0),s.length=s.area=0),e.forEach(f)}}function h(t){var e=t.children;if(e&&e.length){var r,n=o(t),i=e.slice(),a=[];for(u(i,n.dx*n.dy/t.value),a.area=0;r=i.pop();)a.push(r),a.area+=r.area,null!=r.z&&(d(a,r.z?n.dx:n.dy,n,!i.length),a.length=a.area=0);e.forEach(h)}}function p(t,e){for(var r,n=t.area,i=0,a=1/0,o=-1,s=t.length;++oi&&(i=r));return e*=e,(n*=n)?Math.max(e*i*c/n,n/(e*a*c)):1/0}function d(t,e,r,i){var a,o=-1,s=t.length,l=r.x,c=r.y,u=e?n(t.area/e):0;if(e==r.dx){for((i||u>r.dy)&&(u=r.dy);++or.dx)&&(u=r.dx);++o1);return t+e*r*Math.sqrt(-2*Math.log(i)/i)}},logNormal:function(){var e=t.random.normal.apply(t,arguments);return function(){return Math.exp(e())}},bates:function(e){var r=t.random.irwinHall(e);return function(){return r()/e}},irwinHall:function(t){return function(){for(var e=0,r=0;r2?_o:vo,s=i?wa:_a;return a=t(e,r,s,n),o=t(r,e,s,$i),l}function l(t){return a(t)}return l.invert=function(t){return o(t)},l.domain=function(t){return arguments.length?(e=t.map(Number),s()):e},l.range=function(t){return arguments.length?(r=t,s()):r},l.rangeRound=function(t){return l.range(t).interpolate(da)},l.clamp=function(t){return arguments.length?(i=t,s()):i},l.interpolate=function(t){return arguments.length?(n=t,s()):n},l.ticks=function(t){return Mo(e,t)},l.tickFormat=function(t,r){return Ao(e,t,r)},l.nice=function(t){return To(e,t),s()},l.copy=function(){return t(e,r,n,i)},s()}([0,1],[0,1],$i,!1)};var So={s:1,g:1,p:1,r:1,e:1};function Eo(t){return-Math.floor(Math.log(t)/Math.LN10+.01)}t.scale.log=function(){return function e(r,n,i,a){function o(t){return(i?Math.log(t<0?0:t):-Math.log(t>0?0:-t))/Math.log(n)}function s(t){return i?Math.pow(n,t):-Math.pow(n,-t)}function l(t){return r(o(t))}return l.invert=function(t){return s(r.invert(t))},l.domain=function(t){return arguments.length?(i=t[0]>=0,r.domain((a=t.map(Number)).map(o)),l):a},l.base=function(t){return arguments.length?(n=+t,r.domain(a.map(o)),l):n},l.nice=function(){var t=yo(a.map(o),i?Math:Lo);return r.domain(t),a=t.map(s),l},l.ticks=function(){var t=go(a),e=[],r=t[0],l=t[1],c=Math.floor(o(r)),u=Math.ceil(o(l)),f=n%1?2:n;if(isFinite(u-c)){if(i){for(;c0;h--)e.push(s(c)*h);for(c=0;e[c]l;u--);e=e.slice(c,u)}return e},l.tickFormat=function(e,r){if(!arguments.length)return Co;arguments.length<2?r=Co:"function"!=typeof r&&(r=t.format(r));var i=Math.max(1,n*e/l.ticks().length);return function(t){var e=t/s(Math.round(o(t)));return e*n0?i[t-1]:r[0],tf?0:1;if(c=Et)return l(c,p)+(s?l(s,1-p):"")+"Z";var d,g,m,v,y,x,b,_,w,T,k,M,A=0,S=0,E=[];if((v=(+o.apply(this,arguments)||0)/2)&&(m=n===Fo?Math.sqrt(s*s+c*c):+n.apply(this,arguments),p||(S*=-1),c&&(S=Dt(m/c*Math.sin(v))),s&&(A=Dt(m/s*Math.sin(v)))),c){y=c*Math.cos(u+S),x=c*Math.sin(u+S),b=c*Math.cos(f-S),_=c*Math.sin(f-S);var C=Math.abs(f-u-2*S)<=At?0:1;if(S&&qo(y,x,b,_)===p^C){var L=(u+f)/2;y=c*Math.cos(L),x=c*Math.sin(L),b=_=null}}else y=x=0;if(s){w=s*Math.cos(f-A),T=s*Math.sin(f-A),k=s*Math.cos(u+A),M=s*Math.sin(u+A);var I=Math.abs(u-f+2*A)<=At?0:1;if(A&&qo(w,T,k,M)===1-p^I){var P=(u+f)/2;w=s*Math.cos(P),T=s*Math.sin(P),k=M=null}}else w=T=0;if(h>kt&&(d=Math.min(Math.abs(c-s)/2,+r.apply(this,arguments)))>.001){g=s0?0:1}function Ho(t,e,r,n,i){var a=t[0]-e[0],o=t[1]-e[1],s=(i?n:-n)/Math.sqrt(a*a+o*o),l=s*o,c=-s*a,u=t[0]+l,f=t[1]+c,h=e[0]+l,p=e[1]+c,d=(u+h)/2,g=(f+p)/2,m=h-u,v=p-f,y=m*m+v*v,x=r-n,b=u*p-h*f,_=(v<0?-1:1)*Math.sqrt(Math.max(0,x*x*y-b*b)),w=(b*v-m*_)/y,T=(-b*m-v*_)/y,k=(b*v+m*_)/y,M=(-b*m+v*_)/y,A=w-d,S=T-g,E=k-d,C=M-g;return A*A+S*S>E*E+C*C&&(w=k,T=M),[[w-l,T-c],[w*r/x,T*r/x]]}function Go(t){var e=ri,r=ni,n=Yr,i=Wo,a=i.key,o=.7;function s(a){var s,l=[],c=[],u=-1,f=a.length,h=de(e),p=de(r);function d(){l.push("M",i(t(c),o))}for(;++u1&&i.push("H",n[0]);return i.join("")},"step-before":Zo,"step-after":Jo,basis:$o,"basis-open":function(t){if(t.length<4)return Wo(t);var e,r=[],n=-1,i=t.length,a=[0],o=[0];for(;++n<3;)e=t[n],a.push(e[0]),o.push(e[1]);r.push(ts(ns,a)+","+ts(ns,o)),--n;for(;++n9&&(i=3*e/Math.sqrt(i),o[s]=i*r,o[s+1]=i*n));s=-1;for(;++s<=l;)i=(t[Math.min(l,s+1)][0]-t[Math.max(0,s-1)][0])/(6*(1+o[s]*o[s])),a.push([i||0,o[s]*i||0]);return a}(t))}});function Wo(t){return t.length>1?t.join("L"):t+"Z"}function Xo(t){return t.join("L")+"Z"}function Zo(t){for(var e=0,r=t.length,n=t[0],i=[n[0],",",n[1]];++e1){s=e[1],a=t[l],l++,n+="C"+(i[0]+o[0])+","+(i[1]+o[1])+","+(a[0]-s[0])+","+(a[1]-s[1])+","+a[0]+","+a[1];for(var c=2;cAt)+",1 "+e}function l(t,e,r,n){return"Q 0,0 "+n}return a.radius=function(t){return arguments.length?(r=de(t),a):r},a.source=function(e){return arguments.length?(t=de(e),a):t},a.target=function(t){return arguments.length?(e=de(t),a):e},a.startAngle=function(t){return arguments.length?(n=de(t),a):n},a.endAngle=function(t){return arguments.length?(i=de(t),a):i},a},t.svg.diagonal=function(){var t=Vn,e=qn,r=cs;function n(n,i){var a=t.call(this,n,i),o=e.call(this,n,i),s=(a.y+o.y)/2,l=[a,{x:a.x,y:s},{x:o.x,y:s},o];return"M"+(l=l.map(r))[0]+"C"+l[1]+" "+l[2]+" "+l[3]}return n.source=function(e){return arguments.length?(t=de(e),n):t},n.target=function(t){return arguments.length?(e=de(t),n):e},n.projection=function(t){return arguments.length?(r=t,n):r},n},t.svg.diagonal.radial=function(){var e=t.svg.diagonal(),r=cs,n=e.projection;return e.projection=function(t){return arguments.length?n(us(r=t)):r},e},t.svg.symbol=function(){var t=hs,e=fs;function r(r,n){return(ds.get(t.call(this,r,n))||ps)(e.call(this,r,n))}return r.type=function(e){return arguments.length?(t=de(e),r):t},r.size=function(t){return arguments.length?(e=de(t),r):e},r};var ds=t.map({circle:ps,cross:function(t){var e=Math.sqrt(t/5)/2;return"M"+-3*e+","+-e+"H"+-e+"V"+-3*e+"H"+e+"V"+-e+"H"+3*e+"V"+e+"H"+e+"V"+3*e+"H"+-e+"V"+e+"H"+-3*e+"Z"},diamond:function(t){var e=Math.sqrt(t/(2*ms)),r=e*ms;return"M0,"+-e+"L"+r+",0 0,"+e+" "+-r+",0Z"},square:function(t){var e=Math.sqrt(t)/2;return"M"+-e+","+-e+"L"+e+","+-e+" "+e+","+e+" "+-e+","+e+"Z"},"triangle-down":function(t){var e=Math.sqrt(t/gs),r=e*gs/2;return"M0,"+r+"L"+e+","+-r+" "+-e+","+-r+"Z"},"triangle-up":function(t){var e=Math.sqrt(t/gs),r=e*gs/2;return"M0,"+-r+"L"+e+","+r+" "+-e+","+r+"Z"}});t.svg.symbolTypes=ds.keys();var gs=Math.sqrt(3),ms=Math.tan(30*Lt);Y.transition=function(t){for(var e,r,n=bs||++Ts,i=As(t),a=[],o=_s||{time:Date.now(),ease:ca,delay:0,duration:250},s=-1,l=this.length;++s0;)c[--h].call(t,o);if(a>=1)return f.event&&f.event.end.call(t,t.__data__,e),--u.count?delete u[n]:delete t[r],1}f||(a=i.time,o=we((function(t){var e=f.delay;if(o.t=e+a,e<=t)return h(t-e);o.c=h}),0,a),f=u[n]={tween:new _,time:a,timer:o,delay:i.delay,duration:i.duration,ease:i.ease,index:e},i=null,++u.count)}ws.call=Y.call,ws.empty=Y.empty,ws.node=Y.node,ws.size=Y.size,t.transition=function(e,r){return e&&e.transition?bs?e.transition(r):e:t.selection().transition(e)},t.transition.prototype=ws,ws.select=function(t){var e,r,n,i=this.id,a=this.namespace,o=[];t=W(t);for(var s=-1,l=this.length;++srect,.s>rect").attr("width",s[1]-s[0])}function g(t){t.select(".extent").attr("y",l[0]),t.selectAll(".extent,.e>rect,.w>rect").attr("height",l[1]-l[0])}function m(){var f,m,v=this,y=t.select(t.event.target),x=n.of(v,arguments),b=t.select(v),_=y.datum(),w=!/^(n|s)$/.test(_)&&i,T=!/^(e|w)$/.test(_)&&a,k=y.classed("extent"),M=bt(v),A=t.mouse(v),S=t.select(o(v)).on("keydown.brush",L).on("keyup.brush",I);if(t.event.changedTouches?S.on("touchmove.brush",P).on("touchend.brush",O):S.on("mousemove.brush",P).on("mouseup.brush",O),b.interrupt().selectAll("*").interrupt(),k)A[0]=s[0]-A[0],A[1]=l[0]-A[1];else if(_){var E=+/w$/.test(_),C=+/^n/.test(_);m=[s[1-E]-A[0],l[1-C]-A[1]],A[0]=s[E],A[1]=l[C]}else t.event.altKey&&(f=A.slice());function L(){32==t.event.keyCode&&(k||(f=null,A[0]-=s[1],A[1]-=l[1],k=2),F())}function I(){32==t.event.keyCode&&2==k&&(A[0]+=s[1],A[1]+=l[1],k=0,F())}function P(){var e=t.mouse(v),r=!1;m&&(e[0]+=m[0],e[1]+=m[1]),k||(t.event.altKey?(f||(f=[(s[0]+s[1])/2,(l[0]+l[1])/2]),A[0]=s[+(e[0]1?{floor:function(e){for(;s(e=t.floor(e));)e=Ns(e-1);return e},ceil:function(e){for(;s(e=t.ceil(e));)e=Ns(+e+1);return e}}:t))},i.ticks=function(t,e){var r=go(i.domain()),n=null==t?a(r,10):"number"==typeof t?a(r,t):!t.range&&[{range:t},e];return n&&(t=n[0],e=n[1]),t.range(r[0],Ns(+r[1]+1),e<1?1:e)},i.tickFormat=function(){return n},i.copy=function(){return Bs(e.copy(),r,n)},wo(i,e)}function Ns(t){return new Date(t)}Os.iso=Date.prototype.toISOString&&+new Date("2000-01-01T00:00:00.000Z")?Fs:Rs,Fs.parse=function(t){var e=new Date(t);return isNaN(e)?null:e},Fs.toString=Rs.toString,Pe.second=Re((function(t){return new ze(1e3*Math.floor(t/1e3))}),(function(t,e){t.setTime(t.getTime()+1e3*Math.floor(e))}),(function(t){return t.getSeconds()})),Pe.seconds=Pe.second.range,Pe.seconds.utc=Pe.second.utc.range,Pe.minute=Re((function(t){return new ze(6e4*Math.floor(t/6e4))}),(function(t,e){t.setTime(t.getTime()+6e4*Math.floor(e))}),(function(t){return t.getMinutes()})),Pe.minutes=Pe.minute.range,Pe.minutes.utc=Pe.minute.utc.range,Pe.hour=Re((function(t){var e=t.getTimezoneOffset()/60;return new ze(36e5*(Math.floor(t/36e5-e)+e))}),(function(t,e){t.setTime(t.getTime()+36e5*Math.floor(e))}),(function(t){return t.getHours()})),Pe.hours=Pe.hour.range,Pe.hours.utc=Pe.hour.utc.range,Pe.month=Re((function(t){return(t=Pe.day(t)).setDate(1),t}),(function(t,e){t.setMonth(t.getMonth()+e)}),(function(t){return t.getMonth()})),Pe.months=Pe.month.range,Pe.months.utc=Pe.month.utc.range;var js=[1e3,5e3,15e3,3e4,6e4,3e5,9e5,18e5,36e5,108e5,216e5,432e5,864e5,1728e5,6048e5,2592e6,7776e6,31536e6],Us=[[Pe.second,1],[Pe.second,5],[Pe.second,15],[Pe.second,30],[Pe.minute,1],[Pe.minute,5],[Pe.minute,15],[Pe.minute,30],[Pe.hour,1],[Pe.hour,3],[Pe.hour,6],[Pe.hour,12],[Pe.day,1],[Pe.day,2],[Pe.week,1],[Pe.month,1],[Pe.month,3],[Pe.year,1]],Vs=Os.multi([[".%L",function(t){return t.getMilliseconds()}],[":%S",function(t){return t.getSeconds()}],["%I:%M",function(t){return t.getMinutes()}],["%I %p",function(t){return t.getHours()}],["%a %d",function(t){return t.getDay()&&1!=t.getDate()}],["%b %d",function(t){return 1!=t.getDate()}],["%B",function(t){return t.getMonth()}],["%Y",Yr]]),qs={range:function(e,r,n){return t.range(Math.ceil(e/n)*n,+r,n).map(Ns)},floor:L,ceil:L};Us.year=Pe.year,Pe.scale=function(){return Bs(t.scale.linear(),Us,Vs)};var Hs=Us.map((function(t){return[t[0].utc,t[1]]})),Gs=Ds.multi([[".%L",function(t){return t.getUTCMilliseconds()}],[":%S",function(t){return t.getUTCSeconds()}],["%I:%M",function(t){return t.getUTCMinutes()}],["%I %p",function(t){return t.getUTCHours()}],["%a %d",function(t){return t.getUTCDay()&&1!=t.getUTCDate()}],["%b %d",function(t){return 1!=t.getUTCDate()}],["%B",function(t){return t.getUTCMonth()}],["%Y",Yr]]);function Ys(t){return JSON.parse(t.responseText)}function Ws(t){var e=i.createRange();return e.selectNode(i.body),e.createContextualFragment(t.responseText)}Hs.year=Pe.year.utc,Pe.scale.utc=function(){return Bs(t.scale.linear(),Hs,Gs)},t.text=ge((function(t){return t.responseText})),t.json=function(t,e){return me(t,"application/json",Ys,e)},t.html=function(t,e){return me(t,"text/html",Ws,e)},t.xml=ge((function(t){return t.responseXML})),"object"==typeof e&&e.exports?e.exports=t:this.d3=t}()},{}],170:[function(t,e,r){e.exports=function(){for(var t=0;t=2)return!1;t[r]=n}return!0})):_.filter((function(t){for(var e=0;e<=s;++e){var r=v[t[e]];if(r<0)return!1;t[e]=r}return!0}));if(1&s)for(u=0;u<_.length;++u){h=(b=_[u])[0];b[0]=b[1],b[1]=h}return _}},{"incremental-convex-hull":459,uniq:597}],172:[function(t,e,r){"use strict";e.exports=a;var n=(a.canvas=document.createElement("canvas")).getContext("2d"),i=o([32,126]);function a(t,e){Array.isArray(t)&&(t=t.join(", "));var r,a={},s=16,l=.05;e&&(2===e.length&&"number"==typeof e[0]?r=o(e):Array.isArray(e)?r=e:(e.o?r=o(e.o):e.pairs&&(r=e.pairs),e.fontSize&&(s=e.fontSize),null!=e.threshold&&(l=e.threshold))),r||(r=i),n.font=s+"px "+t;for(var c=0;cs*l){var p=(h-f)/s;a[u]=1e3*p}}return a}function o(t){for(var e=[],r=t[0];r<=t[1];r++)for(var n=String.fromCharCode(r),i=t[0];i>>31},e.exports.exponent=function(t){return(e.exports.hi(t)<<1>>>21)-1023},e.exports.fraction=function(t){var r=e.exports.lo(t),n=e.exports.hi(t),i=1048575&n;return 2146435072&n&&(i+=1<<20),[r,i]},e.exports.denormalized=function(t){return!(2146435072&e.exports.hi(t))}}).call(this)}).call(this,t("buffer").Buffer)},{buffer:111}],174:[function(t,e,r){var n=t("abs-svg-path"),i=t("normalize-svg-path"),a={M:"moveTo",C:"bezierCurveTo"};e.exports=function(t,e){t.beginPath(),i(n(e)).forEach((function(e){var r=e[0],n=e.slice(1);t[a[r]].apply(t,n)})),t.closePath()}},{"abs-svg-path":65,"normalize-svg-path":497}],175:[function(t,e,r){e.exports=function(t){switch(t){case"int8":return Int8Array;case"int16":return Int16Array;case"int32":return Int32Array;case"uint8":return Uint8Array;case"uint16":return Uint16Array;case"uint32":return Uint32Array;case"float32":return Float32Array;case"float64":return Float64Array;case"array":return Array;case"uint8_clamped":return Uint8ClampedArray}}},{}],176:[function(t,e,r){"use strict";e.exports=function(t,e){switch("undefined"==typeof e&&(e=0),typeof t){case"number":if(t>0)return function(t,e){var r,n;for(r=new Array(t),n=0;n80*r){n=l=t[0],s=c=t[1];for(var b=r;bl&&(l=u),p>c&&(c=p);d=0!==(d=Math.max(l-n,c-s))?1/d:0}return o(y,x,r,n,s,d),x}function i(t,e,r,n,i){var a,o;if(i===E(t,e,r,n)>0)for(a=e;a=e;a-=n)o=M(a,t[a],t[a+1],o);return o&&x(o,o.next)&&(A(o),o=o.next),o}function a(t,e){if(!t)return t;e||(e=t);var r,n=t;do{if(r=!1,n.steiner||!x(n,n.next)&&0!==y(n.prev,n,n.next))n=n.next;else{if(A(n),(n=e=n.prev)===n.next)break;r=!0}}while(r||n!==e);return e}function o(t,e,r,n,i,f,h){if(t){!h&&f&&function(t,e,r,n){var i=t;do{null===i.z&&(i.z=d(i.x,i.y,e,r,n)),i.prevZ=i.prev,i.nextZ=i.next,i=i.next}while(i!==t);i.prevZ.nextZ=null,i.prevZ=null,function(t){var e,r,n,i,a,o,s,l,c=1;do{for(r=t,t=null,a=null,o=0;r;){for(o++,n=r,s=0,e=0;e0||l>0&&n;)0!==s&&(0===l||!n||r.z<=n.z)?(i=r,r=r.nextZ,s--):(i=n,n=n.nextZ,l--),a?a.nextZ=i:t=i,i.prevZ=a,a=i;r=n}a.nextZ=null,c*=2}while(o>1)}(i)}(t,n,i,f);for(var p,g,m=t;t.prev!==t.next;)if(p=t.prev,g=t.next,f?l(t,n,i,f):s(t))e.push(p.i/r),e.push(t.i/r),e.push(g.i/r),A(t),t=g.next,m=g.next;else if((t=g)===m){h?1===h?o(t=c(a(t),e,r),e,r,n,i,f,2):2===h&&u(t,e,r,n,i,f):o(a(t),e,r,n,i,f,1);break}}}function s(t){var e=t.prev,r=t,n=t.next;if(y(e,r,n)>=0)return!1;for(var i=t.next.next;i!==t.prev;){if(m(e.x,e.y,r.x,r.y,n.x,n.y,i.x,i.y)&&y(i.prev,i,i.next)>=0)return!1;i=i.next}return!0}function l(t,e,r,n){var i=t.prev,a=t,o=t.next;if(y(i,a,o)>=0)return!1;for(var s=i.xa.x?i.x>o.x?i.x:o.x:a.x>o.x?a.x:o.x,u=i.y>a.y?i.y>o.y?i.y:o.y:a.y>o.y?a.y:o.y,f=d(s,l,e,r,n),h=d(c,u,e,r,n),p=t.prevZ,g=t.nextZ;p&&p.z>=f&&g&&g.z<=h;){if(p!==t.prev&&p!==t.next&&m(i.x,i.y,a.x,a.y,o.x,o.y,p.x,p.y)&&y(p.prev,p,p.next)>=0)return!1;if(p=p.prevZ,g!==t.prev&&g!==t.next&&m(i.x,i.y,a.x,a.y,o.x,o.y,g.x,g.y)&&y(g.prev,g,g.next)>=0)return!1;g=g.nextZ}for(;p&&p.z>=f;){if(p!==t.prev&&p!==t.next&&m(i.x,i.y,a.x,a.y,o.x,o.y,p.x,p.y)&&y(p.prev,p,p.next)>=0)return!1;p=p.prevZ}for(;g&&g.z<=h;){if(g!==t.prev&&g!==t.next&&m(i.x,i.y,a.x,a.y,o.x,o.y,g.x,g.y)&&y(g.prev,g,g.next)>=0)return!1;g=g.nextZ}return!0}function c(t,e,r){var n=t;do{var i=n.prev,o=n.next.next;!x(i,o)&&b(i,n,n.next,o)&&T(i,o)&&T(o,i)&&(e.push(i.i/r),e.push(n.i/r),e.push(o.i/r),A(n),A(n.next),n=t=o),n=n.next}while(n!==t);return a(n)}function u(t,e,r,n,i,s){var l=t;do{for(var c=l.next.next;c!==l.prev;){if(l.i!==c.i&&v(l,c)){var u=k(l,c);return l=a(l,l.next),u=a(u,u.next),o(l,e,r,n,i,s),void o(u,e,r,n,i,s)}c=c.next}l=l.next}while(l!==t)}function f(t,e){return t.x-e.x}function h(t,e){if(e=function(t,e){var r,n=e,i=t.x,a=t.y,o=-1/0;do{if(a<=n.y&&a>=n.next.y&&n.next.y!==n.y){var s=n.x+(a-n.y)*(n.next.x-n.x)/(n.next.y-n.y);if(s<=i&&s>o){if(o=s,s===i){if(a===n.y)return n;if(a===n.next.y)return n.next}r=n.x=n.x&&n.x>=u&&i!==n.x&&m(ar.x||n.x===r.x&&p(r,n)))&&(r=n,h=l)),n=n.next}while(n!==c);return r}(t,e)){var r=k(e,t);a(e,e.next),a(r,r.next)}}function p(t,e){return y(t.prev,t,e.prev)<0&&y(e.next,t,t.next)<0}function d(t,e,r,n,i){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t=32767*(t-r)*i)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e=32767*(e-n)*i)|e<<8))|e<<4))|e<<2))|e<<1))<<1}function g(t){var e=t,r=t;do{(e.x=0&&(t-o)*(n-s)-(r-o)*(e-s)>=0&&(r-o)*(a-s)-(i-o)*(n-s)>=0}function v(t,e){return t.next.i!==e.i&&t.prev.i!==e.i&&!function(t,e){var r=t;do{if(r.i!==t.i&&r.next.i!==t.i&&r.i!==e.i&&r.next.i!==e.i&&b(r,r.next,t,e))return!0;r=r.next}while(r!==t);return!1}(t,e)&&(T(t,e)&&T(e,t)&&function(t,e){var r=t,n=!1,i=(t.x+e.x)/2,a=(t.y+e.y)/2;do{r.y>a!=r.next.y>a&&r.next.y!==r.y&&i<(r.next.x-r.x)*(a-r.y)/(r.next.y-r.y)+r.x&&(n=!n),r=r.next}while(r!==t);return n}(t,e)&&(y(t.prev,t,e.prev)||y(t,e.prev,e))||x(t,e)&&y(t.prev,t,t.next)>0&&y(e.prev,e,e.next)>0)}function y(t,e,r){return(e.y-t.y)*(r.x-e.x)-(e.x-t.x)*(r.y-e.y)}function x(t,e){return t.x===e.x&&t.y===e.y}function b(t,e,r,n){var i=w(y(t,e,r)),a=w(y(t,e,n)),o=w(y(r,n,t)),s=w(y(r,n,e));return i!==a&&o!==s||(!(0!==i||!_(t,r,e))||(!(0!==a||!_(t,n,e))||(!(0!==o||!_(r,t,n))||!(0!==s||!_(r,e,n)))))}function _(t,e,r){return e.x<=Math.max(t.x,r.x)&&e.x>=Math.min(t.x,r.x)&&e.y<=Math.max(t.y,r.y)&&e.y>=Math.min(t.y,r.y)}function w(t){return t>0?1:t<0?-1:0}function T(t,e){return y(t.prev,t,t.next)<0?y(t,e,t.next)>=0&&y(t,t.prev,e)>=0:y(t,e,t.prev)<0||y(t,t.next,e)<0}function k(t,e){var r=new S(t.i,t.x,t.y),n=new S(e.i,e.x,e.y),i=t.next,a=e.prev;return t.next=e,e.prev=t,r.next=i,i.prev=r,n.next=r,r.prev=n,a.next=n,n.prev=a,n}function M(t,e,r,n){var i=new S(t,e,r);return n?(i.next=n.next,i.prev=n,n.next.prev=i,n.next=i):(i.prev=i,i.next=i),i}function A(t){t.next.prev=t.prev,t.prev.next=t.next,t.prevZ&&(t.prevZ.nextZ=t.nextZ),t.nextZ&&(t.nextZ.prevZ=t.prevZ)}function S(t,e,r){this.i=t,this.x=e,this.y=r,this.prev=null,this.next=null,this.z=null,this.prevZ=null,this.nextZ=null,this.steiner=!1}function E(t,e,r,n){for(var i=0,a=e,o=r-n;a0&&(n+=t[i-1].length,r.holes.push(n))}return r}},{}],178:[function(t,e,r){"use strict";e.exports=function(t,e){var r=t.length;if("number"!=typeof e){e=0;for(var i=0;i=e}))}(e);for(var r,i=n(t).components.filter((function(t){return t.length>1})),a=1/0,o=0;o=55296&&y<=56319&&(w+=t[++r]),w=T?h.call(T,k,w,g):w,e?(p.value=w,d(m,g,p)):m[g]=w,++g;v=g}if(void 0===v)for(v=o(t.length),e&&(m=new e(v)),r=0;r0?1:-1}},{}],190:[function(t,e,r){"use strict";var n=t("../math/sign"),i=Math.abs,a=Math.floor;e.exports=function(t){return isNaN(t)?0:0!==(t=Number(t))&&isFinite(t)?n(t)*a(i(t)):t}},{"../math/sign":187}],191:[function(t,e,r){"use strict";var n=t("./to-integer"),i=Math.max;e.exports=function(t){return i(0,n(t))}},{"./to-integer":190}],192:[function(t,e,r){"use strict";var n=t("./valid-callable"),i=t("./valid-value"),a=Function.prototype.bind,o=Function.prototype.call,s=Object.keys,l=Object.prototype.propertyIsEnumerable;e.exports=function(t,e){return function(r,c){var u,f=arguments[2],h=arguments[3];return r=Object(i(r)),n(c),u=s(r),h&&u.sort("function"==typeof h?a.call(h,r):void 0),"function"!=typeof t&&(t=u[t]),o.call(t,u,(function(t,n){return l.call(r,t)?o.call(c,f,r[t],t,r,n):e}))}}},{"./valid-callable":209,"./valid-value":211}],193:[function(t,e,r){"use strict";e.exports=t("./is-implemented")()?Object.assign:t("./shim")},{"./is-implemented":194,"./shim":195}],194:[function(t,e,r){"use strict";e.exports=function(){var t,e=Object.assign;return"function"==typeof e&&(e(t={foo:"raz"},{bar:"dwa"},{trzy:"trzy"}),t.foo+t.bar+t.trzy==="razdwatrzy")}},{}],195:[function(t,e,r){"use strict";var n=t("../keys"),i=t("../valid-value"),a=Math.max;e.exports=function(t,e){var r,o,s,l=a(arguments.length,2);for(t=Object(i(t)),s=function(n){try{t[n]=e[n]}catch(t){r||(r=t)}},o=1;o-1}},{}],215:[function(t,e,r){"use strict";var n=Object.prototype.toString,i=n.call("");e.exports=function(t){return"string"==typeof t||t&&"object"==typeof t&&(t instanceof String||n.call(t)===i)||!1}},{}],216:[function(t,e,r){"use strict";var n=Object.create(null),i=Math.random;e.exports=function(){var t;do{t=i().toString(36).slice(2)}while(n[t]);return t}},{}],217:[function(t,e,r){"use strict";var n,i=t("es5-ext/object/set-prototype-of"),a=t("es5-ext/string/#/contains"),o=t("d"),s=t("es6-symbol"),l=t("./"),c=Object.defineProperty;n=e.exports=function(t,e){if(!(this instanceof n))throw new TypeError("Constructor requires 'new'");l.call(this,t),e=e?a.call(e,"key+value")?"key+value":a.call(e,"key")?"key":"value":"value",c(this,"__kind__",o("",e))},i&&i(n,l),delete n.prototype.constructor,n.prototype=Object.create(l.prototype,{_resolve:o((function(t){return"value"===this.__kind__?this.__list__[t]:"key+value"===this.__kind__?[t,this.__list__[t]]:t}))}),c(n.prototype,s.toStringTag,o("c","Array Iterator"))},{"./":220,d:155,"es5-ext/object/set-prototype-of":206,"es5-ext/string/#/contains":212,"es6-symbol":225}],218:[function(t,e,r){"use strict";var n=t("es5-ext/function/is-arguments"),i=t("es5-ext/object/valid-callable"),a=t("es5-ext/string/is-string"),o=t("./get"),s=Array.isArray,l=Function.prototype.call,c=Array.prototype.some;e.exports=function(t,e){var r,u,f,h,p,d,g,m,v=arguments[2];if(s(t)||n(t)?r="array":a(t)?r="string":t=o(t),i(e),f=function(){h=!0},"array"!==r)if("string"!==r)for(u=t.next();!u.done;){if(l.call(e,v,u.value,f),h)return;u=t.next()}else for(d=t.length,p=0;p=55296&&m<=56319&&(g+=t[++p]),l.call(e,v,g,f),!h);++p);else c.call(t,(function(t){return l.call(e,v,t,f),h}))}},{"./get":219,"es5-ext/function/is-arguments":184,"es5-ext/object/valid-callable":209,"es5-ext/string/is-string":215}],219:[function(t,e,r){"use strict";var n=t("es5-ext/function/is-arguments"),i=t("es5-ext/string/is-string"),a=t("./array"),o=t("./string"),s=t("./valid-iterable"),l=t("es6-symbol").iterator;e.exports=function(t){return"function"==typeof s(t)[l]?t[l]():n(t)?new a(t):i(t)?new o(t):new a(t)}},{"./array":217,"./string":222,"./valid-iterable":223,"es5-ext/function/is-arguments":184,"es5-ext/string/is-string":215,"es6-symbol":225}],220:[function(t,e,r){"use strict";var n,i=t("es5-ext/array/#/clear"),a=t("es5-ext/object/assign"),o=t("es5-ext/object/valid-callable"),s=t("es5-ext/object/valid-value"),l=t("d"),c=t("d/auto-bind"),u=t("es6-symbol"),f=Object.defineProperty,h=Object.defineProperties;e.exports=n=function(t,e){if(!(this instanceof n))throw new TypeError("Constructor requires 'new'");h(this,{__list__:l("w",s(t)),__context__:l("w",e),__nextIndex__:l("w",0)}),e&&(o(e.on),e.on("_add",this._onAdd),e.on("_delete",this._onDelete),e.on("_clear",this._onClear))},delete n.prototype.constructor,h(n.prototype,a({_next:l((function(){var t;if(this.__list__)return this.__redo__&&void 0!==(t=this.__redo__.shift())?t:this.__nextIndex__=this.__nextIndex__||(++this.__nextIndex__,this.__redo__?(this.__redo__.forEach((function(e,r){e>=t&&(this.__redo__[r]=++e)}),this),this.__redo__.push(t)):f(this,"__redo__",l("c",[t])))})),_onDelete:l((function(t){var e;t>=this.__nextIndex__||(--this.__nextIndex__,this.__redo__&&(-1!==(e=this.__redo__.indexOf(t))&&this.__redo__.splice(e,1),this.__redo__.forEach((function(e,r){e>t&&(this.__redo__[r]=--e)}),this)))})),_onClear:l((function(){this.__redo__&&i.call(this.__redo__),this.__nextIndex__=0}))}))),f(n.prototype,u.iterator,l((function(){return this})))},{d:155,"d/auto-bind":154,"es5-ext/array/#/clear":180,"es5-ext/object/assign":193,"es5-ext/object/valid-callable":209,"es5-ext/object/valid-value":211,"es6-symbol":225}],221:[function(t,e,r){"use strict";var n=t("es5-ext/function/is-arguments"),i=t("es5-ext/object/is-value"),a=t("es5-ext/string/is-string"),o=t("es6-symbol").iterator,s=Array.isArray;e.exports=function(t){return!!i(t)&&(!!s(t)||(!!a(t)||(!!n(t)||"function"==typeof t[o])))}},{"es5-ext/function/is-arguments":184,"es5-ext/object/is-value":200,"es5-ext/string/is-string":215,"es6-symbol":225}],222:[function(t,e,r){"use strict";var n,i=t("es5-ext/object/set-prototype-of"),a=t("d"),o=t("es6-symbol"),s=t("./"),l=Object.defineProperty;n=e.exports=function(t){if(!(this instanceof n))throw new TypeError("Constructor requires 'new'");t=String(t),s.call(this,t),l(this,"__length__",a("",t.length))},i&&i(n,s),delete n.prototype.constructor,n.prototype=Object.create(s.prototype,{_next:a((function(){if(this.__list__)return this.__nextIndex__=55296&&e<=56319?r+this.__list__[this.__nextIndex__++]:r}))}),l(n.prototype,o.toStringTag,a("c","String Iterator"))},{"./":220,d:155,"es5-ext/object/set-prototype-of":206,"es6-symbol":225}],223:[function(t,e,r){"use strict";var n=t("./is-iterable");e.exports=function(t){if(!n(t))throw new TypeError(t+" is not iterable");return t}},{"./is-iterable":221}],224:[function(t,e,r){(function(n,i){(function(){ +/*! + * @overview es6-promise - a tiny implementation of Promises/A+. + * @copyright Copyright (c) 2014 Yehuda Katz, Tom Dale, Stefan Penner and contributors (Conversion to ES6 API by Jake Archibald) + * @license Licensed under MIT license + * See https://raw.githubusercontent.com/stefanpenner/es6-promise/master/LICENSE + * @version v4.2.8+1e68dce6 + */ +!function(t,n){"object"==typeof r&&"undefined"!=typeof e?e.exports=n():t.ES6Promise=n()}(this,(function(){"use strict";function e(t){return"function"==typeof t}var r=Array.isArray?Array.isArray:function(t){return"[object Array]"===Object.prototype.toString.call(t)},a=0,o=void 0,s=void 0,l=function(t,e){g[a]=t,g[a+1]=e,2===(a+=2)&&(s?s(m):_())};var c="undefined"!=typeof window?window:void 0,u=c||{},f=u.MutationObserver||u.WebKitMutationObserver,h="undefined"==typeof self&&"undefined"!=typeof n&&"[object process]"==={}.toString.call(n),p="undefined"!=typeof Uint8ClampedArray&&"undefined"!=typeof importScripts&&"undefined"!=typeof MessageChannel;function d(){var t=setTimeout;return function(){return t(m,1)}}var g=new Array(1e3);function m(){for(var t=0;t=r-1){h=l.length-1;var d=t-e[r-1];for(p=0;p=r-1)for(var u=s.length-1,f=(e[r-1],0);f=0;--r)if(t[--e])return!1;return!0},s.jump=function(t){var e=this.lastT(),r=this.dimension;if(!(t0;--f)n.push(a(l[f-1],c[f-1],arguments[f])),i.push(0)}},s.push=function(t){var e=this.lastT(),r=this.dimension;if(!(t1e-6?1/s:0;this._time.push(t);for(var h=r;h>0;--h){var p=a(c[h-1],u[h-1],arguments[h]);n.push(p),i.push((p-n[o++])*f)}}},s.set=function(t){var e=this.dimension;if(!(t0;--l)r.push(a(o[l-1],s[l-1],arguments[l])),n.push(0)}},s.move=function(t){var e=this.lastT(),r=this.dimension;if(!(t<=e||arguments.length!==r+1)){var n=this._state,i=this._velocity,o=n.length-this.dimension,s=this.bounds,l=s[0],c=s[1],u=t-e,f=u>1e-6?1/u:0;this._time.push(t);for(var h=r;h>0;--h){var p=arguments[h];n.push(a(l[h-1],c[h-1],n[o++]+p)),i.push(p*f)}}},s.idle=function(t){var e=this.lastT();if(!(t=0;--f)n.push(a(l[f],c[f],n[o]+u*i[o])),i.push(0),o+=1}}},{"binary-search-bounds":243,"cubic-hermite":150}],243:[function(t,e,r){"use strict";function n(t,e,r,n,i,a){var o=["function ",t,"(a,l,h,",n.join(","),"){",a?"":"var i=",r?"l-1":"h+1",";while(l<=h){var m=(l+h)>>>1,x=a",i?".get(m)":"[m]"];return a?e.indexOf("c")<0?o.push(";if(x===y){return m}else if(x<=y){"):o.push(";var p=c(x,y);if(p===0){return m}else if(p<=0){"):o.push(";if(",e,"){i=m;"),r?o.push("l=m+1}else{h=m-1}"):o.push("h=m-1}else{l=m+1}"),o.push("}"),a?o.push("return -1};"):o.push("return i};"),o.join("")}function i(t,e,r,i){return new Function([n("A","x"+t+"y",e,["y"],!1,i),n("B","x"+t+"y",e,["y"],!0,i),n("P","c(x,y)"+t+"0",e,["y","c"],!1,i),n("Q","c(x,y)"+t+"0",e,["y","c"],!0,i),"function dispatchBsearch",r,"(a,y,c,l,h){if(a.shape){if(typeof(c)==='function'){return Q(a,(l===undefined)?0:l|0,(h===undefined)?a.shape[0]-1:h|0,y,c)}else{return B(a,(c===undefined)?0:c|0,(l===undefined)?a.shape[0]-1:l|0,y)}}else{if(typeof(c)==='function'){return P(a,(l===undefined)?0:l|0,(h===undefined)?a.length-1:h|0,y,c)}else{return A(a,(c===undefined)?0:c|0,(l===undefined)?a.length-1:l|0,y)}}}return dispatchBsearch",r].join(""))()}e.exports={ge:i(">=",!1,"GE"),gt:i(">",!1,"GT"),lt:i("<",!0,"LT"),le:i("<=",!0,"LE"),eq:i("-",!0,"EQ",!0)}},{}],244:[function(t,e,r){var n=t("dtype");e.exports=function(t,e,r){if(!t)throw new TypeError("must specify data as first parameter");if(r=0|+(r||0),Array.isArray(t)&&t[0]&&"number"==typeof t[0][0]){var i,a,o,s,l=t[0].length,c=t.length*l;e&&"string"!=typeof e||(e=new(n(e||"float32"))(c+r));var u=e.length-r;if(c!==u)throw new Error("source length "+c+" ("+l+"x"+t.length+") does not match destination length "+u);for(i=0,o=r;ie[0]-o[0]/2&&(h=o[0]/2,p+=o[1]);return r}},{"css-font/stringify":147}],246:[function(t,e,r){"use strict";function n(t,e){e||(e={}),("string"==typeof t||Array.isArray(t))&&(e.family=t);var r=Array.isArray(e.family)?e.family.join(", "):e.family;if(!r)throw Error("`family` must be defined");var s=e.size||e.fontSize||e.em||48,l=e.weight||e.fontWeight||"",c=(t=[e.style||e.fontStyle||"",l,s].join(" ")+"px "+r,e.origin||"top");if(n.cache[r]&&s<=n.cache[r].em)return i(n.cache[r],c);var u=e.canvas||n.canvas,f=u.getContext("2d"),h={upper:void 0!==e.upper?e.upper:"H",lower:void 0!==e.lower?e.lower:"x",descent:void 0!==e.descent?e.descent:"p",ascent:void 0!==e.ascent?e.ascent:"h",tittle:void 0!==e.tittle?e.tittle:"i",overshoot:void 0!==e.overshoot?e.overshoot:"O"},p=Math.ceil(1.5*s);u.height=p,u.width=.5*p,f.font=t;var d={top:0};f.clearRect(0,0,p,p),f.textBaseline="top",f.fillStyle="black",f.fillText("H",0,0);var g=a(f.getImageData(0,0,p,p));f.clearRect(0,0,p,p),f.textBaseline="bottom",f.fillText("H",0,p);var m=a(f.getImageData(0,0,p,p));d.lineHeight=d.bottom=p-m+g,f.clearRect(0,0,p,p),f.textBaseline="alphabetic",f.fillText("H",0,p);var v=p-a(f.getImageData(0,0,p,p))-1+g;d.baseline=d.alphabetic=v,f.clearRect(0,0,p,p),f.textBaseline="middle",f.fillText("H",0,.5*p);var y=a(f.getImageData(0,0,p,p));d.median=d.middle=p-y-1+g-.5*p,f.clearRect(0,0,p,p),f.textBaseline="hanging",f.fillText("H",0,.5*p);var x=a(f.getImageData(0,0,p,p));d.hanging=p-x-1+g-.5*p,f.clearRect(0,0,p,p),f.textBaseline="ideographic",f.fillText("H",0,p);var b=a(f.getImageData(0,0,p,p));if(d.ideographic=p-b-1+g,h.upper&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.upper,0,0),d.upper=a(f.getImageData(0,0,p,p)),d.capHeight=d.baseline-d.upper),h.lower&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.lower,0,0),d.lower=a(f.getImageData(0,0,p,p)),d.xHeight=d.baseline-d.lower),h.tittle&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.tittle,0,0),d.tittle=a(f.getImageData(0,0,p,p))),h.ascent&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.ascent,0,0),d.ascent=a(f.getImageData(0,0,p,p))),h.descent&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.descent,0,0),d.descent=o(f.getImageData(0,0,p,p))),h.overshoot){f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.overshoot,0,0);var _=o(f.getImageData(0,0,p,p));d.overshoot=_-v}for(var w in d)d[w]/=s;return d.em=s,n.cache[r]=d,i(d,c)}function i(t,e){var r={};for(var n in"string"==typeof e&&(e=t[e]),t)"em"!==n&&(r[n]=t[n]-e);return r}function a(t){for(var e=t.height,r=t.data,n=3;n0;n-=4)if(0!==r[n])return Math.floor(.25*(n-3)/e)}e.exports=n,n.canvas=document.createElement("canvas"),n.cache={}},{}],247:[function(t,e,r){"use strict";e.exports=function(t){return new s(t||g,null)};function n(t,e,r,n,i,a){this._color=t,this.key=e,this.value=r,this.left=n,this.right=i,this._count=a}function i(t){return new n(t._color,t.key,t.value,t.left,t.right,t._count)}function a(t,e){return new n(t,e.key,e.value,e.left,e.right,e._count)}function o(t){t._count=1+(t.left?t.left._count:0)+(t.right?t.right._count:0)}function s(t,e){this._compare=t,this.root=e}var l=s.prototype;function c(t,e){var r;if(e.left&&(r=c(t,e.left)))return r;return(r=t(e.key,e.value))||(e.right?c(t,e.right):void 0)}function u(t,e,r,n){if(e(t,n.key)<=0){var i;if(n.left)if(i=u(t,e,r,n.left))return i;if(i=r(n.key,n.value))return i}if(n.right)return u(t,e,r,n.right)}function f(t,e,r,n,i){var a,o=r(t,i.key),s=r(e,i.key);if(o<=0){if(i.left&&(a=f(t,e,r,n,i.left)))return a;if(s>0&&(a=n(i.key,i.value)))return a}if(s>0&&i.right)return f(t,e,r,n,i.right)}function h(t,e){this.tree=t,this._stack=e}Object.defineProperty(l,"keys",{get:function(){var t=[];return this.forEach((function(e,r){t.push(e)})),t}}),Object.defineProperty(l,"values",{get:function(){var t=[];return this.forEach((function(e,r){t.push(r)})),t}}),Object.defineProperty(l,"length",{get:function(){return this.root?this.root._count:0}}),l.insert=function(t,e){for(var r=this._compare,i=this.root,l=[],c=[];i;){var u=r(t,i.key);l.push(i),c.push(u),i=u<=0?i.left:i.right}l.push(new n(0,t,e,null,null,1));for(var f=l.length-2;f>=0;--f){i=l[f];c[f]<=0?l[f]=new n(i._color,i.key,i.value,l[f+1],i.right,i._count+1):l[f]=new n(i._color,i.key,i.value,i.left,l[f+1],i._count+1)}for(f=l.length-1;f>1;--f){var h=l[f-1];i=l[f];if(1===h._color||1===i._color)break;var p=l[f-2];if(p.left===h)if(h.left===i){if(!(d=p.right)||0!==d._color){if(p._color=0,p.left=h.right,h._color=1,h.right=p,l[f-2]=h,l[f-1]=i,o(p),o(h),f>=3)(g=l[f-3]).left===p?g.left=h:g.right=h;break}h._color=1,p.right=a(1,d),p._color=0,f-=1}else{if(!(d=p.right)||0!==d._color){if(h.right=i.left,p._color=0,p.left=i.right,i._color=1,i.left=h,i.right=p,l[f-2]=i,l[f-1]=h,o(p),o(h),o(i),f>=3)(g=l[f-3]).left===p?g.left=i:g.right=i;break}h._color=1,p.right=a(1,d),p._color=0,f-=1}else if(h.right===i){if(!(d=p.left)||0!==d._color){if(p._color=0,p.right=h.left,h._color=1,h.left=p,l[f-2]=h,l[f-1]=i,o(p),o(h),f>=3)(g=l[f-3]).right===p?g.right=h:g.left=h;break}h._color=1,p.left=a(1,d),p._color=0,f-=1}else{var d;if(!(d=p.left)||0!==d._color){var g;if(h.left=i.right,p._color=0,p.right=i.left,i._color=1,i.right=h,i.left=p,l[f-2]=i,l[f-1]=h,o(p),o(h),o(i),f>=3)(g=l[f-3]).right===p?g.right=i:g.left=i;break}h._color=1,p.left=a(1,d),p._color=0,f-=1}}return l[0]._color=1,new s(r,l[0])},l.forEach=function(t,e,r){if(this.root)switch(arguments.length){case 1:return c(t,this.root);case 2:return u(e,this._compare,t,this.root);case 3:if(this._compare(e,r)>=0)return;return f(e,r,this._compare,t,this.root)}},Object.defineProperty(l,"begin",{get:function(){for(var t=[],e=this.root;e;)t.push(e),e=e.left;return new h(this,t)}}),Object.defineProperty(l,"end",{get:function(){for(var t=[],e=this.root;e;)t.push(e),e=e.right;return new h(this,t)}}),l.at=function(t){if(t<0)return new h(this,[]);for(var e=this.root,r=[];;){if(r.push(e),e.left){if(t=e.right._count)break;e=e.right}return new h(this,[])},l.ge=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a<=0&&(i=n.length),r=a<=0?r.left:r.right}return n.length=i,new h(this,n)},l.gt=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a<0&&(i=n.length),r=a<0?r.left:r.right}return n.length=i,new h(this,n)},l.lt=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a>0&&(i=n.length),r=a<=0?r.left:r.right}return n.length=i,new h(this,n)},l.le=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a>=0&&(i=n.length),r=a<0?r.left:r.right}return n.length=i,new h(this,n)},l.find=function(t){for(var e=this._compare,r=this.root,n=[];r;){var i=e(t,r.key);if(n.push(r),0===i)return new h(this,n);r=i<=0?r.left:r.right}return new h(this,[])},l.remove=function(t){var e=this.find(t);return e?e.remove():this},l.get=function(t){for(var e=this._compare,r=this.root;r;){var n=e(t,r.key);if(0===n)return r.value;r=n<=0?r.left:r.right}};var p=h.prototype;function d(t,e){t.key=e.key,t.value=e.value,t.left=e.left,t.right=e.right,t._color=e._color,t._count=e._count}function g(t,e){return te?1:0}Object.defineProperty(p,"valid",{get:function(){return this._stack.length>0}}),Object.defineProperty(p,"node",{get:function(){return this._stack.length>0?this._stack[this._stack.length-1]:null},enumerable:!0}),p.clone=function(){return new h(this.tree,this._stack.slice())},p.remove=function(){var t=this._stack;if(0===t.length)return this.tree;var e=new Array(t.length),r=t[t.length-1];e[e.length-1]=new n(r._color,r.key,r.value,r.left,r.right,r._count);for(var l=t.length-2;l>=0;--l){(r=t[l]).left===t[l+1]?e[l]=new n(r._color,r.key,r.value,e[l+1],r.right,r._count):e[l]=new n(r._color,r.key,r.value,r.left,e[l+1],r._count)}if((r=e[e.length-1]).left&&r.right){var c=e.length;for(r=r.left;r.right;)e.push(r),r=r.right;var u=e[c-1];e.push(new n(r._color,u.key,u.value,r.left,r.right,r._count)),e[c-1].key=r.key,e[c-1].value=r.value;for(l=e.length-2;l>=c;--l)r=e[l],e[l]=new n(r._color,r.key,r.value,r.left,e[l+1],r._count);e[c-1].left=e[c]}if(0===(r=e[e.length-1])._color){var f=e[e.length-2];f.left===r?f.left=null:f.right===r&&(f.right=null),e.pop();for(l=0;l=0;--l){if(e=t[l],0===l)return void(e._color=1);if((r=t[l-1]).left===e){if((n=r.right).right&&0===n.right._color){if(s=(n=r.right=i(n)).right=i(n.right),r.right=n.left,n.left=r,n.right=s,n._color=r._color,e._color=1,r._color=1,s._color=1,o(r),o(n),l>1)(c=t[l-2]).left===r?c.left=n:c.right=n;return void(t[l-1]=n)}if(n.left&&0===n.left._color){if(s=(n=r.right=i(n)).left=i(n.left),r.right=s.left,n.left=s.right,s.left=r,s.right=n,s._color=r._color,r._color=1,n._color=1,e._color=1,o(r),o(n),o(s),l>1)(c=t[l-2]).left===r?c.left=s:c.right=s;return void(t[l-1]=s)}if(1===n._color){if(0===r._color)return r._color=1,void(r.right=a(0,n));r.right=a(0,n);continue}n=i(n),r.right=n.left,n.left=r,n._color=r._color,r._color=0,o(r),o(n),l>1&&((c=t[l-2]).left===r?c.left=n:c.right=n),t[l-1]=n,t[l]=r,l+11)(c=t[l-2]).right===r?c.right=n:c.left=n;return void(t[l-1]=n)}if(n.right&&0===n.right._color){if(s=(n=r.left=i(n)).right=i(n.right),r.left=s.right,n.right=s.left,s.right=r,s.left=n,s._color=r._color,r._color=1,n._color=1,e._color=1,o(r),o(n),o(s),l>1)(c=t[l-2]).right===r?c.right=s:c.left=s;return void(t[l-1]=s)}if(1===n._color){if(0===r._color)return r._color=1,void(r.left=a(0,n));r.left=a(0,n);continue}var c;n=i(n),r.left=n.right,n.right=r,n._color=r._color,r._color=0,o(r),o(n),l>1&&((c=t[l-2]).right===r?c.right=n:c.left=n),t[l-1]=n,t[l]=r,l+10)return this._stack[this._stack.length-1].key},enumerable:!0}),Object.defineProperty(p,"value",{get:function(){if(this._stack.length>0)return this._stack[this._stack.length-1].value},enumerable:!0}),Object.defineProperty(p,"index",{get:function(){var t=0,e=this._stack;if(0===e.length){var r=this.tree.root;return r?r._count:0}e[e.length-1].left&&(t=e[e.length-1].left._count);for(var n=e.length-2;n>=0;--n)e[n+1]===e[n].right&&(++t,e[n].left&&(t+=e[n].left._count));return t},enumerable:!0}),p.next=function(){var t=this._stack;if(0!==t.length){var e=t[t.length-1];if(e.right)for(e=e.right;e;)t.push(e),e=e.left;else for(t.pop();t.length>0&&t[t.length-1].right===e;)e=t[t.length-1],t.pop()}},Object.defineProperty(p,"hasNext",{get:function(){var t=this._stack;if(0===t.length)return!1;if(t[t.length-1].right)return!0;for(var e=t.length-1;e>0;--e)if(t[e-1].left===t[e])return!0;return!1}}),p.update=function(t){var e=this._stack;if(0===e.length)throw new Error("Can't update empty node!");var r=new Array(e.length),i=e[e.length-1];r[r.length-1]=new n(i._color,i.key,t,i.left,i.right,i._count);for(var a=e.length-2;a>=0;--a)(i=e[a]).left===e[a+1]?r[a]=new n(i._color,i.key,i.value,r[a+1],i.right,i._count):r[a]=new n(i._color,i.key,i.value,i.left,r[a+1],i._count);return new s(this.tree._compare,r[0])},p.prev=function(){var t=this._stack;if(0!==t.length){var e=t[t.length-1];if(e.left)for(e=e.left;e;)t.push(e),e=e.right;else for(t.pop();t.length>0&&t[t.length-1].left===e;)e=t[t.length-1],t.pop()}},Object.defineProperty(p,"hasPrev",{get:function(){var t=this._stack;if(0===t.length)return!1;if(t[t.length-1].left)return!0;for(var e=t.length-1;e>0;--e)if(t[e-1].right===t[e])return!0;return!1}})},{}],248:[function(t,e,r){var n=[.9999999999998099,676.5203681218851,-1259.1392167224028,771.3234287776531,-176.6150291621406,12.507343278686905,-.13857109526572012,9984369578019572e-21,1.5056327351493116e-7],i=[.9999999999999971,57.15623566586292,-59.59796035547549,14.136097974741746,-.4919138160976202,3399464998481189e-20,4652362892704858e-20,-9837447530487956e-20,.0001580887032249125,-.00021026444172410488,.00021743961811521265,-.0001643181065367639,8441822398385275e-20,-26190838401581408e-21,36899182659531625e-22];function a(t){if(t<0)return Number("0/0");for(var e=i[0],r=i.length-1;r>0;--r)e+=i[r]/(t+r);var n=t+607/128+.5;return.5*Math.log(2*Math.PI)+(t+.5)*Math.log(n)-n+Math.log(e)-Math.log(t)}e.exports=function t(e){if(e<.5)return Math.PI/(Math.sin(Math.PI*e)*t(1-e));if(e>100)return Math.exp(a(e));e-=1;for(var r=n[0],i=1;i<9;i++)r+=n[i]/(e+i);var o=e+7+.5;return Math.sqrt(2*Math.PI)*Math.pow(o,e+.5)*Math.exp(-o)*r},e.exports.log=a},{}],249:[function(t,e,r){e.exports=function(t,e){if("string"!=typeof t)throw new TypeError("must specify type string");if(e=e||{},"undefined"==typeof document&&!e.canvas)return null;var r=e.canvas||document.createElement("canvas");"number"==typeof e.width&&(r.width=e.width);"number"==typeof e.height&&(r.height=e.height);var n,i=e;try{var a=[t];0===t.indexOf("webgl")&&a.push("experimental-"+t);for(var o=0;o0?(p[u]=-1,d[u]=0):(p[u]=0,d[u]=1)}}var g=[0,0,0],m={model:l,view:l,projection:l,_ortho:!1};f.isOpaque=function(){return!0},f.isTransparent=function(){return!1},f.drawTransparent=function(t){};var v=[0,0,0],y=[0,0,0],x=[0,0,0];f.draw=function(t){t=t||m;for(var e=this.gl,r=t.model||l,n=t.view||l,i=t.projection||l,a=this.bounds,s=t._ortho||!1,u=o(r,n,i,a,s),f=u.cubeEdges,h=u.axis,b=n[12],_=n[13],w=n[14],T=n[15],k=(s?2:1)*this.pixelRatio*(i[3]*b+i[7]*_+i[11]*w+i[15]*T)/e.drawingBufferHeight,M=0;M<3;++M)this.lastCubeProps.cubeEdges[M]=f[M],this.lastCubeProps.axis[M]=h[M];var A=p;for(M=0;M<3;++M)d(p[M],M,this.bounds,f,h);e=this.gl;var S,E=g;for(M=0;M<3;++M)this.backgroundEnable[M]?E[M]=h[M]:E[M]=0;this._background.draw(r,n,i,a,E,this.backgroundColor),this._lines.bind(r,n,i,this);for(M=0;M<3;++M){var C=[0,0,0];h[M]>0?C[M]=a[1][M]:C[M]=a[0][M];for(var L=0;L<2;++L){var I=(M+1+L)%3,P=(M+1+(1^L))%3;this.gridEnable[I]&&this._lines.drawGrid(I,P,this.bounds,C,this.gridColor[I],this.gridWidth[I]*this.pixelRatio)}for(L=0;L<2;++L){I=(M+1+L)%3,P=(M+1+(1^L))%3;this.zeroEnable[P]&&Math.min(a[0][P],a[1][P])<=0&&Math.max(a[0][P],a[1][P])>=0&&this._lines.drawZero(I,P,this.bounds,C,this.zeroLineColor[P],this.zeroLineWidth[P]*this.pixelRatio)}}for(M=0;M<3;++M){this.lineEnable[M]&&this._lines.drawAxisLine(M,this.bounds,A[M].primalOffset,this.lineColor[M],this.lineWidth[M]*this.pixelRatio),this.lineMirror[M]&&this._lines.drawAxisLine(M,this.bounds,A[M].mirrorOffset,this.lineColor[M],this.lineWidth[M]*this.pixelRatio);var z=c(v,A[M].primalMinor),O=c(y,A[M].mirrorMinor),D=this.lineTickLength;for(L=0;L<3;++L){var R=k/r[5*L];z[L]*=D[L]*R,O[L]*=D[L]*R}this.lineTickEnable[M]&&this._lines.drawAxisTicks(M,A[M].primalOffset,z,this.lineTickColor[M],this.lineTickWidth[M]*this.pixelRatio),this.lineTickMirror[M]&&this._lines.drawAxisTicks(M,A[M].mirrorOffset,O,this.lineTickColor[M],this.lineTickWidth[M]*this.pixelRatio)}this._lines.unbind(),this._text.bind(r,n,i,this.pixelRatio);var F,B;function N(t){(B=[0,0,0])[t]=1}function j(t,e,r){var n=(t+1)%3,i=(t+2)%3,a=e[n],o=e[i],s=r[n],l=r[i];a>0&&l>0||a>0&&l<0||a<0&&l>0||a<0&&l<0?N(n):(o>0&&s>0||o>0&&s<0||o<0&&s>0||o<0&&s<0)&&N(i)}for(M=0;M<3;++M){var U=A[M].primalMinor,V=A[M].mirrorMinor,q=c(x,A[M].primalOffset);for(L=0;L<3;++L)this.lineTickEnable[M]&&(q[L]+=k*U[L]*Math.max(this.lineTickLength[L],0)/r[5*L]);var H=[0,0,0];if(H[M]=1,this.tickEnable[M]){-3600===this.tickAngle[M]?(this.tickAngle[M]=0,this.tickAlign[M]="auto"):this.tickAlign[M]=-1,F=1,"auto"===(S=[this.tickAlign[M],.5,F])[0]?S[0]=0:S[0]=parseInt(""+S[0]),B=[0,0,0],j(M,U,V);for(L=0;L<3;++L)q[L]+=k*U[L]*this.tickPad[L]/r[5*L];this._text.drawTicks(M,this.tickSize[M],this.tickAngle[M],q,this.tickColor[M],H,B,S)}if(this.labelEnable[M]){F=0,B=[0,0,0],this.labels[M].length>4&&(N(M),F=1),"auto"===(S=[this.labelAlign[M],.5,F])[0]?S[0]=0:S[0]=parseInt(""+S[0]);for(L=0;L<3;++L)q[L]+=k*U[L]*this.labelPad[L]/r[5*L];q[M]+=.5*(a[0][M]+a[1][M]),this._text.drawLabel(M,this.labelSize[M],this.labelAngle[M],q,this.labelColor[M],[0,0,0],B,S)}}this._text.unbind()},f.dispose=function(){this._text.dispose(),this._lines.dispose(),this._background.dispose(),this._lines=null,this._text=null,this._background=null,this.gl=null}},{"./lib/background.js":251,"./lib/cube.js":252,"./lib/lines.js":253,"./lib/text.js":255,"./lib/ticks.js":256}],251:[function(t,e,r){"use strict";e.exports=function(t){for(var e=[],r=[],s=0,l=0;l<3;++l)for(var c=(l+1)%3,u=(l+2)%3,f=[0,0,0],h=[0,0,0],p=-1;p<=1;p+=2){r.push(s,s+2,s+1,s+1,s+2,s+3),f[l]=p,h[l]=p;for(var d=-1;d<=1;d+=2){f[c]=d;for(var g=-1;g<=1;g+=2)f[u]=g,e.push(f[0],f[1],f[2],h[0],h[1],h[2]),s+=1}var m=c;c=u,u=m}var v=n(t,new Float32Array(e)),y=n(t,new Uint16Array(r),t.ELEMENT_ARRAY_BUFFER),x=i(t,[{buffer:v,type:t.FLOAT,size:3,offset:0,stride:24},{buffer:v,type:t.FLOAT,size:3,offset:12,stride:24}],y),b=a(t);return b.attributes.position.location=0,b.attributes.normal.location=1,new o(t,v,x,b)};var n=t("gl-buffer"),i=t("gl-vao"),a=t("./shaders").bg;function o(t,e,r,n){this.gl=t,this.buffer=e,this.vao=r,this.shader=n}var s=o.prototype;s.draw=function(t,e,r,n,i,a){for(var o=!1,s=0;s<3;++s)o=o||i[s];if(o){var l=this.gl;l.enable(l.POLYGON_OFFSET_FILL),l.polygonOffset(1,2),this.shader.bind(),this.shader.uniforms={model:t,view:e,projection:r,bounds:n,enable:i,colors:a},this.vao.bind(),this.vao.draw(this.gl.TRIANGLES,36),this.vao.unbind(),l.disable(l.POLYGON_OFFSET_FILL)}},s.dispose=function(){this.vao.dispose(),this.buffer.dispose(),this.shader.dispose()}},{"./shaders":254,"gl-buffer":259,"gl-vao":358}],252:[function(t,e,r){"use strict";e.exports=function(t,e,r,a,p){i(s,e,t),i(s,r,s);for(var y=0,x=0;x<2;++x){u[2]=a[x][2];for(var b=0;b<2;++b){u[1]=a[b][1];for(var _=0;_<2;++_)u[0]=a[_][0],h(l[y],u,s),y+=1}}var w=-1;for(x=0;x<8;++x){for(var T=l[x][3],k=0;k<3;++k)c[x][k]=l[x][k]/T;p&&(c[x][2]*=-1),T<0&&(w<0||c[x][2]E&&(w|=1<E&&(w|=1<c[x][1])&&(R=x);var F=-1;for(x=0;x<3;++x){if((N=R^1<c[B][0]&&(B=N)}var j=g;j[0]=j[1]=j[2]=0,j[n.log2(F^R)]=R&F,j[n.log2(R^B)]=R&B;var U=7^B;U===w||U===D?(U=7^F,j[n.log2(B^U)]=U&B):j[n.log2(F^U)]=U&F;var V=m,q=w;for(M=0;M<3;++M)V[M]=q&1< HALF_PI) && (b <= ONE_AND_HALF_PI)) ?\n b - PI :\n b;\n}\n\nfloat look_horizontal_or_vertical(float a, float ratio) {\n // ratio controls the ratio between being horizontal to (vertical + horizontal)\n // if ratio is set to 0.5 then it is 50%, 50%.\n // when using a higher ratio e.g. 0.75 the result would\n // likely be more horizontal than vertical.\n\n float b = positive_angle(a);\n\n return\n (b < ( ratio) * HALF_PI) ? 0.0 :\n (b < (2.0 - ratio) * HALF_PI) ? -HALF_PI :\n (b < (2.0 + ratio) * HALF_PI) ? 0.0 :\n (b < (4.0 - ratio) * HALF_PI) ? HALF_PI :\n 0.0;\n}\n\nfloat roundTo(float a, float b) {\n return float(b * floor((a + 0.5 * b) / b));\n}\n\nfloat look_round_n_directions(float a, int n) {\n float b = positive_angle(a);\n float div = TWO_PI / float(n);\n float c = roundTo(b, div);\n return look_upwards(c);\n}\n\nfloat applyAlignOption(float rawAngle, float delta) {\n return\n (option > 2) ? look_round_n_directions(rawAngle + delta, option) : // option 3-n: round to n directions\n (option == 2) ? look_horizontal_or_vertical(rawAngle + delta, hv_ratio) : // horizontal or vertical\n (option == 1) ? rawAngle + delta : // use free angle, and flip to align with one direction of the axis\n (option == 0) ? look_upwards(rawAngle) : // use free angle, and stay upwards\n (option ==-1) ? 0.0 : // useful for backward compatibility, all texts remains horizontal\n rawAngle; // otherwise return back raw input angle\n}\n\nbool isAxisTitle = (axis.x == 0.0) &&\n (axis.y == 0.0) &&\n (axis.z == 0.0);\n\nvoid main() {\n //Compute world offset\n float axisDistance = position.z;\n vec3 dataPosition = axisDistance * axis + offset;\n\n float beta = angle; // i.e. user defined attributes for each tick\n\n float axisAngle;\n float clipAngle;\n float flip;\n\n if (enableAlign) {\n axisAngle = (isAxisTitle) ? HALF_PI :\n computeViewAngle(dataPosition, dataPosition + axis);\n clipAngle = computeViewAngle(dataPosition, dataPosition + alignDir);\n\n axisAngle += (sin(axisAngle) < 0.0) ? PI : 0.0;\n clipAngle += (sin(clipAngle) < 0.0) ? PI : 0.0;\n\n flip = (dot(vec2(cos(axisAngle), sin(axisAngle)),\n vec2(sin(clipAngle),-cos(clipAngle))) > 0.0) ? 1.0 : 0.0;\n\n beta += applyAlignOption(clipAngle, flip * PI);\n }\n\n //Compute plane offset\n vec2 planeCoord = position.xy * pixelScale;\n\n mat2 planeXform = scale * mat2(\n cos(beta), sin(beta),\n -sin(beta), cos(beta)\n );\n\n vec2 viewOffset = 2.0 * planeXform * planeCoord / resolution;\n\n //Compute clip position\n vec3 clipPosition = project(dataPosition);\n\n //Apply text offset in clip coordinates\n clipPosition += vec3(viewOffset, 0.0);\n\n //Done\n gl_Position = vec4(clipPosition, 1.0);\n}"]),l=n(["precision highp float;\n#define GLSLIFY 1\n\nuniform vec4 color;\nvoid main() {\n gl_FragColor = color;\n}"]);r.text=function(t){return i(t,s,l,null,[{name:"position",type:"vec3"}])};var c=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position;\nattribute vec3 normal;\n\nuniform mat4 model, view, projection;\nuniform vec3 enable;\nuniform vec3 bounds[2];\n\nvarying vec3 colorChannel;\n\nvoid main() {\n\n vec3 signAxis = sign(bounds[1] - bounds[0]);\n\n vec3 realNormal = signAxis * normal;\n\n if(dot(realNormal, enable) > 0.0) {\n vec3 minRange = min(bounds[0], bounds[1]);\n vec3 maxRange = max(bounds[0], bounds[1]);\n vec3 nPosition = mix(minRange, maxRange, 0.5 * (position + 1.0));\n gl_Position = projection * view * model * vec4(nPosition, 1.0);\n } else {\n gl_Position = vec4(0,0,0,0);\n }\n\n colorChannel = abs(realNormal);\n}"]),u=n(["precision highp float;\n#define GLSLIFY 1\n\nuniform vec4 colors[3];\n\nvarying vec3 colorChannel;\n\nvoid main() {\n gl_FragColor = colorChannel.x * colors[0] +\n colorChannel.y * colors[1] +\n colorChannel.z * colors[2];\n}"]);r.bg=function(t){return i(t,c,u,null,[{name:"position",type:"vec3"},{name:"normal",type:"vec3"}])}},{"gl-shader":335,glslify:257}],255:[function(t,e,r){(function(r){(function(){"use strict";e.exports=function(t,e,r,a,s,l){var u=n(t),f=i(t,[{buffer:u,size:3}]),h=o(t);h.attributes.position.location=0;var p=new c(t,h,u,f);return p.update(e,r,a,s,l),p};var n=t("gl-buffer"),i=t("gl-vao"),a=t("vectorize-text"),o=t("./shaders").text,s=window||r.global||{},l=s.__TEXT_CACHE||{};s.__TEXT_CACHE={};function c(t,e,r,n){this.gl=t,this.shader=e,this.buffer=r,this.vao=n,this.tickOffset=this.tickCount=this.labelOffset=this.labelCount=null}var u=c.prototype,f=[0,0];u.bind=function(t,e,r,n){this.vao.bind(),this.shader.bind();var i=this.shader.uniforms;i.model=t,i.view=e,i.projection=r,i.pixelScale=n,f[0]=this.gl.drawingBufferWidth,f[1]=this.gl.drawingBufferHeight,this.shader.uniforms.resolution=f},u.unbind=function(){this.vao.unbind()},u.update=function(t,e,r,n,i){var o=[];function s(t,e,r,n,i,s){var c=l[r];c||(c=l[r]={});var u=c[e];u||(u=c[e]=function(t,e){try{return a(t,e)}catch(e){return console.warn('error vectorizing text:"'+t+'" error:',e),{cells:[],positions:[]}}}(e,{triangles:!0,font:r,textAlign:"center",textBaseline:"middle",lineSpacing:i,styletags:s}));for(var f=(n||12)/12,h=u.positions,p=u.cells,d=0,g=p.length;d=0;--v){var y=h[m[v]];o.push(f*y[0],-f*y[1],t)}}for(var c=[0,0,0],u=[0,0,0],f=[0,0,0],h=[0,0,0],p={breaklines:!0,bolds:!0,italics:!0,subscripts:!0,superscripts:!0},d=0;d<3;++d){f[d]=o.length/3|0,s(.5*(t[0][d]+t[1][d]),e[d],r[d],12,1.25,p),h[d]=(o.length/3|0)-f[d],c[d]=o.length/3|0;for(var g=0;g=0&&(i=r.length-n-1);var a=Math.pow(10,i),o=Math.round(t*e*a),s=o+"";if(s.indexOf("e")>=0)return s;var l=o/a,c=o%a;o<0?(l=0|-Math.ceil(l),c=0|-c):(l=0|Math.floor(l),c|=0);var u=""+l;if(o<0&&(u="-"+u),i){for(var f=""+c;f.length=t[0][i];--o)a.push({x:o*e[i],text:n(e[i],o)});r.push(a)}return r},r.equal=function(t,e){for(var r=0;r<3;++r){if(t[r].length!==e[r].length)return!1;for(var n=0;nr)throw new Error("gl-buffer: If resizing buffer, must not specify offset");return t.bufferSubData(e,a,i),r}function u(t,e){for(var r=n.malloc(t.length,e),i=t.length,a=0;a=0;--n){if(e[n]!==r)return!1;r*=t[n]}return!0}(t.shape,t.stride))0===t.offset&&t.data.length===t.shape[0]?this.length=c(this.gl,this.type,this.length,this.usage,t.data,e):this.length=c(this.gl,this.type,this.length,this.usage,t.data.subarray(t.offset,t.shape[0]),e);else{var s=n.malloc(t.size,r),l=a(s,t.shape);i.assign(l,t),this.length=c(this.gl,this.type,this.length,this.usage,e<0?s:s.subarray(0,t.size),e),n.free(s)}}else if(Array.isArray(t)){var f;f=this.type===this.gl.ELEMENT_ARRAY_BUFFER?u(t,"uint16"):u(t,"float32"),this.length=c(this.gl,this.type,this.length,this.usage,e<0?f:f.subarray(0,t.length),e),n.free(f)}else if("object"==typeof t&&"number"==typeof t.length)this.length=c(this.gl,this.type,this.length,this.usage,t,e);else{if("number"!=typeof t&&void 0!==t)throw new Error("gl-buffer: Invalid data type");if(e>=0)throw new Error("gl-buffer: Cannot specify offset when resizing buffer");(t|=0)<=0&&(t=1),this.gl.bufferData(this.type,0|t,this.usage),this.length=t}},e.exports=function(t,e,r,n){if(r=r||t.ARRAY_BUFFER,n=n||t.DYNAMIC_DRAW,r!==t.ARRAY_BUFFER&&r!==t.ELEMENT_ARRAY_BUFFER)throw new Error("gl-buffer: Invalid type for webgl buffer, must be either gl.ARRAY_BUFFER or gl.ELEMENT_ARRAY_BUFFER");if(n!==t.DYNAMIC_DRAW&&n!==t.STATIC_DRAW&&n!==t.STREAM_DRAW)throw new Error("gl-buffer: Invalid usage for buffer, must be either gl.DYNAMIC_DRAW, gl.STATIC_DRAW or gl.STREAM_DRAW");var i=t.createBuffer(),a=new s(t,r,i,0,n);return a.update(e),a}},{ndarray:495,"ndarray-ops":490,"typedarray-pool":595}],260:[function(t,e,r){"use strict";var n=t("gl-vec3");e.exports=function(t,e){var r=t.positions,i=t.vectors,a={positions:[],vertexIntensity:[],vertexIntensityBounds:t.vertexIntensityBounds,vectors:[],cells:[],coneOffset:t.coneOffset,colormap:t.colormap};if(0===t.positions.length)return e&&(e[0]=[0,0,0],e[1]=[0,0,0]),a;for(var o=0,s=1/0,l=-1/0,c=1/0,u=-1/0,f=1/0,h=-1/0,p=null,d=null,g=[],m=1/0,v=!1,y=0;yo&&(o=n.length(b)),y){var _=2*n.distance(p,x)/(n.length(d)+n.length(b));_?(m=Math.min(m,_),v=!1):v=!0}v||(p=x,d=b),g.push(b)}var w=[s,c,f],T=[l,u,h];e&&(e[0]=w,e[1]=T),0===o&&(o=1);var k=1/o;isFinite(m)||(m=1),a.vectorScale=m;var M=t.coneSize||.5;t.absoluteConeSize&&(M=t.absoluteConeSize*k),a.coneScale=M;y=0;for(var A=0;y=1},p.isTransparent=function(){return this.opacity<1},p.pickSlots=1,p.setPickBase=function(t){this.pickId=t},p.update=function(t){t=t||{};var e=this.gl;this.dirty=!0,"lightPosition"in t&&(this.lightPosition=t.lightPosition),"opacity"in t&&(this.opacity=t.opacity),"ambient"in t&&(this.ambientLight=t.ambient),"diffuse"in t&&(this.diffuseLight=t.diffuse),"specular"in t&&(this.specularLight=t.specular),"roughness"in t&&(this.roughness=t.roughness),"fresnel"in t&&(this.fresnel=t.fresnel),void 0!==t.tubeScale&&(this.tubeScale=t.tubeScale),void 0!==t.vectorScale&&(this.vectorScale=t.vectorScale),void 0!==t.coneScale&&(this.coneScale=t.coneScale),void 0!==t.coneOffset&&(this.coneOffset=t.coneOffset),t.colormap&&(this.texture.shape=[256,256],this.texture.minFilter=e.LINEAR_MIPMAP_LINEAR,this.texture.magFilter=e.LINEAR,this.texture.setPixels(function(t){for(var e=u({colormap:t,nshades:256,format:"rgba"}),r=new Uint8Array(1024),n=0;n<256;++n){for(var i=e[n],a=0;a<3;++a)r[4*n+a]=i[a];r[4*n+3]=255*i[3]}return c(r,[256,256,4],[4,0,1])}(t.colormap)),this.texture.generateMipmap());var r=t.cells,n=t.positions,i=t.vectors;if(n&&r&&i){var a=[],o=[],s=[],l=[],f=[];this.cells=r,this.positions=n,this.vectors=i;var h=t.meshColor||[1,1,1,1],p=t.vertexIntensity,d=1/0,g=-1/0;if(p)if(t.vertexIntensityBounds)d=+t.vertexIntensityBounds[0],g=+t.vertexIntensityBounds[1];else for(var m=0;m0){var g=this.triShader;g.bind(),g.uniforms=c,this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind()}},p.drawPick=function(t){t=t||{};for(var e=this.gl,r=t.model||f,n=t.view||f,i=t.projection||f,a=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],o=0;o<3;++o)a[0][o]=Math.max(a[0][o],this.clipBounds[0][o]),a[1][o]=Math.min(a[1][o],this.clipBounds[1][o]);this._model=[].slice.call(r),this._view=[].slice.call(n),this._projection=[].slice.call(i),this._resolution=[e.drawingBufferWidth,e.drawingBufferHeight];var s={model:r,view:n,projection:i,clipBounds:a,tubeScale:this.tubeScale,vectorScale:this.vectorScale,coneScale:this.coneScale,coneOffset:this.coneOffset,pickId:this.pickId/255},l=this.pickShader;l.bind(),l.uniforms=s,this.triangleCount>0&&(this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind())},p.pick=function(t){if(!t)return null;if(t.id!==this.pickId)return null;var e=t.value[0]+256*t.value[1]+65536*t.value[2],r=this.cells[e],n=this.positions[r[1]].slice(0,3),i={position:n,dataCoordinate:n,index:Math.floor(r[1]/48)};return"cone"===this.traceType?i.index=Math.floor(r[1]/48):"streamtube"===this.traceType&&(i.intensity=this.intensity[r[1]],i.velocity=this.vectors[r[1]].slice(0,3),i.divergence=this.vectors[r[1]][3],i.index=e),i},p.dispose=function(){this.texture.dispose(),this.triShader.dispose(),this.pickShader.dispose(),this.triangleVAO.dispose(),this.trianglePositions.dispose(),this.triangleVectors.dispose(),this.triangleColors.dispose(),this.triangleUVs.dispose(),this.triangleIds.dispose()},e.exports=function(t,e,r){var n=r.shaders;1===arguments.length&&(t=(e=t).gl);var s=d(t,n),l=g(t,n),u=o(t,c(new Uint8Array([255,255,255,255]),[1,1,4]));u.generateMipmap(),u.minFilter=t.LINEAR_MIPMAP_LINEAR,u.magFilter=t.LINEAR;var f=i(t),p=i(t),m=i(t),v=i(t),y=i(t),x=a(t,[{buffer:f,type:t.FLOAT,size:4},{buffer:y,type:t.UNSIGNED_BYTE,size:4,normalized:!0},{buffer:m,type:t.FLOAT,size:4},{buffer:v,type:t.FLOAT,size:2},{buffer:p,type:t.FLOAT,size:4}]),b=new h(t,u,s,l,f,p,y,m,v,x,r.traceType||"cone");return b.update(e),b}},{colormap:131,"gl-buffer":259,"gl-mat4/invert":293,"gl-mat4/multiply":295,"gl-shader":335,"gl-texture2d":353,"gl-vao":358,ndarray:495}],262:[function(t,e,r){var n=t("glslify"),i=n(["precision highp float;\n\nprecision highp float;\n#define GLSLIFY 1\n\nvec3 getOrthogonalVector(vec3 v) {\n // Return up-vector for only-z vector.\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\n // Assign z = 0, x = -b, y = a:\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\n return normalize(vec3(-v.y, v.x, 0.0));\n } else {\n return normalize(vec3(0.0, v.z, -v.y));\n }\n}\n\n// Calculate the cone vertex and normal at the given index.\n//\n// The returned vertex is for a cone with its top at origin and height of 1.0,\n// pointing in the direction of the vector attribute.\n//\n// Each cone is made up of a top vertex, a center base vertex and base perimeter vertices.\n// These vertices are used to make up the triangles of the cone by the following:\n// segment + 0 top vertex\n// segment + 1 perimeter vertex a+1\n// segment + 2 perimeter vertex a\n// segment + 3 center base vertex\n// segment + 4 perimeter vertex a\n// segment + 5 perimeter vertex a+1\n// Where segment is the number of the radial segment * 6 and a is the angle at that radial segment.\n// To go from index to segment, floor(index / 6)\n// To go from segment to angle, 2*pi * (segment/segmentCount)\n// To go from index to segment index, index - (segment*6)\n//\nvec3 getConePosition(vec3 d, float rawIndex, float coneOffset, out vec3 normal) {\n\n const float segmentCount = 8.0;\n\n float index = rawIndex - floor(rawIndex /\n (segmentCount * 6.0)) *\n (segmentCount * 6.0);\n\n float segment = floor(0.001 + index/6.0);\n float segmentIndex = index - (segment*6.0);\n\n normal = -normalize(d);\n\n if (segmentIndex > 2.99 && segmentIndex < 3.01) {\n return mix(vec3(0.0), -d, coneOffset);\n }\n\n float nextAngle = (\n (segmentIndex > 0.99 && segmentIndex < 1.01) ||\n (segmentIndex > 4.99 && segmentIndex < 5.01)\n ) ? 1.0 : 0.0;\n float angle = 2.0 * 3.14159 * ((segment + nextAngle) / segmentCount);\n\n vec3 v1 = mix(d, vec3(0.0), coneOffset);\n vec3 v2 = v1 - d;\n\n vec3 u = getOrthogonalVector(d);\n vec3 v = normalize(cross(u, d));\n\n vec3 x = u * cos(angle) * length(d)*0.25;\n vec3 y = v * sin(angle) * length(d)*0.25;\n vec3 v3 = v2 + x + y;\n if (segmentIndex < 3.0) {\n vec3 tx = u * sin(angle);\n vec3 ty = v * -cos(angle);\n vec3 tangent = tx + ty;\n normal = normalize(cross(v3 - v1, tangent));\n }\n\n if (segmentIndex == 0.0) {\n return mix(d, vec3(0.0), coneOffset);\n }\n return v3;\n}\n\nattribute vec3 vector;\nattribute vec4 color, position;\nattribute vec2 uv;\n\nuniform float vectorScale, coneScale, coneOffset;\nuniform mat4 model, view, projection, inverseModel;\nuniform vec3 eyePosition, lightPosition;\n\nvarying vec3 f_normal, f_lightDirection, f_eyeDirection, f_data, f_position;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n // Scale the vector magnitude to stay constant with\n // model & view changes.\n vec3 normal;\n vec3 XYZ = getConePosition(mat3(model) * ((vectorScale * coneScale) * vector), position.w, coneOffset, normal);\n vec4 conePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\n\n //Lighting geometry parameters\n vec4 cameraCoordinate = view * conePosition;\n cameraCoordinate.xyz /= cameraCoordinate.w;\n f_lightDirection = lightPosition - cameraCoordinate.xyz;\n f_eyeDirection = eyePosition - cameraCoordinate.xyz;\n f_normal = normalize((vec4(normal, 0.0) * inverseModel).xyz);\n\n // vec4 m_position = model * vec4(conePosition, 1.0);\n vec4 t_position = view * conePosition;\n gl_Position = projection * t_position;\n\n f_color = color;\n f_data = conePosition.xyz;\n f_position = position.xyz;\n f_uv = uv;\n}\n"]),a=n(["#extension GL_OES_standard_derivatives : enable\n\nprecision highp float;\n#define GLSLIFY 1\n\nfloat beckmannDistribution(float x, float roughness) {\n float NdotH = max(x, 0.0001);\n float cos2Alpha = NdotH * NdotH;\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\n float roughness2 = roughness * roughness;\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\n return exp(tan2Alpha / roughness2) / denom;\n}\n\nfloat cookTorranceSpecular(\n vec3 lightDirection,\n vec3 viewDirection,\n vec3 surfaceNormal,\n float roughness,\n float fresnel) {\n\n float VdotN = max(dot(viewDirection, surfaceNormal), 0.0);\n float LdotN = max(dot(lightDirection, surfaceNormal), 0.0);\n\n //Half angle vector\n vec3 H = normalize(lightDirection + viewDirection);\n\n //Geometric term\n float NdotH = max(dot(surfaceNormal, H), 0.0);\n float VdotH = max(dot(viewDirection, H), 0.000001);\n float LdotH = max(dot(lightDirection, H), 0.000001);\n float G1 = (2.0 * NdotH * VdotN) / VdotH;\n float G2 = (2.0 * NdotH * LdotN) / LdotH;\n float G = min(1.0, min(G1, G2));\n \n //Distribution term\n float D = beckmannDistribution(NdotH, roughness);\n\n //Fresnel term\n float F = pow(1.0 - VdotN, fresnel);\n\n //Multiply terms and done\n return G * F * D / max(3.14159265 * VdotN, 0.000001);\n}\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float roughness, fresnel, kambient, kdiffuse, kspecular, opacity;\nuniform sampler2D texture;\n\nvarying vec3 f_normal, f_lightDirection, f_eyeDirection, f_data, f_position;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n vec3 N = normalize(f_normal);\n vec3 L = normalize(f_lightDirection);\n vec3 V = normalize(f_eyeDirection);\n\n if(gl_FrontFacing) {\n N = -N;\n }\n\n float specular = min(1.0, max(0.0, cookTorranceSpecular(L, V, N, roughness, fresnel)));\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\n\n vec4 surfaceColor = f_color * texture2D(texture, f_uv);\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\n\n gl_FragColor = litColor * opacity;\n}\n"]),o=n(["precision highp float;\n\nprecision highp float;\n#define GLSLIFY 1\n\nvec3 getOrthogonalVector(vec3 v) {\n // Return up-vector for only-z vector.\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\n // Assign z = 0, x = -b, y = a:\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\n return normalize(vec3(-v.y, v.x, 0.0));\n } else {\n return normalize(vec3(0.0, v.z, -v.y));\n }\n}\n\n// Calculate the cone vertex and normal at the given index.\n//\n// The returned vertex is for a cone with its top at origin and height of 1.0,\n// pointing in the direction of the vector attribute.\n//\n// Each cone is made up of a top vertex, a center base vertex and base perimeter vertices.\n// These vertices are used to make up the triangles of the cone by the following:\n// segment + 0 top vertex\n// segment + 1 perimeter vertex a+1\n// segment + 2 perimeter vertex a\n// segment + 3 center base vertex\n// segment + 4 perimeter vertex a\n// segment + 5 perimeter vertex a+1\n// Where segment is the number of the radial segment * 6 and a is the angle at that radial segment.\n// To go from index to segment, floor(index / 6)\n// To go from segment to angle, 2*pi * (segment/segmentCount)\n// To go from index to segment index, index - (segment*6)\n//\nvec3 getConePosition(vec3 d, float rawIndex, float coneOffset, out vec3 normal) {\n\n const float segmentCount = 8.0;\n\n float index = rawIndex - floor(rawIndex /\n (segmentCount * 6.0)) *\n (segmentCount * 6.0);\n\n float segment = floor(0.001 + index/6.0);\n float segmentIndex = index - (segment*6.0);\n\n normal = -normalize(d);\n\n if (segmentIndex > 2.99 && segmentIndex < 3.01) {\n return mix(vec3(0.0), -d, coneOffset);\n }\n\n float nextAngle = (\n (segmentIndex > 0.99 && segmentIndex < 1.01) ||\n (segmentIndex > 4.99 && segmentIndex < 5.01)\n ) ? 1.0 : 0.0;\n float angle = 2.0 * 3.14159 * ((segment + nextAngle) / segmentCount);\n\n vec3 v1 = mix(d, vec3(0.0), coneOffset);\n vec3 v2 = v1 - d;\n\n vec3 u = getOrthogonalVector(d);\n vec3 v = normalize(cross(u, d));\n\n vec3 x = u * cos(angle) * length(d)*0.25;\n vec3 y = v * sin(angle) * length(d)*0.25;\n vec3 v3 = v2 + x + y;\n if (segmentIndex < 3.0) {\n vec3 tx = u * sin(angle);\n vec3 ty = v * -cos(angle);\n vec3 tangent = tx + ty;\n normal = normalize(cross(v3 - v1, tangent));\n }\n\n if (segmentIndex == 0.0) {\n return mix(d, vec3(0.0), coneOffset);\n }\n return v3;\n}\n\nattribute vec4 vector;\nattribute vec4 position;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\nuniform float vectorScale, coneScale, coneOffset;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n vec3 normal;\n vec3 XYZ = getConePosition(mat3(model) * ((vectorScale * coneScale) * vector.xyz), position.w, coneOffset, normal);\n vec4 conePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\n gl_Position = projection * view * conePosition;\n f_id = id;\n f_position = position.xyz;\n}\n"]),s=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float pickId;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n\n gl_FragColor = vec4(pickId, f_id.xyz);\n}"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:"position",type:"vec4"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"},{name:"vector",type:"vec3"}]},r.pickShader={vertex:o,fragment:s,attributes:[{name:"position",type:"vec4"},{name:"id",type:"vec4"},{name:"vector",type:"vec3"}]}},{glslify:263}],263:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],264:[function(t,e,r){e.exports={0:"NONE",1:"ONE",2:"LINE_LOOP",3:"LINE_STRIP",4:"TRIANGLES",5:"TRIANGLE_STRIP",6:"TRIANGLE_FAN",256:"DEPTH_BUFFER_BIT",512:"NEVER",513:"LESS",514:"EQUAL",515:"LEQUAL",516:"GREATER",517:"NOTEQUAL",518:"GEQUAL",519:"ALWAYS",768:"SRC_COLOR",769:"ONE_MINUS_SRC_COLOR",770:"SRC_ALPHA",771:"ONE_MINUS_SRC_ALPHA",772:"DST_ALPHA",773:"ONE_MINUS_DST_ALPHA",774:"DST_COLOR",775:"ONE_MINUS_DST_COLOR",776:"SRC_ALPHA_SATURATE",1024:"STENCIL_BUFFER_BIT",1028:"FRONT",1029:"BACK",1032:"FRONT_AND_BACK",1280:"INVALID_ENUM",1281:"INVALID_VALUE",1282:"INVALID_OPERATION",1285:"OUT_OF_MEMORY",1286:"INVALID_FRAMEBUFFER_OPERATION",2304:"CW",2305:"CCW",2849:"LINE_WIDTH",2884:"CULL_FACE",2885:"CULL_FACE_MODE",2886:"FRONT_FACE",2928:"DEPTH_RANGE",2929:"DEPTH_TEST",2930:"DEPTH_WRITEMASK",2931:"DEPTH_CLEAR_VALUE",2932:"DEPTH_FUNC",2960:"STENCIL_TEST",2961:"STENCIL_CLEAR_VALUE",2962:"STENCIL_FUNC",2963:"STENCIL_VALUE_MASK",2964:"STENCIL_FAIL",2965:"STENCIL_PASS_DEPTH_FAIL",2966:"STENCIL_PASS_DEPTH_PASS",2967:"STENCIL_REF",2968:"STENCIL_WRITEMASK",2978:"VIEWPORT",3024:"DITHER",3042:"BLEND",3088:"SCISSOR_BOX",3089:"SCISSOR_TEST",3106:"COLOR_CLEAR_VALUE",3107:"COLOR_WRITEMASK",3317:"UNPACK_ALIGNMENT",3333:"PACK_ALIGNMENT",3379:"MAX_TEXTURE_SIZE",3386:"MAX_VIEWPORT_DIMS",3408:"SUBPIXEL_BITS",3410:"RED_BITS",3411:"GREEN_BITS",3412:"BLUE_BITS",3413:"ALPHA_BITS",3414:"DEPTH_BITS",3415:"STENCIL_BITS",3553:"TEXTURE_2D",4352:"DONT_CARE",4353:"FASTEST",4354:"NICEST",5120:"BYTE",5121:"UNSIGNED_BYTE",5122:"SHORT",5123:"UNSIGNED_SHORT",5124:"INT",5125:"UNSIGNED_INT",5126:"FLOAT",5386:"INVERT",5890:"TEXTURE",6401:"STENCIL_INDEX",6402:"DEPTH_COMPONENT",6406:"ALPHA",6407:"RGB",6408:"RGBA",6409:"LUMINANCE",6410:"LUMINANCE_ALPHA",7680:"KEEP",7681:"REPLACE",7682:"INCR",7683:"DECR",7936:"VENDOR",7937:"RENDERER",7938:"VERSION",9728:"NEAREST",9729:"LINEAR",9984:"NEAREST_MIPMAP_NEAREST",9985:"LINEAR_MIPMAP_NEAREST",9986:"NEAREST_MIPMAP_LINEAR",9987:"LINEAR_MIPMAP_LINEAR",10240:"TEXTURE_MAG_FILTER",10241:"TEXTURE_MIN_FILTER",10242:"TEXTURE_WRAP_S",10243:"TEXTURE_WRAP_T",10497:"REPEAT",10752:"POLYGON_OFFSET_UNITS",16384:"COLOR_BUFFER_BIT",32769:"CONSTANT_COLOR",32770:"ONE_MINUS_CONSTANT_COLOR",32771:"CONSTANT_ALPHA",32772:"ONE_MINUS_CONSTANT_ALPHA",32773:"BLEND_COLOR",32774:"FUNC_ADD",32777:"BLEND_EQUATION_RGB",32778:"FUNC_SUBTRACT",32779:"FUNC_REVERSE_SUBTRACT",32819:"UNSIGNED_SHORT_4_4_4_4",32820:"UNSIGNED_SHORT_5_5_5_1",32823:"POLYGON_OFFSET_FILL",32824:"POLYGON_OFFSET_FACTOR",32854:"RGBA4",32855:"RGB5_A1",32873:"TEXTURE_BINDING_2D",32926:"SAMPLE_ALPHA_TO_COVERAGE",32928:"SAMPLE_COVERAGE",32936:"SAMPLE_BUFFERS",32937:"SAMPLES",32938:"SAMPLE_COVERAGE_VALUE",32939:"SAMPLE_COVERAGE_INVERT",32968:"BLEND_DST_RGB",32969:"BLEND_SRC_RGB",32970:"BLEND_DST_ALPHA",32971:"BLEND_SRC_ALPHA",33071:"CLAMP_TO_EDGE",33170:"GENERATE_MIPMAP_HINT",33189:"DEPTH_COMPONENT16",33306:"DEPTH_STENCIL_ATTACHMENT",33635:"UNSIGNED_SHORT_5_6_5",33648:"MIRRORED_REPEAT",33901:"ALIASED_POINT_SIZE_RANGE",33902:"ALIASED_LINE_WIDTH_RANGE",33984:"TEXTURE0",33985:"TEXTURE1",33986:"TEXTURE2",33987:"TEXTURE3",33988:"TEXTURE4",33989:"TEXTURE5",33990:"TEXTURE6",33991:"TEXTURE7",33992:"TEXTURE8",33993:"TEXTURE9",33994:"TEXTURE10",33995:"TEXTURE11",33996:"TEXTURE12",33997:"TEXTURE13",33998:"TEXTURE14",33999:"TEXTURE15",34e3:"TEXTURE16",34001:"TEXTURE17",34002:"TEXTURE18",34003:"TEXTURE19",34004:"TEXTURE20",34005:"TEXTURE21",34006:"TEXTURE22",34007:"TEXTURE23",34008:"TEXTURE24",34009:"TEXTURE25",34010:"TEXTURE26",34011:"TEXTURE27",34012:"TEXTURE28",34013:"TEXTURE29",34014:"TEXTURE30",34015:"TEXTURE31",34016:"ACTIVE_TEXTURE",34024:"MAX_RENDERBUFFER_SIZE",34041:"DEPTH_STENCIL",34055:"INCR_WRAP",34056:"DECR_WRAP",34067:"TEXTURE_CUBE_MAP",34068:"TEXTURE_BINDING_CUBE_MAP",34069:"TEXTURE_CUBE_MAP_POSITIVE_X",34070:"TEXTURE_CUBE_MAP_NEGATIVE_X",34071:"TEXTURE_CUBE_MAP_POSITIVE_Y",34072:"TEXTURE_CUBE_MAP_NEGATIVE_Y",34073:"TEXTURE_CUBE_MAP_POSITIVE_Z",34074:"TEXTURE_CUBE_MAP_NEGATIVE_Z",34076:"MAX_CUBE_MAP_TEXTURE_SIZE",34338:"VERTEX_ATTRIB_ARRAY_ENABLED",34339:"VERTEX_ATTRIB_ARRAY_SIZE",34340:"VERTEX_ATTRIB_ARRAY_STRIDE",34341:"VERTEX_ATTRIB_ARRAY_TYPE",34342:"CURRENT_VERTEX_ATTRIB",34373:"VERTEX_ATTRIB_ARRAY_POINTER",34466:"NUM_COMPRESSED_TEXTURE_FORMATS",34467:"COMPRESSED_TEXTURE_FORMATS",34660:"BUFFER_SIZE",34661:"BUFFER_USAGE",34816:"STENCIL_BACK_FUNC",34817:"STENCIL_BACK_FAIL",34818:"STENCIL_BACK_PASS_DEPTH_FAIL",34819:"STENCIL_BACK_PASS_DEPTH_PASS",34877:"BLEND_EQUATION_ALPHA",34921:"MAX_VERTEX_ATTRIBS",34922:"VERTEX_ATTRIB_ARRAY_NORMALIZED",34930:"MAX_TEXTURE_IMAGE_UNITS",34962:"ARRAY_BUFFER",34963:"ELEMENT_ARRAY_BUFFER",34964:"ARRAY_BUFFER_BINDING",34965:"ELEMENT_ARRAY_BUFFER_BINDING",34975:"VERTEX_ATTRIB_ARRAY_BUFFER_BINDING",35040:"STREAM_DRAW",35044:"STATIC_DRAW",35048:"DYNAMIC_DRAW",35632:"FRAGMENT_SHADER",35633:"VERTEX_SHADER",35660:"MAX_VERTEX_TEXTURE_IMAGE_UNITS",35661:"MAX_COMBINED_TEXTURE_IMAGE_UNITS",35663:"SHADER_TYPE",35664:"FLOAT_VEC2",35665:"FLOAT_VEC3",35666:"FLOAT_VEC4",35667:"INT_VEC2",35668:"INT_VEC3",35669:"INT_VEC4",35670:"BOOL",35671:"BOOL_VEC2",35672:"BOOL_VEC3",35673:"BOOL_VEC4",35674:"FLOAT_MAT2",35675:"FLOAT_MAT3",35676:"FLOAT_MAT4",35678:"SAMPLER_2D",35680:"SAMPLER_CUBE",35712:"DELETE_STATUS",35713:"COMPILE_STATUS",35714:"LINK_STATUS",35715:"VALIDATE_STATUS",35716:"INFO_LOG_LENGTH",35717:"ATTACHED_SHADERS",35718:"ACTIVE_UNIFORMS",35719:"ACTIVE_UNIFORM_MAX_LENGTH",35720:"SHADER_SOURCE_LENGTH",35721:"ACTIVE_ATTRIBUTES",35722:"ACTIVE_ATTRIBUTE_MAX_LENGTH",35724:"SHADING_LANGUAGE_VERSION",35725:"CURRENT_PROGRAM",36003:"STENCIL_BACK_REF",36004:"STENCIL_BACK_VALUE_MASK",36005:"STENCIL_BACK_WRITEMASK",36006:"FRAMEBUFFER_BINDING",36007:"RENDERBUFFER_BINDING",36048:"FRAMEBUFFER_ATTACHMENT_OBJECT_TYPE",36049:"FRAMEBUFFER_ATTACHMENT_OBJECT_NAME",36050:"FRAMEBUFFER_ATTACHMENT_TEXTURE_LEVEL",36051:"FRAMEBUFFER_ATTACHMENT_TEXTURE_CUBE_MAP_FACE",36053:"FRAMEBUFFER_COMPLETE",36054:"FRAMEBUFFER_INCOMPLETE_ATTACHMENT",36055:"FRAMEBUFFER_INCOMPLETE_MISSING_ATTACHMENT",36057:"FRAMEBUFFER_INCOMPLETE_DIMENSIONS",36061:"FRAMEBUFFER_UNSUPPORTED",36064:"COLOR_ATTACHMENT0",36096:"DEPTH_ATTACHMENT",36128:"STENCIL_ATTACHMENT",36160:"FRAMEBUFFER",36161:"RENDERBUFFER",36162:"RENDERBUFFER_WIDTH",36163:"RENDERBUFFER_HEIGHT",36164:"RENDERBUFFER_INTERNAL_FORMAT",36168:"STENCIL_INDEX8",36176:"RENDERBUFFER_RED_SIZE",36177:"RENDERBUFFER_GREEN_SIZE",36178:"RENDERBUFFER_BLUE_SIZE",36179:"RENDERBUFFER_ALPHA_SIZE",36180:"RENDERBUFFER_DEPTH_SIZE",36181:"RENDERBUFFER_STENCIL_SIZE",36194:"RGB565",36336:"LOW_FLOAT",36337:"MEDIUM_FLOAT",36338:"HIGH_FLOAT",36339:"LOW_INT",36340:"MEDIUM_INT",36341:"HIGH_INT",36346:"SHADER_COMPILER",36347:"MAX_VERTEX_UNIFORM_VECTORS",36348:"MAX_VARYING_VECTORS",36349:"MAX_FRAGMENT_UNIFORM_VECTORS",37440:"UNPACK_FLIP_Y_WEBGL",37441:"UNPACK_PREMULTIPLY_ALPHA_WEBGL",37442:"CONTEXT_LOST_WEBGL",37443:"UNPACK_COLORSPACE_CONVERSION_WEBGL",37444:"BROWSER_DEFAULT_WEBGL"}},{}],265:[function(t,e,r){var n=t("./1.0/numbers");e.exports=function(t){return n[t]}},{"./1.0/numbers":264}],266:[function(t,e,r){"use strict";e.exports=function(t){var e=t.gl,r=n(e),o=i(e,[{buffer:r,type:e.FLOAT,size:3,offset:0,stride:40},{buffer:r,type:e.FLOAT,size:4,offset:12,stride:40},{buffer:r,type:e.FLOAT,size:3,offset:28,stride:40}]),l=a(e);l.attributes.position.location=0,l.attributes.color.location=1,l.attributes.offset.location=2;var c=new s(e,r,o,l);return c.update(t),c};var n=t("gl-buffer"),i=t("gl-vao"),a=t("./shaders/index"),o=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function s(t,e,r,n){this.gl=t,this.shader=n,this.buffer=e,this.vao=r,this.pixelRatio=1,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.lineWidth=[1,1,1],this.capSize=[10,10,10],this.lineCount=[0,0,0],this.lineOffset=[0,0,0],this.opacity=1,this.hasAlpha=!1}var l=s.prototype;function c(t,e){for(var r=0;r<3;++r)t[0][r]=Math.min(t[0][r],e[r]),t[1][r]=Math.max(t[1][r],e[r])}l.isOpaque=function(){return!this.hasAlpha},l.isTransparent=function(){return this.hasAlpha},l.drawTransparent=l.draw=function(t){var e=this.gl,r=this.shader.uniforms;this.shader.bind();var n=r.view=t.view||o,i=r.projection=t.projection||o;r.model=t.model||o,r.clipBounds=this.clipBounds,r.opacity=this.opacity;var a=n[12],s=n[13],l=n[14],c=n[15],u=(t._ortho||!1?2:1)*this.pixelRatio*(i[3]*a+i[7]*s+i[11]*l+i[15]*c)/e.drawingBufferHeight;this.vao.bind();for(var f=0;f<3;++f)e.lineWidth(this.lineWidth[f]*this.pixelRatio),r.capSize=this.capSize[f]*u,this.lineCount[f]&&e.drawArrays(e.LINES,this.lineOffset[f],this.lineCount[f]);this.vao.unbind()};var u=function(){for(var t=new Array(3),e=0;e<3;++e){for(var r=[],n=1;n<=2;++n)for(var i=-1;i<=1;i+=2){var a=[0,0,0];a[(n+e)%3]=i,r.push(a)}t[e]=r}return t}();function f(t,e,r,n){for(var i=u[n],a=0;a0)(g=u.slice())[s]+=p[1][s],i.push(u[0],u[1],u[2],d[0],d[1],d[2],d[3],0,0,0,g[0],g[1],g[2],d[0],d[1],d[2],d[3],0,0,0),c(this.bounds,g),o+=2+f(i,g,d,s)}}this.lineCount[s]=o-this.lineOffset[s]}this.buffer.update(i)}},l.dispose=function(){this.shader.dispose(),this.buffer.dispose(),this.vao.dispose()}},{"./shaders/index":268,"gl-buffer":259,"gl-vao":358}],267:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],268:[function(t,e,r){"use strict";var n=t("glslify"),i=t("gl-shader"),a=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position, offset;\nattribute vec4 color;\nuniform mat4 model, view, projection;\nuniform float capSize;\nvarying vec4 fragColor;\nvarying vec3 fragPosition;\n\nvoid main() {\n vec4 worldPosition = model * vec4(position, 1.0);\n worldPosition = (worldPosition / worldPosition.w) + vec4(capSize * offset, 0.0);\n gl_Position = projection * view * worldPosition;\n fragColor = color;\n fragPosition = position;\n}"]),o=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float opacity;\nvarying vec3 fragPosition;\nvarying vec4 fragColor;\n\nvoid main() {\n if (\n outOfRange(clipBounds[0], clipBounds[1], fragPosition) ||\n fragColor.a * opacity == 0.\n ) discard;\n\n gl_FragColor = opacity * fragColor;\n}"]);e.exports=function(t){return i(t,a,o,null,[{name:"position",type:"vec3"},{name:"color",type:"vec4"},{name:"offset",type:"vec3"}])}},{"gl-shader":335,glslify:267}],269:[function(t,e,r){"use strict";var n=t("gl-texture2d");e.exports=function(t,e,r,n){i||(i=t.FRAMEBUFFER_UNSUPPORTED,a=t.FRAMEBUFFER_INCOMPLETE_ATTACHMENT,o=t.FRAMEBUFFER_INCOMPLETE_DIMENSIONS,s=t.FRAMEBUFFER_INCOMPLETE_MISSING_ATTACHMENT);var c=t.getExtension("WEBGL_draw_buffers");!l&&c&&function(t,e){var r=t.getParameter(e.MAX_COLOR_ATTACHMENTS_WEBGL);l=new Array(r+1);for(var n=0;n<=r;++n){for(var i=new Array(r),a=0;au||r<0||r>u)throw new Error("gl-fbo: Parameters are too large for FBO");var f=1;if("color"in(n=n||{})){if((f=Math.max(0|n.color,0))<0)throw new Error("gl-fbo: Must specify a nonnegative number of colors");if(f>1){if(!c)throw new Error("gl-fbo: Multiple draw buffer extension not supported");if(f>t.getParameter(c.MAX_COLOR_ATTACHMENTS_WEBGL))throw new Error("gl-fbo: Context does not support "+f+" draw buffers")}}var h=t.UNSIGNED_BYTE,p=t.getExtension("OES_texture_float");if(n.float&&f>0){if(!p)throw new Error("gl-fbo: Context does not support floating point textures");h=t.FLOAT}else n.preferFloat&&f>0&&p&&(h=t.FLOAT);var g=!0;"depth"in n&&(g=!!n.depth);var m=!1;"stencil"in n&&(m=!!n.stencil);return new d(t,e,r,h,f,g,m,c)};var i,a,o,s,l=null;function c(t){return[t.getParameter(t.FRAMEBUFFER_BINDING),t.getParameter(t.RENDERBUFFER_BINDING),t.getParameter(t.TEXTURE_BINDING_2D)]}function u(t,e){t.bindFramebuffer(t.FRAMEBUFFER,e[0]),t.bindRenderbuffer(t.RENDERBUFFER,e[1]),t.bindTexture(t.TEXTURE_2D,e[2])}function f(t){switch(t){case i:throw new Error("gl-fbo: Framebuffer unsupported");case a:throw new Error("gl-fbo: Framebuffer incomplete attachment");case o:throw new Error("gl-fbo: Framebuffer incomplete dimensions");case s:throw new Error("gl-fbo: Framebuffer incomplete missing attachment");default:throw new Error("gl-fbo: Framebuffer failed for unspecified reason")}}function h(t,e,r,i,a,o){if(!i)return null;var s=n(t,e,r,a,i);return s.magFilter=t.NEAREST,s.minFilter=t.NEAREST,s.mipSamples=1,s.bind(),t.framebufferTexture2D(t.FRAMEBUFFER,o,t.TEXTURE_2D,s.handle,0),s}function p(t,e,r,n,i){var a=t.createRenderbuffer();return t.bindRenderbuffer(t.RENDERBUFFER,a),t.renderbufferStorage(t.RENDERBUFFER,n,e,r),t.framebufferRenderbuffer(t.FRAMEBUFFER,i,t.RENDERBUFFER,a),a}function d(t,e,r,n,i,a,o,s){this.gl=t,this._shape=[0|e,0|r],this._destroyed=!1,this._ext=s,this.color=new Array(i);for(var d=0;d1&&s.drawBuffersWEBGL(l[o]);var y=r.getExtension("WEBGL_depth_texture");y?d?t.depth=h(r,i,a,y.UNSIGNED_INT_24_8_WEBGL,r.DEPTH_STENCIL,r.DEPTH_STENCIL_ATTACHMENT):g&&(t.depth=h(r,i,a,r.UNSIGNED_SHORT,r.DEPTH_COMPONENT,r.DEPTH_ATTACHMENT)):g&&d?t._depth_rb=p(r,i,a,r.DEPTH_STENCIL,r.DEPTH_STENCIL_ATTACHMENT):g?t._depth_rb=p(r,i,a,r.DEPTH_COMPONENT16,r.DEPTH_ATTACHMENT):d&&(t._depth_rb=p(r,i,a,r.STENCIL_INDEX,r.STENCIL_ATTACHMENT));var x=r.checkFramebufferStatus(r.FRAMEBUFFER);if(x!==r.FRAMEBUFFER_COMPLETE){t._destroyed=!0,r.bindFramebuffer(r.FRAMEBUFFER,null),r.deleteFramebuffer(t.handle),t.handle=null,t.depth&&(t.depth.dispose(),t.depth=null),t._depth_rb&&(r.deleteRenderbuffer(t._depth_rb),t._depth_rb=null);for(v=0;vi||r<0||r>i)throw new Error("gl-fbo: Can't resize FBO, invalid dimensions");t._shape[0]=e,t._shape[1]=r;for(var a=c(n),o=0;o>8*p&255;this.pickOffset=r,i.bind();var d=i.uniforms;d.viewTransform=t,d.pickOffset=e,d.shape=this.shape;var g=i.attributes;return this.positionBuffer.bind(),g.position.pointer(),this.weightBuffer.bind(),g.weight.pointer(s.UNSIGNED_BYTE,!1),this.idBuffer.bind(),g.pickId.pointer(s.UNSIGNED_BYTE,!1),s.drawArrays(s.TRIANGLES,0,o),r+this.shape[0]*this.shape[1]}}}(),f.pick=function(t,e,r){var n=this.pickOffset,i=this.shape[0]*this.shape[1];if(r=n+i)return null;var a=r-n,o=this.xData,s=this.yData;return{object:this,pointId:a,dataCoord:[o[a%this.shape[0]],s[a/this.shape[0]|0]]}},f.update=function(t){var e=(t=t||{}).shape||[0,0],r=t.x||i(e[0]),o=t.y||i(e[1]),s=t.z||new Float32Array(e[0]*e[1]),l=!1!==t.zsmooth;this.xData=r,this.yData=o;var c,u,f,p,d=t.colorLevels||[0],g=t.colorValues||[0,0,0,1],m=d.length,v=this.bounds;l?(c=v[0]=r[0],u=v[1]=o[0],f=v[2]=r[r.length-1],p=v[3]=o[o.length-1]):(c=v[0]=r[0]+(r[1]-r[0])/2,u=v[1]=o[0]+(o[1]-o[0])/2,f=v[2]=r[r.length-1]+(r[r.length-1]-r[r.length-2])/2,p=v[3]=o[o.length-1]+(o[o.length-1]-o[o.length-2])/2);var y=1/(f-c),x=1/(p-u),b=e[0],_=e[1];this.shape=[b,_];var w=(l?(b-1)*(_-1):b*_)*(h.length>>>1);this.numVertices=w;for(var T=a.mallocUint8(4*w),k=a.mallocFloat32(2*w),M=a.mallocUint8(2*w),A=a.mallocUint32(w),S=0,E=l?b-1:b,C=l?_-1:_,L=0;L max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform sampler2D dashTexture;\nuniform float dashScale;\nuniform float opacity;\n\nvarying vec3 worldPosition;\nvarying float pixelArcLength;\nvarying vec4 fragColor;\n\nvoid main() {\n if (\n outOfRange(clipBounds[0], clipBounds[1], worldPosition) ||\n fragColor.a * opacity == 0.\n ) discard;\n\n float dashWeight = texture2D(dashTexture, vec2(dashScale * pixelArcLength, 0)).r;\n if(dashWeight < 0.5) {\n discard;\n }\n gl_FragColor = fragColor * opacity;\n}\n"]),s=n(["precision highp float;\n#define GLSLIFY 1\n\n#define FLOAT_MAX 1.70141184e38\n#define FLOAT_MIN 1.17549435e-38\n\n// https://github.com/mikolalysenko/glsl-read-float/blob/master/index.glsl\nvec4 packFloat(float v) {\n float av = abs(v);\n\n //Handle special cases\n if(av < FLOAT_MIN) {\n return vec4(0.0, 0.0, 0.0, 0.0);\n } else if(v > FLOAT_MAX) {\n return vec4(127.0, 128.0, 0.0, 0.0) / 255.0;\n } else if(v < -FLOAT_MAX) {\n return vec4(255.0, 128.0, 0.0, 0.0) / 255.0;\n }\n\n vec4 c = vec4(0,0,0,0);\n\n //Compute exponent and mantissa\n float e = floor(log2(av));\n float m = av * pow(2.0, -e) - 1.0;\n\n //Unpack mantissa\n c[1] = floor(128.0 * m);\n m -= c[1] / 128.0;\n c[2] = floor(32768.0 * m);\n m -= c[2] / 32768.0;\n c[3] = floor(8388608.0 * m);\n\n //Unpack exponent\n float ebias = e + 127.0;\n c[0] = floor(ebias / 2.0);\n ebias -= c[0] * 2.0;\n c[1] += floor(ebias) * 128.0;\n\n //Unpack sign bit\n c[0] += 128.0 * step(0.0, -v);\n\n //Scale back to range\n return c / 255.0;\n}\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform float pickId;\nuniform vec3 clipBounds[2];\n\nvarying vec3 worldPosition;\nvarying float pixelArcLength;\nvarying vec4 fragColor;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], worldPosition)) discard;\n\n gl_FragColor = vec4(pickId/255.0, packFloat(pixelArcLength).xyz);\n}"]),l=[{name:"position",type:"vec3"},{name:"nextPosition",type:"vec3"},{name:"arcLength",type:"float"},{name:"lineWidth",type:"float"},{name:"color",type:"vec4"}];r.createShader=function(t){return i(t,a,o,null,l)},r.createPickShader=function(t){return i(t,a,s,null,l)}},{"gl-shader":335,glslify:276}],275:[function(t,e,r){"use strict";e.exports=function(t){var e=t.gl||t.scene&&t.scene.gl,r=f(e);r.attributes.position.location=0,r.attributes.nextPosition.location=1,r.attributes.arcLength.location=2,r.attributes.lineWidth.location=3,r.attributes.color.location=4;var o=h(e);o.attributes.position.location=0,o.attributes.nextPosition.location=1,o.attributes.arcLength.location=2,o.attributes.lineWidth.location=3,o.attributes.color.location=4;for(var s=n(e),l=i(e,[{buffer:s,size:3,offset:0,stride:48},{buffer:s,size:3,offset:12,stride:48},{buffer:s,size:1,offset:24,stride:48},{buffer:s,size:1,offset:28,stride:48},{buffer:s,size:4,offset:32,stride:48}]),u=c(new Array(1024),[256,1,4]),p=0;p<1024;++p)u.data[p]=255;var d=a(e,u);d.wrap=e.REPEAT;var g=new v(e,r,o,s,l,d);return g.update(t),g};var n=t("gl-buffer"),i=t("gl-vao"),a=t("gl-texture2d"),o=new Uint8Array(4),s=new Float32Array(o.buffer);var l=t("binary-search-bounds"),c=t("ndarray"),u=t("./lib/shaders"),f=u.createShader,h=u.createPickShader,p=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function d(t,e){for(var r=0,n=0;n<3;++n){var i=t[n]-e[n];r+=i*i}return Math.sqrt(r)}function g(t){for(var e=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],r=0;r<3;++r)e[0][r]=Math.max(t[0][r],e[0][r]),e[1][r]=Math.min(t[1][r],e[1][r]);return e}function m(t,e,r,n){this.arcLength=t,this.position=e,this.index=r,this.dataCoordinate=n}function v(t,e,r,n,i,a){this.gl=t,this.shader=e,this.pickShader=r,this.buffer=n,this.vao=i,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.points=[],this.arcLength=[],this.vertexCount=0,this.bounds=[[0,0,0],[0,0,0]],this.pickId=0,this.lineWidth=1,this.texture=a,this.dashScale=1,this.opacity=1,this.hasAlpha=!1,this.dirty=!0,this.pixelRatio=1}var y=v.prototype;y.isTransparent=function(){return this.hasAlpha},y.isOpaque=function(){return!this.hasAlpha},y.pickSlots=1,y.setPickBase=function(t){this.pickId=t},y.drawTransparent=y.draw=function(t){if(this.vertexCount){var e=this.gl,r=this.shader,n=this.vao;r.bind(),r.uniforms={model:t.model||p,view:t.view||p,projection:t.projection||p,clipBounds:g(this.clipBounds),dashTexture:this.texture.bind(),dashScale:this.dashScale/this.arcLength[this.arcLength.length-1],opacity:this.opacity,screenShape:[e.drawingBufferWidth,e.drawingBufferHeight],pixelRatio:this.pixelRatio},n.bind(),n.draw(e.TRIANGLE_STRIP,this.vertexCount),n.unbind()}},y.drawPick=function(t){if(this.vertexCount){var e=this.gl,r=this.pickShader,n=this.vao;r.bind(),r.uniforms={model:t.model||p,view:t.view||p,projection:t.projection||p,pickId:this.pickId,clipBounds:g(this.clipBounds),screenShape:[e.drawingBufferWidth,e.drawingBufferHeight],pixelRatio:this.pixelRatio},n.bind(),n.draw(e.TRIANGLE_STRIP,this.vertexCount),n.unbind()}},y.update=function(t){var e,r;this.dirty=!0;var n=!!t.connectGaps;"dashScale"in t&&(this.dashScale=t.dashScale),this.hasAlpha=!1,"opacity"in t&&(this.opacity=+t.opacity,this.opacity<1&&(this.hasAlpha=!0));var i=[],a=[],o=[],s=0,u=0,f=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],h=t.position||t.positions;if(h){var p=t.color||t.colors||[0,0,0,1],g=t.lineWidth||1,m=!1;t:for(e=1;e0){for(var w=0;w<24;++w)i.push(i[i.length-12]);u+=2,m=!0}continue t}f[0][r]=Math.min(f[0][r],b[r],_[r]),f[1][r]=Math.max(f[1][r],b[r],_[r])}Array.isArray(p[0])?(v=p.length>e-1?p[e-1]:p.length>0?p[p.length-1]:[0,0,0,1],y=p.length>e?p[e]:p.length>0?p[p.length-1]:[0,0,0,1]):v=y=p,3===v.length&&(v=[v[0],v[1],v[2],1]),3===y.length&&(y=[y[0],y[1],y[2],1]),!this.hasAlpha&&v[3]<1&&(this.hasAlpha=!0),x=Array.isArray(g)?g.length>e-1?g[e-1]:g.length>0?g[g.length-1]:[0,0,0,1]:g;var T=s;if(s+=d(b,_),m){for(r=0;r<2;++r)i.push(b[0],b[1],b[2],_[0],_[1],_[2],T,x,v[0],v[1],v[2],v[3]);u+=2,m=!1}i.push(b[0],b[1],b[2],_[0],_[1],_[2],T,x,v[0],v[1],v[2],v[3],b[0],b[1],b[2],_[0],_[1],_[2],T,-x,v[0],v[1],v[2],v[3],_[0],_[1],_[2],b[0],b[1],b[2],s,-x,y[0],y[1],y[2],y[3],_[0],_[1],_[2],b[0],b[1],b[2],s,x,y[0],y[1],y[2],y[3]),u+=4}}if(this.buffer.update(i),a.push(s),o.push(h[h.length-1].slice()),this.bounds=f,this.vertexCount=u,this.points=o,this.arcLength=a,"dashes"in t){var k=t.dashes.slice();for(k.unshift(0),e=1;e1.0001)return null;v+=m[f]}if(Math.abs(v-1)>.001)return null;return[h,s(t,m),m]}},{barycentric:78,"polytope-closest-point/lib/closest_point_2d.js":525}],308:[function(t,e,r){var n=t("glslify"),i=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position, normal;\nattribute vec4 color;\nattribute vec2 uv;\n\nuniform mat4 model\n , view\n , projection\n , inverseModel;\nuniform vec3 eyePosition\n , lightPosition;\n\nvarying vec3 f_normal\n , f_lightDirection\n , f_eyeDirection\n , f_data;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvec4 project(vec3 p) {\n return projection * view * model * vec4(p, 1.0);\n}\n\nvoid main() {\n gl_Position = project(position);\n\n //Lighting geometry parameters\n vec4 cameraCoordinate = view * vec4(position , 1.0);\n cameraCoordinate.xyz /= cameraCoordinate.w;\n f_lightDirection = lightPosition - cameraCoordinate.xyz;\n f_eyeDirection = eyePosition - cameraCoordinate.xyz;\n f_normal = normalize((vec4(normal, 0.0) * inverseModel).xyz);\n\n f_color = color;\n f_data = position;\n f_uv = uv;\n}\n"]),a=n(["#extension GL_OES_standard_derivatives : enable\n\nprecision highp float;\n#define GLSLIFY 1\n\nfloat beckmannDistribution(float x, float roughness) {\n float NdotH = max(x, 0.0001);\n float cos2Alpha = NdotH * NdotH;\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\n float roughness2 = roughness * roughness;\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\n return exp(tan2Alpha / roughness2) / denom;\n}\n\nfloat cookTorranceSpecular(\n vec3 lightDirection,\n vec3 viewDirection,\n vec3 surfaceNormal,\n float roughness,\n float fresnel) {\n\n float VdotN = max(dot(viewDirection, surfaceNormal), 0.0);\n float LdotN = max(dot(lightDirection, surfaceNormal), 0.0);\n\n //Half angle vector\n vec3 H = normalize(lightDirection + viewDirection);\n\n //Geometric term\n float NdotH = max(dot(surfaceNormal, H), 0.0);\n float VdotH = max(dot(viewDirection, H), 0.000001);\n float LdotH = max(dot(lightDirection, H), 0.000001);\n float G1 = (2.0 * NdotH * VdotN) / VdotH;\n float G2 = (2.0 * NdotH * LdotN) / LdotH;\n float G = min(1.0, min(G1, G2));\n \n //Distribution term\n float D = beckmannDistribution(NdotH, roughness);\n\n //Fresnel term\n float F = pow(1.0 - VdotN, fresnel);\n\n //Multiply terms and done\n return G * F * D / max(3.14159265 * VdotN, 0.000001);\n}\n\n//#pragma glslify: beckmann = require(glsl-specular-beckmann) // used in gl-surface3d\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float roughness\n , fresnel\n , kambient\n , kdiffuse\n , kspecular;\nuniform sampler2D texture;\n\nvarying vec3 f_normal\n , f_lightDirection\n , f_eyeDirection\n , f_data;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n if (f_color.a == 0.0 ||\n outOfRange(clipBounds[0], clipBounds[1], f_data)\n ) discard;\n\n vec3 N = normalize(f_normal);\n vec3 L = normalize(f_lightDirection);\n vec3 V = normalize(f_eyeDirection);\n\n if(gl_FrontFacing) {\n N = -N;\n }\n\n float specular = min(1.0, max(0.0, cookTorranceSpecular(L, V, N, roughness, fresnel)));\n //float specular = max(0.0, beckmann(L, V, N, roughness)); // used in gl-surface3d\n\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\n\n vec4 surfaceColor = vec4(f_color.rgb, 1.0) * texture2D(texture, f_uv);\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\n\n gl_FragColor = litColor * f_color.a;\n}\n"]),o=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 uv;\n\nuniform mat4 model, view, projection;\n\nvarying vec4 f_color;\nvarying vec3 f_data;\nvarying vec2 f_uv;\n\nvoid main() {\n gl_Position = projection * view * model * vec4(position, 1.0);\n f_color = color;\n f_data = position;\n f_uv = uv;\n}"]),s=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform sampler2D texture;\nuniform float opacity;\n\nvarying vec4 f_color;\nvarying vec3 f_data;\nvarying vec2 f_uv;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_data)) discard;\n\n gl_FragColor = f_color * texture2D(texture, f_uv) * opacity;\n}"]),l=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 uv;\nattribute float pointSize;\n\nuniform mat4 model, view, projection;\nuniform vec3 clipBounds[2];\n\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0.0, 0.0 ,0.0 ,0.0);\n } else {\n gl_Position = projection * view * model * vec4(position, 1.0);\n }\n gl_PointSize = pointSize;\n f_color = color;\n f_uv = uv;\n}"]),c=n(["precision highp float;\n#define GLSLIFY 1\n\nuniform sampler2D texture;\nuniform float opacity;\n\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n vec2 pointR = gl_PointCoord.xy - vec2(0.5, 0.5);\n if(dot(pointR, pointR) > 0.25) {\n discard;\n }\n gl_FragColor = f_color * texture2D(texture, f_uv) * opacity;\n}"]),u=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n gl_Position = projection * view * model * vec4(position, 1.0);\n f_id = id;\n f_position = position;\n}"]),f=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float pickId;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n\n gl_FragColor = vec4(pickId, f_id.xyz);\n}"]),h=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute float pointSize;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\nuniform vec3 clipBounds[2];\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0.0, 0.0, 0.0, 0.0);\n } else {\n gl_Position = projection * view * model * vec4(position, 1.0);\n gl_PointSize = pointSize;\n }\n f_id = id;\n f_position = position;\n}"]),p=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position;\n\nuniform mat4 model, view, projection;\n\nvoid main() {\n gl_Position = projection * view * model * vec4(position, 1.0);\n}"]),d=n(["precision highp float;\n#define GLSLIFY 1\n\nuniform vec3 contourColor;\n\nvoid main() {\n gl_FragColor = vec4(contourColor, 1.0);\n}\n"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:"position",type:"vec3"},{name:"normal",type:"vec3"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"}]},r.wireShader={vertex:o,fragment:s,attributes:[{name:"position",type:"vec3"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"}]},r.pointShader={vertex:l,fragment:c,attributes:[{name:"position",type:"vec3"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"},{name:"pointSize",type:"float"}]},r.pickShader={vertex:u,fragment:f,attributes:[{name:"position",type:"vec3"},{name:"id",type:"vec4"}]},r.pointPickShader={vertex:h,fragment:f,attributes:[{name:"position",type:"vec3"},{name:"pointSize",type:"float"},{name:"id",type:"vec4"}]},r.contourShader={vertex:p,fragment:d,attributes:[{name:"position",type:"vec3"}]}},{glslify:310}],309:[function(t,e,r){"use strict";var n=t("gl-shader"),i=t("gl-buffer"),a=t("gl-vao"),o=t("gl-texture2d"),s=t("normals"),l=t("gl-mat4/multiply"),c=t("gl-mat4/invert"),u=t("ndarray"),f=t("colormap"),h=t("simplicial-complex-contour"),p=t("typedarray-pool"),d=t("./lib/shaders"),g=t("./lib/closest-point"),m=d.meshShader,v=d.wireShader,y=d.pointShader,x=d.pickShader,b=d.pointPickShader,_=d.contourShader,w=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function T(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,_,T,k,M,A,S){this.gl=t,this.pixelRatio=1,this.cells=[],this.positions=[],this.intensity=[],this.texture=e,this.dirty=!0,this.triShader=r,this.lineShader=n,this.pointShader=i,this.pickShader=a,this.pointPickShader=o,this.contourShader=s,this.trianglePositions=l,this.triangleColors=u,this.triangleNormals=h,this.triangleUVs=f,this.triangleIds=c,this.triangleVAO=p,this.triangleCount=0,this.lineWidth=1,this.edgePositions=d,this.edgeColors=m,this.edgeUVs=v,this.edgeIds=g,this.edgeVAO=y,this.edgeCount=0,this.pointPositions=x,this.pointColors=_,this.pointUVs=T,this.pointSizes=k,this.pointIds=b,this.pointVAO=M,this.pointCount=0,this.contourLineWidth=1,this.contourPositions=A,this.contourVAO=S,this.contourCount=0,this.contourColor=[0,0,0],this.contourEnable=!0,this.pickVertex=!0,this.pickId=1,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.lightPosition=[1e5,1e5,0],this.ambientLight=.8,this.diffuseLight=.8,this.specularLight=2,this.roughness=.5,this.fresnel=1.5,this.opacity=1,this.hasAlpha=!1,this.opacityscale=!1,this._model=w,this._view=w,this._projection=w,this._resolution=[1,1]}var k=T.prototype;function M(t,e){if(!e)return 1;if(!e.length)return 1;for(var r=0;rt&&r>0){var n=(e[r][0]-t)/(e[r][0]-e[r-1][0]);return e[r][1]*(1-n)+n*e[r-1][1]}}return 1}function A(t){var e=n(t,m.vertex,m.fragment);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e.attributes.normal.location=4,e}function S(t){var e=n(t,v.vertex,v.fragment);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e}function E(t){var e=n(t,y.vertex,y.fragment);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e.attributes.pointSize.location=4,e}function C(t){var e=n(t,x.vertex,x.fragment);return e.attributes.position.location=0,e.attributes.id.location=1,e}function L(t){var e=n(t,b.vertex,b.fragment);return e.attributes.position.location=0,e.attributes.id.location=1,e.attributes.pointSize.location=4,e}function I(t){var e=n(t,_.vertex,_.fragment);return e.attributes.position.location=0,e}k.isOpaque=function(){return!this.hasAlpha},k.isTransparent=function(){return this.hasAlpha},k.pickSlots=1,k.setPickBase=function(t){this.pickId=t},k.highlight=function(t){if(t&&this.contourEnable){for(var e=h(this.cells,this.intensity,t.intensity),r=e.cells,n=e.vertexIds,i=e.vertexWeights,a=r.length,o=p.mallocFloat32(6*a),s=0,l=0;l0&&((f=this.triShader).bind(),f.uniforms=s,this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind());this.edgeCount>0&&this.lineWidth>0&&((f=this.lineShader).bind(),f.uniforms=s,this.edgeVAO.bind(),e.lineWidth(this.lineWidth*this.pixelRatio),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind());this.pointCount>0&&((f=this.pointShader).bind(),f.uniforms=s,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind());this.contourEnable&&this.contourCount>0&&this.contourLineWidth>0&&((f=this.contourShader).bind(),f.uniforms=s,this.contourVAO.bind(),e.drawArrays(e.LINES,0,this.contourCount),this.contourVAO.unbind())},k.drawPick=function(t){t=t||{};for(var e=this.gl,r=t.model||w,n=t.view||w,i=t.projection||w,a=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],o=0;o<3;++o)a[0][o]=Math.max(a[0][o],this.clipBounds[0][o]),a[1][o]=Math.min(a[1][o],this.clipBounds[1][o]);this._model=[].slice.call(r),this._view=[].slice.call(n),this._projection=[].slice.call(i),this._resolution=[e.drawingBufferWidth,e.drawingBufferHeight];var s,l={model:r,view:n,projection:i,clipBounds:a,pickId:this.pickId/255};((s=this.pickShader).bind(),s.uniforms=l,this.triangleCount>0&&(this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind()),this.edgeCount>0&&(this.edgeVAO.bind(),e.lineWidth(this.lineWidth*this.pixelRatio),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind()),this.pointCount>0)&&((s=this.pointPickShader).bind(),s.uniforms=l,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind())},k.pick=function(t){if(!t)return null;if(t.id!==this.pickId)return null;for(var e=t.value[0]+256*t.value[1]+65536*t.value[2],r=this.cells[e],n=this.positions,i=new Array(r.length),a=0;ai[k]&&(r.uniforms.dataAxis=c,r.uniforms.screenOffset=u,r.uniforms.color=m[t],r.uniforms.angle=v[t],a.drawArrays(a.TRIANGLES,i[k],i[M]-i[k]))),y[t]&&T&&(u[1^t]-=A*p*x[t],r.uniforms.dataAxis=f,r.uniforms.screenOffset=u,r.uniforms.color=b[t],r.uniforms.angle=_[t],a.drawArrays(a.TRIANGLES,w,T)),u[1^t]=A*s[2+(1^t)]-1,d[t+2]&&(u[1^t]+=A*p*g[t+2],ki[k]&&(r.uniforms.dataAxis=c,r.uniforms.screenOffset=u,r.uniforms.color=m[t+2],r.uniforms.angle=v[t+2],a.drawArrays(a.TRIANGLES,i[k],i[M]-i[k]))),y[t+2]&&T&&(u[1^t]+=A*p*x[t+2],r.uniforms.dataAxis=f,r.uniforms.screenOffset=u,r.uniforms.color=b[t+2],r.uniforms.angle=_[t+2],a.drawArrays(a.TRIANGLES,w,T))}),g.drawTitle=function(){var t=[0,0],e=[0,0];return function(){var r=this.plot,n=this.shader,i=r.gl,a=r.screenBox,o=r.titleCenter,s=r.titleAngle,l=r.titleColor,c=r.pixelRatio;if(this.titleCount){for(var u=0;u<2;++u)e[u]=2*(o[u]*c-a[u])/(a[2+u]-a[u])-1;n.bind(),n.uniforms.dataAxis=t,n.uniforms.screenOffset=e,n.uniforms.angle=s,n.uniforms.color=l,i.drawArrays(i.TRIANGLES,this.titleOffset,this.titleCount)}}}(),g.bind=(h=[0,0],p=[0,0],d=[0,0],function(){var t=this.plot,e=this.shader,r=t._tickBounds,n=t.dataBox,i=t.screenBox,a=t.viewBox;e.bind();for(var o=0;o<2;++o){var s=r[o],l=r[o+2]-s,c=.5*(n[o+2]+n[o]),u=n[o+2]-n[o],f=a[o],g=a[o+2]-f,m=i[o],v=i[o+2]-m;p[o]=2*l/u*g/v,h[o]=2*(s-c)/u*g/v}d[1]=2*t.pixelRatio/(i[3]-i[1]),d[0]=d[1]*(i[3]-i[1])/(i[2]-i[0]),e.uniforms.dataScale=p,e.uniforms.dataShift=h,e.uniforms.textScale=d,this.vbo.bind(),e.attributes.textCoordinate.pointer()}),g.update=function(t){var e,r,n,i,o,s=[],l=t.ticks,c=t.bounds;for(o=0;o<2;++o){var u=[Math.floor(s.length/3)],f=[-1/0],h=l[o];for(e=0;e=0){var g=e[d]-n[d]*(e[d+2]-e[d])/(n[d+2]-n[d]);0===d?o.drawLine(g,e[1],g,e[3],p[d],h[d]):o.drawLine(e[0],g,e[2],g,p[d],h[d])}}for(d=0;d=0;--t)this.objects[t].dispose();this.objects.length=0;for(t=this.overlays.length-1;t>=0;--t)this.overlays[t].dispose();this.overlays.length=0,this.gl=null},c.addObject=function(t){this.objects.indexOf(t)<0&&(this.objects.push(t),this.setDirty())},c.removeObject=function(t){for(var e=this.objects,r=0;rMath.abs(e))c.rotate(a,0,0,-t*r*Math.PI*d.rotateSpeed/window.innerWidth);else if(!d._ortho){var o=-d.zoomSpeed*i*e/window.innerHeight*(a-c.lastT())/20;c.pan(a,0,0,f*(Math.exp(o)-1))}}}),!0)},d.enableMouseListeners(),d};var n=t("right-now"),i=t("3d-view"),a=t("mouse-change"),o=t("mouse-wheel"),s=t("mouse-event-offset"),l=t("has-passive-events")},{"3d-view":54,"has-passive-events":441,"mouse-change":483,"mouse-event-offset":484,"mouse-wheel":486,"right-now":542}],319:[function(t,e,r){var n=t("glslify"),i=t("gl-shader"),a=n(["precision mediump float;\n#define GLSLIFY 1\nattribute vec2 position;\nvarying vec2 uv;\nvoid main() {\n uv = position;\n gl_Position = vec4(position, 0, 1);\n}"]),o=n(["precision mediump float;\n#define GLSLIFY 1\n\nuniform sampler2D accumBuffer;\nvarying vec2 uv;\n\nvoid main() {\n vec4 accum = texture2D(accumBuffer, 0.5 * (uv + 1.0));\n gl_FragColor = min(vec4(1,1,1,1), accum);\n}"]);e.exports=function(t){return i(t,a,o,null,[{name:"position",type:"vec2"}])}},{"gl-shader":335,glslify:320}],320:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],321:[function(t,e,r){"use strict";var n=t("./camera.js"),i=t("gl-axes3d"),a=t("gl-axes3d/properties"),o=t("gl-spikes3d"),s=t("gl-select-static"),l=t("gl-fbo"),c=t("a-big-triangle"),u=t("mouse-change"),f=t("gl-mat4/perspective"),h=t("gl-mat4/ortho"),p=t("./lib/shader"),d=t("is-mobile")({tablet:!0,featureDetect:!0});function g(){this.mouse=[-1,-1],this.screen=null,this.distance=1/0,this.index=null,this.dataCoordinate=null,this.dataPosition=null,this.object=null,this.data=null}function m(t){var e=Math.round(Math.log(Math.abs(t))/Math.log(10));if(e<0){var r=Math.round(Math.pow(10,-e));return Math.ceil(t*r)/r}if(e>0){r=Math.round(Math.pow(10,e));return Math.ceil(t/r)*r}return Math.ceil(t)}function v(t){return"boolean"!=typeof t||t}e.exports={createScene:function(t){(t=t||{}).camera=t.camera||{};var e=t.canvas;if(!e){if(e=document.createElement("canvas"),t.container)t.container.appendChild(e);else document.body.appendChild(e)}var r=t.gl;r||(t.glOptions&&(d=!!t.glOptions.preserveDrawingBuffer),r=function(t,e){var r=null;try{(r=t.getContext("webgl",e))||(r=t.getContext("experimental-webgl",e))}catch(t){return null}return r}(e,t.glOptions||{premultipliedAlpha:!0,antialias:!0,preserveDrawingBuffer:d}));if(!r)throw new Error("webgl not supported");var y=t.bounds||[[-10,-10,-10],[10,10,10]],x=new g,b=l(r,r.drawingBufferWidth,r.drawingBufferHeight,{preferFloat:!d}),_=p(r),w=t.cameraObject&&!0===t.cameraObject._ortho||t.camera.projection&&"orthographic"===t.camera.projection.type||!1,T={eye:t.camera.eye||[2,0,0],center:t.camera.center||[0,0,0],up:t.camera.up||[0,1,0],zoomMin:t.camera.zoomMax||.1,zoomMax:t.camera.zoomMin||100,mode:t.camera.mode||"turntable",_ortho:w},k=t.axes||{},M=i(r,k);M.enable=!k.disable;var A=t.spikes||{},S=o(r,A),E=[],C=[],L=[],I=[],P=!0,z=!0,O=new Array(16),D=new Array(16),R={view:null,projection:O,model:D,_ortho:!1},F=(z=!0,[r.drawingBufferWidth,r.drawingBufferHeight]),B=t.cameraObject||n(e,T),N={gl:r,contextLost:!1,pixelRatio:t.pixelRatio||1,canvas:e,selection:x,camera:B,axes:M,axesPixels:null,spikes:S,bounds:y,objects:E,shape:F,aspect:t.aspectRatio||[1,1,1],pickRadius:t.pickRadius||10,zNear:t.zNear||.01,zFar:t.zFar||1e3,fovy:t.fovy||Math.PI/4,clearColor:t.clearColor||[0,0,0,0],autoResize:v(t.autoResize),autoBounds:v(t.autoBounds),autoScale:!!t.autoScale,autoCenter:v(t.autoCenter),clipToBounds:v(t.clipToBounds),snapToData:!!t.snapToData,onselect:t.onselect||null,onrender:t.onrender||null,onclick:t.onclick||null,cameraParams:R,oncontextloss:null,mouseListener:null,_stopped:!1,getAspectratio:function(){return{x:this.aspect[0],y:this.aspect[1],z:this.aspect[2]}},setAspectratio:function(t){this.aspect[0]=t.x,this.aspect[1]=t.y,this.aspect[2]=t.z,z=!0},setBounds:function(t,e){this.bounds[0][t]=e.min,this.bounds[1][t]=e.max},setClearColor:function(t){this.clearColor=t},clearRGBA:function(){this.gl.clearColor(this.clearColor[0],this.clearColor[1],this.clearColor[2],this.clearColor[3]),this.gl.clear(this.gl.COLOR_BUFFER_BIT|this.gl.DEPTH_BUFFER_BIT)}},j=[r.drawingBufferWidth/N.pixelRatio|0,r.drawingBufferHeight/N.pixelRatio|0];function U(){if(!N._stopped&&N.autoResize){var t=e.parentNode,r=1,n=1;t&&t!==document.body?(r=t.clientWidth,n=t.clientHeight):(r=window.innerWidth,n=window.innerHeight);var i=0|Math.ceil(r*N.pixelRatio),a=0|Math.ceil(n*N.pixelRatio);if(i!==e.width||a!==e.height){e.width=i,e.height=a;var o=e.style;o.position=o.position||"absolute",o.left="0px",o.top="0px",o.width=r+"px",o.height=n+"px",P=!0}}}N.autoResize&&U();function V(){for(var t=E.length,e=I.length,n=0;n0&&0===L[e-1];)L.pop(),I.pop().dispose()}function q(){if(N.contextLost)return!0;r.isContextLost()&&(N.contextLost=!0,N.mouseListener.enabled=!1,N.selection.object=null,N.oncontextloss&&N.oncontextloss())}window.addEventListener("resize",U),N.update=function(t){N._stopped||(t=t||{},P=!0,z=!0)},N.add=function(t){N._stopped||(t.axes=M,E.push(t),C.push(-1),P=!0,z=!0,V())},N.remove=function(t){if(!N._stopped){var e=E.indexOf(t);e<0||(E.splice(e,1),C.pop(),P=!0,z=!0,V())}},N.dispose=function(){if(!N._stopped&&(N._stopped=!0,window.removeEventListener("resize",U),e.removeEventListener("webglcontextlost",q),N.mouseListener.enabled=!1,!N.contextLost)){M.dispose(),S.dispose();for(var t=0;tx.distance)continue;for(var c=0;c 1.0) {\n discard;\n }\n baseColor = mix(borderColor, color, step(radius, centerFraction));\n gl_FragColor = vec4(baseColor.rgb * baseColor.a, baseColor.a);\n }\n}\n"]),r.pickVertex=n(["precision mediump float;\n#define GLSLIFY 1\n\nattribute vec2 position;\nattribute vec4 pickId;\n\nuniform mat3 matrix;\nuniform float pointSize;\nuniform vec4 pickOffset;\n\nvarying vec4 fragId;\n\nvoid main() {\n vec3 hgPosition = matrix * vec3(position, 1);\n gl_Position = vec4(hgPosition.xy, 0, hgPosition.z);\n gl_PointSize = pointSize;\n\n vec4 id = pickId + pickOffset;\n id.y += floor(id.x / 256.0);\n id.x -= floor(id.x / 256.0) * 256.0;\n\n id.z += floor(id.y / 256.0);\n id.y -= floor(id.y / 256.0) * 256.0;\n\n id.w += floor(id.z / 256.0);\n id.z -= floor(id.z / 256.0) * 256.0;\n\n fragId = id;\n}\n"]),r.pickFragment=n(["precision mediump float;\n#define GLSLIFY 1\n\nvarying vec4 fragId;\n\nvoid main() {\n float radius = length(2.0 * gl_PointCoord.xy - 1.0);\n if(radius > 1.0) {\n discard;\n }\n gl_FragColor = fragId / 255.0;\n}\n"])},{glslify:323}],323:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],324:[function(t,e,r){"use strict";var n=t("gl-shader"),i=t("gl-buffer"),a=t("typedarray-pool"),o=t("./lib/shader");function s(t,e,r,n,i){this.plot=t,this.offsetBuffer=e,this.pickBuffer=r,this.shader=n,this.pickShader=i,this.sizeMin=.5,this.sizeMinCap=2,this.sizeMax=20,this.areaRatio=1,this.pointCount=0,this.color=[1,0,0,1],this.borderColor=[0,0,0,1],this.blend=!1,this.pickOffset=0,this.points=null}e.exports=function(t,e){var r=t.gl,a=i(r),l=i(r),c=n(r,o.pointVertex,o.pointFragment),u=n(r,o.pickVertex,o.pickFragment),f=new s(t,a,l,c,u);return f.update(e),t.addObject(f),f};var l,c,u=s.prototype;u.dispose=function(){this.shader.dispose(),this.pickShader.dispose(),this.offsetBuffer.dispose(),this.pickBuffer.dispose(),this.plot.removeObject(this)},u.update=function(t){var e;function r(e,r){return e in t?t[e]:r}t=t||{},this.sizeMin=r("sizeMin",.5),this.sizeMax=r("sizeMax",20),this.color=r("color",[1,0,0,1]).slice(),this.areaRatio=r("areaRatio",1),this.borderColor=r("borderColor",[0,0,0,1]).slice(),this.blend=r("blend",!1);var n=t.positions.length>>>1,i=t.positions instanceof Float32Array,o=t.idToIndex instanceof Int32Array&&t.idToIndex.length>=n,s=t.positions,l=i?s:a.mallocFloat32(s.length),c=o?t.idToIndex:a.mallocInt32(n);if(i||l.set(s),!o)for(l.set(s),e=0;e>>1;for(r=0;r=e[0]&&a<=e[2]&&o>=e[1]&&o<=e[3]&&n++}return n}(this.points,i),u=this.plot.pickPixelRatio*Math.max(Math.min(this.sizeMinCap,this.sizeMin),Math.min(this.sizeMax,this.sizeMax/Math.pow(s,.33333)));l[0]=2/a,l[4]=2/o,l[6]=-2*i[0]/a-1,l[7]=-2*i[1]/o-1,this.offsetBuffer.bind(),r.bind(),r.attributes.position.pointer(),r.uniforms.matrix=l,r.uniforms.color=this.color,r.uniforms.borderColor=this.borderColor,r.uniforms.pointCloud=u<5,r.uniforms.pointSize=u,r.uniforms.centerFraction=Math.min(1,Math.max(0,Math.sqrt(1-this.areaRatio))),e&&(c[0]=255&t,c[1]=t>>8&255,c[2]=t>>16&255,c[3]=t>>24&255,this.pickBuffer.bind(),r.attributes.pickId.pointer(n.UNSIGNED_BYTE),r.uniforms.pickOffset=c,this.pickOffset=t);var f=n.getParameter(n.BLEND),h=n.getParameter(n.DITHER);return f&&!this.blend&&n.disable(n.BLEND),h&&n.disable(n.DITHER),n.drawArrays(n.POINTS,0,this.pointCount),f&&!this.blend&&n.enable(n.BLEND),h&&n.enable(n.DITHER),t+this.pointCount}),u.draw=u.unifiedDraw,u.drawPick=u.unifiedDraw,u.pick=function(t,e,r){var n=this.pickOffset,i=this.pointCount;if(r=n+i)return null;var a=r-n,o=this.points;return{object:this,pointId:a,dataCoord:[o[2*a],o[2*a+1]]}}},{"./lib/shader":322,"gl-buffer":259,"gl-shader":335,"typedarray-pool":595}],325:[function(t,e,r){e.exports=function(t,e,r,n){var i,a,o,s,l,c=e[0],u=e[1],f=e[2],h=e[3],p=r[0],d=r[1],g=r[2],m=r[3];(a=c*p+u*d+f*g+h*m)<0&&(a=-a,p=-p,d=-d,g=-g,m=-m);1-a>1e-6?(i=Math.acos(a),o=Math.sin(i),s=Math.sin((1-n)*i)/o,l=Math.sin(n*i)/o):(s=1-n,l=n);return t[0]=s*c+l*p,t[1]=s*u+l*d,t[2]=s*f+l*g,t[3]=s*h+l*m,t}},{}],326:[function(t,e,r){"use strict";e.exports=function(t){return t||0===t?t.toString():""}},{}],327:[function(t,e,r){"use strict";var n=t("vectorize-text");e.exports=function(t,e,r){var a=i[e];a||(a=i[e]={});if(t in a)return a[t];var o={textAlign:"center",textBaseline:"middle",lineHeight:1,font:e,lineSpacing:1.25,styletags:{breaklines:!0,bolds:!0,italics:!0,subscripts:!0,superscripts:!0},triangles:!0},s=n(t,o);o.triangles=!1;var l,c,u=n(t,o);if(r&&1!==r){for(l=0;l max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 glyph;\nattribute vec4 id;\n\nuniform vec4 highlightId;\nuniform float highlightScale;\nuniform mat4 model, view, projection;\nuniform vec3 clipBounds[2];\n\nvarying vec4 interpColor;\nvarying vec4 pickId;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0,0,0,0);\n } else {\n float scale = 1.0;\n if(distance(highlightId, id) < 0.0001) {\n scale = highlightScale;\n }\n\n vec4 worldPosition = model * vec4(position, 1);\n vec4 viewPosition = view * worldPosition;\n viewPosition = viewPosition / viewPosition.w;\n vec4 clipPosition = projection * (viewPosition + scale * vec4(glyph.x, -glyph.y, 0, 0));\n\n gl_Position = clipPosition;\n interpColor = color;\n pickId = id;\n dataCoordinate = position;\n }\n}"]),o=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 glyph;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\nuniform vec2 screenSize;\nuniform vec3 clipBounds[2];\nuniform float highlightScale, pixelRatio;\nuniform vec4 highlightId;\n\nvarying vec4 interpColor;\nvarying vec4 pickId;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0,0,0,0);\n } else {\n float scale = pixelRatio;\n if(distance(highlightId.bgr, id.bgr) < 0.001) {\n scale *= highlightScale;\n }\n\n vec4 worldPosition = model * vec4(position, 1.0);\n vec4 viewPosition = view * worldPosition;\n vec4 clipPosition = projection * viewPosition;\n clipPosition /= clipPosition.w;\n\n gl_Position = clipPosition + vec4(screenSize * scale * vec2(glyph.x, -glyph.y), 0.0, 0.0);\n interpColor = color;\n pickId = id;\n dataCoordinate = position;\n }\n}"]),s=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 glyph;\nattribute vec4 id;\n\nuniform float highlightScale;\nuniform vec4 highlightId;\nuniform vec3 axes[2];\nuniform mat4 model, view, projection;\nuniform vec2 screenSize;\nuniform vec3 clipBounds[2];\nuniform float scale, pixelRatio;\n\nvarying vec4 interpColor;\nvarying vec4 pickId;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0,0,0,0);\n } else {\n float lscale = pixelRatio * scale;\n if(distance(highlightId, id) < 0.0001) {\n lscale *= highlightScale;\n }\n\n vec4 clipCenter = projection * view * model * vec4(position, 1);\n vec3 dataPosition = position + 0.5*lscale*(axes[0] * glyph.x + axes[1] * glyph.y) * clipCenter.w * screenSize.y;\n vec4 clipPosition = projection * view * model * vec4(dataPosition, 1);\n\n gl_Position = clipPosition;\n interpColor = color;\n pickId = id;\n dataCoordinate = dataPosition;\n }\n}\n"]),l=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 fragClipBounds[2];\nuniform float opacity;\n\nvarying vec4 interpColor;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (\n outOfRange(fragClipBounds[0], fragClipBounds[1], dataCoordinate) ||\n interpColor.a * opacity == 0.\n ) discard;\n gl_FragColor = interpColor * opacity;\n}\n"]),c=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 fragClipBounds[2];\nuniform float pickGroup;\n\nvarying vec4 pickId;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (outOfRange(fragClipBounds[0], fragClipBounds[1], dataCoordinate)) discard;\n\n gl_FragColor = vec4(pickGroup, pickId.bgr);\n}"]),u=[{name:"position",type:"vec3"},{name:"color",type:"vec4"},{name:"glyph",type:"vec2"},{name:"id",type:"vec4"}],f={vertex:a,fragment:l,attributes:u},h={vertex:o,fragment:l,attributes:u},p={vertex:s,fragment:l,attributes:u},d={vertex:a,fragment:c,attributes:u},g={vertex:o,fragment:c,attributes:u},m={vertex:s,fragment:c,attributes:u};function v(t,e){var r=n(t,e),i=r.attributes;return i.position.location=0,i.color.location=1,i.glyph.location=2,i.id.location=3,r}r.createPerspective=function(t){return v(t,f)},r.createOrtho=function(t){return v(t,h)},r.createProject=function(t){return v(t,p)},r.createPickPerspective=function(t){return v(t,d)},r.createPickOrtho=function(t){return v(t,g)},r.createPickProject=function(t){return v(t,m)}},{"gl-shader":335,glslify:329}],329:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],330:[function(t,e,r){"use strict";var n=t("is-string-blank"),i=t("gl-buffer"),a=t("gl-vao"),o=t("typedarray-pool"),s=t("gl-mat4/multiply"),l=t("./lib/shaders"),c=t("./lib/glyphs"),u=t("./lib/get-simple-string"),f=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function h(t,e){var r=t[0],n=t[1],i=t[2],a=t[3];return t[0]=e[0]*r+e[4]*n+e[8]*i+e[12]*a,t[1]=e[1]*r+e[5]*n+e[9]*i+e[13]*a,t[2]=e[2]*r+e[6]*n+e[10]*i+e[14]*a,t[3]=e[3]*r+e[7]*n+e[11]*i+e[15]*a,t}function p(t,e,r,n){return h(n,n),h(n,n),h(n,n)}function d(t,e){this.index=t,this.dataCoordinate=this.position=e}function g(t){return!0===t||t>1?1:t}function m(t,e,r,n,i,a,o,s,l,c,u,f){this.gl=t,this.pixelRatio=1,this.shader=e,this.orthoShader=r,this.projectShader=n,this.pointBuffer=i,this.colorBuffer=a,this.glyphBuffer=o,this.idBuffer=s,this.vao=l,this.vertexCount=0,this.lineVertexCount=0,this.opacity=1,this.hasAlpha=!1,this.lineWidth=0,this.projectScale=[2/3,2/3,2/3],this.projectOpacity=[1,1,1],this.projectHasAlpha=!1,this.pickId=0,this.pickPerspectiveShader=c,this.pickOrthoShader=u,this.pickProjectShader=f,this.points=[],this._selectResult=new d(0,[0,0,0]),this.useOrtho=!0,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.axesProject=[!0,!0,!0],this.axesBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.highlightId=[1,1,1,1],this.highlightScale=2,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.dirty=!0}e.exports=function(t){var e=t.gl,r=l.createPerspective(e),n=l.createOrtho(e),o=l.createProject(e),s=l.createPickPerspective(e),c=l.createPickOrtho(e),u=l.createPickProject(e),f=i(e),h=i(e),p=i(e),d=i(e),g=a(e,[{buffer:f,size:3,type:e.FLOAT},{buffer:h,size:4,type:e.FLOAT},{buffer:p,size:2,type:e.FLOAT},{buffer:d,size:4,type:e.UNSIGNED_BYTE,normalized:!0}]),v=new m(e,r,n,o,f,h,p,d,g,s,c,u);return v.update(t),v};var v=m.prototype;v.pickSlots=1,v.setPickBase=function(t){this.pickId=t},v.isTransparent=function(){if(this.hasAlpha)return!0;for(var t=0;t<3;++t)if(this.axesProject[t]&&this.projectHasAlpha)return!0;return!1},v.isOpaque=function(){if(!this.hasAlpha)return!0;for(var t=0;t<3;++t)if(this.axesProject[t]&&!this.projectHasAlpha)return!0;return!1};var y=[0,0],x=[0,0,0],b=[0,0,0],_=[0,0,0,1],w=[0,0,0,1],T=f.slice(),k=[0,0,0],M=[[0,0,0],[0,0,0]];function A(t){return t[0]=t[1]=t[2]=0,t}function S(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[3]=1,t}function E(t,e,r,n){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[r]=n,t}function C(t,e,r,n){var i,a=e.axesProject,o=e.gl,l=t.uniforms,c=r.model||f,u=r.view||f,h=r.projection||f,d=e.axesBounds,g=function(t){for(var e=M,r=0;r<2;++r)for(var n=0;n<3;++n)e[r][n]=Math.max(Math.min(t[r][n],1e8),-1e8);return e}(e.clipBounds);i=e.axes&&e.axes.lastCubeProps?e.axes.lastCubeProps.axis:[1,1,1],y[0]=2/o.drawingBufferWidth,y[1]=2/o.drawingBufferHeight,t.bind(),l.view=u,l.projection=h,l.screenSize=y,l.highlightId=e.highlightId,l.highlightScale=e.highlightScale,l.clipBounds=g,l.pickGroup=e.pickId/255,l.pixelRatio=n;for(var m=0;m<3;++m)if(a[m]){l.scale=e.projectScale[m],l.opacity=e.projectOpacity[m];for(var v=T,C=0;C<16;++C)v[C]=0;for(C=0;C<4;++C)v[5*C]=1;v[5*m]=0,i[m]<0?v[12+m]=d[0][m]:v[12+m]=d[1][m],s(v,c,v),l.model=v;var L=(m+1)%3,I=(m+2)%3,P=A(x),z=A(b);P[L]=1,z[I]=1;var O=p(0,0,0,S(_,P)),D=p(0,0,0,S(w,z));if(Math.abs(O[1])>Math.abs(D[1])){var R=O;O=D,D=R,R=P,P=z,z=R;var F=L;L=I,I=F}O[0]<0&&(P[L]=-1),D[1]>0&&(z[I]=-1);var B=0,N=0;for(C=0;C<4;++C)B+=Math.pow(c[4*L+C],2),N+=Math.pow(c[4*I+C],2);P[L]/=Math.sqrt(B),z[I]/=Math.sqrt(N),l.axes[0]=P,l.axes[1]=z,l.fragClipBounds[0]=E(k,g[0],m,-1e8),l.fragClipBounds[1]=E(k,g[1],m,1e8),e.vao.bind(),e.vao.draw(o.TRIANGLES,e.vertexCount),e.lineWidth>0&&(o.lineWidth(e.lineWidth*n),e.vao.draw(o.LINES,e.lineVertexCount,e.vertexCount)),e.vao.unbind()}}var L=[[-1e8,-1e8,-1e8],[1e8,1e8,1e8]];function I(t,e,r,n,i,a,o){var s=r.gl;if((a===r.projectHasAlpha||o)&&C(e,r,n,i),a===r.hasAlpha||o){t.bind();var l=t.uniforms;l.model=n.model||f,l.view=n.view||f,l.projection=n.projection||f,y[0]=2/s.drawingBufferWidth,y[1]=2/s.drawingBufferHeight,l.screenSize=y,l.highlightId=r.highlightId,l.highlightScale=r.highlightScale,l.fragClipBounds=L,l.clipBounds=r.axes.bounds,l.opacity=r.opacity,l.pickGroup=r.pickId/255,l.pixelRatio=i,r.vao.bind(),r.vao.draw(s.TRIANGLES,r.vertexCount),r.lineWidth>0&&(s.lineWidth(r.lineWidth*i),r.vao.draw(s.LINES,r.lineVertexCount,r.vertexCount)),r.vao.unbind()}}function P(t,e,r,i){var a;a=Array.isArray(t)?e=this.pointCount||e<0)return null;var r=this.points[e],n=this._selectResult;n.index=e;for(var i=0;i<3;++i)n.position[i]=n.dataCoordinate[i]=r[i];return n},v.highlight=function(t){if(t){var e=t.index,r=255&e,n=e>>8&255,i=e>>16&255;this.highlightId=[r/255,n/255,i/255,0]}else this.highlightId=[1,1,1,1]},v.update=function(t){if("perspective"in(t=t||{})&&(this.useOrtho=!t.perspective),"orthographic"in t&&(this.useOrtho=!!t.orthographic),"lineWidth"in t&&(this.lineWidth=t.lineWidth),"project"in t)if(Array.isArray(t.project))this.axesProject=t.project;else{var e=!!t.project;this.axesProject=[e,e,e]}if("projectScale"in t)if(Array.isArray(t.projectScale))this.projectScale=t.projectScale.slice();else{var r=+t.projectScale;this.projectScale=[r,r,r]}if(this.projectHasAlpha=!1,"projectOpacity"in t){if(Array.isArray(t.projectOpacity))this.projectOpacity=t.projectOpacity.slice();else{r=+t.projectOpacity;this.projectOpacity=[r,r,r]}for(var n=0;n<3;++n)this.projectOpacity[n]=g(this.projectOpacity[n]),this.projectOpacity[n]<1&&(this.projectHasAlpha=!0)}this.hasAlpha=!1,"opacity"in t&&(this.opacity=g(t.opacity),this.opacity<1&&(this.hasAlpha=!0)),this.dirty=!0;var i,a,s=t.position,l=t.font||"normal",c=t.alignment||[0,0];if(2===c.length)i=c[0],a=c[1];else{i=[],a=[];for(n=0;n0){var z=0,O=x,D=[0,0,0,1],R=[0,0,0,1],F=Array.isArray(p)&&Array.isArray(p[0]),B=Array.isArray(v)&&Array.isArray(v[0]);t:for(n=0;n<_;++n){y+=1;for(w=s[n],T=0;T<3;++T){if(isNaN(w[T])||!isFinite(w[T]))continue t;f[T]=Math.max(f[T],w[T]),u[T]=Math.min(u[T],w[T])}k=(N=P(h,n,l,this.pixelRatio)).mesh,M=N.lines,A=N.bounds;var N,j=N.visible;if(j)if(Array.isArray(p)){if(3===(U=F?n0?1-A[0][0]:Y<0?1+A[1][0]:1,W*=W>0?1-A[0][1]:W<0?1+A[1][1]:1],Z=k.cells||[],J=k.positions||[];for(T=0;T0){var v=r*u;o.drawBox(f-v,h-v,p+v,h+v,a),o.drawBox(f-v,d-v,p+v,d+v,a),o.drawBox(f-v,h-v,f+v,d+v,a),o.drawBox(p-v,h-v,p+v,d+v,a)}}}},s.update=function(t){t=t||{},this.innerFill=!!t.innerFill,this.outerFill=!!t.outerFill,this.innerColor=(t.innerColor||[0,0,0,.5]).slice(),this.outerColor=(t.outerColor||[0,0,0,.5]).slice(),this.borderColor=(t.borderColor||[0,0,0,1]).slice(),this.borderWidth=t.borderWidth||0,this.selectBox=(t.selectBox||this.selectBox).slice()},s.dispose=function(){this.boxBuffer.dispose(),this.boxShader.dispose(),this.plot.removeOverlay(this)}},{"./lib/shaders":331,"gl-buffer":259,"gl-shader":335}],334:[function(t,e,r){"use strict";e.exports=function(t,e){var r=e[0],a=e[1],o=n(t,r,a,{}),s=i.mallocUint8(r*a*4);return new l(t,o,s)};var n=t("gl-fbo"),i=t("typedarray-pool"),a=t("ndarray"),o=t("bit-twiddle").nextPow2;function s(t,e,r,n,i){this.coord=[t,e],this.id=r,this.value=n,this.distance=i}function l(t,e,r){this.gl=t,this.fbo=e,this.buffer=r,this._readTimeout=null;var n=this;this._readCallback=function(){n.gl&&(e.bind(),t.readPixels(0,0,e.shape[0],e.shape[1],t.RGBA,t.UNSIGNED_BYTE,n.buffer),n._readTimeout=null)}}var c=l.prototype;Object.defineProperty(c,"shape",{get:function(){return this.gl?this.fbo.shape.slice():[0,0]},set:function(t){if(this.gl){this.fbo.shape=t;var e=this.fbo.shape[0],r=this.fbo.shape[1];if(r*e*4>this.buffer.length){i.free(this.buffer);for(var n=this.buffer=i.mallocUint8(o(r*e*4)),a=0;ar)for(t=r;te)for(t=e;t=0){for(var T=0|w.type.charAt(w.type.length-1),k=new Array(T),M=0;M=0;)A+=1;_[y]=A}var S=new Array(r.length);function E(){h.program=o.program(p,h._vref,h._fref,b,_);for(var t=0;t=0){if((d=h.charCodeAt(h.length-1)-48)<2||d>4)throw new n("","Invalid data type for attribute "+f+": "+h);o(t,e,p[0],i,d,a,f)}else{if(!(h.indexOf("mat")>=0))throw new n("","Unknown data type for attribute "+f+": "+h);var d;if((d=h.charCodeAt(h.length-1)-48)<2||d>4)throw new n("","Invalid data type for attribute "+f+": "+h);s(t,e,p,i,d,a,f)}}}return a};var n=t("./GLError");function i(t,e,r,n,i,a){this._gl=t,this._wrapper=e,this._index=r,this._locations=n,this._dimension=i,this._constFunc=a}var a=i.prototype;function o(t,e,r,n,a,o,s){for(var l=["gl","v"],c=[],u=0;u4)throw new i("","Invalid uniform dimension type for matrix "+name+": "+r);return"gl.uniformMatrix"+a+"fv(locations["+e+"],false,obj"+t+")"}throw new i("","Unknown uniform data type for "+name+": "+r)}if((a=r.charCodeAt(r.length-1)-48)<2||a>4)throw new i("","Invalid data type");switch(r.charAt(0)){case"b":case"i":return"gl.uniform"+a+"iv(locations["+e+"],obj"+t+")";case"v":return"gl.uniform"+a+"fv(locations["+e+"],obj"+t+")";default:throw new i("","Unrecognized data type for vector "+name+": "+r)}}}function c(e){for(var n=["return function updateProperty(obj){"],i=function t(e,r){if("object"!=typeof r)return[[e,r]];var n=[];for(var i in r){var a=r[i],o=e;parseInt(i)+""===i?o+="["+i+"]":o+="."+i,"object"==typeof a?n.push.apply(n,t(o,a)):n.push([o,a])}return n}("",e),a=0;a4)throw new i("","Invalid data type");return"b"===t.charAt(0)?o(r,!1):o(r,0)}if(0===t.indexOf("mat")&&4===t.length){var r;if((r=t.charCodeAt(t.length-1)-48)<2||r>4)throw new i("","Invalid uniform dimension type for matrix "+name+": "+t);return o(r*r,0)}throw new i("","Unknown uniform data type for "+name+": "+t)}}(r[u].type);var p}function f(t){var e;if(Array.isArray(t)){e=new Array(t.length);for(var r=0;r1){s[0]in a||(a[s[0]]=[]),a=a[s[0]];for(var l=1;l1)for(var l=0;l 0 U ||b|| > 0.\n // Assign z = 0, x = -b, y = a:\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\n return normalize(vec3(-v.y, v.x, 0.0));\n } else {\n return normalize(vec3(0.0, v.z, -v.y));\n }\n}\n\n// Calculate the tube vertex and normal at the given index.\n//\n// The returned vertex is for a tube ring with its center at origin, radius of length(d), pointing in the direction of d.\n//\n// Each tube segment is made up of a ring of vertices.\n// These vertices are used to make up the triangles of the tube by connecting them together in the vertex array.\n// The indexes of tube segments run from 0 to 8.\n//\nvec3 getTubePosition(vec3 d, float index, out vec3 normal) {\n float segmentCount = 8.0;\n\n float angle = 2.0 * 3.14159 * (index / segmentCount);\n\n vec3 u = getOrthogonalVector(d);\n vec3 v = normalize(cross(u, d));\n\n vec3 x = u * cos(angle) * length(d);\n vec3 y = v * sin(angle) * length(d);\n vec3 v3 = x + y;\n\n normal = normalize(v3);\n\n return v3;\n}\n\nattribute vec4 vector;\nattribute vec4 color, position;\nattribute vec2 uv;\n\nuniform float vectorScale, tubeScale;\nuniform mat4 model, view, projection, inverseModel;\nuniform vec3 eyePosition, lightPosition;\n\nvarying vec3 f_normal, f_lightDirection, f_eyeDirection, f_data, f_position;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n // Scale the vector magnitude to stay constant with\n // model & view changes.\n vec3 normal;\n vec3 XYZ = getTubePosition(mat3(model) * (tubeScale * vector.w * normalize(vector.xyz)), position.w, normal);\n vec4 tubePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\n\n //Lighting geometry parameters\n vec4 cameraCoordinate = view * tubePosition;\n cameraCoordinate.xyz /= cameraCoordinate.w;\n f_lightDirection = lightPosition - cameraCoordinate.xyz;\n f_eyeDirection = eyePosition - cameraCoordinate.xyz;\n f_normal = normalize((vec4(normal, 0.0) * inverseModel).xyz);\n\n // vec4 m_position = model * vec4(tubePosition, 1.0);\n vec4 t_position = view * tubePosition;\n gl_Position = projection * t_position;\n\n f_color = color;\n f_data = tubePosition.xyz;\n f_position = position.xyz;\n f_uv = uv;\n}\n"]),a=n(["#extension GL_OES_standard_derivatives : enable\n\nprecision highp float;\n#define GLSLIFY 1\n\nfloat beckmannDistribution(float x, float roughness) {\n float NdotH = max(x, 0.0001);\n float cos2Alpha = NdotH * NdotH;\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\n float roughness2 = roughness * roughness;\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\n return exp(tan2Alpha / roughness2) / denom;\n}\n\nfloat cookTorranceSpecular(\n vec3 lightDirection,\n vec3 viewDirection,\n vec3 surfaceNormal,\n float roughness,\n float fresnel) {\n\n float VdotN = max(dot(viewDirection, surfaceNormal), 0.0);\n float LdotN = max(dot(lightDirection, surfaceNormal), 0.0);\n\n //Half angle vector\n vec3 H = normalize(lightDirection + viewDirection);\n\n //Geometric term\n float NdotH = max(dot(surfaceNormal, H), 0.0);\n float VdotH = max(dot(viewDirection, H), 0.000001);\n float LdotH = max(dot(lightDirection, H), 0.000001);\n float G1 = (2.0 * NdotH * VdotN) / VdotH;\n float G2 = (2.0 * NdotH * LdotN) / LdotH;\n float G = min(1.0, min(G1, G2));\n \n //Distribution term\n float D = beckmannDistribution(NdotH, roughness);\n\n //Fresnel term\n float F = pow(1.0 - VdotN, fresnel);\n\n //Multiply terms and done\n return G * F * D / max(3.14159265 * VdotN, 0.000001);\n}\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float roughness, fresnel, kambient, kdiffuse, kspecular, opacity;\nuniform sampler2D texture;\n\nvarying vec3 f_normal, f_lightDirection, f_eyeDirection, f_data, f_position;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n vec3 N = normalize(f_normal);\n vec3 L = normalize(f_lightDirection);\n vec3 V = normalize(f_eyeDirection);\n\n if(gl_FrontFacing) {\n N = -N;\n }\n\n float specular = min(1.0, max(0.0, cookTorranceSpecular(L, V, N, roughness, fresnel)));\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\n\n vec4 surfaceColor = f_color * texture2D(texture, f_uv);\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\n\n gl_FragColor = litColor * opacity;\n}\n"]),o=n(["precision highp float;\n\nprecision highp float;\n#define GLSLIFY 1\n\nvec3 getOrthogonalVector(vec3 v) {\n // Return up-vector for only-z vector.\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\n // Assign z = 0, x = -b, y = a:\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\n return normalize(vec3(-v.y, v.x, 0.0));\n } else {\n return normalize(vec3(0.0, v.z, -v.y));\n }\n}\n\n// Calculate the tube vertex and normal at the given index.\n//\n// The returned vertex is for a tube ring with its center at origin, radius of length(d), pointing in the direction of d.\n//\n// Each tube segment is made up of a ring of vertices.\n// These vertices are used to make up the triangles of the tube by connecting them together in the vertex array.\n// The indexes of tube segments run from 0 to 8.\n//\nvec3 getTubePosition(vec3 d, float index, out vec3 normal) {\n float segmentCount = 8.0;\n\n float angle = 2.0 * 3.14159 * (index / segmentCount);\n\n vec3 u = getOrthogonalVector(d);\n vec3 v = normalize(cross(u, d));\n\n vec3 x = u * cos(angle) * length(d);\n vec3 y = v * sin(angle) * length(d);\n vec3 v3 = x + y;\n\n normal = normalize(v3);\n\n return v3;\n}\n\nattribute vec4 vector;\nattribute vec4 position;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\nuniform float tubeScale;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n vec3 normal;\n vec3 XYZ = getTubePosition(mat3(model) * (tubeScale * vector.w * normalize(vector.xyz)), position.w, normal);\n vec4 tubePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\n\n gl_Position = projection * view * tubePosition;\n f_id = id;\n f_position = position.xyz;\n}\n"]),s=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float pickId;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n\n gl_FragColor = vec4(pickId, f_id.xyz);\n}"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:"position",type:"vec4"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"},{name:"vector",type:"vec4"}]},r.pickShader={vertex:o,fragment:s,attributes:[{name:"position",type:"vec4"},{name:"id",type:"vec4"},{name:"vector",type:"vec4"}]}},{glslify:347}],347:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],348:[function(t,e,r){"use strict";var n=t("gl-vec3"),i=t("gl-vec4"),a=["xyz","xzy","yxz","yzx","zxy","zyx"],o=function(t,e,r,a){for(var o=0,s=0;s0)for(T=0;T<8;T++){var k=(T+1)%8;c.push(h[T],p[T],p[k],p[k],h[k],h[T]),f.push(y,v,v,v,y,y),d.push(g,m,m,m,g,g);var M=c.length;u.push([M-6,M-5,M-4],[M-3,M-2,M-1])}var A=h;h=p,p=A;var S=y;y=v,v=S;var E=g;g=m,m=E}return{positions:c,cells:u,vectors:f,vertexIntensity:d}}(t,r,a,o)})),f=[],h=[],p=[],d=[];for(s=0;se)return r-1}return r},l=function(t,e,r){return tr?r:t},c=function(t){var e=1/0;t.sort((function(t,e){return t-e}));for(var r=t.length,n=1;nf-1||y>h-1||x>p-1)return n.create();var b,_,w,T,k,M,A=a[0][d],S=a[0][v],E=a[1][g],C=a[1][y],L=a[2][m],I=(o-A)/(S-A),P=(c-E)/(C-E),z=(u-L)/(a[2][x]-L);switch(isFinite(I)||(I=.5),isFinite(P)||(P=.5),isFinite(z)||(z=.5),r.reversedX&&(d=f-1-d,v=f-1-v),r.reversedY&&(g=h-1-g,y=h-1-y),r.reversedZ&&(m=p-1-m,x=p-1-x),r.filled){case 5:k=m,M=x,w=g*p,T=y*p,b=d*p*h,_=v*p*h;break;case 4:k=m,M=x,b=d*p,_=v*p,w=g*p*f,T=y*p*f;break;case 3:w=g,T=y,k=m*h,M=x*h,b=d*h*p,_=v*h*p;break;case 2:w=g,T=y,b=d*h,_=v*h,k=m*h*f,M=x*h*f;break;case 1:b=d,_=v,k=m*f,M=x*f,w=g*f*p,T=y*f*p;break;default:b=d,_=v,w=g*f,T=y*f,k=m*f*h,M=x*f*h}var O=i[b+w+k],D=i[b+w+M],R=i[b+T+k],F=i[b+T+M],B=i[_+w+k],N=i[_+w+M],j=i[_+T+k],U=i[_+T+M],V=n.create(),q=n.create(),H=n.create(),G=n.create();n.lerp(V,O,B,I),n.lerp(q,D,N,I),n.lerp(H,R,j,I),n.lerp(G,F,U,I);var Y=n.create(),W=n.create();n.lerp(Y,V,H,P),n.lerp(W,q,G,P);var X=n.create();return n.lerp(X,Y,W,z),X}(e,t,p)},g=t.getDivergence||function(t,e){var r=n.create(),i=1e-4;n.add(r,t,[i,0,0]);var a=d(r);n.subtract(a,a,e),n.scale(a,a,1/i),n.add(r,t,[0,i,0]);var o=d(r);n.subtract(o,o,e),n.scale(o,o,1/i),n.add(r,t,[0,0,i]);var s=d(r);return n.subtract(s,s,e),n.scale(s,s,1/i),n.add(r,a,o),n.add(r,r,s),r},m=[],v=e[0][0],y=e[0][1],x=e[0][2],b=e[1][0],_=e[1][1],w=e[1][2],T=function(t){var e=t[0],r=t[1],n=t[2];return!(eb||r_||nw)},k=10*n.distance(e[0],e[1])/i,M=k*k,A=1,S=0,E=r.length;E>1&&(A=function(t){for(var e=[],r=[],n=[],i={},a={},o={},s=t.length,l=0;lS&&(S=F),D.push(F),m.push({points:I,velocities:P,divergences:D});for(var B=0;B<100*i&&I.lengthM&&n.scale(N,N,k/Math.sqrt(j)),n.add(N,N,L),z=d(N),n.squaredDistance(O,N)-M>-1e-4*M){I.push(N),O=N,P.push(z);R=g(N,z),F=n.length(R);isFinite(F)&&F>S&&(S=F),D.push(F)}L=N}}var U=o(m,t.colormap,S,A);return f?U.tubeScale=f:(0===S&&(S=1),U.tubeScale=.5*u*A/S),U};var u=t("./lib/shaders"),f=t("gl-cone3d").createMesh;e.exports.createTubeMesh=function(t,e){return f(t,e,{shaders:u,traceType:"streamtube"})}},{"./lib/shaders":346,"gl-cone3d":260,"gl-vec3":377,"gl-vec4":413}],349:[function(t,e,r){var n=t("gl-shader"),i=t("glslify"),a=i(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec4 uv;\nattribute vec3 f;\nattribute vec3 normal;\n\nuniform vec3 objectOffset;\nuniform mat4 model, view, projection, inverseModel;\nuniform vec3 lightPosition, eyePosition;\nuniform sampler2D colormap;\n\nvarying float value, kill;\nvarying vec3 worldCoordinate;\nvarying vec2 planeCoordinate;\nvarying vec3 lightDirection, eyeDirection, surfaceNormal;\nvarying vec4 vColor;\n\nvoid main() {\n vec3 localCoordinate = vec3(uv.zw, f.x);\n worldCoordinate = objectOffset + localCoordinate;\n vec4 worldPosition = model * vec4(worldCoordinate, 1.0);\n vec4 clipPosition = projection * view * worldPosition;\n gl_Position = clipPosition;\n kill = f.y;\n value = f.z;\n planeCoordinate = uv.xy;\n\n vColor = texture2D(colormap, vec2(value, value));\n\n //Lighting geometry parameters\n vec4 cameraCoordinate = view * worldPosition;\n cameraCoordinate.xyz /= cameraCoordinate.w;\n lightDirection = lightPosition - cameraCoordinate.xyz;\n eyeDirection = eyePosition - cameraCoordinate.xyz;\n surfaceNormal = normalize((vec4(normal,0) * inverseModel).xyz);\n}\n"]),o=i(["precision highp float;\n#define GLSLIFY 1\n\nfloat beckmannDistribution(float x, float roughness) {\n float NdotH = max(x, 0.0001);\n float cos2Alpha = NdotH * NdotH;\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\n float roughness2 = roughness * roughness;\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\n return exp(tan2Alpha / roughness2) / denom;\n}\n\nfloat beckmannSpecular(\n vec3 lightDirection,\n vec3 viewDirection,\n vec3 surfaceNormal,\n float roughness) {\n return beckmannDistribution(dot(surfaceNormal, normalize(lightDirection + viewDirection)), roughness);\n}\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 lowerBound, upperBound;\nuniform float contourTint;\nuniform vec4 contourColor;\nuniform sampler2D colormap;\nuniform vec3 clipBounds[2];\nuniform float roughness, fresnel, kambient, kdiffuse, kspecular, opacity;\nuniform float vertexColor;\n\nvarying float value, kill;\nvarying vec3 worldCoordinate;\nvarying vec3 lightDirection, eyeDirection, surfaceNormal;\nvarying vec4 vColor;\n\nvoid main() {\n if (\n kill > 0.0 ||\n vColor.a == 0.0 ||\n outOfRange(clipBounds[0], clipBounds[1], worldCoordinate)\n ) discard;\n\n vec3 N = normalize(surfaceNormal);\n vec3 V = normalize(eyeDirection);\n vec3 L = normalize(lightDirection);\n\n if(gl_FrontFacing) {\n N = -N;\n }\n\n float specular = max(beckmannSpecular(L, V, N, roughness), 0.);\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\n\n //decide how to interpolate color \u2014 in vertex or in fragment\n vec4 surfaceColor =\n step(vertexColor, .5) * texture2D(colormap, vec2(value, value)) +\n step(.5, vertexColor) * vColor;\n\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\n\n gl_FragColor = mix(litColor, contourColor, contourTint) * opacity;\n}\n"]),s=i(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec4 uv;\nattribute float f;\n\nuniform vec3 objectOffset;\nuniform mat3 permutation;\nuniform mat4 model, view, projection;\nuniform float height, zOffset;\nuniform sampler2D colormap;\n\nvarying float value, kill;\nvarying vec3 worldCoordinate;\nvarying vec2 planeCoordinate;\nvarying vec3 lightDirection, eyeDirection, surfaceNormal;\nvarying vec4 vColor;\n\nvoid main() {\n vec3 dataCoordinate = permutation * vec3(uv.xy, height);\n worldCoordinate = objectOffset + dataCoordinate;\n vec4 worldPosition = model * vec4(worldCoordinate, 1.0);\n\n vec4 clipPosition = projection * view * worldPosition;\n clipPosition.z += zOffset;\n\n gl_Position = clipPosition;\n value = f + objectOffset.z;\n kill = -1.0;\n planeCoordinate = uv.zw;\n\n vColor = texture2D(colormap, vec2(value, value));\n\n //Don't do lighting for contours\n surfaceNormal = vec3(1,0,0);\n eyeDirection = vec3(0,1,0);\n lightDirection = vec3(0,0,1);\n}\n"]),l=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec2 shape;\nuniform vec3 clipBounds[2];\nuniform float pickId;\n\nvarying float value, kill;\nvarying vec3 worldCoordinate;\nvarying vec2 planeCoordinate;\nvarying vec3 surfaceNormal;\n\nvec2 splitFloat(float v) {\n float vh = 255.0 * v;\n float upper = floor(vh);\n float lower = fract(vh);\n return vec2(upper / 255.0, floor(lower * 16.0) / 16.0);\n}\n\nvoid main() {\n if ((kill > 0.0) ||\n (outOfRange(clipBounds[0], clipBounds[1], worldCoordinate))) discard;\n\n vec2 ux = splitFloat(planeCoordinate.x / shape.x);\n vec2 uy = splitFloat(planeCoordinate.y / shape.y);\n gl_FragColor = vec4(pickId, ux.x, uy.x, ux.y + (uy.y/16.0));\n}\n"]);r.createShader=function(t){var e=n(t,a,o,null,[{name:"uv",type:"vec4"},{name:"f",type:"vec3"},{name:"normal",type:"vec3"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e.attributes.normal.location=2,e},r.createPickShader=function(t){var e=n(t,a,l,null,[{name:"uv",type:"vec4"},{name:"f",type:"vec3"},{name:"normal",type:"vec3"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e.attributes.normal.location=2,e},r.createContourShader=function(t){var e=n(t,s,o,null,[{name:"uv",type:"vec4"},{name:"f",type:"float"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e},r.createPickContourShader=function(t){var e=n(t,s,l,null,[{name:"uv",type:"vec4"},{name:"f",type:"float"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e}},{"gl-shader":335,glslify:350}],350:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],351:[function(t,e,r){"use strict";e.exports=function(t){var e=t.gl,r=y(e),n=b(e),s=x(e),l=_(e),c=i(e),u=a(e,[{buffer:c,size:4,stride:40,offset:0},{buffer:c,size:3,stride:40,offset:16},{buffer:c,size:3,stride:40,offset:28}]),f=i(e),h=a(e,[{buffer:f,size:4,stride:20,offset:0},{buffer:f,size:1,stride:20,offset:16}]),p=i(e),d=a(e,[{buffer:p,size:2,type:e.FLOAT}]),g=o(e,1,256,e.RGBA,e.UNSIGNED_BYTE);g.minFilter=e.LINEAR,g.magFilter=e.LINEAR;var m=new A(e,[0,0],[[0,0,0],[0,0,0]],r,n,c,u,g,s,l,f,h,p,d,[0,0,0]),v={levels:[[],[],[]]};for(var w in t)v[w]=t[w];return v.colormap=v.colormap||"jet",m.update(v),m};var n=t("bit-twiddle"),i=t("gl-buffer"),a=t("gl-vao"),o=t("gl-texture2d"),s=t("typedarray-pool"),l=t("colormap"),c=t("ndarray-ops"),u=t("ndarray-pack"),f=t("ndarray"),h=t("surface-nets"),p=t("gl-mat4/multiply"),d=t("gl-mat4/invert"),g=t("binary-search-bounds"),m=t("ndarray-gradient"),v=t("./lib/shaders"),y=v.createShader,x=v.createContourShader,b=v.createPickShader,_=v.createPickContourShader,w=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1],T=[[0,0],[0,1],[1,0],[1,1],[1,0],[0,1]],k=[[0,0,0,0,0,0,0,0,0],[0,0,0,0,0,0,0,0,0],[0,0,0,0,0,0,0,0,0]];function M(t,e,r,n,i){this.position=t,this.index=e,this.uv=r,this.level=n,this.dataCoordinate=i}!function(){for(var t=0;t<3;++t){var e=k[t],r=(t+2)%3;e[(t+1)%3+0]=1,e[r+3]=1,e[t+6]=1}}();function A(t,e,r,n,i,a,o,l,c,u,h,p,d,g,m){this.gl=t,this.shape=e,this.bounds=r,this.objectOffset=m,this.intensityBounds=[],this._shader=n,this._pickShader=i,this._coordinateBuffer=a,this._vao=o,this._colorMap=l,this._contourShader=c,this._contourPickShader=u,this._contourBuffer=h,this._contourVAO=p,this._contourOffsets=[[],[],[]],this._contourCounts=[[],[],[]],this._vertexCount=0,this._pickResult=new M([0,0,0],[0,0],[0,0],[0,0,0],[0,0,0]),this._dynamicBuffer=d,this._dynamicVAO=g,this._dynamicOffsets=[0,0,0],this._dynamicCounts=[0,0,0],this.contourWidth=[1,1,1],this.contourLevels=[[1],[1],[1]],this.contourTint=[0,0,0],this.contourColor=[[.5,.5,.5,1],[.5,.5,.5,1],[.5,.5,.5,1]],this.showContour=!0,this.showSurface=!0,this.enableHighlight=[!0,!0,!0],this.highlightColor=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.highlightTint=[1,1,1],this.highlightLevel=[-1,-1,-1],this.enableDynamic=[!0,!0,!0],this.dynamicLevel=[NaN,NaN,NaN],this.dynamicColor=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.dynamicTint=[1,1,1],this.dynamicWidth=[1,1,1],this.axesBounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.surfaceProject=[!1,!1,!1],this.contourProject=[[!1,!1,!1],[!1,!1,!1],[!1,!1,!1]],this.colorBounds=[!1,!1],this._field=[f(s.mallocFloat(1024),[0,0]),f(s.mallocFloat(1024),[0,0]),f(s.mallocFloat(1024),[0,0])],this.pickId=1,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.snapToData=!1,this.pixelRatio=1,this.opacity=1,this.lightPosition=[10,1e4,0],this.ambientLight=.8,this.diffuseLight=.8,this.specularLight=2,this.roughness=.5,this.fresnel=1.5,this.vertexColor=0,this.dirty=!0}var S=A.prototype;S.genColormap=function(t,e){var r=!1,n=u([l({colormap:t,nshades:256,format:"rgba"}).map((function(t,n){var i=e?function(t,e){if(!e)return 1;if(!e.length)return 1;for(var r=0;rt&&r>0){var n=(e[r][0]-t)/(e[r][0]-e[r-1][0]);return e[r][1]*(1-n)+n*e[r-1][1]}}return 1}(n/255,e):t[3];return i<1&&(r=!0),[t[0],t[1],t[2],255*i]}))]);return c.divseq(n,255),this.hasAlphaScale=r,n},S.isTransparent=function(){return this.opacity<1||this.hasAlphaScale},S.isOpaque=function(){return!this.isTransparent()},S.pickSlots=1,S.setPickBase=function(t){this.pickId=t};var E=[0,0,0],C={showSurface:!1,showContour:!1,projections:[w.slice(),w.slice(),w.slice()],clipBounds:[[[0,0,0],[0,0,0]],[[0,0,0],[0,0,0]],[[0,0,0],[0,0,0]]]};function L(t,e){var r,n,i,a=e.axes&&e.axes.lastCubeProps.axis||E,o=e.showSurface,s=e.showContour;for(r=0;r<3;++r)for(o=o||e.surfaceProject[r],n=0;n<3;++n)s=s||e.contourProject[r][n];for(r=0;r<3;++r){var l=C.projections[r];for(n=0;n<16;++n)l[n]=0;for(n=0;n<4;++n)l[5*n]=1;l[5*r]=0,l[12+r]=e.axesBounds[+(a[r]>0)][r],p(l,t.model,l);var c=C.clipBounds[r];for(i=0;i<2;++i)for(n=0;n<3;++n)c[i][n]=t.clipBounds[i][n];c[0][r]=-1e8,c[1][r]=1e8}return C.showSurface=o,C.showContour=s,C}var I={model:w,view:w,projection:w,inverseModel:w.slice(),lowerBound:[0,0,0],upperBound:[0,0,0],colorMap:0,clipBounds:[[0,0,0],[0,0,0]],height:0,contourTint:0,contourColor:[0,0,0,1],permutation:[1,0,0,0,1,0,0,0,1],zOffset:-1e-4,objectOffset:[0,0,0],kambient:1,kdiffuse:1,kspecular:1,lightPosition:[1e3,1e3,1e3],eyePosition:[0,0,0],roughness:1,fresnel:1,opacity:1,vertexColor:0},P=w.slice(),z=[1,0,0,0,1,0,0,0,1];function O(t,e){t=t||{};var r=this.gl;r.disable(r.CULL_FACE),this._colorMap.bind(0);var n=I;n.model=t.model||w,n.view=t.view||w,n.projection=t.projection||w,n.lowerBound=[this.bounds[0][0],this.bounds[0][1],this.colorBounds[0]||this.bounds[0][2]],n.upperBound=[this.bounds[1][0],this.bounds[1][1],this.colorBounds[1]||this.bounds[1][2]],n.objectOffset=this.objectOffset,n.contourColor=this.contourColor[0],n.inverseModel=d(n.inverseModel,n.model);for(var i=0;i<2;++i)for(var a=n.clipBounds[i],o=0;o<3;++o)a[o]=Math.min(Math.max(this.clipBounds[i][o],-1e8),1e8);n.kambient=this.ambientLight,n.kdiffuse=this.diffuseLight,n.kspecular=this.specularLight,n.roughness=this.roughness,n.fresnel=this.fresnel,n.opacity=this.opacity,n.height=0,n.permutation=z,n.vertexColor=this.vertexColor;var s=P;for(p(s,n.view,n.model),p(s,n.projection,s),d(s,s),i=0;i<3;++i)n.eyePosition[i]=s[12+i]/s[15];var l=s[15];for(i=0;i<3;++i)l+=this.lightPosition[i]*s[4*i+3];for(i=0;i<3;++i){var c=s[12+i];for(o=0;o<3;++o)c+=s[4*o+i]*this.lightPosition[o];n.lightPosition[i]=c/l}var u=L(n,this);if(u.showSurface){for(this._shader.bind(),this._shader.uniforms=n,this._vao.bind(),this.showSurface&&this._vertexCount&&this._vao.draw(r.TRIANGLES,this._vertexCount),i=0;i<3;++i)this.surfaceProject[i]&&this.vertexCount&&(this._shader.uniforms.model=u.projections[i],this._shader.uniforms.clipBounds=u.clipBounds[i],this._vao.draw(r.TRIANGLES,this._vertexCount));this._vao.unbind()}if(u.showContour){var f=this._contourShader;n.kambient=1,n.kdiffuse=0,n.kspecular=0,n.opacity=1,f.bind(),f.uniforms=n;var h=this._contourVAO;for(h.bind(),i=0;i<3;++i)for(f.uniforms.permutation=k[i],r.lineWidth(this.contourWidth[i]*this.pixelRatio),o=0;o>4)/16)/255,i=Math.floor(n),a=n-i,o=e[1]*(t.value[1]+(15&t.value[2])/16)/255,s=Math.floor(o),l=o-s;i+=1,s+=1;var c=r.position;c[0]=c[1]=c[2]=0;for(var u=0;u<2;++u)for(var f=u?a:1-a,h=0;h<2;++h)for(var p=i+u,d=s+h,m=f*(h?l:1-l),v=0;v<3;++v)c[v]+=this._field[v].get(p,d)*m;for(var y=this._pickResult.level,x=0;x<3;++x)if(y[x]=g.le(this.contourLevels[x],c[x]),y[x]<0)this.contourLevels[x].length>0&&(y[x]=0);else if(y[x]Math.abs(_-c[x])&&(y[x]+=1)}for(r.index[0]=a<.5?i:i+1,r.index[1]=l<.5?s:s+1,r.uv[0]=n/e[0],r.uv[1]=o/e[1],v=0;v<3;++v)r.dataCoordinate[v]=this._field[v].get(r.index[0],r.index[1]);return r},S.padField=function(t,e){var r=e.shape.slice(),n=t.shape.slice();c.assign(t.lo(1,1).hi(r[0],r[1]),e),c.assign(t.lo(1).hi(r[0],1),e.hi(r[0],1)),c.assign(t.lo(1,n[1]-1).hi(r[0],1),e.lo(0,r[1]-1).hi(r[0],1)),c.assign(t.lo(0,1).hi(1,r[1]),e.hi(1)),c.assign(t.lo(n[0]-1,1).hi(1,r[1]),e.lo(r[0]-1)),t.set(0,0,e.get(0,0)),t.set(0,n[1]-1,e.get(0,r[1]-1)),t.set(n[0]-1,0,e.get(r[0]-1,0)),t.set(n[0]-1,n[1]-1,e.get(r[0]-1,r[1]-1))},S.update=function(t){t=t||{},this.objectOffset=t.objectOffset||this.objectOffset,this.dirty=!0,"contourWidth"in t&&(this.contourWidth=R(t.contourWidth,Number)),"showContour"in t&&(this.showContour=R(t.showContour,Boolean)),"showSurface"in t&&(this.showSurface=!!t.showSurface),"contourTint"in t&&(this.contourTint=R(t.contourTint,Boolean)),"contourColor"in t&&(this.contourColor=B(t.contourColor)),"contourProject"in t&&(this.contourProject=R(t.contourProject,(function(t){return R(t,Boolean)}))),"surfaceProject"in t&&(this.surfaceProject=t.surfaceProject),"dynamicColor"in t&&(this.dynamicColor=B(t.dynamicColor)),"dynamicTint"in t&&(this.dynamicTint=R(t.dynamicTint,Number)),"dynamicWidth"in t&&(this.dynamicWidth=R(t.dynamicWidth,Number)),"opacity"in t&&(this.opacity=t.opacity),"opacityscale"in t&&(this.opacityscale=t.opacityscale),"colorBounds"in t&&(this.colorBounds=t.colorBounds),"vertexColor"in t&&(this.vertexColor=t.vertexColor?1:0),"colormap"in t&&this._colorMap.setPixels(this.genColormap(t.colormap,this.opacityscale));var e=t.field||t.coords&&t.coords[2]||null,r=!1;if(e||(e=this._field[2].shape[0]||this._field[2].shape[2]?this._field[2].lo(1,1).hi(this._field[2].shape[0]-2,this._field[2].shape[1]-2):this._field[2].hi(0,0)),"field"in t||"coords"in t){var i=(e.shape[0]+2)*(e.shape[1]+2);i>this._field[2].data.length&&(s.freeFloat(this._field[2].data),this._field[2].data=s.mallocFloat(n.nextPow2(i))),this._field[2]=f(this._field[2].data,[e.shape[0]+2,e.shape[1]+2]),this.padField(this._field[2],e),this.shape=e.shape.slice();for(var a=this.shape,o=0;o<2;++o)this._field[2].size>this._field[o].data.length&&(s.freeFloat(this._field[o].data),this._field[o].data=s.mallocFloat(this._field[2].size)),this._field[o]=f(this._field[o].data,[a[0]+2,a[1]+2]);if(t.coords){var l=t.coords;if(!Array.isArray(l)||3!==l.length)throw new Error("gl-surface: invalid coordinates for x/y");for(o=0;o<2;++o){var c=l[o];for(v=0;v<2;++v)if(c.shape[v]!==a[v])throw new Error("gl-surface: coords have incorrect shape");this.padField(this._field[o],c)}}else if(t.ticks){var u=t.ticks;if(!Array.isArray(u)||2!==u.length)throw new Error("gl-surface: invalid ticks");for(o=0;o<2;++o){var p=u[o];if((Array.isArray(p)||p.length)&&(p=f(p)),p.shape[0]!==a[o])throw new Error("gl-surface: invalid tick length");var d=f(p.data,a);d.stride[o]=p.stride[0],d.stride[1^o]=0,this.padField(this._field[o],d)}}else{for(o=0;o<2;++o){var g=[0,0];g[o]=1,this._field[o]=f(this._field[o].data,[a[0]+2,a[1]+2],g,0)}this._field[0].set(0,0,0);for(var v=0;v0){for(var xt=0;xt<5;++xt)Q.pop();U-=1}continue t}Q.push(nt[0],nt[1],ot[0],ot[1],nt[2]),U+=1}}rt.push(U)}this._contourOffsets[$]=et,this._contourCounts[$]=rt}var bt=s.mallocFloat(Q.length);for(o=0;o halfCharStep + halfCharWidth ||\n\t\t\t\t\tfloor(uv.x) < halfCharStep - halfCharWidth) return;\n\n\t\t\t\tuv += charId * charStep;\n\t\t\t\tuv = uv / atlasSize;\n\n\t\t\t\tvec4 color = fontColor;\n\t\t\t\tvec4 mask = texture2D(atlas, uv);\n\n\t\t\t\tfloat maskY = lightness(mask);\n\t\t\t\t// float colorY = lightness(color);\n\t\t\t\tcolor.a *= maskY;\n\t\t\t\tcolor.a *= opacity;\n\n\t\t\t\t// color.a += .1;\n\n\t\t\t\t// antialiasing, see yiq color space y-channel formula\n\t\t\t\t// color.rgb += (1. - color.rgb) * (1. - mask.rgb);\n\n\t\t\t\tgl_FragColor = color;\n\t\t\t}"});return{regl:t,draw:e,atlas:{}}},T.prototype.update=function(t){var e=this;if("string"==typeof t)t={text:t};else if(!t)return;null!=(t=i(t,{position:"position positions coord coords coordinates",font:"font fontFace fontface typeface cssFont css-font family fontFamily",fontSize:"fontSize fontsize size font-size",text:"text texts chars characters value values symbols",align:"align alignment textAlign textbaseline",baseline:"baseline textBaseline textbaseline",direction:"dir direction textDirection",color:"color colour fill fill-color fillColor textColor textcolor",kerning:"kerning kern",range:"range dataBox",viewport:"vp viewport viewBox viewbox viewPort",opacity:"opacity alpha transparency visible visibility opaque",offset:"offset positionOffset padding shift indent indentation"},!0)).opacity&&(Array.isArray(t.opacity)?this.opacity=t.opacity.map((function(t){return parseFloat(t)})):this.opacity=parseFloat(t.opacity)),null!=t.viewport&&(this.viewport=f(t.viewport),T.normalViewport&&(this.viewport.y=this.canvas.height-this.viewport.y-this.viewport.height),this.viewportArray=[this.viewport.x,this.viewport.y,this.viewport.width,this.viewport.height]),null==this.viewport&&(this.viewport={x:0,y:0,width:this.gl.drawingBufferWidth,height:this.gl.drawingBufferHeight},this.viewportArray=[this.viewport.x,this.viewport.y,this.viewport.width,this.viewport.height]),null!=t.kerning&&(this.kerning=t.kerning),null!=t.offset&&("number"==typeof t.offset&&(t.offset=[t.offset,0]),this.positionOffset=y(t.offset)),t.direction&&(this.direction=t.direction),t.range&&(this.range=t.range,this.scale=[1/(t.range[2]-t.range[0]),1/(t.range[3]-t.range[1])],this.translate=[-t.range[0],-t.range[1]]),t.scale&&(this.scale=t.scale),t.translate&&(this.translate=t.translate),this.scale||(this.scale=[1/this.viewport.width,1/this.viewport.height]),this.translate||(this.translate=[0,0]),this.font.length||t.font||(t.font=T.baseFontSize+"px sans-serif");var r,a=!1,o=!1;if(t.font&&(Array.isArray(t.font)?t.font:[t.font]).forEach((function(t,r){if("string"==typeof t)try{t=n.parse(t)}catch(e){t=n.parse(T.baseFontSize+"px "+t)}else t=n.parse(n.stringify(t));var i=n.stringify({size:T.baseFontSize,family:t.family,stretch:_?t.stretch:void 0,variant:t.variant,weight:t.weight,style:t.style}),s=p(t.size),l=Math.round(s[0]*d(s[1]));if(l!==e.fontSize[r]&&(o=!0,e.fontSize[r]=l),!(e.font[r]&&i==e.font[r].baseString||(a=!0,e.font[r]=T.fonts[i],e.font[r]))){var c=t.family.join(", "),u=[t.style];t.style!=t.variant&&u.push(t.variant),t.variant!=t.weight&&u.push(t.weight),_&&t.weight!=t.stretch&&u.push(t.stretch),e.font[r]={baseString:i,family:c,weight:t.weight,stretch:t.stretch,style:t.style,variant:t.variant,width:{},kerning:{},metrics:v(c,{origin:"top",fontSize:T.baseFontSize,fontStyle:u.join(" ")})},T.fonts[i]=e.font[r]}})),(a||o)&&this.font.forEach((function(r,i){var a=n.stringify({size:e.fontSize[i],family:r.family,stretch:_?r.stretch:void 0,variant:r.variant,weight:r.weight,style:r.style});if(e.fontAtlas[i]=e.shader.atlas[a],!e.fontAtlas[i]){var o=r.metrics;e.shader.atlas[a]=e.fontAtlas[i]={fontString:a,step:2*Math.ceil(e.fontSize[i]*o.bottom*.5),em:e.fontSize[i],cols:0,rows:0,height:0,width:0,chars:[],ids:{},texture:e.regl.texture()}}null==t.text&&(t.text=e.text)})),"string"==typeof t.text&&t.position&&t.position.length>2){for(var s=Array(.5*t.position.length),h=0;h2){for(var w=!t.position[0].length,k=u.mallocFloat(2*this.count),M=0,A=0;M1?e.align[r]:e.align[0]:e.align;if("number"==typeof n)return n;switch(n){case"right":case"end":return-t;case"center":case"centre":case"middle":return.5*-t}return 0}))),null==this.baseline&&null==t.baseline&&(t.baseline=0),null!=t.baseline&&(this.baseline=t.baseline,Array.isArray(this.baseline)||(this.baseline=[this.baseline]),this.baselineOffset=this.baseline.map((function(t,r){var n=(e.font[r]||e.font[0]).metrics,i=0;return i+=.5*n.bottom,i+="number"==typeof t?t-n.baseline:-n[t],T.normalViewport||(i*=-1),i}))),null!=t.color)if(t.color||(t.color="transparent"),"string"!=typeof t.color&&isNaN(t.color)){var H;if("number"==typeof t.color[0]&&t.color.length>this.counts.length){var G=t.color.length;H=u.mallocUint8(G);for(var Y=(t.color.subarray||t.color.slice).bind(t.color),W=0;W4||this.baselineOffset.length>1||this.align&&this.align.length>1||this.fontAtlas.length>1||this.positionOffset.length>2){var J=Math.max(.5*this.position.length||0,.25*this.color.length||0,this.baselineOffset.length||0,this.alignOffset.length||0,this.font.length||0,this.opacity.length||0,.5*this.positionOffset.length||0);this.batch=Array(J);for(var K=0;K1?this.counts[K]:this.counts[0],offset:this.textOffsets.length>1?this.textOffsets[K]:this.textOffsets[0],color:this.color?this.color.length<=4?this.color:this.color.subarray(4*K,4*K+4):[0,0,0,255],opacity:Array.isArray(this.opacity)?this.opacity[K]:this.opacity,baseline:null!=this.baselineOffset[K]?this.baselineOffset[K]:this.baselineOffset[0],align:this.align?null!=this.alignOffset[K]?this.alignOffset[K]:this.alignOffset[0]:0,atlas:this.fontAtlas[K]||this.fontAtlas[0],positionOffset:this.positionOffset.length>2?this.positionOffset.subarray(2*K,2*K+2):this.positionOffset}}else this.count?this.batch=[{count:this.count,offset:0,color:this.color||[0,0,0,255],opacity:Array.isArray(this.opacity)?this.opacity[0]:this.opacity,baseline:this.baselineOffset[0],align:this.alignOffset?this.alignOffset[0]:0,atlas:this.fontAtlas[0],positionOffset:this.positionOffset}]:this.batch=[]},T.prototype.destroy=function(){},T.prototype.kerning=!0,T.prototype.position={constant:new Float32Array(2)},T.prototype.translate=null,T.prototype.scale=null,T.prototype.font=null,T.prototype.text="",T.prototype.positionOffset=[0,0],T.prototype.opacity=1,T.prototype.color=new Uint8Array([0,0,0,255]),T.prototype.alignOffset=[0,0],T.normalViewport=!1,T.maxAtlasSize=1024,T.atlasCanvas=document.createElement("canvas"),T.atlasContext=T.atlasCanvas.getContext("2d",{alpha:!1}),T.baseFontSize=64,T.fonts={},e.exports=T},{"bit-twiddle":97,"color-normalize":125,"css-font":144,"detect-kerning":172,"es6-weak-map":233,"flatten-vertex-data":244,"font-atlas":245,"font-measure":246,"gl-util/context":354,"is-plain-obj":469,"object-assign":499,"parse-rect":504,"parse-unit":506,"pick-by-alias":511,regl:540,"to-px":578,"typedarray-pool":595}],353:[function(t,e,r){"use strict";var n=t("ndarray"),i=t("ndarray-ops"),a=t("typedarray-pool");e.exports=function(t){if(arguments.length<=1)throw new Error("gl-texture2d: Missing arguments for texture2d constructor");o||c(t);if("number"==typeof arguments[1])return v(t,arguments[1],arguments[2],arguments[3]||t.RGBA,arguments[4]||t.UNSIGNED_BYTE);if(Array.isArray(arguments[1]))return v(t,0|arguments[1][0],0|arguments[1][1],arguments[2]||t.RGBA,arguments[3]||t.UNSIGNED_BYTE);if("object"==typeof arguments[1]){var e=arguments[1],r=u(e)?e:e.raw;if(r)return y(t,r,0|e.width,0|e.height,arguments[2]||t.RGBA,arguments[3]||t.UNSIGNED_BYTE);if(e.shape&&e.data&&e.stride)return x(t,e)}throw new Error("gl-texture2d: Invalid arguments for texture2d constructor")};var o=null,s=null,l=null;function c(t){o=[t.LINEAR,t.NEAREST_MIPMAP_LINEAR,t.LINEAR_MIPMAP_NEAREST,t.LINEAR_MIPMAP_NEAREST],s=[t.NEAREST,t.LINEAR,t.NEAREST_MIPMAP_NEAREST,t.NEAREST_MIPMAP_LINEAR,t.LINEAR_MIPMAP_NEAREST,t.LINEAR_MIPMAP_LINEAR],l=[t.REPEAT,t.CLAMP_TO_EDGE,t.MIRRORED_REPEAT]}function u(t){return"undefined"!=typeof HTMLCanvasElement&&t instanceof HTMLCanvasElement||"undefined"!=typeof HTMLImageElement&&t instanceof HTMLImageElement||"undefined"!=typeof HTMLVideoElement&&t instanceof HTMLVideoElement||"undefined"!=typeof ImageData&&t instanceof ImageData}var f=function(t,e){i.muls(t,e,255)};function h(t,e,r){var n=t.gl,i=n.getParameter(n.MAX_TEXTURE_SIZE);if(e<0||e>i||r<0||r>i)throw new Error("gl-texture2d: Invalid texture size");return t._shape=[e,r],t.bind(),n.texImage2D(n.TEXTURE_2D,0,t.format,e,r,0,t.format,t.type,null),t._mipLevels=[0],t}function p(t,e,r,n,i,a){this.gl=t,this.handle=e,this.format=i,this.type=a,this._shape=[r,n],this._mipLevels=[0],this._magFilter=t.NEAREST,this._minFilter=t.NEAREST,this._wrapS=t.CLAMP_TO_EDGE,this._wrapT=t.CLAMP_TO_EDGE,this._anisoSamples=1;var o=this,s=[this._wrapS,this._wrapT];Object.defineProperties(s,[{get:function(){return o._wrapS},set:function(t){return o.wrapS=t}},{get:function(){return o._wrapT},set:function(t){return o.wrapT=t}}]),this._wrapVector=s;var l=[this._shape[0],this._shape[1]];Object.defineProperties(l,[{get:function(){return o._shape[0]},set:function(t){return o.width=t}},{get:function(){return o._shape[1]},set:function(t){return o.height=t}}]),this._shapeVector=l}var d=p.prototype;function g(t,e){return 3===t.length?1===e[2]&&e[1]===t[0]*t[2]&&e[0]===t[2]:1===e[0]&&e[1]===t[0]}function m(t){var e=t.createTexture();return t.bindTexture(t.TEXTURE_2D,e),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_MIN_FILTER,t.NEAREST),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_MAG_FILTER,t.NEAREST),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_WRAP_S,t.CLAMP_TO_EDGE),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_WRAP_T,t.CLAMP_TO_EDGE),e}function v(t,e,r,n,i){var a=t.getParameter(t.MAX_TEXTURE_SIZE);if(e<0||e>a||r<0||r>a)throw new Error("gl-texture2d: Invalid texture shape");if(i===t.FLOAT&&!t.getExtension("OES_texture_float"))throw new Error("gl-texture2d: Floating point textures not supported on this platform");var o=m(t);return t.texImage2D(t.TEXTURE_2D,0,n,e,r,0,n,i,null),new p(t,o,e,r,n,i)}function y(t,e,r,n,i,a){var o=m(t);return t.texImage2D(t.TEXTURE_2D,0,i,i,a,e),new p(t,o,r,n,i,a)}function x(t,e){var r=e.dtype,o=e.shape.slice(),s=t.getParameter(t.MAX_TEXTURE_SIZE);if(o[0]<0||o[0]>s||o[1]<0||o[1]>s)throw new Error("gl-texture2d: Invalid texture size");var l=g(o,e.stride.slice()),c=0;"float32"===r?c=t.FLOAT:"float64"===r?(c=t.FLOAT,l=!1,r="float32"):"uint8"===r?c=t.UNSIGNED_BYTE:(c=t.UNSIGNED_BYTE,l=!1,r="uint8");var u,h,d=0;if(2===o.length)d=t.LUMINANCE,o=[o[0],o[1],1],e=n(e.data,o,[e.stride[0],e.stride[1],1],e.offset);else{if(3!==o.length)throw new Error("gl-texture2d: Invalid shape for texture");if(1===o[2])d=t.ALPHA;else if(2===o[2])d=t.LUMINANCE_ALPHA;else if(3===o[2])d=t.RGB;else{if(4!==o[2])throw new Error("gl-texture2d: Invalid shape for pixel coords");d=t.RGBA}}c!==t.FLOAT||t.getExtension("OES_texture_float")||(c=t.UNSIGNED_BYTE,l=!1);var v=e.size;if(l)u=0===e.offset&&e.data.length===v?e.data:e.data.subarray(e.offset,e.offset+v);else{var y=[o[2],o[2]*o[0],1];h=a.malloc(v,r);var x=n(h,o,y,0);"float32"!==r&&"float64"!==r||c!==t.UNSIGNED_BYTE?i.assign(x,e):f(x,e),u=h.subarray(0,v)}var b=m(t);return t.texImage2D(t.TEXTURE_2D,0,d,o[0],o[1],0,d,c,u),l||a.free(h),new p(t,b,o[0],o[1],d,c)}Object.defineProperties(d,{minFilter:{get:function(){return this._minFilter},set:function(t){this.bind();var e=this.gl;if(this.type===e.FLOAT&&o.indexOf(t)>=0&&(e.getExtension("OES_texture_float_linear")||(t=e.NEAREST)),s.indexOf(t)<0)throw new Error("gl-texture2d: Unknown filter mode "+t);return e.texParameteri(e.TEXTURE_2D,e.TEXTURE_MIN_FILTER,t),this._minFilter=t}},magFilter:{get:function(){return this._magFilter},set:function(t){this.bind();var e=this.gl;if(this.type===e.FLOAT&&o.indexOf(t)>=0&&(e.getExtension("OES_texture_float_linear")||(t=e.NEAREST)),s.indexOf(t)<0)throw new Error("gl-texture2d: Unknown filter mode "+t);return e.texParameteri(e.TEXTURE_2D,e.TEXTURE_MAG_FILTER,t),this._magFilter=t}},mipSamples:{get:function(){return this._anisoSamples},set:function(t){var e=this._anisoSamples;if(this._anisoSamples=0|Math.max(t,1),e!==this._anisoSamples){var r=this.gl.getExtension("EXT_texture_filter_anisotropic");r&&this.gl.texParameterf(this.gl.TEXTURE_2D,r.TEXTURE_MAX_ANISOTROPY_EXT,this._anisoSamples)}return this._anisoSamples}},wrapS:{get:function(){return this._wrapS},set:function(t){if(this.bind(),l.indexOf(t)<0)throw new Error("gl-texture2d: Unknown wrap mode "+t);return this.gl.texParameteri(this.gl.TEXTURE_2D,this.gl.TEXTURE_WRAP_S,t),this._wrapS=t}},wrapT:{get:function(){return this._wrapT},set:function(t){if(this.bind(),l.indexOf(t)<0)throw new Error("gl-texture2d: Unknown wrap mode "+t);return this.gl.texParameteri(this.gl.TEXTURE_2D,this.gl.TEXTURE_WRAP_T,t),this._wrapT=t}},wrap:{get:function(){return this._wrapVector},set:function(t){if(Array.isArray(t)||(t=[t,t]),2!==t.length)throw new Error("gl-texture2d: Must specify wrap mode for rows and columns");for(var e=0;e<2;++e)if(l.indexOf(t[e])<0)throw new Error("gl-texture2d: Unknown wrap mode "+t);this._wrapS=t[0],this._wrapT=t[1];var r=this.gl;return this.bind(),r.texParameteri(r.TEXTURE_2D,r.TEXTURE_WRAP_S,this._wrapS),r.texParameteri(r.TEXTURE_2D,r.TEXTURE_WRAP_T,this._wrapT),t}},shape:{get:function(){return this._shapeVector},set:function(t){if(Array.isArray(t)){if(2!==t.length)throw new Error("gl-texture2d: Invalid texture shape")}else t=[0|t,0|t];return h(this,0|t[0],0|t[1]),[0|t[0],0|t[1]]}},width:{get:function(){return this._shape[0]},set:function(t){return h(this,t|=0,this._shape[1]),t}},height:{get:function(){return this._shape[1]},set:function(t){return t|=0,h(this,this._shape[0],t),t}}}),d.bind=function(t){var e=this.gl;return void 0!==t&&e.activeTexture(e.TEXTURE0+(0|t)),e.bindTexture(e.TEXTURE_2D,this.handle),void 0!==t?0|t:e.getParameter(e.ACTIVE_TEXTURE)-e.TEXTURE0},d.dispose=function(){this.gl.deleteTexture(this.handle)},d.generateMipmap=function(){this.bind(),this.gl.generateMipmap(this.gl.TEXTURE_2D);for(var t=Math.min(this._shape[0],this._shape[1]),e=0;t>0;++e,t>>>=1)this._mipLevels.indexOf(e)<0&&this._mipLevels.push(e)},d.setPixels=function(t,e,r,o){var s=this.gl;this.bind(),Array.isArray(e)?(o=r,r=0|e[1],e=0|e[0]):(e=e||0,r=r||0),o=o||0;var l=u(t)?t:t.raw;if(l){this._mipLevels.indexOf(o)<0?(s.texImage2D(s.TEXTURE_2D,0,this.format,this.format,this.type,l),this._mipLevels.push(o)):s.texSubImage2D(s.TEXTURE_2D,o,e,r,this.format,this.type,l)}else{if(!(t.shape&&t.stride&&t.data))throw new Error("gl-texture2d: Unsupported data type");if(t.shape.length<2||e+t.shape[1]>this._shape[1]>>>o||r+t.shape[0]>this._shape[0]>>>o||e<0||r<0)throw new Error("gl-texture2d: Texture dimensions are out of bounds");!function(t,e,r,o,s,l,c,u){var h=u.dtype,p=u.shape.slice();if(p.length<2||p.length>3)throw new Error("gl-texture2d: Invalid ndarray, must be 2d or 3d");var d=0,m=0,v=g(p,u.stride.slice());"float32"===h?d=t.FLOAT:"float64"===h?(d=t.FLOAT,v=!1,h="float32"):"uint8"===h?d=t.UNSIGNED_BYTE:(d=t.UNSIGNED_BYTE,v=!1,h="uint8");if(2===p.length)m=t.LUMINANCE,p=[p[0],p[1],1],u=n(u.data,p,[u.stride[0],u.stride[1],1],u.offset);else{if(3!==p.length)throw new Error("gl-texture2d: Invalid shape for texture");if(1===p[2])m=t.ALPHA;else if(2===p[2])m=t.LUMINANCE_ALPHA;else if(3===p[2])m=t.RGB;else{if(4!==p[2])throw new Error("gl-texture2d: Invalid shape for pixel coords");m=t.RGBA}p[2]}m!==t.LUMINANCE&&m!==t.ALPHA||s!==t.LUMINANCE&&s!==t.ALPHA||(m=s);if(m!==s)throw new Error("gl-texture2d: Incompatible texture format for setPixels");var y=u.size,x=c.indexOf(o)<0;x&&c.push(o);if(d===l&&v)0===u.offset&&u.data.length===y?x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,u.data):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,u.data):x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,u.data.subarray(u.offset,u.offset+y)):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,u.data.subarray(u.offset,u.offset+y));else{var b;b=l===t.FLOAT?a.mallocFloat32(y):a.mallocUint8(y);var _=n(b,p,[p[2],p[2]*p[0],1]);d===t.FLOAT&&l===t.UNSIGNED_BYTE?f(_,u):i.assign(_,u),x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,b.subarray(0,y)):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,b.subarray(0,y)),l===t.FLOAT?a.freeFloat32(b):a.freeUint8(b)}}(s,e,r,o,this.format,this.type,this._mipLevels,t)}}},{ndarray:495,"ndarray-ops":490,"typedarray-pool":595}],354:[function(t,e,r){(function(r){(function(){"use strict";var n=t("pick-by-alias");function i(t){if(t.container)if(t.container==document.body)document.body.style.width||(t.canvas.width=t.width||t.pixelRatio*r.innerWidth),document.body.style.height||(t.canvas.height=t.height||t.pixelRatio*r.innerHeight);else{var e=t.container.getBoundingClientRect();t.canvas.width=t.width||e.right-e.left,t.canvas.height=t.height||e.bottom-e.top}}function a(t){return"function"==typeof t.getContext&&"width"in t&&"height"in t}function o(){var t=document.createElement("canvas");return t.style.position="absolute",t.style.top=0,t.style.left=0,t}e.exports=function(t){var e;if(t?"string"==typeof t&&(t={container:t}):t={},a(t)?t={container:t}:t="string"==typeof(e=t).nodeName&&"function"==typeof e.appendChild&&"function"==typeof e.getBoundingClientRect?{container:t}:function(t){return"function"==typeof t.drawArrays||"function"==typeof t.drawElements}(t)?{gl:t}:n(t,{container:"container target element el canvas holder parent parentNode wrapper use ref root node",gl:"gl context webgl glContext",attrs:"attributes attrs contextAttributes",pixelRatio:"pixelRatio pxRatio px ratio pxratio pixelratio",width:"w width",height:"h height"},!0),t.pixelRatio||(t.pixelRatio=r.pixelRatio||1),t.gl)return t.gl;if(t.canvas&&(t.container=t.canvas.parentNode),t.container){if("string"==typeof t.container){var s=document.querySelector(t.container);if(!s)throw Error("Element "+t.container+" is not found");t.container=s}a(t.container)?(t.canvas=t.container,t.container=t.canvas.parentNode):t.canvas||(t.canvas=o(),t.container.appendChild(t.canvas),i(t))}else if(!t.canvas){if("undefined"==typeof document)throw Error("Not DOM environment. Use headless-gl.");t.container=document.body||document.documentElement,t.canvas=o(),t.container.appendChild(t.canvas),i(t)}if(!t.gl)try{t.gl=t.canvas.getContext("webgl",t.attrs)}catch(e){try{t.gl=t.canvas.getContext("experimental-webgl",t.attrs)}catch(e){t.gl=t.canvas.getContext("webgl-experimental",t.attrs)}}return t.gl}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"pick-by-alias":511}],355:[function(t,e,r){"use strict";e.exports=function(t,e,r){e?e.bind():t.bindBuffer(t.ELEMENT_ARRAY_BUFFER,null);var n=0|t.getParameter(t.MAX_VERTEX_ATTRIBS);if(r){if(r.length>n)throw new Error("gl-vao: Too many vertex attributes");for(var i=0;i1?0:Math.acos(s)};var n=t("./fromValues"),i=t("./normalize"),a=t("./dot")},{"./dot":370,"./fromValues":376,"./normalize":387}],361:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.ceil(e[0]),t[1]=Math.ceil(e[1]),t[2]=Math.ceil(e[2]),t}},{}],362:[function(t,e,r){e.exports=function(t){var e=new Float32Array(3);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e}},{}],363:[function(t,e,r){e.exports=function(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t}},{}],364:[function(t,e,r){e.exports=function(){var t=new Float32Array(3);return t[0]=0,t[1]=0,t[2]=0,t}},{}],365:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2];return t[0]=i*l-a*s,t[1]=a*o-n*l,t[2]=n*s-i*o,t}},{}],366:[function(t,e,r){e.exports=t("./distance")},{"./distance":367}],367:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2];return Math.sqrt(r*r+n*n+i*i)}},{}],368:[function(t,e,r){e.exports=t("./divide")},{"./divide":369}],369:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]/r[0],t[1]=e[1]/r[1],t[2]=e[2]/r[2],t}},{}],370:[function(t,e,r){e.exports=function(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]}},{}],371:[function(t,e,r){e.exports=1e-6},{}],372:[function(t,e,r){e.exports=function(t,e){var r=t[0],i=t[1],a=t[2],o=e[0],s=e[1],l=e[2];return Math.abs(r-o)<=n*Math.max(1,Math.abs(r),Math.abs(o))&&Math.abs(i-s)<=n*Math.max(1,Math.abs(i),Math.abs(s))&&Math.abs(a-l)<=n*Math.max(1,Math.abs(a),Math.abs(l))};var n=t("./epsilon")},{"./epsilon":371}],373:[function(t,e,r){e.exports=function(t,e){return t[0]===e[0]&&t[1]===e[1]&&t[2]===e[2]}},{}],374:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.floor(e[0]),t[1]=Math.floor(e[1]),t[2]=Math.floor(e[2]),t}},{}],375:[function(t,e,r){e.exports=function(t,e,r,i,a,o){var s,l;e||(e=3);r||(r=0);l=i?Math.min(i*e+r,t.length):t.length;for(s=r;s0&&(a=1/Math.sqrt(a),t[0]=e[0]*a,t[1]=e[1]*a,t[2]=e[2]*a);return t}},{}],388:[function(t,e,r){e.exports=function(t,e){e=e||1;var r=2*Math.random()*Math.PI,n=2*Math.random()-1,i=Math.sqrt(1-n*n)*e;return t[0]=Math.cos(r)*i,t[1]=Math.sin(r)*i,t[2]=n*e,t}},{}],389:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[1],a=r[2],o=e[1]-i,s=e[2]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=e[0],t[1]=i+o*c-s*l,t[2]=a+o*l+s*c,t}},{}],390:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[0],a=r[2],o=e[0]-i,s=e[2]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=i+s*l+o*c,t[1]=e[1],t[2]=a+s*c-o*l,t}},{}],391:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[0],a=r[1],o=e[0]-i,s=e[1]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=i+o*c-s*l,t[1]=a+o*l+s*c,t[2]=e[2],t}},{}],392:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.round(e[0]),t[1]=Math.round(e[1]),t[2]=Math.round(e[2]),t}},{}],393:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r,t[1]=e[1]*r,t[2]=e[2]*r,t}},{}],394:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e[0]+r[0]*n,t[1]=e[1]+r[1]*n,t[2]=e[2]+r[2]*n,t}},{}],395:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e,t[1]=r,t[2]=n,t}},{}],396:[function(t,e,r){e.exports=t("./squaredDistance")},{"./squaredDistance":398}],397:[function(t,e,r){e.exports=t("./squaredLength")},{"./squaredLength":399}],398:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2];return r*r+n*n+i*i}},{}],399:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2];return e*e+r*r+n*n}},{}],400:[function(t,e,r){e.exports=t("./subtract")},{"./subtract":401}],401:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]-r[0],t[1]=e[1]-r[1],t[2]=e[2]-r[2],t}},{}],402:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2];return t[0]=n*r[0]+i*r[3]+a*r[6],t[1]=n*r[1]+i*r[4]+a*r[7],t[2]=n*r[2]+i*r[5]+a*r[8],t}},{}],403:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[3]*n+r[7]*i+r[11]*a+r[15];return o=o||1,t[0]=(r[0]*n+r[4]*i+r[8]*a+r[12])/o,t[1]=(r[1]*n+r[5]*i+r[9]*a+r[13])/o,t[2]=(r[2]*n+r[6]*i+r[10]*a+r[14])/o,t}},{}],404:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2],c=r[3],u=c*n+s*a-l*i,f=c*i+l*n-o*a,h=c*a+o*i-s*n,p=-o*n-s*i-l*a;return t[0]=u*c+p*-o+f*-l-h*-s,t[1]=f*c+p*-s+h*-o-u*-l,t[2]=h*c+p*-l+u*-s-f*-o,t}},{}],405:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]+r[0],t[1]=e[1]+r[1],t[2]=e[2]+r[2],t[3]=e[3]+r[3],t}},{}],406:[function(t,e,r){e.exports=function(t){var e=new Float32Array(4);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e[3]=t[3],e}},{}],407:[function(t,e,r){e.exports=function(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[3]=e[3],t}},{}],408:[function(t,e,r){e.exports=function(){var t=new Float32Array(4);return t[0]=0,t[1]=0,t[2]=0,t[3]=0,t}},{}],409:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2],a=e[3]-t[3];return Math.sqrt(r*r+n*n+i*i+a*a)}},{}],410:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]/r[0],t[1]=e[1]/r[1],t[2]=e[2]/r[2],t[3]=e[3]/r[3],t}},{}],411:[function(t,e,r){e.exports=function(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]+t[3]*e[3]}},{}],412:[function(t,e,r){e.exports=function(t,e,r,n){var i=new Float32Array(4);return i[0]=t,i[1]=e,i[2]=r,i[3]=n,i}},{}],413:[function(t,e,r){e.exports={create:t("./create"),clone:t("./clone"),fromValues:t("./fromValues"),copy:t("./copy"),set:t("./set"),add:t("./add"),subtract:t("./subtract"),multiply:t("./multiply"),divide:t("./divide"),min:t("./min"),max:t("./max"),scale:t("./scale"),scaleAndAdd:t("./scaleAndAdd"),distance:t("./distance"),squaredDistance:t("./squaredDistance"),length:t("./length"),squaredLength:t("./squaredLength"),negate:t("./negate"),inverse:t("./inverse"),normalize:t("./normalize"),dot:t("./dot"),lerp:t("./lerp"),random:t("./random"),transformMat4:t("./transformMat4"),transformQuat:t("./transformQuat")}},{"./add":405,"./clone":406,"./copy":407,"./create":408,"./distance":409,"./divide":410,"./dot":411,"./fromValues":412,"./inverse":414,"./length":415,"./lerp":416,"./max":417,"./min":418,"./multiply":419,"./negate":420,"./normalize":421,"./random":422,"./scale":423,"./scaleAndAdd":424,"./set":425,"./squaredDistance":426,"./squaredLength":427,"./subtract":428,"./transformMat4":429,"./transformQuat":430}],414:[function(t,e,r){e.exports=function(t,e){return t[0]=1/e[0],t[1]=1/e[1],t[2]=1/e[2],t[3]=1/e[3],t}},{}],415:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2],i=t[3];return Math.sqrt(e*e+r*r+n*n+i*i)}},{}],416:[function(t,e,r){e.exports=function(t,e,r,n){var i=e[0],a=e[1],o=e[2],s=e[3];return t[0]=i+n*(r[0]-i),t[1]=a+n*(r[1]-a),t[2]=o+n*(r[2]-o),t[3]=s+n*(r[3]-s),t}},{}],417:[function(t,e,r){e.exports=function(t,e,r){return t[0]=Math.max(e[0],r[0]),t[1]=Math.max(e[1],r[1]),t[2]=Math.max(e[2],r[2]),t[3]=Math.max(e[3],r[3]),t}},{}],418:[function(t,e,r){e.exports=function(t,e,r){return t[0]=Math.min(e[0],r[0]),t[1]=Math.min(e[1],r[1]),t[2]=Math.min(e[2],r[2]),t[3]=Math.min(e[3],r[3]),t}},{}],419:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r[0],t[1]=e[1]*r[1],t[2]=e[2]*r[2],t[3]=e[3]*r[3],t}},{}],420:[function(t,e,r){e.exports=function(t,e){return t[0]=-e[0],t[1]=-e[1],t[2]=-e[2],t[3]=-e[3],t}},{}],421:[function(t,e,r){e.exports=function(t,e){var r=e[0],n=e[1],i=e[2],a=e[3],o=r*r+n*n+i*i+a*a;o>0&&(o=1/Math.sqrt(o),t[0]=r*o,t[1]=n*o,t[2]=i*o,t[3]=a*o);return t}},{}],422:[function(t,e,r){var n=t("./normalize"),i=t("./scale");e.exports=function(t,e){return e=e||1,t[0]=Math.random(),t[1]=Math.random(),t[2]=Math.random(),t[3]=Math.random(),n(t,t),i(t,t,e),t}},{"./normalize":421,"./scale":423}],423:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r,t[1]=e[1]*r,t[2]=e[2]*r,t[3]=e[3]*r,t}},{}],424:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e[0]+r[0]*n,t[1]=e[1]+r[1]*n,t[2]=e[2]+r[2]*n,t[3]=e[3]+r[3]*n,t}},{}],425:[function(t,e,r){e.exports=function(t,e,r,n,i){return t[0]=e,t[1]=r,t[2]=n,t[3]=i,t}},{}],426:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2],a=e[3]-t[3];return r*r+n*n+i*i+a*a}},{}],427:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2],i=t[3];return e*e+r*r+n*n+i*i}},{}],428:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]-r[0],t[1]=e[1]-r[1],t[2]=e[2]-r[2],t[3]=e[3]-r[3],t}},{}],429:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3];return t[0]=r[0]*n+r[4]*i+r[8]*a+r[12]*o,t[1]=r[1]*n+r[5]*i+r[9]*a+r[13]*o,t[2]=r[2]*n+r[6]*i+r[10]*a+r[14]*o,t[3]=r[3]*n+r[7]*i+r[11]*a+r[15]*o,t}},{}],430:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2],c=r[3],u=c*n+s*a-l*i,f=c*i+l*n-o*a,h=c*a+o*i-s*n,p=-o*n-s*i-l*a;return t[0]=u*c+p*-o+f*-l-h*-s,t[1]=f*c+p*-s+h*-o-u*-l,t[2]=h*c+p*-l+u*-s-f*-o,t[3]=e[3],t}},{}],431:[function(t,e,r){var n=t("glsl-tokenizer"),i=t("atob-lite");e.exports=function(t){for(var e=Array.isArray(t)?t:n(t),r=0;r0)continue;r=t.slice(0,1).join("")}return M(r),v+=r.length,(p=p.slice(r.length)).length}}function P(){return/[^a-fA-F0-9]/.test(e)?(M(p.join("")),h=999,u):(p.push(e),r=e,u+1)}function z(){return"."===e||/[eE]/.test(e)?(p.push(e),h=5,r=e,u+1):"x"===e&&1===p.length&&"0"===p[0]?(h=11,p.push(e),r=e,u+1):/[^\d]/.test(e)?(M(p.join("")),h=999,u):(p.push(e),r=e,u+1)}function O(){return"f"===e&&(p.push(e),r=e,u+=1),/[eE]/.test(e)?(p.push(e),r=e,u+1):("-"!==e&&"+"!==e||!/[eE]/.test(r))&&/[^\d]/.test(e)?(M(p.join("")),h=999,u):(p.push(e),r=e,u+1)}function D(){if(/[^\d\w_]/.test(e)){var t=p.join("");return h=k[t]?8:T[t]?7:6,M(p.join("")),h=999,u}return p.push(e),r=e,u+1}};var n=t("./lib/literals"),i=t("./lib/operators"),a=t("./lib/builtins"),o=t("./lib/literals-300es"),s=t("./lib/builtins-300es"),l=["block-comment","line-comment","preprocessor","operator","integer","float","ident","builtin","keyword","whitespace","eof","integer"]},{"./lib/builtins":434,"./lib/builtins-300es":433,"./lib/literals":436,"./lib/literals-300es":435,"./lib/operators":437}],433:[function(t,e,r){var n=t("./builtins");n=n.slice().filter((function(t){return!/^(gl\_|texture)/.test(t)})),e.exports=n.concat(["gl_VertexID","gl_InstanceID","gl_Position","gl_PointSize","gl_FragCoord","gl_FrontFacing","gl_FragDepth","gl_PointCoord","gl_MaxVertexAttribs","gl_MaxVertexUniformVectors","gl_MaxVertexOutputVectors","gl_MaxFragmentInputVectors","gl_MaxVertexTextureImageUnits","gl_MaxCombinedTextureImageUnits","gl_MaxTextureImageUnits","gl_MaxFragmentUniformVectors","gl_MaxDrawBuffers","gl_MinProgramTexelOffset","gl_MaxProgramTexelOffset","gl_DepthRangeParameters","gl_DepthRange","trunc","round","roundEven","isnan","isinf","floatBitsToInt","floatBitsToUint","intBitsToFloat","uintBitsToFloat","packSnorm2x16","unpackSnorm2x16","packUnorm2x16","unpackUnorm2x16","packHalf2x16","unpackHalf2x16","outerProduct","transpose","determinant","inverse","texture","textureSize","textureProj","textureLod","textureOffset","texelFetch","texelFetchOffset","textureProjOffset","textureLodOffset","textureProjLod","textureProjLodOffset","textureGrad","textureGradOffset","textureProjGrad","textureProjGradOffset"])},{"./builtins":434}],434:[function(t,e,r){e.exports=["abs","acos","all","any","asin","atan","ceil","clamp","cos","cross","dFdx","dFdy","degrees","distance","dot","equal","exp","exp2","faceforward","floor","fract","gl_BackColor","gl_BackLightModelProduct","gl_BackLightProduct","gl_BackMaterial","gl_BackSecondaryColor","gl_ClipPlane","gl_ClipVertex","gl_Color","gl_DepthRange","gl_DepthRangeParameters","gl_EyePlaneQ","gl_EyePlaneR","gl_EyePlaneS","gl_EyePlaneT","gl_Fog","gl_FogCoord","gl_FogFragCoord","gl_FogParameters","gl_FragColor","gl_FragCoord","gl_FragData","gl_FragDepth","gl_FragDepthEXT","gl_FrontColor","gl_FrontFacing","gl_FrontLightModelProduct","gl_FrontLightProduct","gl_FrontMaterial","gl_FrontSecondaryColor","gl_LightModel","gl_LightModelParameters","gl_LightModelProducts","gl_LightProducts","gl_LightSource","gl_LightSourceParameters","gl_MaterialParameters","gl_MaxClipPlanes","gl_MaxCombinedTextureImageUnits","gl_MaxDrawBuffers","gl_MaxFragmentUniformComponents","gl_MaxLights","gl_MaxTextureCoords","gl_MaxTextureImageUnits","gl_MaxTextureUnits","gl_MaxVaryingFloats","gl_MaxVertexAttribs","gl_MaxVertexTextureImageUnits","gl_MaxVertexUniformComponents","gl_ModelViewMatrix","gl_ModelViewMatrixInverse","gl_ModelViewMatrixInverseTranspose","gl_ModelViewMatrixTranspose","gl_ModelViewProjectionMatrix","gl_ModelViewProjectionMatrixInverse","gl_ModelViewProjectionMatrixInverseTranspose","gl_ModelViewProjectionMatrixTranspose","gl_MultiTexCoord0","gl_MultiTexCoord1","gl_MultiTexCoord2","gl_MultiTexCoord3","gl_MultiTexCoord4","gl_MultiTexCoord5","gl_MultiTexCoord6","gl_MultiTexCoord7","gl_Normal","gl_NormalMatrix","gl_NormalScale","gl_ObjectPlaneQ","gl_ObjectPlaneR","gl_ObjectPlaneS","gl_ObjectPlaneT","gl_Point","gl_PointCoord","gl_PointParameters","gl_PointSize","gl_Position","gl_ProjectionMatrix","gl_ProjectionMatrixInverse","gl_ProjectionMatrixInverseTranspose","gl_ProjectionMatrixTranspose","gl_SecondaryColor","gl_TexCoord","gl_TextureEnvColor","gl_TextureMatrix","gl_TextureMatrixInverse","gl_TextureMatrixInverseTranspose","gl_TextureMatrixTranspose","gl_Vertex","greaterThan","greaterThanEqual","inversesqrt","length","lessThan","lessThanEqual","log","log2","matrixCompMult","max","min","mix","mod","normalize","not","notEqual","pow","radians","reflect","refract","sign","sin","smoothstep","sqrt","step","tan","texture2D","texture2DLod","texture2DProj","texture2DProjLod","textureCube","textureCubeLod","texture2DLodEXT","texture2DProjLodEXT","textureCubeLodEXT","texture2DGradEXT","texture2DProjGradEXT","textureCubeGradEXT"]},{}],435:[function(t,e,r){var n=t("./literals");e.exports=n.slice().concat(["layout","centroid","smooth","case","mat2x2","mat2x3","mat2x4","mat3x2","mat3x3","mat3x4","mat4x2","mat4x3","mat4x4","uvec2","uvec3","uvec4","samplerCubeShadow","sampler2DArray","sampler2DArrayShadow","isampler2D","isampler3D","isamplerCube","isampler2DArray","usampler2D","usampler3D","usamplerCube","usampler2DArray","coherent","restrict","readonly","writeonly","resource","atomic_uint","noperspective","patch","sample","subroutine","common","partition","active","filter","image1D","image2D","image3D","imageCube","iimage1D","iimage2D","iimage3D","iimageCube","uimage1D","uimage2D","uimage3D","uimageCube","image1DArray","image2DArray","iimage1DArray","iimage2DArray","uimage1DArray","uimage2DArray","image1DShadow","image2DShadow","image1DArrayShadow","image2DArrayShadow","imageBuffer","iimageBuffer","uimageBuffer","sampler1DArray","sampler1DArrayShadow","isampler1D","isampler1DArray","usampler1D","usampler1DArray","isampler2DRect","usampler2DRect","samplerBuffer","isamplerBuffer","usamplerBuffer","sampler2DMS","isampler2DMS","usampler2DMS","sampler2DMSArray","isampler2DMSArray","usampler2DMSArray"])},{"./literals":436}],436:[function(t,e,r){e.exports=["precision","highp","mediump","lowp","attribute","const","uniform","varying","break","continue","do","for","while","if","else","in","out","inout","float","int","uint","void","bool","true","false","discard","return","mat2","mat3","mat4","vec2","vec3","vec4","ivec2","ivec3","ivec4","bvec2","bvec3","bvec4","sampler1D","sampler2D","sampler3D","samplerCube","sampler1DShadow","sampler2DShadow","struct","asm","class","union","enum","typedef","template","this","packed","goto","switch","default","inline","noinline","volatile","public","static","extern","external","interface","long","short","double","half","fixed","unsigned","input","output","hvec2","hvec3","hvec4","dvec2","dvec3","dvec4","fvec2","fvec3","fvec4","sampler2DRect","sampler3DRect","sampler2DRectShadow","sizeof","cast","namespace","using"]},{}],437:[function(t,e,r){e.exports=["<<=",">>=","++","--","<<",">>","<=",">=","==","!=","&&","||","+=","-=","*=","/=","%=","&=","^^","^=","|=","(",")","[","]",".","!","~","*","/","%","+","-","<",">","&","^","|","?",":","=",",",";","{","}"]},{}],438:[function(t,e,r){var n=t("./index");e.exports=function(t,e){var r=n(e),i=[];return i=(i=i.concat(r(t))).concat(r(null))}},{"./index":432}],439:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],440:[function(t,e,r){(function(r){(function(){"use strict";var n,i=t("is-browser");n="function"==typeof r.matchMedia?!r.matchMedia("(hover: none)").matches:i,e.exports=n}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"is-browser":464}],441:[function(t,e,r){"use strict";var n=t("is-browser");e.exports=n&&function(){var t=!1;try{var e=Object.defineProperty({},"passive",{get:function(){t=!0}});window.addEventListener("test",null,e),window.removeEventListener("test",null,e)}catch(e){t=!1}return t}()},{"is-browser":464}],442:[function(t,e,r){r.read=function(t,e,r,n,i){var a,o,s=8*i-n-1,l=(1<>1,u=-7,f=r?i-1:0,h=r?-1:1,p=t[e+f];for(f+=h,a=p&(1<<-u)-1,p>>=-u,u+=s;u>0;a=256*a+t[e+f],f+=h,u-=8);for(o=a&(1<<-u)-1,a>>=-u,u+=n;u>0;o=256*o+t[e+f],f+=h,u-=8);if(0===a)a=1-c;else{if(a===l)return o?NaN:1/0*(p?-1:1);o+=Math.pow(2,n),a-=c}return(p?-1:1)*o*Math.pow(2,a-n)},r.write=function(t,e,r,n,i,a){var o,s,l,c=8*a-i-1,u=(1<>1,h=23===i?Math.pow(2,-24)-Math.pow(2,-77):0,p=n?0:a-1,d=n?1:-1,g=e<0||0===e&&1/e<0?1:0;for(e=Math.abs(e),isNaN(e)||e===1/0?(s=isNaN(e)?1:0,o=u):(o=Math.floor(Math.log(e)/Math.LN2),e*(l=Math.pow(2,-o))<1&&(o--,l*=2),(e+=o+f>=1?h/l:h*Math.pow(2,1-f))*l>=2&&(o++,l/=2),o+f>=u?(s=0,o=u):o+f>=1?(s=(e*l-1)*Math.pow(2,i),o+=f):(s=e*Math.pow(2,f-1)*Math.pow(2,i),o=0));i>=8;t[r+p]=255&s,p+=d,s/=256,i-=8);for(o=o<0;t[r+p]=255&o,p+=d,o/=256,c-=8);t[r+p-d]|=128*g}},{}],443:[function(t,e,r){"use strict";var n=t("./types");e.exports=function(t,e){var r;for(r in n)if(n[r].detect(t,e))return r}},{"./types":446}],444:[function(t,e,r){(function(r){(function(){"use strict";var n=t("fs"),i=t("path"),a=t("./types"),o=t("./detector");function s(t,e){var r=o(t,e);if(r in a){var n=a[r].calculate(t,e);if(!1!==n)return n.type=r,n}throw new TypeError("unsupported file type: "+r+" (file: "+e+")")}e.exports=function(t,e){if(r.isBuffer(t))return s(t);if("string"!=typeof t)throw new TypeError("invalid invocation");var a=i.resolve(t);if("function"!=typeof e)return s(function(t){var e=n.openSync(t,"r"),i=n.fstatSync(e).size,a=Math.min(i,524288),o=r.alloc(a);return n.readSync(e,o,0,a,0),n.closeSync(e),o}(a),a);!function(t,e){n.open(t,"r",(function(i,a){if(i)return e(i);n.fstat(a,(function(i,o){if(i)return e(i);var s=o.size;if(s<=0)return e(new Error("File size is not greater than 0 \u2014\u2014 "+t));var l=Math.min(s,524288),c=r.alloc(l);n.read(a,c,0,l,0,(function(t){if(t)return e(t);n.close(a,(function(t){e(t,c)}))}))}))}))}(a,(function(t,r){if(t)return e(t);var n;try{n=s(r,a)}catch(e){t=e}e(t,n)}))},e.exports.types=Object.keys(a)}).call(this)}).call(this,t("buffer").Buffer)},{"./detector":443,"./types":446,buffer:111,fs:109,path:507}],445:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){return r=r||0,t["readUInt"+e+(n?"BE":"LE")].call(t,r)}},{}],446:[function(t,e,r){"use strict";var n={bmp:t("./types/bmp"),cur:t("./types/cur"),dds:t("./types/dds"),gif:t("./types/gif"),icns:t("./types/icns"),ico:t("./types/ico"),jpg:t("./types/jpg"),png:t("./types/png"),psd:t("./types/psd"),svg:t("./types/svg"),tiff:t("./types/tiff"),webp:t("./types/webp")};e.exports=n},{"./types/bmp":447,"./types/cur":448,"./types/dds":449,"./types/gif":450,"./types/icns":451,"./types/ico":452,"./types/jpg":453,"./types/png":454,"./types/psd":455,"./types/svg":456,"./types/tiff":457,"./types/webp":458}],447:[function(t,e,r){"use strict";e.exports={detect:function(t){return"BM"===t.toString("ascii",0,2)},calculate:function(t){return{width:t.readUInt32LE(18),height:Math.abs(t.readInt32LE(22))}}}},{}],448:[function(t,e,r){"use strict";e.exports={detect:function(t){return 0===t.readUInt16LE(0)&&2===t.readUInt16LE(2)},calculate:t("./ico").calculate}},{"./ico":452}],449:[function(t,e,r){"use strict";e.exports={detect:function(t){return 542327876===t.readUInt32LE(0)},calculate:function(t){return{height:t.readUInt32LE(12),width:t.readUInt32LE(16)}}}},{}],450:[function(t,e,r){"use strict";var n=/^GIF8[79]a/;e.exports={detect:function(t){var e=t.toString("ascii",0,6);return n.test(e)},calculate:function(t){return{width:t.readUInt16LE(6),height:t.readUInt16LE(8)}}}},{}],451:[function(t,e,r){"use strict";var n={ICON:32,"ICN#":32,"icm#":16,icm4:16,icm8:16,"ics#":16,ics4:16,ics8:16,is32:16,s8mk:16,icp4:16,icl4:32,icl8:32,il32:32,l8mk:32,icp5:32,ic11:32,ich4:48,ich8:48,ih32:48,h8mk:48,icp6:64,ic12:32,it32:128,t8mk:128,ic07:128,ic08:256,ic13:256,ic09:512,ic14:512,ic10:1024};function i(t,e){var r=e+4;return[t.toString("ascii",e,r),t.readUInt32BE(r)]}function a(t){var e=n[t];return{width:e,height:e,type:t}}e.exports={detect:function(t){return"icns"===t.toString("ascii",0,4)},calculate:function(t){var e,r,n,o=t.length,s=8,l=t.readUInt32BE(4);if(r=a((e=i(t,s))[0]),(s+=e[1])===l)return r;for(n={width:r.width,height:r.height,images:[r]};st.length)return;var s=t.slice(r,i);if(274===n(s,16,0,e)){if(3!==n(s,16,2,e))return;if(1!==n(s,32,4,e))return;return n(s,16,8,e)}}}(r,a)}function s(t,e){if(e>t.length)throw new TypeError("Corrupt JPG, exceeded buffer limits");if(255!==t[e])throw new TypeError("Invalid JPG, marker table corrupted")}e.exports={detect:function(t){return"ffd8"===t.toString("hex",0,2)},calculate:function(t){var e,r,n;for(t=t.slice(4);t.length;){if(r=t.readUInt16BE(0),i(t)&&(e=o(t,r)),s(t,r),192===(n=t[r+1])||193===n||194===n){var l=a(t,r+5);return e?{width:l.width,height:l.height,orientation:e}:l}t=t.slice(r+2)}throw new TypeError("Invalid JPG, no size found")}}},{"../readUInt":445}],454:[function(t,e,r){"use strict";e.exports={detect:function(t){if("PNG\r\n\x1a\n"===t.toString("ascii",1,8)){var e=t.toString("ascii",12,16);if("CgBI"===e&&(e=t.toString("ascii",28,32)),"IHDR"!==e)throw new TypeError("invalid png");return!0}},calculate:function(t){return"CgBI"===t.toString("ascii",12,16)?{width:t.readUInt32BE(32),height:t.readUInt32BE(36)}:{width:t.readUInt32BE(16),height:t.readUInt32BE(20)}}}},{}],455:[function(t,e,r){"use strict";e.exports={detect:function(t){return"8BPS"===t.toString("ascii",0,4)},calculate:function(t){return{width:t.readUInt32BE(18),height:t.readUInt32BE(14)}}}},{}],456:[function(t,e,r){"use strict";var n=/"']|"[^"]*"|'[^']*')*>/;var i={root:n,width:/\swidth=(['"])([^%]+?)\1/,height:/\sheight=(['"])([^%]+?)\1/,viewbox:/\sviewBox=(['"])(.+?)\1/},a={cm:96/2.54,mm:96/2.54/10,m:96/2.54*100,pt:96/72,pc:96/72/12,em:16,ex:8};function o(t){var e=/([0-9.]+)([a-z]*)/.exec(t);if(e)return Math.round(parseFloat(e[1])*(a[e[2]]||1))}function s(t){var e=t.split(" ");return{width:o(e[2]),height:o(e[3])}}e.exports={detect:function(t){return n.test(t)},calculate:function(t){var e=t.toString("utf8").match(i.root);if(e){var r=function(t){var e=t.match(i.width),r=t.match(i.height),n=t.match(i.viewbox);return{width:e&&o(e[2]),height:r&&o(r[2]),viewbox:n&&s(n[2])}}(e[0]);if(r.width&&r.height)return function(t){return{width:t.width,height:t.height}}(r);if(r.viewbox)return function(t){var e=t.viewbox.width/t.viewbox.height;return t.width?{width:t.width,height:Math.floor(t.width/e)}:t.height?{width:Math.floor(t.height*e),height:t.height}:{width:t.viewbox.width,height:t.viewbox.height}}(r)}throw new TypeError("invalid svg")}}},{}],457:[function(t,e,r){(function(r){(function(){"use strict";var n=t("fs"),i=t("../readUInt");function a(t,e){var r=i(t,16,8,e);return(i(t,16,10,e)<<16)+r}function o(t){if(t.length>24)return t.slice(12)}e.exports={detect:function(t){var e=t.toString("hex",0,4);return"49492a00"===e||"4d4d002a"===e},calculate:function(t,e){if(!e)throw new TypeError("Tiff doesn't support buffer");var s="BE"===function(t){var e=t.toString("ascii",0,2);return"II"===e?"LE":"MM"===e?"BE":void 0}(t),l=function(t,e){for(var r,n,s,l={};t&&t.length&&(r=i(t,16,0,e),n=i(t,16,2,e),s=i(t,32,4,e),0!==r);)1!==s||3!==n&&4!==n||(l[r]=a(t,e)),t=o(t);return l}(function(t,e,a){var o=i(t,32,4,a),s=1024,l=n.statSync(e).size;o+s>l&&(s=l-o-10);var c=r.alloc(s),u=n.openSync(e,"r");return n.readSync(u,c,0,s,o),c.slice(2)}(t,e,s),s),c=l[256],u=l[257];if(!c||!u)throw new TypeError("Invalid Tiff, missing tags");return{width:c,height:u}}}}).call(this)}).call(this,t("buffer").Buffer)},{"../readUInt":445,buffer:111,fs:109}],458:[function(t,e,r){"use strict";e.exports={detect:function(t){var e="RIFF"===t.toString("ascii",0,4),r="WEBP"===t.toString("ascii",8,12),n="VP8"===t.toString("ascii",12,15);return e&&r&&n},calculate:function(t){var e=t.toString("ascii",12,16);if(t=t.slice(20,30),"VP8X"===e){var r=t[0];return!(!(0==(192&r))||!(0==(1&r)))&&function(t){return{width:1+t.readUIntLE(4,3),height:1+t.readUIntLE(7,3)}}(t)}if("VP8 "===e&&47!==t[0])return function(t){return{width:16383&t.readInt16LE(6),height:16383&t.readInt16LE(8)}}(t);var n=t.toString("hex",3,6);return"VP8L"===e&&"9d012a"!==n&&function(t){return{width:1+((63&t[2])<<8|t[1]),height:1+((15&t[4])<<10|t[3]<<2|(192&t[2])>>6)}}(t)}}},{}],459:[function(t,e,r){"use strict";e.exports=function(t,e){var r=t.length;if(0===r)throw new Error("Must have at least d+1 points");var i=t[0].length;if(r<=i)throw new Error("Must input at least d+1 points");var o=t.slice(0,i+1),s=n.apply(void 0,o);if(0===s)throw new Error("Input not in general position");for(var l=new Array(i+1),u=0;u<=i;++u)l[u]=u;s<0&&(l[0]=1,l[1]=0);var f=new a(l,new Array(i+1),!1),h=f.adjacent,p=new Array(i+2);for(u=0;u<=i;++u){for(var d=l.slice(),g=0;g<=i;++g)g===u&&(d[g]=-1);var m=d[0];d[0]=d[1],d[1]=m;var v=new a(d,new Array(i+1),!0);h[u]=v,p[u]=v}p[i+1]=f;for(u=0;u<=i;++u){d=h[u].vertices;var y=h[u].adjacent;for(g=0;g<=i;++g){var x=d[g];if(x<0)y[g]=f;else for(var b=0;b<=i;++b)h[b].vertices.indexOf(x)<0&&(y[g]=h[b])}}var _=new c(i,o,p),w=!!e;for(u=i+1;u0&&e.push(","),e.push("tuple[",r,"]");e.push(")}return orient");var i=new Function("test",e.join("")),a=n[t+1];return a||(a=n),i(a)}(t)),this.orient=a}var u=c.prototype;u.handleBoundaryDegeneracy=function(t,e){var r=this.dimension,n=this.vertices.length-1,i=this.tuple,a=this.vertices,o=[t];for(t.lastVisited=-n;o.length>0;){(t=o.pop()).vertices;for(var s=t.adjacent,l=0;l<=r;++l){var c=s[l];if(c.boundary&&!(c.lastVisited<=-n)){for(var u=c.vertices,f=0;f<=r;++f){var h=u[f];i[f]=h<0?e:a[h]}var p=this.orient();if(p>0)return c;c.lastVisited=-n,0===p&&o.push(c)}}}return null},u.walk=function(t,e){var r=this.vertices.length-1,n=this.dimension,i=this.vertices,a=this.tuple,o=e?this.interior.length*Math.random()|0:this.interior.length-1,s=this.interior[o];t:for(;!s.boundary;){for(var l=s.vertices,c=s.adjacent,u=0;u<=n;++u)a[u]=i[l[u]];s.lastVisited=r;for(u=0;u<=n;++u){var f=c[u];if(!(f.lastVisited>=r)){var h=a[u];a[u]=t;var p=this.orient();if(a[u]=h,p<0){s=f;continue t}f.boundary?f.lastVisited=-r:f.lastVisited=r}}return}return s},u.addPeaks=function(t,e){var r=this.vertices.length-1,n=this.dimension,i=this.vertices,l=this.tuple,c=this.interior,u=this.simplices,f=[e];e.lastVisited=r,e.vertices[e.vertices.indexOf(-1)]=r,e.boundary=!1,c.push(e);for(var h=[];f.length>0;){var p=(e=f.pop()).vertices,d=e.adjacent,g=p.indexOf(r);if(!(g<0))for(var m=0;m<=n;++m)if(m!==g){var v=d[m];if(v.boundary&&!(v.lastVisited>=r)){var y=v.vertices;if(v.lastVisited!==-r){for(var x=0,b=0;b<=n;++b)y[b]<0?(x=b,l[b]=t):l[b]=i[y[b]];if(this.orient()>0){y[x]=r,v.boundary=!1,c.push(v),f.push(v),v.lastVisited=r;continue}v.lastVisited=-r}var _=v.adjacent,w=p.slice(),T=d.slice(),k=new a(w,T,!0);u.push(k);var M=_.indexOf(e);if(!(M<0)){_[M]=k,T[g]=v,w[m]=-1,T[m]=e,d[m]=k,k.flip();for(b=0;b<=n;++b){var A=w[b];if(!(A<0||A===r)){for(var S=new Array(n-1),E=0,C=0;C<=n;++C){var L=w[C];L<0||C===b||(S[E++]=L)}h.push(new o(S,k,b))}}}}}}h.sort(s);for(m=0;m+1=0?o[l++]=s[u]:c=1&u;if(c===(1&t)){var f=o[0];o[0]=o[1],o[1]=f}e.push(o)}}return e}},{"robust-orientation":548,"simplicial-complex":558}],460:[function(t,e,r){"use strict";var n=t("binary-search-bounds");function i(t,e,r,n,i){this.mid=t,this.left=e,this.right=r,this.leftPoints=n,this.rightPoints=i,this.count=(e?e.count:0)+(r?r.count:0)+n.length}e.exports=function(t){if(!t||0===t.length)return new v(null);return new v(m(t))};var a=i.prototype;function o(t,e){t.mid=e.mid,t.left=e.left,t.right=e.right,t.leftPoints=e.leftPoints,t.rightPoints=e.rightPoints,t.count=e.count}function s(t,e){var r=m(e);t.mid=r.mid,t.left=r.left,t.right=r.right,t.leftPoints=r.leftPoints,t.rightPoints=r.rightPoints,t.count=r.count}function l(t,e){var r=t.intervals([]);r.push(e),s(t,r)}function c(t,e){var r=t.intervals([]),n=r.indexOf(e);return n<0?0:(r.splice(n,1),s(t,r),1)}function u(t,e,r){for(var n=0;n=0&&t[n][1]>=e;--n){var i=r(t[n]);if(i)return i}}function h(t,e){for(var r=0;r>1],a=[],o=[],s=[];for(r=0;r3*(e+1)?l(this,t):this.left.insert(t):this.left=m([t]);else if(t[0]>this.mid)this.right?4*(this.right.count+1)>3*(e+1)?l(this,t):this.right.insert(t):this.right=m([t]);else{var r=n.ge(this.leftPoints,t,d),i=n.ge(this.rightPoints,t,g);this.leftPoints.splice(r,0,t),this.rightPoints.splice(i,0,t)}},a.remove=function(t){var e=this.count-this.leftPoints;if(t[1]3*(e-1)?c(this,t):2===(s=this.left.remove(t))?(this.left=null,this.count-=1,1):(1===s&&(this.count-=1),s):0;if(t[0]>this.mid)return this.right?4*(this.left?this.left.count:0)>3*(e-1)?c(this,t):2===(s=this.right.remove(t))?(this.right=null,this.count-=1,1):(1===s&&(this.count-=1),s):0;if(1===this.count)return this.leftPoints[0]===t?2:0;if(1===this.leftPoints.length&&this.leftPoints[0]===t){if(this.left&&this.right){for(var r=this,i=this.left;i.right;)r=i,i=i.right;if(r===this)i.right=this.right;else{var a=this.left,s=this.right;r.count-=i.count,r.right=i.left,i.left=a,i.right=s}o(this,i),this.count=(this.left?this.left.count:0)+(this.right?this.right.count:0)+this.leftPoints.length}else this.left?o(this,this.left):o(this,this.right);return 1}for(a=n.ge(this.leftPoints,t,d);athis.mid){var r;if(this.right)if(r=this.right.queryPoint(t,e))return r;return f(this.rightPoints,t,e)}return h(this.leftPoints,e)},a.queryInterval=function(t,e,r){var n;if(tthis.mid&&this.right&&(n=this.right.queryInterval(t,e,r)))return n;return ethis.mid?f(this.rightPoints,t,r):h(this.leftPoints,r)};var y=v.prototype;y.insert=function(t){this.root?this.root.insert(t):this.root=new i(t[0],null,null,[t],[t])},y.remove=function(t){if(this.root){var e=this.root.remove(t);return 2===e&&(this.root=null),0!==e}return!1},y.queryPoint=function(t,e){if(this.root)return this.root.queryPoint(t,e)},y.queryInterval=function(t,e,r){if(t<=e&&this.root)return this.root.queryInterval(t,e,r)},Object.defineProperty(y,"count",{get:function(){return this.root?this.root.count:0}}),Object.defineProperty(y,"intervals",{get:function(){return this.root?this.root.intervals([]):[]}})},{"binary-search-bounds":461}],461:[function(t,e,r){arguments[4][243][0].apply(r,arguments)},{dup:243}],462:[function(t,e,r){"use strict";e.exports=function(t,e){e=e||new Array(t.length);for(var r=0;r + * @license MIT + */ +e.exports=function(t){return null!=t&&(n(t)||function(t){return"function"==typeof t.readFloatLE&&"function"==typeof t.slice&&n(t.slice(0,0))}(t)||!!t._isBuffer)}},{}],466:[function(t,e,r){"use strict";e.exports="undefined"!=typeof navigator&&(/MSIE/.test(navigator.userAgent)||/Trident\//.test(navigator.appVersion))},{}],467:[function(t,e,r){"use strict";e.exports=a,e.exports.isMobile=a,e.exports.default=a;var n=/(android|bb\d+|meego).+mobile|avantgo|bada\/|blackberry|blazer|compal|elaine|fennec|hiptop|iemobile|ip(hone|od)|iris|kindle|lge |maemo|midp|mmp|mobile.+firefox|netfront|opera m(ob|in)i|palm( os)?|phone|p(ixi|re)\/|plucker|pocket|psp|series[46]0|symbian|treo|up\.(browser|link)|vodafone|wap|windows (ce|phone)|xda|xiino/i,i=/(android|bb\d+|meego).+mobile|avantgo|bada\/|blackberry|blazer|compal|elaine|fennec|hiptop|iemobile|ip(hone|od)|iris|kindle|lge |maemo|midp|mmp|mobile.+firefox|netfront|opera m(ob|in)i|palm( os)?|phone|p(ixi|re)\/|plucker|pocket|psp|series[46]0|symbian|treo|up\.(browser|link)|vodafone|wap|windows (ce|phone)|xda|xiino|android|ipad|playbook|silk/i;function a(t){t||(t={});var e=t.ua;if(e||"undefined"==typeof navigator||(e=navigator.userAgent),e&&e.headers&&"string"==typeof e.headers["user-agent"]&&(e=e.headers["user-agent"]),"string"!=typeof e)return!1;var r=t.tablet?i.test(e):n.test(e);return!r&&t.tablet&&t.featureDetect&&navigator&&navigator.maxTouchPoints>1&&-1!==e.indexOf("Macintosh")&&-1!==e.indexOf("Safari")&&(r=!0),r}},{}],468:[function(t,e,r){"use strict";e.exports=function(t){var e=typeof t;return null!==t&&("object"===e||"function"===e)}},{}],469:[function(t,e,r){"use strict";var n=Object.prototype.toString;e.exports=function(t){var e;return"[object Object]"===n.call(t)&&(null===(e=Object.getPrototypeOf(t))||e===Object.getPrototypeOf({}))}},{}],470:[function(t,e,r){"use strict";e.exports=function(t){for(var e,r=t.length,n=0;n13)&&32!==e&&133!==e&&160!==e&&5760!==e&&6158!==e&&(e<8192||e>8205)&&8232!==e&&8233!==e&&8239!==e&&8287!==e&&8288!==e&&12288!==e&&65279!==e)return!1;return!0}},{}],471:[function(t,e,r){"use strict";e.exports=function(t){return"string"==typeof t&&(t=t.trim(),!!(/^[mzlhvcsqta]\s*[-+.0-9][^mlhvzcsqta]+/i.test(t)&&/[\dz]$/i.test(t)&&t.length>4))}},{}],472:[function(t,e,r){e.exports=function(t,e,r){return t*(1-r)+e*r}},{}],473:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?e.exports=n():(t=t||self).mapboxgl=n()}(this,(function(){"use strict";var t,e,r;function n(n,i){if(t)if(e){var a="var sharedChunk = {}; ("+t+")(sharedChunk); ("+e+")(sharedChunk);",o={};t(o),(r=i(o)).workerUrl=window.URL.createObjectURL(new Blob([a],{type:"text/javascript"}))}else e=i;else t=i}return n(0,(function(t){function e(t,e){return t(e={exports:{}},e.exports),e.exports}var r=n;function n(t,e,r,n){this.cx=3*t,this.bx=3*(r-t)-this.cx,this.ax=1-this.cx-this.bx,this.cy=3*e,this.by=3*(n-e)-this.cy,this.ay=1-this.cy-this.by,this.p1x=t,this.p1y=n,this.p2x=r,this.p2y=n}n.prototype.sampleCurveX=function(t){return((this.ax*t+this.bx)*t+this.cx)*t},n.prototype.sampleCurveY=function(t){return((this.ay*t+this.by)*t+this.cy)*t},n.prototype.sampleCurveDerivativeX=function(t){return(3*this.ax*t+2*this.bx)*t+this.cx},n.prototype.solveCurveX=function(t,e){var r,n,i,a,o;for(void 0===e&&(e=1e-6),i=t,o=0;o<8;o++){if(a=this.sampleCurveX(i)-t,Math.abs(a)(n=1))return n;for(;ra?r=i:n=i,i=.5*(n-r)+r}return i},n.prototype.solve=function(t,e){return this.sampleCurveY(this.solveCurveX(t,e))};var i=a;function a(t,e){this.x=t,this.y=e}function o(t,e,n,i){var a=new r(t,e,n,i);return function(t){return a.solve(t)}}a.prototype={clone:function(){return new a(this.x,this.y)},add:function(t){return this.clone()._add(t)},sub:function(t){return this.clone()._sub(t)},multByPoint:function(t){return this.clone()._multByPoint(t)},divByPoint:function(t){return this.clone()._divByPoint(t)},mult:function(t){return this.clone()._mult(t)},div:function(t){return this.clone()._div(t)},rotate:function(t){return this.clone()._rotate(t)},rotateAround:function(t,e){return this.clone()._rotateAround(t,e)},matMult:function(t){return this.clone()._matMult(t)},unit:function(){return this.clone()._unit()},perp:function(){return this.clone()._perp()},round:function(){return this.clone()._round()},mag:function(){return Math.sqrt(this.x*this.x+this.y*this.y)},equals:function(t){return this.x===t.x&&this.y===t.y},dist:function(t){return Math.sqrt(this.distSqr(t))},distSqr:function(t){var e=t.x-this.x,r=t.y-this.y;return e*e+r*r},angle:function(){return Math.atan2(this.y,this.x)},angleTo:function(t){return Math.atan2(this.y-t.y,this.x-t.x)},angleWith:function(t){return this.angleWithSep(t.x,t.y)},angleWithSep:function(t,e){return Math.atan2(this.x*e-this.y*t,this.x*t+this.y*e)},_matMult:function(t){var e=t[2]*this.x+t[3]*this.y;return this.x=t[0]*this.x+t[1]*this.y,this.y=e,this},_add:function(t){return this.x+=t.x,this.y+=t.y,this},_sub:function(t){return this.x-=t.x,this.y-=t.y,this},_mult:function(t){return this.x*=t,this.y*=t,this},_div:function(t){return this.x/=t,this.y/=t,this},_multByPoint:function(t){return this.x*=t.x,this.y*=t.y,this},_divByPoint:function(t){return this.x/=t.x,this.y/=t.y,this},_unit:function(){return this._div(this.mag()),this},_perp:function(){var t=this.y;return this.y=this.x,this.x=-t,this},_rotate:function(t){var e=Math.cos(t),r=Math.sin(t),n=r*this.x+e*this.y;return this.x=e*this.x-r*this.y,this.y=n,this},_rotateAround:function(t,e){var r=Math.cos(t),n=Math.sin(t),i=e.y+n*(this.x-e.x)+r*(this.y-e.y);return this.x=e.x+r*(this.x-e.x)-n*(this.y-e.y),this.y=i,this},_round:function(){return this.x=Math.round(this.x),this.y=Math.round(this.y),this}},a.convert=function(t){return t instanceof a?t:Array.isArray(t)?new a(t[0],t[1]):t};var s=o(.25,.1,.25,1);function l(t,e,r){return Math.min(r,Math.max(e,t))}function c(t,e,r){var n=r-e,i=((t-e)%n+n)%n+e;return i===e?r:i}function u(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];for(var n=0,i=e;n>e/4).toString(16):([1e7]+-[1e3]+-4e3+-8e3+-1e11).replace(/[018]/g,t)}()}function d(t){return!!t&&/^[0-9a-f]{8}-[0-9a-f]{4}-[4][0-9a-f]{3}-[89ab][0-9a-f]{3}-[0-9a-f]{12}$/i.test(t)}function g(t,e){t.forEach((function(t){e[t]&&(e[t]=e[t].bind(e))}))}function m(t,e){return-1!==t.indexOf(e,t.length-e.length)}function v(t,e,r){var n={};for(var i in t)n[i]=e.call(r||this,t[i],i,t);return n}function y(t,e,r){var n={};for(var i in t)e.call(r||this,t[i],i,t)&&(n[i]=t[i]);return n}function x(t){return Array.isArray(t)?t.map(x):"object"==typeof t&&t?v(t,x):t}var b={};function _(t){b[t]||("undefined"!=typeof console&&console.warn(t),b[t]=!0)}function w(t,e,r){return(r.y-t.y)*(e.x-t.x)>(e.y-t.y)*(r.x-t.x)}function T(t){for(var e=0,r=0,n=t.length,i=n-1,a=void 0,o=void 0;r@\,;\:\\"\/\[\]\?\=\{\}\x7F]+)(?:\=(?:([^\x00-\x20\(\)<>@\,;\:\\"\/\[\]\?\=\{\}\x7F]+)|(?:\"((?:[^"\\]|\\.)*)\")))?/g,(function(t,r,n,i){var a=n||i;return e[r]=!a||a.toLowerCase(),""})),e["max-age"]){var r=parseInt(e["max-age"],10);isNaN(r)?delete e["max-age"]:e["max-age"]=r}return e}var A=null;function S(t){if(null==A){var e=t.navigator?t.navigator.userAgent:null;A=!!t.safari||!(!e||!(/\b(iPad|iPhone|iPod)\b/.test(e)||e.match("Safari")&&!e.match("Chrome")))}return A}function E(t){try{var e=self[t];return e.setItem("_mapbox_test_",1),e.removeItem("_mapbox_test_"),!0}catch(t){return!1}}var C,L,I,P,z=self.performance&&self.performance.now?self.performance.now.bind(self.performance):Date.now.bind(Date),O=self.requestAnimationFrame||self.mozRequestAnimationFrame||self.webkitRequestAnimationFrame||self.msRequestAnimationFrame,D=self.cancelAnimationFrame||self.mozCancelAnimationFrame||self.webkitCancelAnimationFrame||self.msCancelAnimationFrame,R={now:z,frame:function(t){var e=O(t);return{cancel:function(){return D(e)}}},getImageData:function(t,e){void 0===e&&(e=0);var r=self.document.createElement("canvas"),n=r.getContext("2d");if(!n)throw new Error("failed to create canvas 2d context");return r.width=t.width,r.height=t.height,n.drawImage(t,0,0,t.width,t.height),n.getImageData(-e,-e,t.width+2*e,t.height+2*e)},resolveURL:function(t){return C||(C=self.document.createElement("a")),C.href=t,C.href},hardwareConcurrency:self.navigator.hardwareConcurrency||4,get devicePixelRatio(){return self.devicePixelRatio},get prefersReducedMotion(){return!!self.matchMedia&&(null==L&&(L=self.matchMedia("(prefers-reduced-motion: reduce)")),L.matches)}},F={API_URL:"https://api.mapbox.com",get EVENTS_URL(){return this.API_URL?0===this.API_URL.indexOf("https://api.mapbox.cn")?"https://events.mapbox.cn/events/v2":0===this.API_URL.indexOf("https://api.mapbox.com")?"https://events.mapbox.com/events/v2":null:null},FEEDBACK_URL:"https://apps.mapbox.com/feedback",REQUIRE_ACCESS_TOKEN:!0,ACCESS_TOKEN:null,MAX_PARALLEL_IMAGE_REQUESTS:16},B={supported:!1,testSupport:function(t){!N&&P&&(j?U(t):I=t)}},N=!1,j=!1;function U(t){var e=t.createTexture();t.bindTexture(t.TEXTURE_2D,e);try{if(t.texImage2D(t.TEXTURE_2D,0,t.RGBA,t.RGBA,t.UNSIGNED_BYTE,P),t.isContextLost())return;B.supported=!0}catch(t){}t.deleteTexture(e),N=!0}self.document&&((P=self.document.createElement("img")).onload=function(){I&&U(I),I=null,j=!0},P.onerror=function(){N=!0,I=null},P.src="data:image/webp;base64,UklGRh4AAABXRUJQVlA4TBEAAAAvAQAAAAfQ//73v/+BiOh/AAA=");var V="01",q=function(t,e){this._transformRequestFn=t,this._customAccessToken=e,this._createSkuToken()};function H(t){return 0===t.indexOf("mapbox:")}q.prototype._createSkuToken=function(){var t=function(){for(var t="",e=0;e<10;e++)t+="0123456789abcdefghijklmnopqrstuvwxyzABCDEFGHIJKLMNOPQRSTUVWXYZ"[Math.floor(62*Math.random())];return{token:["1",V,t].join(""),tokenExpiresAt:Date.now()+432e5}}();this._skuToken=t.token,this._skuTokenExpiresAt=t.tokenExpiresAt},q.prototype._isSkuTokenExpired=function(){return Date.now()>this._skuTokenExpiresAt},q.prototype.transformRequest=function(t,e){return this._transformRequestFn&&this._transformRequestFn(t,e)||{url:t}},q.prototype.normalizeStyleURL=function(t,e){if(!H(t))return t;var r=X(t);return r.path="/styles/v1"+r.path,this._makeAPIURL(r,this._customAccessToken||e)},q.prototype.normalizeGlyphsURL=function(t,e){if(!H(t))return t;var r=X(t);return r.path="/fonts/v1"+r.path,this._makeAPIURL(r,this._customAccessToken||e)},q.prototype.normalizeSourceURL=function(t,e){if(!H(t))return t;var r=X(t);return r.path="/v4/"+r.authority+".json",r.params.push("secure"),this._makeAPIURL(r,this._customAccessToken||e)},q.prototype.normalizeSpriteURL=function(t,e,r,n){var i=X(t);return H(t)?(i.path="/styles/v1"+i.path+"/sprite"+e+r,this._makeAPIURL(i,this._customAccessToken||n)):(i.path+=""+e+r,Z(i))},q.prototype.normalizeTileURL=function(t,e){if(this._isSkuTokenExpired()&&this._createSkuToken(),t&&!H(t))return t;var r=X(t);r.path=r.path.replace(/(\.(png|jpg)\d*)(?=$)/,(R.devicePixelRatio>=2||512===e?"@2x":"")+(B.supported?".webp":"$1")),r.path=r.path.replace(/^.+\/v4\//,"/"),r.path="/v4"+r.path;var n=this._customAccessToken||function(t){for(var e=0,r=t;e=1&&self.localStorage.setItem(e,JSON.stringify(this.eventData))}catch(t){_("Unable to write to LocalStorage")}},K.prototype.processRequests=function(t){},K.prototype.postEvent=function(t,e,r,n){var i=this;if(F.EVENTS_URL){var a=X(F.EVENTS_URL);a.params.push("access_token="+(n||F.ACCESS_TOKEN||""));var o={event:this.type,created:new Date(t).toISOString(),sdkIdentifier:"mapbox-gl-js",sdkVersion:"1.10.1",skuId:V,userId:this.anonId},s=e?u(o,e):o,l={url:Z(a),headers:{"Content-Type":"text/plain"},body:JSON.stringify([s])};this.pendingRequest=xt(l,(function(t){i.pendingRequest=null,r(t),i.saveEventData(),i.processRequests(n)}))}},K.prototype.queueRequest=function(t,e){this.queue.push(t),this.processRequests(e)};var Q,$,tt=function(t){function e(){t.call(this,"map.load"),this.success={},this.skuToken=""}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.postMapLoadEvent=function(t,e,r,n){this.skuToken=r,(F.EVENTS_URL&&n||F.ACCESS_TOKEN&&Array.isArray(t)&&t.some((function(t){return H(t)||Y(t)})))&&this.queueRequest({id:e,timestamp:Date.now()},n)},e.prototype.processRequests=function(t){var e=this;if(!this.pendingRequest&&0!==this.queue.length){var r=this.queue.shift(),n=r.id,i=r.timestamp;n&&this.success[n]||(this.anonId||this.fetchEventData(),d(this.anonId)||(this.anonId=p()),this.postEvent(i,{skuToken:this.skuToken},(function(t){t||n&&(e.success[n]=!0)}),t))}},e}(K),et=new(function(t){function e(e){t.call(this,"appUserTurnstile"),this._customAccessToken=e}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.postTurnstileEvent=function(t,e){F.EVENTS_URL&&F.ACCESS_TOKEN&&Array.isArray(t)&&t.some((function(t){return H(t)||Y(t)}))&&this.queueRequest(Date.now(),e)},e.prototype.processRequests=function(t){var e=this;if(!this.pendingRequest&&0!==this.queue.length){this.anonId&&this.eventData.lastSuccess&&this.eventData.tokenU||this.fetchEventData();var r=J(F.ACCESS_TOKEN),n=r?r.u:F.ACCESS_TOKEN,i=n!==this.eventData.tokenU;d(this.anonId)||(this.anonId=p(),i=!0);var a=this.queue.shift();if(this.eventData.lastSuccess){var o=new Date(this.eventData.lastSuccess),s=new Date(a),l=(a-this.eventData.lastSuccess)/864e5;i=i||l>=1||l<-1||o.getDate()!==s.getDate()}else i=!0;if(!i)return this.processRequests();this.postEvent(a,{"enabled.telemetry":!1},(function(t){t||(e.eventData.lastSuccess=a,e.eventData.tokenU=n)}),t)}},e}(K)),rt=et.postTurnstileEvent.bind(et),nt=new tt,it=nt.postMapLoadEvent.bind(nt),at=500,ot=50;function st(){self.caches&&!Q&&(Q=self.caches.open("mapbox-tiles"))}function lt(t){var e=t.indexOf("?");return e<0?t:t.slice(0,e)}var ct,ut=1/0;function ft(){return null==ct&&(ct=self.OffscreenCanvas&&new self.OffscreenCanvas(1,1).getContext("2d")&&"function"==typeof self.createImageBitmap),ct}var ht={Unknown:"Unknown",Style:"Style",Source:"Source",Tile:"Tile",Glyphs:"Glyphs",SpriteImage:"SpriteImage",SpriteJSON:"SpriteJSON",Image:"Image"};"function"==typeof Object.freeze&&Object.freeze(ht);var pt,dt,gt=function(t){function e(e,r,n){401===r&&Y(n)&&(e+=": you may have provided an invalid Mapbox access token. See https://www.mapbox.com/api-documentation/#access-tokens-and-token-scopes"),t.call(this,e),this.status=r,this.url=n,this.name=this.constructor.name,this.message=e}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.toString=function(){return this.name+": "+this.message+" ("+this.status+"): "+this.url},e}(Error),mt=k()?function(){return self.worker&&self.worker.referrer}:function(){return("blob:"===self.location.protocol?self.parent:self).location.href},vt=function(t,e){if(!(/^file:/.test(r=t.url)||/^file:/.test(mt())&&!/^\w+:/.test(r))){if(self.fetch&&self.Request&&self.AbortController&&self.Request.prototype.hasOwnProperty("signal"))return function(t,e){var r,n=new self.AbortController,i=new self.Request(t.url,{method:t.method||"GET",body:t.body,credentials:t.credentials,headers:t.headers,referrer:mt(),signal:n.signal}),a=!1,o=!1,s=(r=i.url).indexOf("sku=")>0&&Y(r);"json"===t.type&&i.headers.set("Accept","application/json");var l=function(r,n,a){if(!o){if(r&&"SecurityError"!==r.message&&_(r),n&&a)return c(n);var l=Date.now();self.fetch(i).then((function(r){if(r.ok){var n=s?r.clone():null;return c(r,n,l)}return e(new gt(r.statusText,r.status,t.url))})).catch((function(t){20!==t.code&&e(new Error(t.message))}))}},c=function(r,n,s){("arrayBuffer"===t.type?r.arrayBuffer():"json"===t.type?r.json():r.text()).then((function(t){o||(n&&s&&function(t,e,r){if(st(),Q){var n={status:e.status,statusText:e.statusText,headers:new self.Headers};e.headers.forEach((function(t,e){return n.headers.set(e,t)}));var i=M(e.headers.get("Cache-Control")||"");i["no-store"]||(i["max-age"]&&n.headers.set("Expires",new Date(r+1e3*i["max-age"]).toUTCString()),new Date(n.headers.get("Expires")).getTime()-r<42e4||function(t,e){if(void 0===$)try{new Response(new ReadableStream),$=!0}catch(t){$=!1}$?e(t.body):t.blob().then(e)}(e,(function(e){var r=new self.Response(e,n);st(),Q&&Q.then((function(e){return e.put(lt(t.url),r)})).catch((function(t){return _(t.message)}))})))}}(i,n,s),a=!0,e(null,t,r.headers.get("Cache-Control"),r.headers.get("Expires")))})).catch((function(t){o||e(new Error(t.message))}))};return s?function(t,e){if(st(),!Q)return e(null);var r=lt(t.url);Q.then((function(t){t.match(r).then((function(n){var i=function(t){if(!t)return!1;var e=new Date(t.headers.get("Expires")||0),r=M(t.headers.get("Cache-Control")||"");return e>Date.now()&&!r["no-cache"]}(n);t.delete(r),i&&t.put(r,n.clone()),e(null,n,i)})).catch(e)})).catch(e)}(i,l):l(null,null),{cancel:function(){o=!0,a||n.abort()}}}(t,e);if(k()&&self.worker&&self.worker.actor)return self.worker.actor.send("getResource",t,e,void 0,!0)}var r;return function(t,e){var r=new self.XMLHttpRequest;for(var n in r.open(t.method||"GET",t.url,!0),"arrayBuffer"===t.type&&(r.responseType="arraybuffer"),t.headers)r.setRequestHeader(n,t.headers[n]);return"json"===t.type&&(r.responseType="text",r.setRequestHeader("Accept","application/json")),r.withCredentials="include"===t.credentials,r.onerror=function(){e(new Error(r.statusText))},r.onload=function(){if((r.status>=200&&r.status<300||0===r.status)&&null!==r.response){var n=r.response;if("json"===t.type)try{n=JSON.parse(r.response)}catch(t){return e(t)}e(null,n,r.getResponseHeader("Cache-Control"),r.getResponseHeader("Expires"))}else e(new gt(r.statusText,r.status,t.url))},r.send(t.body),{cancel:function(){return r.abort()}}}(t,e)},yt=function(t,e){return vt(u(t,{type:"arrayBuffer"}),e)},xt=function(t,e){return vt(u(t,{method:"POST"}),e)};pt=[],dt=0;var bt=function(t,e){if(B.supported&&(t.headers||(t.headers={}),t.headers.accept="image/webp,*/*"),dt>=F.MAX_PARALLEL_IMAGE_REQUESTS){var r={requestParameters:t,callback:e,cancelled:!1,cancel:function(){this.cancelled=!0}};return pt.push(r),r}dt++;var n=!1,i=function(){if(!n)for(n=!0,dt--;pt.length&&dt0||this._oneTimeListeners&&this._oneTimeListeners[t]&&this._oneTimeListeners[t].length>0||this._eventedParent&&this._eventedParent.listens(t)},Mt.prototype.setEventedParent=function(t,e){return this._eventedParent=t,this._eventedParentData=e,this};var At={$version:8,$root:{version:{required:!0,type:"enum",values:[8]},name:{type:"string"},metadata:{type:"*"},center:{type:"array",value:"number"},zoom:{type:"number"},bearing:{type:"number",default:0,period:360,units:"degrees"},pitch:{type:"number",default:0,units:"degrees"},light:{type:"light"},sources:{required:!0,type:"sources"},sprite:{type:"string"},glyphs:{type:"string"},transition:{type:"transition"},layers:{required:!0,type:"array",value:"layer"}},sources:{"*":{type:"source"}},source:["source_vector","source_raster","source_raster_dem","source_geojson","source_video","source_image"],source_vector:{type:{required:!0,type:"enum",values:{vector:{}}},url:{type:"string"},tiles:{type:"array",value:"string"},bounds:{type:"array",value:"number",length:4,default:[-180,-85.051129,180,85.051129]},scheme:{type:"enum",values:{xyz:{},tms:{}},default:"xyz"},minzoom:{type:"number",default:0},maxzoom:{type:"number",default:22},attribution:{type:"string"},promoteId:{type:"promoteId"},"*":{type:"*"}},source_raster:{type:{required:!0,type:"enum",values:{raster:{}}},url:{type:"string"},tiles:{type:"array",value:"string"},bounds:{type:"array",value:"number",length:4,default:[-180,-85.051129,180,85.051129]},minzoom:{type:"number",default:0},maxzoom:{type:"number",default:22},tileSize:{type:"number",default:512,units:"pixels"},scheme:{type:"enum",values:{xyz:{},tms:{}},default:"xyz"},attribution:{type:"string"},"*":{type:"*"}},source_raster_dem:{type:{required:!0,type:"enum",values:{"raster-dem":{}}},url:{type:"string"},tiles:{type:"array",value:"string"},bounds:{type:"array",value:"number",length:4,default:[-180,-85.051129,180,85.051129]},minzoom:{type:"number",default:0},maxzoom:{type:"number",default:22},tileSize:{type:"number",default:512,units:"pixels"},attribution:{type:"string"},encoding:{type:"enum",values:{terrarium:{},mapbox:{}},default:"mapbox"},"*":{type:"*"}},source_geojson:{type:{required:!0,type:"enum",values:{geojson:{}}},data:{type:"*"},maxzoom:{type:"number",default:18},attribution:{type:"string"},buffer:{type:"number",default:128,maximum:512,minimum:0},tolerance:{type:"number",default:.375},cluster:{type:"boolean",default:!1},clusterRadius:{type:"number",default:50,minimum:0},clusterMaxZoom:{type:"number"},clusterProperties:{type:"*"},lineMetrics:{type:"boolean",default:!1},generateId:{type:"boolean",default:!1},promoteId:{type:"promoteId"}},source_video:{type:{required:!0,type:"enum",values:{video:{}}},urls:{required:!0,type:"array",value:"string"},coordinates:{required:!0,type:"array",length:4,value:{type:"array",length:2,value:"number"}}},source_image:{type:{required:!0,type:"enum",values:{image:{}}},url:{required:!0,type:"string"},coordinates:{required:!0,type:"array",length:4,value:{type:"array",length:2,value:"number"}}},layer:{id:{type:"string",required:!0},type:{type:"enum",values:{fill:{},line:{},symbol:{},circle:{},heatmap:{},"fill-extrusion":{},raster:{},hillshade:{},background:{}},required:!0},metadata:{type:"*"},source:{type:"string"},"source-layer":{type:"string"},minzoom:{type:"number",minimum:0,maximum:24},maxzoom:{type:"number",minimum:0,maximum:24},filter:{type:"filter"},layout:{type:"layout"},paint:{type:"paint"}},layout:["layout_fill","layout_line","layout_circle","layout_heatmap","layout_fill-extrusion","layout_symbol","layout_raster","layout_hillshade","layout_background"],layout_background:{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_fill:{"fill-sort-key":{type:"number",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_circle:{"circle-sort-key":{type:"number",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_heatmap:{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},"layout_fill-extrusion":{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_line:{"line-cap":{type:"enum",values:{butt:{},round:{},square:{}},default:"butt",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"line-join":{type:"enum",values:{bevel:{},round:{},miter:{}},default:"miter",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"line-miter-limit":{type:"number",default:2,requires:[{"line-join":"miter"}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"line-round-limit":{type:"number",default:1.05,requires:[{"line-join":"round"}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"line-sort-key":{type:"number",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_symbol:{"symbol-placement":{type:"enum",values:{point:{},line:{},"line-center":{}},default:"point",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"symbol-spacing":{type:"number",default:250,minimum:1,units:"pixels",requires:[{"symbol-placement":"line"}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"symbol-avoid-edges":{type:"boolean",default:!1,expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"symbol-sort-key":{type:"number",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"symbol-z-order":{type:"enum",values:{auto:{},"viewport-y":{},source:{}},default:"auto",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-allow-overlap":{type:"boolean",default:!1,requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-ignore-placement":{type:"boolean",default:!1,requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-optional":{type:"boolean",default:!1,requires:["icon-image","text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-rotation-alignment":{type:"enum",values:{map:{},viewport:{},auto:{}},default:"auto",requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-size":{type:"number",default:1,minimum:0,units:"factor of the original icon size",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-text-fit":{type:"enum",values:{none:{},width:{},height:{},both:{}},default:"none",requires:["icon-image","text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-text-fit-padding":{type:"array",value:"number",length:4,default:[0,0,0,0],units:"pixels",requires:["icon-image","text-field",{"icon-text-fit":["both","width","height"]}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"icon-image":{type:"resolvedImage",tokens:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-rotate":{type:"number",default:0,period:360,units:"degrees",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-padding":{type:"number",default:2,minimum:0,units:"pixels",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"icon-keep-upright":{type:"boolean",default:!1,requires:["icon-image",{"icon-rotation-alignment":"map"},{"symbol-placement":["line","line-center"]}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-offset":{type:"array",value:"number",length:2,default:[0,0],requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-anchor":{type:"enum",values:{center:{},left:{},right:{},top:{},bottom:{},"top-left":{},"top-right":{},"bottom-left":{},"bottom-right":{}},default:"center",requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-pitch-alignment":{type:"enum",values:{map:{},viewport:{},auto:{}},default:"auto",requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-pitch-alignment":{type:"enum",values:{map:{},viewport:{},auto:{}},default:"auto",requires:["text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-rotation-alignment":{type:"enum",values:{map:{},viewport:{},auto:{}},default:"auto",requires:["text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-field":{type:"formatted",default:"",tokens:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-font":{type:"array",value:"string",default:["Open Sans Regular","Arial Unicode MS Regular"],requires:["text-field"],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-size":{type:"number",default:16,minimum:0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-max-width":{type:"number",default:10,minimum:0,units:"ems",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-line-height":{type:"number",default:1.2,units:"ems",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"text-letter-spacing":{type:"number",default:0,units:"ems",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-justify":{type:"enum",values:{auto:{},left:{},center:{},right:{}},default:"center",requires:["text-field"],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-radial-offset":{type:"number",units:"ems",default:0,requires:["text-field"],"property-type":"data-driven",expression:{interpolated:!0,parameters:["zoom","feature"]}},"text-variable-anchor":{type:"array",value:"enum",values:{center:{},left:{},right:{},top:{},bottom:{},"top-left":{},"top-right":{},"bottom-left":{},"bottom-right":{}},requires:["text-field",{"symbol-placement":["point"]}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-anchor":{type:"enum",values:{center:{},left:{},right:{},top:{},bottom:{},"top-left":{},"top-right":{},"bottom-left":{},"bottom-right":{}},default:"center",requires:["text-field",{"!":"text-variable-anchor"}],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-max-angle":{type:"number",default:45,units:"degrees",requires:["text-field",{"symbol-placement":["line","line-center"]}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"text-writing-mode":{type:"array",value:"enum",values:{horizontal:{},vertical:{}},requires:["text-field",{"symbol-placement":["point"]}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-rotate":{type:"number",default:0,period:360,units:"degrees",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-padding":{type:"number",default:2,minimum:0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"text-keep-upright":{type:"boolean",default:!0,requires:["text-field",{"text-rotation-alignment":"map"},{"symbol-placement":["line","line-center"]}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-transform":{type:"enum",values:{none:{},uppercase:{},lowercase:{}},default:"none",requires:["text-field"],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-offset":{type:"array",value:"number",units:"ems",length:2,default:[0,0],requires:["text-field",{"!":"text-radial-offset"}],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-allow-overlap":{type:"boolean",default:!1,requires:["text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-ignore-placement":{type:"boolean",default:!1,requires:["text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-optional":{type:"boolean",default:!1,requires:["text-field","icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_raster:{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_hillshade:{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},filter:{type:"array",value:"*"},filter_operator:{type:"enum",values:{"==":{},"!=":{},">":{},">=":{},"<":{},"<=":{},in:{},"!in":{},all:{},any:{},none:{},has:{},"!has":{},within:{}}},geometry_type:{type:"enum",values:{Point:{},LineString:{},Polygon:{}}},function:{expression:{type:"expression"},stops:{type:"array",value:"function_stop"},base:{type:"number",default:1,minimum:0},property:{type:"string",default:"$zoom"},type:{type:"enum",values:{identity:{},exponential:{},interval:{},categorical:{}},default:"exponential"},colorSpace:{type:"enum",values:{rgb:{},lab:{},hcl:{}},default:"rgb"},default:{type:"*",required:!1}},function_stop:{type:"array",minimum:0,maximum:24,value:["number","color"],length:2},expression:{type:"array",value:"*",minimum:1},expression_name:{type:"enum",values:{let:{group:"Variable binding"},var:{group:"Variable binding"},literal:{group:"Types"},array:{group:"Types"},at:{group:"Lookup"},in:{group:"Lookup"},"index-of":{group:"Lookup"},slice:{group:"Lookup"},case:{group:"Decision"},match:{group:"Decision"},coalesce:{group:"Decision"},step:{group:"Ramps, scales, curves"},interpolate:{group:"Ramps, scales, curves"},"interpolate-hcl":{group:"Ramps, scales, curves"},"interpolate-lab":{group:"Ramps, scales, curves"},ln2:{group:"Math"},pi:{group:"Math"},e:{group:"Math"},typeof:{group:"Types"},string:{group:"Types"},number:{group:"Types"},boolean:{group:"Types"},object:{group:"Types"},collator:{group:"Types"},format:{group:"Types"},image:{group:"Types"},"number-format":{group:"Types"},"to-string":{group:"Types"},"to-number":{group:"Types"},"to-boolean":{group:"Types"},"to-rgba":{group:"Color"},"to-color":{group:"Types"},rgb:{group:"Color"},rgba:{group:"Color"},get:{group:"Lookup"},has:{group:"Lookup"},length:{group:"Lookup"},properties:{group:"Feature data"},"feature-state":{group:"Feature data"},"geometry-type":{group:"Feature data"},id:{group:"Feature data"},zoom:{group:"Zoom"},"heatmap-density":{group:"Heatmap"},"line-progress":{group:"Feature data"},accumulated:{group:"Feature data"},"+":{group:"Math"},"*":{group:"Math"},"-":{group:"Math"},"/":{group:"Math"},"%":{group:"Math"},"^":{group:"Math"},sqrt:{group:"Math"},log10:{group:"Math"},ln:{group:"Math"},log2:{group:"Math"},sin:{group:"Math"},cos:{group:"Math"},tan:{group:"Math"},asin:{group:"Math"},acos:{group:"Math"},atan:{group:"Math"},min:{group:"Math"},max:{group:"Math"},round:{group:"Math"},abs:{group:"Math"},ceil:{group:"Math"},floor:{group:"Math"},distance:{group:"Math"},"==":{group:"Decision"},"!=":{group:"Decision"},">":{group:"Decision"},"<":{group:"Decision"},">=":{group:"Decision"},"<=":{group:"Decision"},all:{group:"Decision"},any:{group:"Decision"},"!":{group:"Decision"},within:{group:"Decision"},"is-supported-script":{group:"String"},upcase:{group:"String"},downcase:{group:"String"},concat:{group:"String"},"resolved-locale":{group:"String"}}},light:{anchor:{type:"enum",default:"viewport",values:{map:{},viewport:{}},"property-type":"data-constant",transition:!1,expression:{interpolated:!1,parameters:["zoom"]}},position:{type:"array",default:[1.15,210,30],length:3,value:"number","property-type":"data-constant",transition:!0,expression:{interpolated:!0,parameters:["zoom"]}},color:{type:"color","property-type":"data-constant",default:"#ffffff",expression:{interpolated:!0,parameters:["zoom"]},transition:!0},intensity:{type:"number","property-type":"data-constant",default:.5,minimum:0,maximum:1,expression:{interpolated:!0,parameters:["zoom"]},transition:!0}},paint:["paint_fill","paint_line","paint_circle","paint_heatmap","paint_fill-extrusion","paint_symbol","paint_raster","paint_hillshade","paint_background"],paint_fill:{"fill-antialias":{type:"boolean",default:!0,expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"fill-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-color":{type:"color",default:"#000000",transition:!0,requires:[{"!":"fill-pattern"}],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-outline-color":{type:"color",transition:!0,requires:[{"!":"fill-pattern"},{"fill-antialias":!0}],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"fill-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["fill-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"fill-pattern":{type:"resolvedImage",transition:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"cross-faded-data-driven"}},"paint_fill-extrusion":{"fill-extrusion-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"fill-extrusion-color":{type:"color",default:"#000000",transition:!0,requires:[{"!":"fill-extrusion-pattern"}],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-extrusion-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"fill-extrusion-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["fill-extrusion-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"fill-extrusion-pattern":{type:"resolvedImage",transition:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"cross-faded-data-driven"},"fill-extrusion-height":{type:"number",default:0,minimum:0,units:"meters",transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-extrusion-base":{type:"number",default:0,minimum:0,units:"meters",transition:!0,requires:["fill-extrusion-height"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-extrusion-vertical-gradient":{type:"boolean",default:!0,transition:!1,expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"}},paint_line:{"line-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-color":{type:"color",default:"#000000",transition:!0,requires:[{"!":"line-pattern"}],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"line-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["line-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"line-width":{type:"number",default:1,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-gap-width":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-offset":{type:"number",default:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-blur":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-dasharray":{type:"array",value:"number",minimum:0,transition:!0,units:"line widths",requires:[{"!":"line-pattern"}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"cross-faded"},"line-pattern":{type:"resolvedImage",transition:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"cross-faded-data-driven"},"line-gradient":{type:"color",transition:!1,requires:[{"!":"line-dasharray"},{"!":"line-pattern"},{source:"geojson",has:{lineMetrics:!0}}],expression:{interpolated:!0,parameters:["line-progress"]},"property-type":"color-ramp"}},paint_circle:{"circle-radius":{type:"number",default:5,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-color":{type:"color",default:"#000000",transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-blur":{type:"number",default:0,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"circle-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["circle-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"circle-pitch-scale":{type:"enum",values:{map:{},viewport:{}},default:"map",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"circle-pitch-alignment":{type:"enum",values:{map:{},viewport:{}},default:"viewport",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"circle-stroke-width":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-stroke-color":{type:"color",default:"#000000",transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-stroke-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"}},paint_heatmap:{"heatmap-radius":{type:"number",default:30,minimum:1,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"heatmap-weight":{type:"number",default:1,minimum:0,transition:!1,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"heatmap-intensity":{type:"number",default:1,minimum:0,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"heatmap-color":{type:"color",default:["interpolate",["linear"],["heatmap-density"],0,"rgba(0, 0, 255, 0)",.1,"royalblue",.3,"cyan",.5,"lime",.7,"yellow",1,"red"],transition:!1,expression:{interpolated:!0,parameters:["heatmap-density"]},"property-type":"color-ramp"},"heatmap-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"}},paint_symbol:{"icon-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-color":{type:"color",default:"#000000",transition:!0,requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-halo-color":{type:"color",default:"rgba(0, 0, 0, 0)",transition:!0,requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-halo-width":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-halo-blur":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"icon-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["icon-image","icon-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-color":{type:"color",default:"#000000",transition:!0,overridable:!0,requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-halo-color":{type:"color",default:"rgba(0, 0, 0, 0)",transition:!0,requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-halo-width":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-halo-blur":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"text-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["text-field","text-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"}},paint_raster:{"raster-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-hue-rotate":{type:"number",default:0,period:360,transition:!0,units:"degrees",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-brightness-min":{type:"number",default:0,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-brightness-max":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-saturation":{type:"number",default:0,minimum:-1,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-contrast":{type:"number",default:0,minimum:-1,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-resampling":{type:"enum",values:{linear:{},nearest:{}},default:"linear",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"raster-fade-duration":{type:"number",default:300,minimum:0,transition:!1,units:"milliseconds",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"}},paint_hillshade:{"hillshade-illumination-direction":{type:"number",default:335,minimum:0,maximum:359,transition:!1,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-illumination-anchor":{type:"enum",values:{map:{},viewport:{}},default:"viewport",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-exaggeration":{type:"number",default:.5,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-shadow-color":{type:"color",default:"#000000",transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-highlight-color":{type:"color",default:"#FFFFFF",transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-accent-color":{type:"color",default:"#000000",transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"}},paint_background:{"background-color":{type:"color",default:"#000000",transition:!0,requires:[{"!":"background-pattern"}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"background-pattern":{type:"resolvedImage",transition:!0,expression:{interpolated:!1,parameters:["zoom"]},"property-type":"cross-faded"},"background-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"}},transition:{duration:{type:"number",default:300,minimum:0,units:"milliseconds"},delay:{type:"number",default:0,minimum:0,units:"milliseconds"}},"property-type":{"data-driven":{type:"property-type"},"cross-faded":{type:"property-type"},"cross-faded-data-driven":{type:"property-type"},"color-ramp":{type:"property-type"},"data-constant":{type:"property-type"},constant:{type:"property-type"}},promoteId:{"*":{type:"string"}}},St=function(t,e,r,n){this.message=(t?t+": ":"")+r,n&&(this.identifier=n),null!=e&&e.__line__&&(this.line=e.__line__)};function Et(t){var e=t.value;return e?[new St(t.key,e,"constants have been deprecated as of v8")]:[]}function Ct(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];for(var n=0,i=e;n":"value"===t.itemType.kind?"array":"array<"+e+">"}return t.kind}var Yt=[Ot,Dt,Rt,Ft,Bt,Vt,Nt,Ht(jt),qt];function Wt(t,e){if("error"===e.kind)return null;if("array"===t.kind){if("array"===e.kind&&(0===e.N&&"value"===e.itemType.kind||!Wt(t.itemType,e.itemType))&&("number"!=typeof t.N||t.N===e.N))return null}else{if(t.kind===e.kind)return null;if("value"===t.kind)for(var r=0,n=Yt;r255?255:t}function i(t){return n("%"===t[t.length-1]?parseFloat(t)/100*255:parseInt(t))}function a(t){return(e="%"===t[t.length-1]?parseFloat(t)/100:parseFloat(t))<0?0:e>1?1:e;var e}function o(t,e,r){return r<0?r+=1:r>1&&(r-=1),6*r<1?t+(e-t)*r*6:2*r<1?e:3*r<2?t+(e-t)*(2/3-r)*6:t}try{e.parseCSSColor=function(t){var e,s=t.replace(/ /g,"").toLowerCase();if(s in r)return r[s].slice();if("#"===s[0])return 4===s.length?(e=parseInt(s.substr(1),16))>=0&&e<=4095?[(3840&e)>>4|(3840&e)>>8,240&e|(240&e)>>4,15&e|(15&e)<<4,1]:null:7===s.length&&(e=parseInt(s.substr(1),16))>=0&&e<=16777215?[(16711680&e)>>16,(65280&e)>>8,255&e,1]:null;var l=s.indexOf("("),c=s.indexOf(")");if(-1!==l&&c+1===s.length){var u=s.substr(0,l),f=s.substr(l+1,c-(l+1)).split(","),h=1;switch(u){case"rgba":if(4!==f.length)return null;h=a(f.pop());case"rgb":return 3!==f.length?null:[i(f[0]),i(f[1]),i(f[2]),h];case"hsla":if(4!==f.length)return null;h=a(f.pop());case"hsl":if(3!==f.length)return null;var p=(parseFloat(f[0])%360+360)%360/360,d=a(f[1]),g=a(f[2]),m=g<=.5?g*(d+1):g+d-g*d,v=2*g-m;return[n(255*o(v,m,p+1/3)),n(255*o(v,m,p)),n(255*o(v,m,p-1/3)),h];default:return null}}return null}}catch(t){}})).parseCSSColor,Kt=function(t,e,r,n){void 0===n&&(n=1),this.r=t,this.g=e,this.b=r,this.a=n};Kt.parse=function(t){if(t){if(t instanceof Kt)return t;if("string"==typeof t){var e=Jt(t);if(e)return new Kt(e[0]/255*e[3],e[1]/255*e[3],e[2]/255*e[3],e[3])}}},Kt.prototype.toString=function(){var t=this.toArray(),e=t[1],r=t[2],n=t[3];return"rgba("+Math.round(t[0])+","+Math.round(e)+","+Math.round(r)+","+n+")"},Kt.prototype.toArray=function(){var t=this.a;return 0===t?[0,0,0,0]:[255*this.r/t,255*this.g/t,255*this.b/t,t]},Kt.black=new Kt(0,0,0,1),Kt.white=new Kt(1,1,1,1),Kt.transparent=new Kt(0,0,0,0),Kt.red=new Kt(1,0,0,1);var Qt=function(t,e,r){this.sensitivity=t?e?"variant":"case":e?"accent":"base",this.locale=r,this.collator=new Intl.Collator(this.locale?this.locale:[],{sensitivity:this.sensitivity,usage:"search"})};Qt.prototype.compare=function(t,e){return this.collator.compare(t,e)},Qt.prototype.resolvedLocale=function(){return new Intl.Collator(this.locale?this.locale:[]).resolvedOptions().locale};var $t=function(t,e,r,n,i){this.text=t,this.image=e,this.scale=r,this.fontStack=n,this.textColor=i},te=function(t){this.sections=t};te.fromString=function(t){return new te([new $t(t,null,null,null,null)])},te.prototype.isEmpty=function(){return 0===this.sections.length||!this.sections.some((function(t){return 0!==t.text.length||t.image&&0!==t.image.name.length}))},te.factory=function(t){return t instanceof te?t:te.fromString(t)},te.prototype.toString=function(){return 0===this.sections.length?"":this.sections.map((function(t){return t.text})).join("")},te.prototype.serialize=function(){for(var t=["format"],e=0,r=this.sections;e=0&&t<=255&&"number"==typeof e&&e>=0&&e<=255&&"number"==typeof r&&r>=0&&r<=255?void 0===n||"number"==typeof n&&n>=0&&n<=1?null:"Invalid rgba value ["+[t,e,r,n].join(", ")+"]: 'a' must be between 0 and 1.":"Invalid rgba value ["+("number"==typeof n?[t,e,r,n]:[t,e,r]).join(", ")+"]: 'r', 'g', and 'b' must be between 0 and 255."}function ne(t){if(null===t)return!0;if("string"==typeof t)return!0;if("boolean"==typeof t)return!0;if("number"==typeof t)return!0;if(t instanceof Kt)return!0;if(t instanceof Qt)return!0;if(t instanceof te)return!0;if(t instanceof ee)return!0;if(Array.isArray(t)){for(var e=0,r=t;e2){var s=t[1];if("string"!=typeof s||!(s in le)||"object"===s)return e.error('The item type argument of "array" must be one of string, number, boolean',1);a=le[s],n++}else a=jt;if(t.length>3){if(null!==t[2]&&("number"!=typeof t[2]||t[2]<0||t[2]!==Math.floor(t[2])))return e.error('The length argument to "array" must be a positive integer literal',2);o=t[2],n++}r=Ht(a,o)}else r=le[i];for(var l=[];n1)&&e.push(n)}}return e.concat(this.args.map((function(t){return t.serialize()})))};var ue=function(t){this.type=Vt,this.sections=t};ue.parse=function(t,e){if(t.length<2)return e.error("Expected at least one argument.");var r=t[1];if(!Array.isArray(r)&&"object"==typeof r)return e.error("First argument must be an image or text section.");for(var n=[],i=!1,a=1;a<=t.length-1;++a){var o=t[a];if(i&&"object"==typeof o&&!Array.isArray(o)){i=!1;var s=null;if(o["font-scale"]&&!(s=e.parse(o["font-scale"],1,Dt)))return null;var l=null;if(o["text-font"]&&!(l=e.parse(o["text-font"],1,Ht(Rt))))return null;var c=null;if(o["text-color"]&&!(c=e.parse(o["text-color"],1,Bt)))return null;var u=n[n.length-1];u.scale=s,u.font=l,u.textColor=c}else{var f=e.parse(t[a],1,jt);if(!f)return null;var h=f.type.kind;if("string"!==h&&"value"!==h&&"null"!==h&&"resolvedImage"!==h)return e.error("Formatted text type must be 'string', 'value', 'image' or 'null'.");i=!0,n.push({content:f,scale:null,font:null,textColor:null})}}return new ue(n)},ue.prototype.evaluate=function(t){return new te(this.sections.map((function(e){var r=e.content.evaluate(t);return ie(r)===qt?new $t("",r,null,null,null):new $t(ae(r),null,e.scale?e.scale.evaluate(t):null,e.font?e.font.evaluate(t).join(","):null,e.textColor?e.textColor.evaluate(t):null)})))},ue.prototype.eachChild=function(t){for(var e=0,r=this.sections;e-1),r},fe.prototype.eachChild=function(t){t(this.input)},fe.prototype.outputDefined=function(){return!1},fe.prototype.serialize=function(){return["image",this.input.serialize()]};var he={"to-boolean":Ft,"to-color":Bt,"to-number":Dt,"to-string":Rt},pe=function(t,e){this.type=t,this.args=e};pe.parse=function(t,e){if(t.length<2)return e.error("Expected at least one argument.");var r=t[0];if(("to-boolean"===r||"to-string"===r)&&2!==t.length)return e.error("Expected one argument.");for(var n=he[r],i=[],a=1;a4?"Invalid rbga value "+JSON.stringify(e)+": expected an array containing either three or four numeric values.":re(e[0],e[1],e[2],e[3])))return new Kt(e[0]/255,e[1]/255,e[2]/255,e[3])}throw new se(r||"Could not parse color from value '"+("string"==typeof e?e:String(JSON.stringify(e)))+"'")}if("number"===this.type.kind){for(var o=null,s=0,l=this.args;s=e[2]||t[1]<=e[1]||t[3]>=e[3])}function be(t,e){var r=(180+t[0])/360,n=(180-180/Math.PI*Math.log(Math.tan(Math.PI/4+t[1]*Math.PI/360)))/360,i=Math.pow(2,e.z);return[Math.round(r*i*8192),Math.round(n*i*8192)]}function _e(t,e,r){return e[1]>t[1]!=r[1]>t[1]&&t[0]<(r[0]-e[0])*(t[1]-e[1])/(r[1]-e[1])+e[0]}function we(t,e){for(var r,n,i,a,o,s,l,c=!1,u=0,f=e.length;u0&&s<0||o<0&&s>0}function Me(t,e,r){for(var n=0,i=r;nr[2]){var i=.5*n,a=t[0]-r[0]>i?-n:r[0]-t[0]>i?n:0;0===a&&(a=t[0]-r[2]>i?-n:r[2]-t[0]>i?n:0),t[0]+=a}ye(e,t)}function Ie(t,e,r,n){for(var i=8192*Math.pow(2,n.z),a=[8192*n.x,8192*n.y],o=[],s=0,l=t;s=0)return!1;var r=!0;return t.eachChild((function(t){r&&!Re(t,e)&&(r=!1)})),r}ze.parse=function(t,e){if(2!==t.length)return e.error("'within' expression requires exactly one argument, but found "+(t.length-1)+" instead.");if(ne(t[1])){var r=t[1];if("FeatureCollection"===r.type)for(var n=0;ne))throw new se("Input is not a number.");a=o-1}return 0}Be.prototype.parse=function(t,e,r,n,i){return void 0===i&&(i={}),e?this.concat(e,r,n)._parse(t,i):this._parse(t,i)},Be.prototype._parse=function(t,e){function r(t,e,r){return"assert"===r?new ce(e,[t]):"coerce"===r?new pe(e,[t]):t}if(null!==t&&"string"!=typeof t&&"boolean"!=typeof t&&"number"!=typeof t||(t=["literal",t]),Array.isArray(t)){if(0===t.length)return this.error('Expected an array with at least one element. If you wanted a literal array, use ["literal", []].');var n=t[0];if("string"!=typeof n)return this.error("Expression name must be a string, but found "+typeof n+' instead. If you wanted a literal array, use ["literal", [...]].',0),null;var i=this.registry[n];if(i){var a=i.parse(t,this);if(!a)return null;if(this.expectedType){var o=this.expectedType,s=a.type;if("string"!==o.kind&&"number"!==o.kind&&"boolean"!==o.kind&&"object"!==o.kind&&"array"!==o.kind||"value"!==s.kind)if("color"!==o.kind&&"formatted"!==o.kind&&"resolvedImage"!==o.kind||"value"!==s.kind&&"string"!==s.kind){if(this.checkSubtype(o,s))return null}else a=r(a,o,e.typeAnnotation||"coerce");else a=r(a,o,e.typeAnnotation||"assert")}if(!(a instanceof oe)&&"resolvedImage"!==a.type.kind&&function t(e){if(e instanceof Fe)return t(e.boundExpression);if(e instanceof me&&"error"===e.name)return!1;if(e instanceof ve)return!1;if(e instanceof ze)return!1;var r=e instanceof pe||e instanceof ce,n=!0;return e.eachChild((function(e){n=r?n&&t(e):n&&e instanceof oe})),!!n&&Oe(e)&&Re(e,["zoom","heatmap-density","line-progress","accumulated","is-supported-script"])}(a)){var l=new ge;try{a=new oe(a.type,a.evaluate(l))}catch(t){return this.error(t.message),null}}return a}return this.error('Unknown expression "'+n+'". If you wanted a literal array, use ["literal", [...]].',0)}return this.error(void 0===t?"'undefined' value invalid. Use null instead.":"object"==typeof t?'Bare objects invalid. Use ["literal", {...}] instead.':"Expected an array, but found "+typeof t+" instead.")},Be.prototype.concat=function(t,e,r){var n="number"==typeof t?this.path.concat(t):this.path,i=r?this.scope.concat(r):this.scope;return new Be(this.registry,n,e||null,i,this.errors)},Be.prototype.error=function(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];var n=""+this.key+e.map((function(t){return"["+t+"]"})).join("");this.errors.push(new Pt(n,t))},Be.prototype.checkSubtype=function(t,e){var r=Wt(t,e);return r&&this.error(r),r};var je=function(t,e,r){this.type=t,this.input=e,this.labels=[],this.outputs=[];for(var n=0,i=r;n=o)return e.error('Input/output pairs for "step" expressions must be arranged with input values in strictly ascending order.',l);var u=e.parse(s,c,i);if(!u)return null;i=i||u.type,n.push([o,u])}return new je(i,r,n)},je.prototype.evaluate=function(t){var e=this.labels,r=this.outputs;if(1===e.length)return r[0].evaluate(t);var n=this.input.evaluate(t);if(n<=e[0])return r[0].evaluate(t);var i=e.length;return n>=e[i-1]?r[i-1].evaluate(t):r[Ne(e,n)].evaluate(t)},je.prototype.eachChild=function(t){t(this.input);for(var e=0,r=this.outputs;e0&&t.push(this.labels[e]),t.push(this.outputs[e].serialize());return t};var Ve=Object.freeze({__proto__:null,number:Ue,color:function(t,e,r){return new Kt(Ue(t.r,e.r,r),Ue(t.g,e.g,r),Ue(t.b,e.b,r),Ue(t.a,e.a,r))},array:function(t,e,r){return t.map((function(t,n){return Ue(t,e[n],r)}))}}),qe=6/29*3*(6/29),He=Math.PI/180,Ge=180/Math.PI;function Ye(t){return t>.008856451679035631?Math.pow(t,1/3):t/qe+4/29}function We(t){return t>6/29?t*t*t:qe*(t-4/29)}function Xe(t){return 255*(t<=.0031308?12.92*t:1.055*Math.pow(t,1/2.4)-.055)}function Ze(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function Je(t){var e=Ze(t.r),r=Ze(t.g),n=Ze(t.b),i=Ye((.4124564*e+.3575761*r+.1804375*n)/.95047),a=Ye((.2126729*e+.7151522*r+.072175*n)/1);return{l:116*a-16,a:500*(i-a),b:200*(a-Ye((.0193339*e+.119192*r+.9503041*n)/1.08883)),alpha:t.a}}function Ke(t){var e=(t.l+16)/116,r=isNaN(t.a)?e:e+t.a/500,n=isNaN(t.b)?e:e-t.b/200;return e=1*We(e),r=.95047*We(r),n=1.08883*We(n),new Kt(Xe(3.2404542*r-1.5371385*e-.4985314*n),Xe(-.969266*r+1.8760108*e+.041556*n),Xe(.0556434*r-.2040259*e+1.0572252*n),t.alpha)}function Qe(t,e,r){var n=e-t;return t+r*(n>180||n<-180?n-360*Math.round(n/360):n)}var $e={forward:Je,reverse:Ke,interpolate:function(t,e,r){return{l:Ue(t.l,e.l,r),a:Ue(t.a,e.a,r),b:Ue(t.b,e.b,r),alpha:Ue(t.alpha,e.alpha,r)}}},tr={forward:function(t){var e=Je(t),r=e.l,n=e.a,i=e.b,a=Math.atan2(i,n)*Ge;return{h:a<0?a+360:a,c:Math.sqrt(n*n+i*i),l:r,alpha:t.a}},reverse:function(t){var e=t.h*He,r=t.c;return Ke({l:t.l,a:Math.cos(e)*r,b:Math.sin(e)*r,alpha:t.alpha})},interpolate:function(t,e,r){return{h:Qe(t.h,e.h,r),c:Ue(t.c,e.c,r),l:Ue(t.l,e.l,r),alpha:Ue(t.alpha,e.alpha,r)}}},er=Object.freeze({__proto__:null,lab:$e,hcl:tr}),rr=function(t,e,r,n,i){this.type=t,this.operator=e,this.interpolation=r,this.input=n,this.labels=[],this.outputs=[];for(var a=0,o=i;a1})))return e.error("Cubic bezier interpolation requires four numeric arguments with values between 0 and 1.",1);n={name:"cubic-bezier",controlPoints:s}}if(t.length-1<4)return e.error("Expected at least 4 arguments, but found only "+(t.length-1)+".");if((t.length-1)%2!=0)return e.error("Expected an even number of arguments.");if(!(i=e.parse(i,2,Dt)))return null;var l=[],c=null;"interpolate-hcl"===r||"interpolate-lab"===r?c=Bt:e.expectedType&&"value"!==e.expectedType.kind&&(c=e.expectedType);for(var u=0;u=f)return e.error('Input/output pairs for "interpolate" expressions must be arranged with input values in strictly ascending order.',p);var g=e.parse(h,d,c);if(!g)return null;c=c||g.type,l.push([f,g])}return"number"===c.kind||"color"===c.kind||"array"===c.kind&&"number"===c.itemType.kind&&"number"==typeof c.N?new rr(c,r,n,i,l):e.error("Type "+Gt(c)+" is not interpolatable.")},rr.prototype.evaluate=function(t){var e=this.labels,r=this.outputs;if(1===e.length)return r[0].evaluate(t);var n=this.input.evaluate(t);if(n<=e[0])return r[0].evaluate(t);var i=e.length;if(n>=e[i-1])return r[i-1].evaluate(t);var a=Ne(e,n),o=rr.interpolationFactor(this.interpolation,n,e[a],e[a+1]),s=r[a].evaluate(t),l=r[a+1].evaluate(t);return"interpolate"===this.operator?Ve[this.type.kind.toLowerCase()](s,l,o):"interpolate-hcl"===this.operator?tr.reverse(tr.interpolate(tr.forward(s),tr.forward(l),o)):$e.reverse($e.interpolate($e.forward(s),$e.forward(l),o))},rr.prototype.eachChild=function(t){t(this.input);for(var e=0,r=this.outputs;e=r.length)throw new se("Array index out of bounds: "+e+" > "+(r.length-1)+".");if(e!==Math.floor(e))throw new se("Array index must be an integer, but found "+e+" instead.");return r[e]},or.prototype.eachChild=function(t){t(this.index),t(this.input)},or.prototype.outputDefined=function(){return!1},or.prototype.serialize=function(){return["at",this.index.serialize(),this.input.serialize()]};var sr=function(t,e){this.type=Ft,this.needle=t,this.haystack=e};sr.parse=function(t,e){if(3!==t.length)return e.error("Expected 2 arguments, but found "+(t.length-1)+" instead.");var r=e.parse(t[1],1,jt),n=e.parse(t[2],2,jt);return r&&n?Xt(r.type,[Ft,Rt,Dt,Ot,jt])?new sr(r,n):e.error("Expected first argument to be of type boolean, string, number or null, but found "+Gt(r.type)+" instead"):null},sr.prototype.evaluate=function(t){var e=this.needle.evaluate(t),r=this.haystack.evaluate(t);if(!r)return!1;if(!Zt(e,["boolean","string","number","null"]))throw new se("Expected first argument to be of type boolean, string, number or null, but found "+Gt(ie(e))+" instead.");if(!Zt(r,["string","array"]))throw new se("Expected second argument to be of type array or string, but found "+Gt(ie(r))+" instead.");return r.indexOf(e)>=0},sr.prototype.eachChild=function(t){t(this.needle),t(this.haystack)},sr.prototype.outputDefined=function(){return!0},sr.prototype.serialize=function(){return["in",this.needle.serialize(),this.haystack.serialize()]};var lr=function(t,e,r){this.type=Dt,this.needle=t,this.haystack=e,this.fromIndex=r};lr.parse=function(t,e){if(t.length<=2||t.length>=5)return e.error("Expected 3 or 4 arguments, but found "+(t.length-1)+" instead.");var r=e.parse(t[1],1,jt),n=e.parse(t[2],2,jt);if(!r||!n)return null;if(!Xt(r.type,[Ft,Rt,Dt,Ot,jt]))return e.error("Expected first argument to be of type boolean, string, number or null, but found "+Gt(r.type)+" instead");if(4===t.length){var i=e.parse(t[3],3,Dt);return i?new lr(r,n,i):null}return new lr(r,n)},lr.prototype.evaluate=function(t){var e=this.needle.evaluate(t),r=this.haystack.evaluate(t);if(!Zt(e,["boolean","string","number","null"]))throw new se("Expected first argument to be of type boolean, string, number or null, but found "+Gt(ie(e))+" instead.");if(!Zt(r,["string","array"]))throw new se("Expected second argument to be of type array or string, but found "+Gt(ie(r))+" instead.");if(this.fromIndex){var n=this.fromIndex.evaluate(t);return r.indexOf(e,n)}return r.indexOf(e)},lr.prototype.eachChild=function(t){t(this.needle),t(this.haystack),this.fromIndex&&t(this.fromIndex)},lr.prototype.outputDefined=function(){return!1},lr.prototype.serialize=function(){if(null!=this.fromIndex&&void 0!==this.fromIndex){var t=this.fromIndex.serialize();return["index-of",this.needle.serialize(),this.haystack.serialize(),t]}return["index-of",this.needle.serialize(),this.haystack.serialize()]};var cr=function(t,e,r,n,i,a){this.inputType=t,this.type=e,this.input=r,this.cases=n,this.outputs=i,this.otherwise=a};cr.parse=function(t,e){if(t.length<5)return e.error("Expected at least 4 arguments, but found only "+(t.length-1)+".");if(t.length%2!=1)return e.error("Expected an even number of arguments.");var r,n;e.expectedType&&"value"!==e.expectedType.kind&&(n=e.expectedType);for(var i={},a=[],o=2;oNumber.MAX_SAFE_INTEGER)return c.error("Branch labels must be integers no larger than "+Number.MAX_SAFE_INTEGER+".");if("number"==typeof h&&Math.floor(h)!==h)return c.error("Numeric branch labels must be integer values.");if(r){if(c.checkSubtype(r,ie(h)))return null}else r=ie(h);if(void 0!==i[String(h)])return c.error("Branch labels must be unique.");i[String(h)]=a.length}var p=e.parse(l,o,n);if(!p)return null;n=n||p.type,a.push(p)}var d=e.parse(t[1],1,jt);if(!d)return null;var g=e.parse(t[t.length-1],t.length-1,n);return g?"value"!==d.type.kind&&e.concat(1).checkSubtype(r,d.type)?null:new cr(r,n,d,i,a,g):null},cr.prototype.evaluate=function(t){var e=this.input.evaluate(t);return(ie(e)===this.inputType&&this.outputs[this.cases[e]]||this.otherwise).evaluate(t)},cr.prototype.eachChild=function(t){t(this.input),this.outputs.forEach(t),t(this.otherwise)},cr.prototype.outputDefined=function(){return this.outputs.every((function(t){return t.outputDefined()}))&&this.otherwise.outputDefined()},cr.prototype.serialize=function(){for(var t=this,e=["match",this.input.serialize()],r=[],n={},i=0,a=Object.keys(this.cases).sort();i=5)return e.error("Expected 3 or 4 arguments, but found "+(t.length-1)+" instead.");var r=e.parse(t[1],1,jt),n=e.parse(t[2],2,Dt);if(!r||!n)return null;if(!Xt(r.type,[Ht(jt),Rt,jt]))return e.error("Expected first argument to be of type array or string, but found "+Gt(r.type)+" instead");if(4===t.length){var i=e.parse(t[3],3,Dt);return i?new fr(r.type,r,n,i):null}return new fr(r.type,r,n)},fr.prototype.evaluate=function(t){var e=this.input.evaluate(t),r=this.beginIndex.evaluate(t);if(!Zt(e,["string","array"]))throw new se("Expected first argument to be of type array or string, but found "+Gt(ie(e))+" instead.");if(this.endIndex){var n=this.endIndex.evaluate(t);return e.slice(r,n)}return e.slice(r)},fr.prototype.eachChild=function(t){t(this.input),t(this.beginIndex),this.endIndex&&t(this.endIndex)},fr.prototype.outputDefined=function(){return!1},fr.prototype.serialize=function(){if(null!=this.endIndex&&void 0!==this.endIndex){var t=this.endIndex.serialize();return["slice",this.input.serialize(),this.beginIndex.serialize(),t]}return["slice",this.input.serialize(),this.beginIndex.serialize()]};var gr=dr("==",(function(t,e,r){return e===r}),pr),mr=dr("!=",(function(t,e,r){return e!==r}),(function(t,e,r,n){return!pr(0,e,r,n)})),vr=dr("<",(function(t,e,r){return e",(function(t,e,r){return e>r}),(function(t,e,r,n){return n.compare(e,r)>0})),xr=dr("<=",(function(t,e,r){return e<=r}),(function(t,e,r,n){return n.compare(e,r)<=0})),br=dr(">=",(function(t,e,r){return e>=r}),(function(t,e,r,n){return n.compare(e,r)>=0})),_r=function(t,e,r,n,i){this.type=Rt,this.number=t,this.locale=e,this.currency=r,this.minFractionDigits=n,this.maxFractionDigits=i};_r.parse=function(t,e){if(3!==t.length)return e.error("Expected two arguments.");var r=e.parse(t[1],1,Dt);if(!r)return null;var n=t[2];if("object"!=typeof n||Array.isArray(n))return e.error("NumberFormat options argument must be an object.");var i=null;if(n.locale&&!(i=e.parse(n.locale,1,Rt)))return null;var a=null;if(n.currency&&!(a=e.parse(n.currency,1,Rt)))return null;var o=null;if(n["min-fraction-digits"]&&!(o=e.parse(n["min-fraction-digits"],1,Dt)))return null;var s=null;return n["max-fraction-digits"]&&!(s=e.parse(n["max-fraction-digits"],1,Dt))?null:new _r(r,i,a,o,s)},_r.prototype.evaluate=function(t){return new Intl.NumberFormat(this.locale?this.locale.evaluate(t):[],{style:this.currency?"currency":"decimal",currency:this.currency?this.currency.evaluate(t):void 0,minimumFractionDigits:this.minFractionDigits?this.minFractionDigits.evaluate(t):void 0,maximumFractionDigits:this.maxFractionDigits?this.maxFractionDigits.evaluate(t):void 0}).format(this.number.evaluate(t))},_r.prototype.eachChild=function(t){t(this.number),this.locale&&t(this.locale),this.currency&&t(this.currency),this.minFractionDigits&&t(this.minFractionDigits),this.maxFractionDigits&&t(this.maxFractionDigits)},_r.prototype.outputDefined=function(){return!1},_r.prototype.serialize=function(){var t={};return this.locale&&(t.locale=this.locale.serialize()),this.currency&&(t.currency=this.currency.serialize()),this.minFractionDigits&&(t["min-fraction-digits"]=this.minFractionDigits.serialize()),this.maxFractionDigits&&(t["max-fraction-digits"]=this.maxFractionDigits.serialize()),["number-format",this.number.serialize(),t]};var wr=function(t){this.type=Dt,this.input=t};wr.parse=function(t,e){if(2!==t.length)return e.error("Expected 1 argument, but found "+(t.length-1)+" instead.");var r=e.parse(t[1],1);return r?"array"!==r.type.kind&&"string"!==r.type.kind&&"value"!==r.type.kind?e.error("Expected argument of type string or array, but found "+Gt(r.type)+" instead."):new wr(r):null},wr.prototype.evaluate=function(t){var e=this.input.evaluate(t);if("string"==typeof e)return e.length;if(Array.isArray(e))return e.length;throw new se("Expected value to be of type string or array, but found "+Gt(ie(e))+" instead.")},wr.prototype.eachChild=function(t){t(this.input)},wr.prototype.outputDefined=function(){return!1},wr.prototype.serialize=function(){var t=["length"];return this.eachChild((function(e){t.push(e.serialize())})),t};var Tr={"==":gr,"!=":mr,">":yr,"<":vr,">=":br,"<=":xr,array:ce,at:or,boolean:ce,case:ur,coalesce:ir,collator:ve,format:ue,image:fe,in:sr,"index-of":lr,interpolate:rr,"interpolate-hcl":rr,"interpolate-lab":rr,length:wr,let:ar,literal:oe,match:cr,number:ce,"number-format":_r,object:ce,slice:fr,step:je,string:ce,"to-boolean":pe,"to-color":pe,"to-number":pe,"to-string":pe,var:Fe,within:ze};function kr(t,e){var r=e[0],n=e[1],i=e[2],a=e[3];r=r.evaluate(t),n=n.evaluate(t),i=i.evaluate(t);var o=a?a.evaluate(t):1,s=re(r,n,i,o);if(s)throw new se(s);return new Kt(r/255*o,n/255*o,i/255*o,o)}function Mr(t,e){return t in e}function Ar(t,e){var r=e[t];return void 0===r?null:r}function Sr(t){return{type:t}}function Er(t){return{result:"success",value:t}}function Cr(t){return{result:"error",value:t}}function Lr(t){return"data-driven"===t["property-type"]||"cross-faded-data-driven"===t["property-type"]}function Ir(t){return!!t.expression&&t.expression.parameters.indexOf("zoom")>-1}function Pr(t){return!!t.expression&&t.expression.interpolated}function zr(t){return t instanceof Number?"number":t instanceof String?"string":t instanceof Boolean?"boolean":Array.isArray(t)?"array":null===t?"null":typeof t}function Or(t){return"object"==typeof t&&null!==t&&!Array.isArray(t)}function Dr(t){return t}function Rr(t,e,r){return void 0!==t?t:void 0!==e?e:void 0!==r?r:void 0}function Fr(t,e,r,n,i){return Rr(typeof r===i?n[r]:void 0,t.default,e.default)}function Br(t,e,r){if("number"!==zr(r))return Rr(t.default,e.default);var n=t.stops.length;if(1===n)return t.stops[0][1];if(r<=t.stops[0][0])return t.stops[0][1];if(r>=t.stops[n-1][0])return t.stops[n-1][1];var i=Ne(t.stops.map((function(t){return t[0]})),r);return t.stops[i][1]}function Nr(t,e,r){var n=void 0!==t.base?t.base:1;if("number"!==zr(r))return Rr(t.default,e.default);var i=t.stops.length;if(1===i)return t.stops[0][1];if(r<=t.stops[0][0])return t.stops[0][1];if(r>=t.stops[i-1][0])return t.stops[i-1][1];var a=Ne(t.stops.map((function(t){return t[0]})),r),o=function(t,e,r,n){var i=n-r,a=t-r;return 0===i?0:1===e?a/i:(Math.pow(e,a)-1)/(Math.pow(e,i)-1)}(r,n,t.stops[a][0],t.stops[a+1][0]),s=t.stops[a][1],l=t.stops[a+1][1],c=Ve[e.type]||Dr;if(t.colorSpace&&"rgb"!==t.colorSpace){var u=er[t.colorSpace];c=function(t,e){return u.reverse(u.interpolate(u.forward(t),u.forward(e),o))}}return"function"==typeof s.evaluate?{evaluate:function(){for(var t=[],e=arguments.length;e--;)t[e]=arguments[e];var r=s.evaluate.apply(void 0,t),n=l.evaluate.apply(void 0,t);if(void 0!==r&&void 0!==n)return c(r,n,o)}}:c(s,l,o)}function jr(t,e,r){return"color"===e.type?r=Kt.parse(r):"formatted"===e.type?r=te.fromString(r.toString()):"resolvedImage"===e.type?r=ee.fromString(r.toString()):zr(r)===e.type||"enum"===e.type&&e.values[r]||(r=void 0),Rr(r,t.default,e.default)}me.register(Tr,{error:[{kind:"error"},[Rt],function(t,e){throw new se(e[0].evaluate(t))}],typeof:[Rt,[jt],function(t,e){return Gt(ie(e[0].evaluate(t)))}],"to-rgba":[Ht(Dt,4),[Bt],function(t,e){return e[0].evaluate(t).toArray()}],rgb:[Bt,[Dt,Dt,Dt],kr],rgba:[Bt,[Dt,Dt,Dt,Dt],kr],has:{type:Ft,overloads:[[[Rt],function(t,e){return Mr(e[0].evaluate(t),t.properties())}],[[Rt,Nt],function(t,e){var r=e[1];return Mr(e[0].evaluate(t),r.evaluate(t))}]]},get:{type:jt,overloads:[[[Rt],function(t,e){return Ar(e[0].evaluate(t),t.properties())}],[[Rt,Nt],function(t,e){var r=e[1];return Ar(e[0].evaluate(t),r.evaluate(t))}]]},"feature-state":[jt,[Rt],function(t,e){return Ar(e[0].evaluate(t),t.featureState||{})}],properties:[Nt,[],function(t){return t.properties()}],"geometry-type":[Rt,[],function(t){return t.geometryType()}],id:[jt,[],function(t){return t.id()}],zoom:[Dt,[],function(t){return t.globals.zoom}],"heatmap-density":[Dt,[],function(t){return t.globals.heatmapDensity||0}],"line-progress":[Dt,[],function(t){return t.globals.lineProgress||0}],accumulated:[jt,[],function(t){return void 0===t.globals.accumulated?null:t.globals.accumulated}],"+":[Dt,Sr(Dt),function(t,e){for(var r=0,n=0,i=e;n":[Ft,[Rt,jt],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i>a}],"filter-id->":[Ft,[jt],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n>i}],"filter-<=":[Ft,[Rt,jt],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i<=a}],"filter-id-<=":[Ft,[jt],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n<=i}],"filter->=":[Ft,[Rt,jt],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i>=a}],"filter-id->=":[Ft,[jt],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n>=i}],"filter-has":[Ft,[jt],function(t,e){return e[0].value in t.properties()}],"filter-has-id":[Ft,[],function(t){return null!==t.id()&&void 0!==t.id()}],"filter-type-in":[Ft,[Ht(Rt)],function(t,e){return e[0].value.indexOf(t.geometryType())>=0}],"filter-id-in":[Ft,[Ht(jt)],function(t,e){return e[0].value.indexOf(t.id())>=0}],"filter-in-small":[Ft,[Rt,Ht(jt)],function(t,e){var r=e[0];return e[1].value.indexOf(t.properties()[r.value])>=0}],"filter-in-large":[Ft,[Rt,Ht(jt)],function(t,e){var r=e[0],n=e[1];return function(t,e,r,n){for(;r<=n;){var i=r+n>>1;if(e[i]===t)return!0;e[i]>t?n=i-1:r=i+1}return!1}(t.properties()[r.value],n.value,0,n.value.length-1)}],all:{type:Ft,overloads:[[[Ft,Ft],function(t,e){var r=e[1];return e[0].evaluate(t)&&r.evaluate(t)}],[Sr(Ft),function(t,e){for(var r=0,n=e;r0&&"string"==typeof t[0]&&t[0]in Tr}function qr(t,e){var r=new Be(Tr,[],e?function(t){var e={color:Bt,string:Rt,number:Dt,enum:Rt,boolean:Ft,formatted:Vt,resolvedImage:qt};return"array"===t.type?Ht(e[t.value]||jt,t.length):e[t.type]}(e):void 0),n=r.parse(t,void 0,void 0,void 0,e&&"string"===e.type?{typeAnnotation:"coerce"}:void 0);return n?Er(new Ur(n,e)):Cr(r.errors)}Ur.prototype.evaluateWithoutErrorHandling=function(t,e,r,n,i,a){return this._evaluator.globals=t,this._evaluator.feature=e,this._evaluator.featureState=r,this._evaluator.canonical=n,this._evaluator.availableImages=i||null,this._evaluator.formattedSection=a,this.expression.evaluate(this._evaluator)},Ur.prototype.evaluate=function(t,e,r,n,i,a){this._evaluator.globals=t,this._evaluator.feature=e||null,this._evaluator.featureState=r||null,this._evaluator.canonical=n,this._evaluator.availableImages=i||null,this._evaluator.formattedSection=a||null;try{var o=this.expression.evaluate(this._evaluator);if(null==o||"number"==typeof o&&o!=o)return this._defaultValue;if(this._enumValues&&!(o in this._enumValues))throw new se("Expected value to be one of "+Object.keys(this._enumValues).map((function(t){return JSON.stringify(t)})).join(", ")+", but found "+JSON.stringify(o)+" instead.");return o}catch(t){return this._warningHistory[t.message]||(this._warningHistory[t.message]=!0,"undefined"!=typeof console&&console.warn(t.message)),this._defaultValue}};var Hr=function(t,e){this.kind=t,this._styleExpression=e,this.isStateDependent="constant"!==t&&!De(e.expression)};Hr.prototype.evaluateWithoutErrorHandling=function(t,e,r,n,i,a){return this._styleExpression.evaluateWithoutErrorHandling(t,e,r,n,i,a)},Hr.prototype.evaluate=function(t,e,r,n,i,a){return this._styleExpression.evaluate(t,e,r,n,i,a)};var Gr=function(t,e,r,n){this.kind=t,this.zoomStops=r,this._styleExpression=e,this.isStateDependent="camera"!==t&&!De(e.expression),this.interpolationType=n};function Yr(t,e){if("error"===(t=qr(t,e)).result)return t;var r=t.value.expression,n=Oe(r);if(!n&&!Lr(e))return Cr([new Pt("","data expressions not supported")]);var i=Re(r,["zoom"]);if(!i&&!Ir(e))return Cr([new Pt("","zoom expressions not supported")]);var a=function t(e){var r=null;if(e instanceof ar)r=t(e.result);else if(e instanceof ir)for(var n=0,i=e.args;nn.maximum?[new St(e,r,r+" is greater than the maximum value "+n.maximum)]:[]}function Kr(t){var e,r,n,i=t.valueSpec,a=Lt(t.value.type),o={},s="categorical"!==a&&void 0===t.value.property,l=!s,c="array"===zr(t.value.stops)&&"array"===zr(t.value.stops[0])&&"object"===zr(t.value.stops[0][0]),u=Xr({key:t.key,value:t.value,valueSpec:t.styleSpec.function,style:t.style,styleSpec:t.styleSpec,objectElementValidators:{stops:function(t){if("identity"===a)return[new St(t.key,t.value,'identity function may not have a "stops" property')];var e=[],r=t.value;return e=e.concat(Zr({key:t.key,value:r,valueSpec:t.valueSpec,style:t.style,styleSpec:t.styleSpec,arrayElementValidator:f})),"array"===zr(r)&&0===r.length&&e.push(new St(t.key,r,"array must have at least one stop")),e},default:function(t){return bn({key:t.key,value:t.value,valueSpec:i,style:t.style,styleSpec:t.styleSpec})}}});return"identity"===a&&s&&u.push(new St(t.key,t.value,'missing required property "property"')),"identity"===a||t.value.stops||u.push(new St(t.key,t.value,'missing required property "stops"')),"exponential"===a&&t.valueSpec.expression&&!Pr(t.valueSpec)&&u.push(new St(t.key,t.value,"exponential functions not supported")),t.styleSpec.$version>=8&&(l&&!Lr(t.valueSpec)?u.push(new St(t.key,t.value,"property functions not supported")):s&&!Ir(t.valueSpec)&&u.push(new St(t.key,t.value,"zoom functions not supported"))),"categorical"!==a&&!c||void 0!==t.value.property||u.push(new St(t.key,t.value,'"property" property is required')),u;function f(t){var e=[],a=t.value,s=t.key;if("array"!==zr(a))return[new St(s,a,"array expected, "+zr(a)+" found")];if(2!==a.length)return[new St(s,a,"array length 2 expected, length "+a.length+" found")];if(c){if("object"!==zr(a[0]))return[new St(s,a,"object expected, "+zr(a[0])+" found")];if(void 0===a[0].zoom)return[new St(s,a,"object stop key must have zoom")];if(void 0===a[0].value)return[new St(s,a,"object stop key must have value")];if(n&&n>Lt(a[0].zoom))return[new St(s,a[0].zoom,"stop zoom values must appear in ascending order")];Lt(a[0].zoom)!==n&&(n=Lt(a[0].zoom),r=void 0,o={}),e=e.concat(Xr({key:s+"[0]",value:a[0],valueSpec:{zoom:{}},style:t.style,styleSpec:t.styleSpec,objectElementValidators:{zoom:Jr,value:h}}))}else e=e.concat(h({key:s+"[0]",value:a[0],valueSpec:{},style:t.style,styleSpec:t.styleSpec},a));return Vr(It(a[1]))?e.concat([new St(s+"[1]",a[1],"expressions are not allowed in function stops.")]):e.concat(bn({key:s+"[1]",value:a[1],valueSpec:i,style:t.style,styleSpec:t.styleSpec}))}function h(t,n){var s=zr(t.value),l=Lt(t.value),c=null!==t.value?t.value:n;if(e){if(s!==e)return[new St(t.key,c,s+" stop domain type must match previous stop domain type "+e)]}else e=s;if("number"!==s&&"string"!==s&&"boolean"!==s)return[new St(t.key,c,"stop domain value must be a number, string, or boolean")];if("number"!==s&&"categorical"!==a){var u="number expected, "+s+" found";return Lr(i)&&void 0===a&&(u+='\nIf you intended to use a categorical function, specify `"type": "categorical"`.'),[new St(t.key,c,u)]}return"categorical"!==a||"number"!==s||isFinite(l)&&Math.floor(l)===l?"categorical"!==a&&"number"===s&&void 0!==r&&l=2&&"$id"!==t[1]&&"$type"!==t[1];case"in":return t.length>=3&&("string"!=typeof t[1]||Array.isArray(t[2]));case"!in":case"!has":case"none":return!1;case"==":case"!=":case">":case">=":case"<":case"<=":return 3!==t.length||Array.isArray(t[1])||Array.isArray(t[2]);case"any":case"all":for(var e=0,r=t.slice(1);ee?1:0}function an(t){if(!t)return!0;var e,r=t[0];return t.length<=1?"any"!==r:"=="===r?on(t[1],t[2],"=="):"!="===r?cn(on(t[1],t[2],"==")):"<"===r||">"===r||"<="===r||">="===r?on(t[1],t[2],r):"any"===r?(e=t.slice(1),["any"].concat(e.map(an))):"all"===r?["all"].concat(t.slice(1).map(an)):"none"===r?["all"].concat(t.slice(1).map(an).map(cn)):"in"===r?sn(t[1],t.slice(2)):"!in"===r?cn(sn(t[1],t.slice(2))):"has"===r?ln(t[1]):"!has"===r?cn(ln(t[1])):"within"!==r||t}function on(t,e,r){switch(t){case"$type":return["filter-type-"+r,e];case"$id":return["filter-id-"+r,e];default:return["filter-"+r,t,e]}}function sn(t,e){if(0===e.length)return!1;switch(t){case"$type":return["filter-type-in",["literal",e]];case"$id":return["filter-id-in",["literal",e]];default:return e.length>200&&!e.some((function(t){return typeof t!=typeof e[0]}))?["filter-in-large",t,["literal",e.sort(nn)]]:["filter-in-small",t,["literal",e]]}}function ln(t){switch(t){case"$type":return!0;case"$id":return["filter-has-id"];default:return["filter-has",t]}}function cn(t){return["!",t]}function un(t){return tn(It(t.value))?Qr(Ct({},t,{expressionContext:"filter",valueSpec:{value:"boolean"}})):function t(e){var r=e.value,n=e.key;if("array"!==zr(r))return[new St(n,r,"array expected, "+zr(r)+" found")];var i,a=e.styleSpec,o=[];if(r.length<1)return[new St(n,r,"filter array must have at least 1 element")];switch(o=o.concat($r({key:n+"[0]",value:r[0],valueSpec:a.filter_operator,style:e.style,styleSpec:e.styleSpec})),Lt(r[0])){case"<":case"<=":case">":case">=":r.length>=2&&"$type"===Lt(r[1])&&o.push(new St(n,r,'"$type" cannot be use with operator "'+r[0]+'"'));case"==":case"!=":3!==r.length&&o.push(new St(n,r,'filter array for operator "'+r[0]+'" must have 3 elements'));case"in":case"!in":r.length>=2&&"string"!==(i=zr(r[1]))&&o.push(new St(n+"[1]",r[1],"string expected, "+i+" found"));for(var s=2;s=u[p+0]&&n>=u[p+1])?(o[h]=!0,a.push(c[h])):o[h]=!1}}},In.prototype._forEachCell=function(t,e,r,n,i,a,o,s){for(var l=this._convertToCellCoord(t),c=this._convertToCellCoord(e),u=this._convertToCellCoord(r),f=this._convertToCellCoord(n),h=l;h<=u;h++)for(var p=c;p<=f;p++){var d=this.d*p+h;if((!s||s(this._convertFromCellCoord(h),this._convertFromCellCoord(p),this._convertFromCellCoord(h+1),this._convertFromCellCoord(p+1)))&&i.call(this,t,e,r,n,d,a,o,s))return}},In.prototype._convertFromCellCoord=function(t){return(t-this.padding)/this.scale},In.prototype._convertToCellCoord=function(t){return Math.max(0,Math.min(this.d-1,Math.floor(t*this.scale)+this.padding))},In.prototype.toArrayBuffer=function(){if(this.arrayBuffer)return this.arrayBuffer;for(var t=this.cells,e=3+this.cells.length+1+1,r=0,n=0;n=0)){var u=t[c];l[c]=On[s].shallow.indexOf(c)>=0?u:Nn(u,e)}t instanceof Error&&(l.message=t.message)}if(l.$name)throw new Error("$name property is reserved for worker serialization logic.");return"Object"!==s&&(l.$name=s),l}throw new Error("can't serialize object of type "+typeof t)}function jn(t){if(null==t||"boolean"==typeof t||"number"==typeof t||"string"==typeof t||t instanceof Boolean||t instanceof Number||t instanceof String||t instanceof Date||t instanceof RegExp||Fn(t)||Bn(t)||ArrayBuffer.isView(t)||t instanceof Pn)return t;if(Array.isArray(t))return t.map(jn);if("object"==typeof t){var e=t.$name||"Object",r=On[e].klass;if(!r)throw new Error("can't deserialize unregistered class "+e);if(r.deserialize)return r.deserialize(t);for(var n=Object.create(r.prototype),i=0,a=Object.keys(t);i=0?s:jn(s)}}return n}throw new Error("can't deserialize object of type "+typeof t)}var Un=function(){this.first=!0};Un.prototype.update=function(t,e){var r=Math.floor(t);return this.first?(this.first=!1,this.lastIntegerZoom=r,this.lastIntegerZoomTime=0,this.lastZoom=t,this.lastFloorZoom=r,!0):(this.lastFloorZoom>r?(this.lastIntegerZoom=r+1,this.lastIntegerZoomTime=e):this.lastFloorZoom=128&&t<=255},Arabic:function(t){return t>=1536&&t<=1791},"Arabic Supplement":function(t){return t>=1872&&t<=1919},"Arabic Extended-A":function(t){return t>=2208&&t<=2303},"Hangul Jamo":function(t){return t>=4352&&t<=4607},"Unified Canadian Aboriginal Syllabics":function(t){return t>=5120&&t<=5759},Khmer:function(t){return t>=6016&&t<=6143},"Unified Canadian Aboriginal Syllabics Extended":function(t){return t>=6320&&t<=6399},"General Punctuation":function(t){return t>=8192&&t<=8303},"Letterlike Symbols":function(t){return t>=8448&&t<=8527},"Number Forms":function(t){return t>=8528&&t<=8591},"Miscellaneous Technical":function(t){return t>=8960&&t<=9215},"Control Pictures":function(t){return t>=9216&&t<=9279},"Optical Character Recognition":function(t){return t>=9280&&t<=9311},"Enclosed Alphanumerics":function(t){return t>=9312&&t<=9471},"Geometric Shapes":function(t){return t>=9632&&t<=9727},"Miscellaneous Symbols":function(t){return t>=9728&&t<=9983},"Miscellaneous Symbols and Arrows":function(t){return t>=11008&&t<=11263},"CJK Radicals Supplement":function(t){return t>=11904&&t<=12031},"Kangxi Radicals":function(t){return t>=12032&&t<=12255},"Ideographic Description Characters":function(t){return t>=12272&&t<=12287},"CJK Symbols and Punctuation":function(t){return t>=12288&&t<=12351},Hiragana:function(t){return t>=12352&&t<=12447},Katakana:function(t){return t>=12448&&t<=12543},Bopomofo:function(t){return t>=12544&&t<=12591},"Hangul Compatibility Jamo":function(t){return t>=12592&&t<=12687},Kanbun:function(t){return t>=12688&&t<=12703},"Bopomofo Extended":function(t){return t>=12704&&t<=12735},"CJK Strokes":function(t){return t>=12736&&t<=12783},"Katakana Phonetic Extensions":function(t){return t>=12784&&t<=12799},"Enclosed CJK Letters and Months":function(t){return t>=12800&&t<=13055},"CJK Compatibility":function(t){return t>=13056&&t<=13311},"CJK Unified Ideographs Extension A":function(t){return t>=13312&&t<=19903},"Yijing Hexagram Symbols":function(t){return t>=19904&&t<=19967},"CJK Unified Ideographs":function(t){return t>=19968&&t<=40959},"Yi Syllables":function(t){return t>=40960&&t<=42127},"Yi Radicals":function(t){return t>=42128&&t<=42191},"Hangul Jamo Extended-A":function(t){return t>=43360&&t<=43391},"Hangul Syllables":function(t){return t>=44032&&t<=55215},"Hangul Jamo Extended-B":function(t){return t>=55216&&t<=55295},"Private Use Area":function(t){return t>=57344&&t<=63743},"CJK Compatibility Ideographs":function(t){return t>=63744&&t<=64255},"Arabic Presentation Forms-A":function(t){return t>=64336&&t<=65023},"Vertical Forms":function(t){return t>=65040&&t<=65055},"CJK Compatibility Forms":function(t){return t>=65072&&t<=65103},"Small Form Variants":function(t){return t>=65104&&t<=65135},"Arabic Presentation Forms-B":function(t){return t>=65136&&t<=65279},"Halfwidth and Fullwidth Forms":function(t){return t>=65280&&t<=65519}};function qn(t){for(var e=0,r=t;e=65097&&t<=65103)||Vn["CJK Compatibility Ideographs"](t)||Vn["CJK Compatibility"](t)||Vn["CJK Radicals Supplement"](t)||Vn["CJK Strokes"](t)||!(!Vn["CJK Symbols and Punctuation"](t)||t>=12296&&t<=12305||t>=12308&&t<=12319||12336===t)||Vn["CJK Unified Ideographs Extension A"](t)||Vn["CJK Unified Ideographs"](t)||Vn["Enclosed CJK Letters and Months"](t)||Vn["Hangul Compatibility Jamo"](t)||Vn["Hangul Jamo Extended-A"](t)||Vn["Hangul Jamo Extended-B"](t)||Vn["Hangul Jamo"](t)||Vn["Hangul Syllables"](t)||Vn.Hiragana(t)||Vn["Ideographic Description Characters"](t)||Vn.Kanbun(t)||Vn["Kangxi Radicals"](t)||Vn["Katakana Phonetic Extensions"](t)||Vn.Katakana(t)&&12540!==t||!(!Vn["Halfwidth and Fullwidth Forms"](t)||65288===t||65289===t||65293===t||t>=65306&&t<=65310||65339===t||65341===t||65343===t||t>=65371&&t<=65503||65507===t||t>=65512&&t<=65519)||!(!Vn["Small Form Variants"](t)||t>=65112&&t<=65118||t>=65123&&t<=65126)||Vn["Unified Canadian Aboriginal Syllabics"](t)||Vn["Unified Canadian Aboriginal Syllabics Extended"](t)||Vn["Vertical Forms"](t)||Vn["Yijing Hexagram Symbols"](t)||Vn["Yi Syllables"](t)||Vn["Yi Radicals"](t))))}function Gn(t){return!(Hn(t)||function(t){return!!(Vn["Latin-1 Supplement"](t)&&(167===t||169===t||174===t||177===t||188===t||189===t||190===t||215===t||247===t)||Vn["General Punctuation"](t)&&(8214===t||8224===t||8225===t||8240===t||8241===t||8251===t||8252===t||8258===t||8263===t||8264===t||8265===t||8273===t)||Vn["Letterlike Symbols"](t)||Vn["Number Forms"](t)||Vn["Miscellaneous Technical"](t)&&(t>=8960&&t<=8967||t>=8972&&t<=8991||t>=8996&&t<=9e3||9003===t||t>=9085&&t<=9114||t>=9150&&t<=9165||9167===t||t>=9169&&t<=9179||t>=9186&&t<=9215)||Vn["Control Pictures"](t)&&9251!==t||Vn["Optical Character Recognition"](t)||Vn["Enclosed Alphanumerics"](t)||Vn["Geometric Shapes"](t)||Vn["Miscellaneous Symbols"](t)&&!(t>=9754&&t<=9759)||Vn["Miscellaneous Symbols and Arrows"](t)&&(t>=11026&&t<=11055||t>=11088&&t<=11097||t>=11192&&t<=11243)||Vn["CJK Symbols and Punctuation"](t)||Vn.Katakana(t)||Vn["Private Use Area"](t)||Vn["CJK Compatibility Forms"](t)||Vn["Small Form Variants"](t)||Vn["Halfwidth and Fullwidth Forms"](t)||8734===t||8756===t||8757===t||t>=9984&&t<=10087||t>=10102&&t<=10131||65532===t||65533===t)}(t))}function Yn(t){return t>=1424&&t<=2303||Vn["Arabic Presentation Forms-A"](t)||Vn["Arabic Presentation Forms-B"](t)}function Wn(t,e){return!(!e&&Yn(t)||t>=2304&&t<=3583||t>=3840&&t<=4255||Vn.Khmer(t))}function Xn(t){for(var e=0,r=t;e-1&&(Jn="error"),Zn&&Zn(t)};function $n(){ti.fire(new Tt("pluginStateChange",{pluginStatus:Jn,pluginURL:Kn}))}var ti=new Mt,ei=function(){return Jn},ri=function(){if("deferred"!==Jn||!Kn)throw new Error("rtl-text-plugin cannot be downloaded unless a pluginURL is specified");Jn="loading",$n(),Kn&&yt({url:Kn},(function(t){t?Qn(t):(Jn="loaded",$n())}))},ni={applyArabicShaping:null,processBidirectionalText:null,processStyledBidirectionalText:null,isLoaded:function(){return"loaded"===Jn||null!=ni.applyArabicShaping},isLoading:function(){return"loading"===Jn},setState:function(t){Jn=t.pluginStatus,Kn=t.pluginURL},isParsed:function(){return null!=ni.applyArabicShaping&&null!=ni.processBidirectionalText&&null!=ni.processStyledBidirectionalText},getPluginURL:function(){return Kn}},ii=function(t,e){this.zoom=t,e?(this.now=e.now,this.fadeDuration=e.fadeDuration,this.zoomHistory=e.zoomHistory,this.transition=e.transition):(this.now=0,this.fadeDuration=0,this.zoomHistory=new Un,this.transition={})};ii.prototype.isSupportedScript=function(t){return function(t,e){for(var r=0,n=t;rthis.zoomHistory.lastIntegerZoom?{fromScale:2,toScale:1,t:e+(1-e)*r}:{fromScale:.5,toScale:1,t:1-(1-r)*e}};var ai=function(t,e){this.property=t,this.value=e,this.expression=function(t,e){if(Or(t))return new Wr(t,e);if(Vr(t)){var r=Yr(t,e);if("error"===r.result)throw new Error(r.value.map((function(t){return t.key+": "+t.message})).join(", "));return r.value}var n=t;return"string"==typeof t&&"color"===e.type&&(n=Kt.parse(t)),{kind:"constant",evaluate:function(){return n}}}(void 0===e?t.specification.default:e,t.specification)};ai.prototype.isDataDriven=function(){return"source"===this.expression.kind||"composite"===this.expression.kind},ai.prototype.possiblyEvaluate=function(t,e,r){return this.property.possiblyEvaluate(this,t,e,r)};var oi=function(t){this.property=t,this.value=new ai(t,void 0)};oi.prototype.transitioned=function(t,e){return new li(this.property,this.value,e,u({},t.transition,this.transition),t.now)},oi.prototype.untransitioned=function(){return new li(this.property,this.value,null,{},0)};var si=function(t){this._properties=t,this._values=Object.create(t.defaultTransitionablePropertyValues)};si.prototype.getValue=function(t){return x(this._values[t].value.value)},si.prototype.setValue=function(t,e){this._values.hasOwnProperty(t)||(this._values[t]=new oi(this._values[t].property)),this._values[t].value=new ai(this._values[t].property,null===e?void 0:x(e))},si.prototype.getTransition=function(t){return x(this._values[t].transition)},si.prototype.setTransition=function(t,e){this._values.hasOwnProperty(t)||(this._values[t]=new oi(this._values[t].property)),this._values[t].transition=x(e)||void 0},si.prototype.serialize=function(){for(var t={},e=0,r=Object.keys(this._values);ethis.end)return this.prior=null,i;if(this.value.isDataDriven())return this.prior=null,i;if(n=1)return 1;var e=t*t,r=e*t;return 4*(t<.5?r:3*(t-e)+r-.75)}(o))}return i};var ci=function(t){this._properties=t,this._values=Object.create(t.defaultTransitioningPropertyValues)};ci.prototype.possiblyEvaluate=function(t,e,r){for(var n=new hi(this._properties),i=0,a=Object.keys(this._values);in.zoomHistory.lastIntegerZoom?{from:t,to:e}:{from:r,to:e}},e.prototype.interpolate=function(t){return t},e}(di),mi=function(t){this.specification=t};mi.prototype.possiblyEvaluate=function(t,e,r,n){if(void 0!==t.value){if("constant"===t.expression.kind){var i=t.expression.evaluate(e,null,{},r,n);return this._calculate(i,i,i,e)}return this._calculate(t.expression.evaluate(new ii(Math.floor(e.zoom-1),e)),t.expression.evaluate(new ii(Math.floor(e.zoom),e)),t.expression.evaluate(new ii(Math.floor(e.zoom+1),e)),e)}},mi.prototype._calculate=function(t,e,r,n){return n.zoom>n.zoomHistory.lastIntegerZoom?{from:t,to:e}:{from:r,to:e}},mi.prototype.interpolate=function(t){return t};var vi=function(t){this.specification=t};vi.prototype.possiblyEvaluate=function(t,e,r,n){return!!t.expression.evaluate(e,null,{},r,n)},vi.prototype.interpolate=function(){return!1};var yi=function(t){for(var e in this.properties=t,this.defaultPropertyValues={},this.defaultTransitionablePropertyValues={},this.defaultTransitioningPropertyValues={},this.defaultPossiblyEvaluatedValues={},this.overridableProperties=[],t){var r=t[e];r.specification.overridable&&this.overridableProperties.push(e);var n=this.defaultPropertyValues[e]=new ai(r,void 0),i=this.defaultTransitionablePropertyValues[e]=new oi(r);this.defaultTransitioningPropertyValues[e]=i.untransitioned(),this.defaultPossiblyEvaluatedValues[e]=n.possiblyEvaluate({})}};Dn("DataDrivenProperty",di),Dn("DataConstantProperty",pi),Dn("CrossFadedDataDrivenProperty",gi),Dn("CrossFadedProperty",mi),Dn("ColorRampProperty",vi);var xi=function(t){function e(e,r){if(t.call(this),this.id=e.id,this.type=e.type,this._featureFilter={filter:function(){return!0},needGeometry:!1},"custom"!==e.type&&(this.metadata=(e=e).metadata,this.minzoom=e.minzoom,this.maxzoom=e.maxzoom,"background"!==e.type&&(this.source=e.source,this.sourceLayer=e["source-layer"],this.filter=e.filter),r.layout&&(this._unevaluatedLayout=new ui(r.layout)),r.paint)){for(var n in this._transitionablePaint=new si(r.paint),e.paint)this.setPaintProperty(n,e.paint[n],{validate:!1});for(var i in e.layout)this.setLayoutProperty(i,e.layout[i],{validate:!1});this._transitioningPaint=this._transitionablePaint.untransitioned(),this.paint=new hi(r.paint)}}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.getCrossfadeParameters=function(){return this._crossfadeParameters},e.prototype.getLayoutProperty=function(t){return"visibility"===t?this.visibility:this._unevaluatedLayout.getValue(t)},e.prototype.setLayoutProperty=function(t,e,r){void 0===r&&(r={}),null!=e&&this._validate(En,"layers."+this.id+".layout."+t,t,e,r)||("visibility"!==t?this._unevaluatedLayout.setValue(t,e):this.visibility=e)},e.prototype.getPaintProperty=function(t){return m(t,"-transition")?this._transitionablePaint.getTransition(t.slice(0,-"-transition".length)):this._transitionablePaint.getValue(t)},e.prototype.setPaintProperty=function(t,e,r){if(void 0===r&&(r={}),null!=e&&this._validate(Sn,"layers."+this.id+".paint."+t,t,e,r))return!1;if(m(t,"-transition"))return this._transitionablePaint.setTransition(t.slice(0,-"-transition".length),e||void 0),!1;var n=this._transitionablePaint._values[t],i="cross-faded-data-driven"===n.property.specification["property-type"],a=n.value.isDataDriven(),o=n.value;this._transitionablePaint.setValue(t,e),this._handleSpecialPaintPropertyUpdate(t);var s=this._transitionablePaint._values[t].value;return s.isDataDriven()||a||i||this._handleOverridablePaintPropertyUpdate(t,o,s)},e.prototype._handleSpecialPaintPropertyUpdate=function(t){},e.prototype._handleOverridablePaintPropertyUpdate=function(t,e,r){return!1},e.prototype.isHidden=function(t){return!!(this.minzoom&&t=this.maxzoom)||"none"===this.visibility},e.prototype.updateTransitions=function(t){this._transitioningPaint=this._transitionablePaint.transitioned(t,this._transitioningPaint)},e.prototype.hasTransition=function(){return this._transitioningPaint.hasTransition()},e.prototype.recalculate=function(t,e){t.getCrossfadeParameters&&(this._crossfadeParameters=t.getCrossfadeParameters()),this._unevaluatedLayout&&(this.layout=this._unevaluatedLayout.possiblyEvaluate(t,void 0,e)),this.paint=this._transitioningPaint.possiblyEvaluate(t,void 0,e)},e.prototype.serialize=function(){var t={id:this.id,type:this.type,source:this.source,"source-layer":this.sourceLayer,metadata:this.metadata,minzoom:this.minzoom,maxzoom:this.maxzoom,filter:this.filter,layout:this._unevaluatedLayout&&this._unevaluatedLayout.serialize(),paint:this._transitionablePaint&&this._transitionablePaint.serialize()};return this.visibility&&(t.layout=t.layout||{},t.layout.visibility=this.visibility),y(t,(function(t,e){return!(void 0===t||"layout"===e&&!Object.keys(t).length||"paint"===e&&!Object.keys(t).length)}))},e.prototype._validate=function(t,e,r,n,i){return void 0===i&&(i={}),(!i||!1!==i.validate)&&Cn(this,t.call(Mn,{key:e,layerType:this.type,objectKey:r,value:n,styleSpec:At,style:{glyphs:!0,sprite:!0}}))},e.prototype.is3D=function(){return!1},e.prototype.isTileClipped=function(){return!1},e.prototype.hasOffscreenPass=function(){return!1},e.prototype.resize=function(){},e.prototype.isStateDependent=function(){for(var t in this.paint._values){var e=this.paint.get(t);if(e instanceof fi&&Lr(e.property.specification)&&("source"===e.value.kind||"composite"===e.value.kind)&&e.value.isStateDependent)return!0}return!1},e}(Mt),bi={Int8:Int8Array,Uint8:Uint8Array,Int16:Int16Array,Uint16:Uint16Array,Int32:Int32Array,Uint32:Uint32Array,Float32:Float32Array},_i=function(t,e){this._structArray=t,this._pos1=e*this.size,this._pos2=this._pos1/2,this._pos4=this._pos1/4,this._pos8=this._pos1/8},wi=function(){this.isTransferred=!1,this.capacity=-1,this.resize(0)};function Ti(t,e){void 0===e&&(e=1);var r=0,n=0;return{members:t.map((function(t){var i=bi[t.type].BYTES_PER_ELEMENT,a=r=ki(r,Math.max(e,i)),o=t.components||1;return n=Math.max(n,i),r+=i*o,{name:t.name,type:t.type,components:o,offset:a}})),size:ki(r,Math.max(n,e)),alignment:e}}function ki(t,e){return Math.ceil(t/e)*e}wi.serialize=function(t,e){return t._trim(),e&&(t.isTransferred=!0,e.push(t.arrayBuffer)),{length:t.length,arrayBuffer:t.arrayBuffer}},wi.deserialize=function(t){var e=Object.create(this.prototype);return e.arrayBuffer=t.arrayBuffer,e.length=t.length,e.capacity=t.arrayBuffer.byteLength/e.bytesPerElement,e._refreshViews(),e},wi.prototype._trim=function(){this.length!==this.capacity&&(this.capacity=this.length,this.arrayBuffer=this.arrayBuffer.slice(0,this.length*this.bytesPerElement),this._refreshViews())},wi.prototype.clear=function(){this.length=0},wi.prototype.resize=function(t){this.reserve(t),this.length=t},wi.prototype.reserve=function(t){if(t>this.capacity){this.capacity=Math.max(t,Math.floor(5*this.capacity),128),this.arrayBuffer=new ArrayBuffer(this.capacity*this.bytesPerElement);var e=this.uint8;this._refreshViews(),e&&this.uint8.set(e)}},wi.prototype._refreshViews=function(){throw new Error("_refreshViews() must be implemented by each concrete StructArray layout")};var Mi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;return this.resize(r+1),this.emplace(r,t,e)},e.prototype.emplace=function(t,e,r){var n=2*t;return this.int16[n+0]=e,this.int16[n+1]=r,t},e}(wi);Mi.prototype.bytesPerElement=4,Dn("StructArrayLayout2i4",Mi);var Ai=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n){var i=this.length;return this.resize(i+1),this.emplace(i,t,e,r,n)},e.prototype.emplace=function(t,e,r,n,i){var a=4*t;return this.int16[a+0]=e,this.int16[a+1]=r,this.int16[a+2]=n,this.int16[a+3]=i,t},e}(wi);Ai.prototype.bytesPerElement=8,Dn("StructArrayLayout4i8",Ai);var Si=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a){var o=this.length;return this.resize(o+1),this.emplace(o,t,e,r,n,i,a)},e.prototype.emplace=function(t,e,r,n,i,a,o){var s=6*t;return this.int16[s+0]=e,this.int16[s+1]=r,this.int16[s+2]=n,this.int16[s+3]=i,this.int16[s+4]=a,this.int16[s+5]=o,t},e}(wi);Si.prototype.bytesPerElement=12,Dn("StructArrayLayout2i4i12",Si);var Ei=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a){var o=this.length;return this.resize(o+1),this.emplace(o,t,e,r,n,i,a)},e.prototype.emplace=function(t,e,r,n,i,a,o){var s=4*t,l=8*t;return this.int16[s+0]=e,this.int16[s+1]=r,this.uint8[l+4]=n,this.uint8[l+5]=i,this.uint8[l+6]=a,this.uint8[l+7]=o,t},e}(wi);Ei.prototype.bytesPerElement=8,Dn("StructArrayLayout2i4ub8",Ei);var Ci=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c){var u=this.length;return this.resize(u+1),this.emplace(u,t,e,r,n,i,a,o,s,l,c)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c,u){var f=9*t,h=18*t;return this.uint16[f+0]=e,this.uint16[f+1]=r,this.uint16[f+2]=n,this.uint16[f+3]=i,this.uint16[f+4]=a,this.uint16[f+5]=o,this.uint16[f+6]=s,this.uint16[f+7]=l,this.uint8[h+16]=c,this.uint8[h+17]=u,t},e}(wi);Ci.prototype.bytesPerElement=18,Dn("StructArrayLayout8ui2ub18",Ci);var Li=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c,u,f){var h=this.length;return this.resize(h+1),this.emplace(h,t,e,r,n,i,a,o,s,l,c,u,f)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c,u,f,h){var p=12*t;return this.int16[p+0]=e,this.int16[p+1]=r,this.int16[p+2]=n,this.int16[p+3]=i,this.uint16[p+4]=a,this.uint16[p+5]=o,this.uint16[p+6]=s,this.uint16[p+7]=l,this.int16[p+8]=c,this.int16[p+9]=u,this.int16[p+10]=f,this.int16[p+11]=h,t},e}(wi);Li.prototype.bytesPerElement=24,Dn("StructArrayLayout4i4ui4i24",Li);var Ii=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;return this.resize(n+1),this.emplace(n,t,e,r)},e.prototype.emplace=function(t,e,r,n){var i=3*t;return this.float32[i+0]=e,this.float32[i+1]=r,this.float32[i+2]=n,t},e}(wi);Ii.prototype.bytesPerElement=12,Dn("StructArrayLayout3f12",Ii);var Pi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t){var e=this.length;return this.resize(e+1),this.emplace(e,t)},e.prototype.emplace=function(t,e){return this.uint32[1*t+0]=e,t},e}(wi);Pi.prototype.bytesPerElement=4,Dn("StructArrayLayout1ul4",Pi);var zi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l){var c=this.length;return this.resize(c+1),this.emplace(c,t,e,r,n,i,a,o,s,l)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c){var u=10*t,f=5*t;return this.int16[u+0]=e,this.int16[u+1]=r,this.int16[u+2]=n,this.int16[u+3]=i,this.int16[u+4]=a,this.int16[u+5]=o,this.uint32[f+3]=s,this.uint16[u+8]=l,this.uint16[u+9]=c,t},e}(wi);zi.prototype.bytesPerElement=20,Dn("StructArrayLayout6i1ul2ui20",zi);var Oi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a){var o=this.length;return this.resize(o+1),this.emplace(o,t,e,r,n,i,a)},e.prototype.emplace=function(t,e,r,n,i,a,o){var s=6*t;return this.int16[s+0]=e,this.int16[s+1]=r,this.int16[s+2]=n,this.int16[s+3]=i,this.int16[s+4]=a,this.int16[s+5]=o,t},e}(wi);Oi.prototype.bytesPerElement=12,Dn("StructArrayLayout2i2i2i12",Oi);var Di=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i){var a=this.length;return this.resize(a+1),this.emplace(a,t,e,r,n,i)},e.prototype.emplace=function(t,e,r,n,i,a){var o=4*t,s=8*t;return this.float32[o+0]=e,this.float32[o+1]=r,this.float32[o+2]=n,this.int16[s+6]=i,this.int16[s+7]=a,t},e}(wi);Di.prototype.bytesPerElement=16,Dn("StructArrayLayout2f1f2i16",Di);var Ri=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n){var i=this.length;return this.resize(i+1),this.emplace(i,t,e,r,n)},e.prototype.emplace=function(t,e,r,n,i){var a=12*t,o=3*t;return this.uint8[a+0]=e,this.uint8[a+1]=r,this.float32[o+1]=n,this.float32[o+2]=i,t},e}(wi);Ri.prototype.bytesPerElement=12,Dn("StructArrayLayout2ub2f12",Ri);var Fi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;return this.resize(n+1),this.emplace(n,t,e,r)},e.prototype.emplace=function(t,e,r,n){var i=3*t;return this.uint16[i+0]=e,this.uint16[i+1]=r,this.uint16[i+2]=n,t},e}(wi);Fi.prototype.bytesPerElement=6,Dn("StructArrayLayout3ui6",Fi);var Bi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m){var v=this.length;return this.resize(v+1),this.emplace(v,t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v){var y=24*t,x=12*t,b=48*t;return this.int16[y+0]=e,this.int16[y+1]=r,this.uint16[y+2]=n,this.uint16[y+3]=i,this.uint32[x+2]=a,this.uint32[x+3]=o,this.uint32[x+4]=s,this.uint16[y+10]=l,this.uint16[y+11]=c,this.uint16[y+12]=u,this.float32[x+7]=f,this.float32[x+8]=h,this.uint8[b+36]=p,this.uint8[b+37]=d,this.uint8[b+38]=g,this.uint32[x+10]=m,this.int16[y+22]=v,t},e}(wi);Bi.prototype.bytesPerElement=48,Dn("StructArrayLayout2i2ui3ul3ui2f3ub1ul1i48",Bi);var Ni=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,_,w,T,k,M,A,S){var E=this.length;return this.resize(E+1),this.emplace(E,t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,_,w,T,k,M,A,S)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,_,w,T,k,M,A,S,E){var C=34*t,L=17*t;return this.int16[C+0]=e,this.int16[C+1]=r,this.int16[C+2]=n,this.int16[C+3]=i,this.int16[C+4]=a,this.int16[C+5]=o,this.int16[C+6]=s,this.int16[C+7]=l,this.uint16[C+8]=c,this.uint16[C+9]=u,this.uint16[C+10]=f,this.uint16[C+11]=h,this.uint16[C+12]=p,this.uint16[C+13]=d,this.uint16[C+14]=g,this.uint16[C+15]=m,this.uint16[C+16]=v,this.uint16[C+17]=y,this.uint16[C+18]=x,this.uint16[C+19]=b,this.uint16[C+20]=_,this.uint16[C+21]=w,this.uint16[C+22]=T,this.uint32[L+12]=k,this.float32[L+13]=M,this.float32[L+14]=A,this.float32[L+15]=S,this.float32[L+16]=E,t},e}(wi);Ni.prototype.bytesPerElement=68,Dn("StructArrayLayout8i15ui1ul4f68",Ni);var ji=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t){var e=this.length;return this.resize(e+1),this.emplace(e,t)},e.prototype.emplace=function(t,e){return this.float32[1*t+0]=e,t},e}(wi);ji.prototype.bytesPerElement=4,Dn("StructArrayLayout1f4",ji);var Ui=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;return this.resize(n+1),this.emplace(n,t,e,r)},e.prototype.emplace=function(t,e,r,n){var i=3*t;return this.int16[i+0]=e,this.int16[i+1]=r,this.int16[i+2]=n,t},e}(wi);Ui.prototype.bytesPerElement=6,Dn("StructArrayLayout3i6",Ui);var Vi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;return this.resize(n+1),this.emplace(n,t,e,r)},e.prototype.emplace=function(t,e,r,n){var i=4*t;return this.uint32[2*t+0]=e,this.uint16[i+2]=r,this.uint16[i+3]=n,t},e}(wi);Vi.prototype.bytesPerElement=8,Dn("StructArrayLayout1ul2ui8",Vi);var qi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;return this.resize(r+1),this.emplace(r,t,e)},e.prototype.emplace=function(t,e,r){var n=2*t;return this.uint16[n+0]=e,this.uint16[n+1]=r,t},e}(wi);qi.prototype.bytesPerElement=4,Dn("StructArrayLayout2ui4",qi);var Hi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t){var e=this.length;return this.resize(e+1),this.emplace(e,t)},e.prototype.emplace=function(t,e){return this.uint16[1*t+0]=e,t},e}(wi);Hi.prototype.bytesPerElement=2,Dn("StructArrayLayout1ui2",Hi);var Gi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;return this.resize(r+1),this.emplace(r,t,e)},e.prototype.emplace=function(t,e,r){var n=2*t;return this.float32[n+0]=e,this.float32[n+1]=r,t},e}(wi);Gi.prototype.bytesPerElement=8,Dn("StructArrayLayout2f8",Gi);var Yi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n){var i=this.length;return this.resize(i+1),this.emplace(i,t,e,r,n)},e.prototype.emplace=function(t,e,r,n,i){var a=4*t;return this.float32[a+0]=e,this.float32[a+1]=r,this.float32[a+2]=n,this.float32[a+3]=i,t},e}(wi);Yi.prototype.bytesPerElement=16,Dn("StructArrayLayout4f16",Yi);var Wi=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e;var r={anchorPointX:{configurable:!0},anchorPointY:{configurable:!0},x1:{configurable:!0},y1:{configurable:!0},x2:{configurable:!0},y2:{configurable:!0},featureIndex:{configurable:!0},sourceLayerIndex:{configurable:!0},bucketIndex:{configurable:!0},anchorPoint:{configurable:!0}};return r.anchorPointX.get=function(){return this._structArray.int16[this._pos2+0]},r.anchorPointY.get=function(){return this._structArray.int16[this._pos2+1]},r.x1.get=function(){return this._structArray.int16[this._pos2+2]},r.y1.get=function(){return this._structArray.int16[this._pos2+3]},r.x2.get=function(){return this._structArray.int16[this._pos2+4]},r.y2.get=function(){return this._structArray.int16[this._pos2+5]},r.featureIndex.get=function(){return this._structArray.uint32[this._pos4+3]},r.sourceLayerIndex.get=function(){return this._structArray.uint16[this._pos2+8]},r.bucketIndex.get=function(){return this._structArray.uint16[this._pos2+9]},r.anchorPoint.get=function(){return new i(this.anchorPointX,this.anchorPointY)},Object.defineProperties(e.prototype,r),e}(_i);Wi.prototype.size=20;var Xi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.get=function(t){return new Wi(this,t)},e}(zi);Dn("CollisionBoxArray",Xi);var Zi=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e;var r={anchorX:{configurable:!0},anchorY:{configurable:!0},glyphStartIndex:{configurable:!0},numGlyphs:{configurable:!0},vertexStartIndex:{configurable:!0},lineStartIndex:{configurable:!0},lineLength:{configurable:!0},segment:{configurable:!0},lowerSize:{configurable:!0},upperSize:{configurable:!0},lineOffsetX:{configurable:!0},lineOffsetY:{configurable:!0},writingMode:{configurable:!0},placedOrientation:{configurable:!0},hidden:{configurable:!0},crossTileID:{configurable:!0},associatedIconIndex:{configurable:!0}};return r.anchorX.get=function(){return this._structArray.int16[this._pos2+0]},r.anchorY.get=function(){return this._structArray.int16[this._pos2+1]},r.glyphStartIndex.get=function(){return this._structArray.uint16[this._pos2+2]},r.numGlyphs.get=function(){return this._structArray.uint16[this._pos2+3]},r.vertexStartIndex.get=function(){return this._structArray.uint32[this._pos4+2]},r.lineStartIndex.get=function(){return this._structArray.uint32[this._pos4+3]},r.lineLength.get=function(){return this._structArray.uint32[this._pos4+4]},r.segment.get=function(){return this._structArray.uint16[this._pos2+10]},r.lowerSize.get=function(){return this._structArray.uint16[this._pos2+11]},r.upperSize.get=function(){return this._structArray.uint16[this._pos2+12]},r.lineOffsetX.get=function(){return this._structArray.float32[this._pos4+7]},r.lineOffsetY.get=function(){return this._structArray.float32[this._pos4+8]},r.writingMode.get=function(){return this._structArray.uint8[this._pos1+36]},r.placedOrientation.get=function(){return this._structArray.uint8[this._pos1+37]},r.placedOrientation.set=function(t){this._structArray.uint8[this._pos1+37]=t},r.hidden.get=function(){return this._structArray.uint8[this._pos1+38]},r.hidden.set=function(t){this._structArray.uint8[this._pos1+38]=t},r.crossTileID.get=function(){return this._structArray.uint32[this._pos4+10]},r.crossTileID.set=function(t){this._structArray.uint32[this._pos4+10]=t},r.associatedIconIndex.get=function(){return this._structArray.int16[this._pos2+22]},Object.defineProperties(e.prototype,r),e}(_i);Zi.prototype.size=48;var Ji=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.get=function(t){return new Zi(this,t)},e}(Bi);Dn("PlacedSymbolArray",Ji);var Ki=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e;var r={anchorX:{configurable:!0},anchorY:{configurable:!0},rightJustifiedTextSymbolIndex:{configurable:!0},centerJustifiedTextSymbolIndex:{configurable:!0},leftJustifiedTextSymbolIndex:{configurable:!0},verticalPlacedTextSymbolIndex:{configurable:!0},placedIconSymbolIndex:{configurable:!0},verticalPlacedIconSymbolIndex:{configurable:!0},key:{configurable:!0},textBoxStartIndex:{configurable:!0},textBoxEndIndex:{configurable:!0},verticalTextBoxStartIndex:{configurable:!0},verticalTextBoxEndIndex:{configurable:!0},iconBoxStartIndex:{configurable:!0},iconBoxEndIndex:{configurable:!0},verticalIconBoxStartIndex:{configurable:!0},verticalIconBoxEndIndex:{configurable:!0},featureIndex:{configurable:!0},numHorizontalGlyphVertices:{configurable:!0},numVerticalGlyphVertices:{configurable:!0},numIconVertices:{configurable:!0},numVerticalIconVertices:{configurable:!0},useRuntimeCollisionCircles:{configurable:!0},crossTileID:{configurable:!0},textBoxScale:{configurable:!0},textOffset0:{configurable:!0},textOffset1:{configurable:!0},collisionCircleDiameter:{configurable:!0}};return r.anchorX.get=function(){return this._structArray.int16[this._pos2+0]},r.anchorY.get=function(){return this._structArray.int16[this._pos2+1]},r.rightJustifiedTextSymbolIndex.get=function(){return this._structArray.int16[this._pos2+2]},r.centerJustifiedTextSymbolIndex.get=function(){return this._structArray.int16[this._pos2+3]},r.leftJustifiedTextSymbolIndex.get=function(){return this._structArray.int16[this._pos2+4]},r.verticalPlacedTextSymbolIndex.get=function(){return this._structArray.int16[this._pos2+5]},r.placedIconSymbolIndex.get=function(){return this._structArray.int16[this._pos2+6]},r.verticalPlacedIconSymbolIndex.get=function(){return this._structArray.int16[this._pos2+7]},r.key.get=function(){return this._structArray.uint16[this._pos2+8]},r.textBoxStartIndex.get=function(){return this._structArray.uint16[this._pos2+9]},r.textBoxEndIndex.get=function(){return this._structArray.uint16[this._pos2+10]},r.verticalTextBoxStartIndex.get=function(){return this._structArray.uint16[this._pos2+11]},r.verticalTextBoxEndIndex.get=function(){return this._structArray.uint16[this._pos2+12]},r.iconBoxStartIndex.get=function(){return this._structArray.uint16[this._pos2+13]},r.iconBoxEndIndex.get=function(){return this._structArray.uint16[this._pos2+14]},r.verticalIconBoxStartIndex.get=function(){return this._structArray.uint16[this._pos2+15]},r.verticalIconBoxEndIndex.get=function(){return this._structArray.uint16[this._pos2+16]},r.featureIndex.get=function(){return this._structArray.uint16[this._pos2+17]},r.numHorizontalGlyphVertices.get=function(){return this._structArray.uint16[this._pos2+18]},r.numVerticalGlyphVertices.get=function(){return this._structArray.uint16[this._pos2+19]},r.numIconVertices.get=function(){return this._structArray.uint16[this._pos2+20]},r.numVerticalIconVertices.get=function(){return this._structArray.uint16[this._pos2+21]},r.useRuntimeCollisionCircles.get=function(){return this._structArray.uint16[this._pos2+22]},r.crossTileID.get=function(){return this._structArray.uint32[this._pos4+12]},r.crossTileID.set=function(t){this._structArray.uint32[this._pos4+12]=t},r.textBoxScale.get=function(){return this._structArray.float32[this._pos4+13]},r.textOffset0.get=function(){return this._structArray.float32[this._pos4+14]},r.textOffset1.get=function(){return this._structArray.float32[this._pos4+15]},r.collisionCircleDiameter.get=function(){return this._structArray.float32[this._pos4+16]},Object.defineProperties(e.prototype,r),e}(_i);Ki.prototype.size=68;var Qi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.get=function(t){return new Ki(this,t)},e}(Ni);Dn("SymbolInstanceArray",Qi);var $i=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.getoffsetX=function(t){return this.float32[1*t+0]},e}(ji);Dn("GlyphOffsetArray",$i);var ta=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.getx=function(t){return this.int16[3*t+0]},e.prototype.gety=function(t){return this.int16[3*t+1]},e.prototype.gettileUnitDistanceFromAnchor=function(t){return this.int16[3*t+2]},e}(Ui);Dn("SymbolLineVertexArray",ta);var ea=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e;var r={featureIndex:{configurable:!0},sourceLayerIndex:{configurable:!0},bucketIndex:{configurable:!0}};return r.featureIndex.get=function(){return this._structArray.uint32[this._pos4+0]},r.sourceLayerIndex.get=function(){return this._structArray.uint16[this._pos2+2]},r.bucketIndex.get=function(){return this._structArray.uint16[this._pos2+3]},Object.defineProperties(e.prototype,r),e}(_i);ea.prototype.size=8;var ra=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.get=function(t){return new ea(this,t)},e}(Vi);Dn("FeatureIndexArray",ra);var na=Ti([{name:"a_pos",components:2,type:"Int16"}],4).members,ia=function(t){void 0===t&&(t=[]),this.segments=t};function aa(t,e){return 256*(t=l(Math.floor(t),0,255))+l(Math.floor(e),0,255)}ia.prototype.prepareSegment=function(t,e,r,n){var i=this.segments[this.segments.length-1];return t>ia.MAX_VERTEX_ARRAY_LENGTH&&_("Max vertices per segment is "+ia.MAX_VERTEX_ARRAY_LENGTH+": bucket requested "+t),(!i||i.vertexLength+t>ia.MAX_VERTEX_ARRAY_LENGTH||i.sortKey!==n)&&(i={vertexOffset:e.length,primitiveOffset:r.length,vertexLength:0,primitiveLength:0},void 0!==n&&(i.sortKey=n),this.segments.push(i)),i},ia.prototype.get=function(){return this.segments},ia.prototype.destroy=function(){for(var t=0,e=this.segments;t>>16)*o&65535)<<16)&4294967295)<<15|l>>>17))*s+(((l>>>16)*s&65535)<<16)&4294967295)<<13|i>>>19))+((5*(i>>>16)&65535)<<16)&4294967295))+((58964+(a>>>16)&65535)<<16);switch(l=0,r){case 3:l^=(255&t.charCodeAt(c+2))<<16;case 2:l^=(255&t.charCodeAt(c+1))<<8;case 1:i^=l=(65535&(l=(l=(65535&(l^=255&t.charCodeAt(c)))*o+(((l>>>16)*o&65535)<<16)&4294967295)<<15|l>>>17))*s+(((l>>>16)*s&65535)<<16)&4294967295}return i^=t.length,i=2246822507*(65535&(i^=i>>>16))+((2246822507*(i>>>16)&65535)<<16)&4294967295,i=3266489909*(65535&(i^=i>>>13))+((3266489909*(i>>>16)&65535)<<16)&4294967295,(i^=i>>>16)>>>0}})),la=e((function(t){t.exports=function(t,e){for(var r,n=t.length,i=e^n,a=0;n>=4;)r=1540483477*(65535&(r=255&t.charCodeAt(a)|(255&t.charCodeAt(++a))<<8|(255&t.charCodeAt(++a))<<16|(255&t.charCodeAt(++a))<<24))+((1540483477*(r>>>16)&65535)<<16),i=1540483477*(65535&i)+((1540483477*(i>>>16)&65535)<<16)^(r=1540483477*(65535&(r^=r>>>24))+((1540483477*(r>>>16)&65535)<<16)),n-=4,++a;switch(n){case 3:i^=(255&t.charCodeAt(a+2))<<16;case 2:i^=(255&t.charCodeAt(a+1))<<8;case 1:i=1540483477*(65535&(i^=255&t.charCodeAt(a)))+((1540483477*(i>>>16)&65535)<<16)}return i=1540483477*(65535&(i^=i>>>13))+((1540483477*(i>>>16)&65535)<<16),(i^=i>>>15)>>>0}})),ca=sa,ua=la;ca.murmur3=sa,ca.murmur2=ua;var fa=function(){this.ids=[],this.positions=[],this.indexed=!1};fa.prototype.add=function(t,e,r,n){this.ids.push(pa(t)),this.positions.push(e,r,n)},fa.prototype.getPositions=function(t){for(var e=pa(t),r=0,n=this.ids.length-1;r>1;this.ids[i]>=e?n=i:r=i+1}for(var a=[];this.ids[r]===e;)a.push({index:this.positions[3*r],start:this.positions[3*r+1],end:this.positions[3*r+2]}),r++;return a},fa.serialize=function(t,e){var r=new Float64Array(t.ids),n=new Uint32Array(t.positions);return function t(e,r,n,i){for(;n>1],o=n-1,s=i+1;;){do{o++}while(e[o]a);if(o>=s)break;da(e,o,s),da(r,3*o,3*s),da(r,3*o+1,3*s+1),da(r,3*o+2,3*s+2)}s-nOa.max||o.yOa.max)&&(_("Geometry exceeds allowed extent, reduce your vector tile buffer size"),o.x=l(o.x,Oa.min,Oa.max),o.y=l(o.y,Oa.min,Oa.max))}return r}function Ra(t,e,r,n,i){t.emplaceBack(2*e+(n+1)/2,2*r+(i+1)/2)}var Fa=function(t){this.zoom=t.zoom,this.overscaling=t.overscaling,this.layers=t.layers,this.layerIds=this.layers.map((function(t){return t.id})),this.index=t.index,this.hasPattern=!1,this.layoutVertexArray=new Mi,this.indexArray=new Fi,this.segments=new ia,this.programConfigurations=new Ia(na,t.layers,t.zoom),this.stateDependentLayerIds=this.layers.filter((function(t){return t.isStateDependent()})).map((function(t){return t.id}))};function Ba(t,e){for(var r=0;r1){if(Va(t,e))return!0;for(var n=0;n1?r:r.sub(e)._mult(i)._add(e))}function Ya(t,e){for(var r,n,i,a=!1,o=0;oe.y!=(i=r[l]).y>e.y&&e.x<(i.x-n.x)*(e.y-n.y)/(i.y-n.y)+n.x&&(a=!a);return a}function Wa(t,e){for(var r=!1,n=0,i=t.length-1;ne.y!=o.y>e.y&&e.x<(o.x-a.x)*(e.y-a.y)/(o.y-a.y)+a.x&&(r=!r)}return r}function Xa(t,e,r){var n=r[0],i=r[2];if(t.xi.x&&e.x>i.x||t.yi.y&&e.y>i.y)return!1;var a=w(t,e,r[0]);return a!==w(t,e,r[1])||a!==w(t,e,r[2])||a!==w(t,e,r[3])}function Za(t,e,r){var n=e.paint.get(t).value;return"constant"===n.kind?n.value:r.programConfigurations.get(e.id).getMaxValue(t)}function Ja(t){return Math.sqrt(t[0]*t[0]+t[1]*t[1])}function Ka(t,e,r,n,a){if(!e[0]&&!e[1])return t;var o=i.convert(e)._mult(a);"viewport"===r&&o._rotate(-n);for(var s=[],l=0;l=8192||u<0||u>=8192)){var f=this.segments.prepareSegment(4,this.layoutVertexArray,this.indexArray,t.sortKey),h=f.vertexLength;Ra(this.layoutVertexArray,c,u,-1,-1),Ra(this.layoutVertexArray,c,u,1,-1),Ra(this.layoutVertexArray,c,u,1,1),Ra(this.layoutVertexArray,c,u,-1,1),this.indexArray.emplaceBack(h,h+1,h+2),this.indexArray.emplaceBack(h,h+3,h+2),f.vertexLength+=4,f.primitiveLength+=2}}this.programConfigurations.populatePaintArrays(this.layoutVertexArray.length,t,r,{},n)},Dn("CircleBucket",Fa,{omit:["layers"]});var Qa=new yi({"circle-sort-key":new di(At.layout_circle["circle-sort-key"])}),$a={paint:new yi({"circle-radius":new di(At.paint_circle["circle-radius"]),"circle-color":new di(At.paint_circle["circle-color"]),"circle-blur":new di(At.paint_circle["circle-blur"]),"circle-opacity":new di(At.paint_circle["circle-opacity"]),"circle-translate":new pi(At.paint_circle["circle-translate"]),"circle-translate-anchor":new pi(At.paint_circle["circle-translate-anchor"]),"circle-pitch-scale":new pi(At.paint_circle["circle-pitch-scale"]),"circle-pitch-alignment":new pi(At.paint_circle["circle-pitch-alignment"]),"circle-stroke-width":new di(At.paint_circle["circle-stroke-width"]),"circle-stroke-color":new di(At.paint_circle["circle-stroke-color"]),"circle-stroke-opacity":new di(At.paint_circle["circle-stroke-opacity"])}),layout:Qa},to="undefined"!=typeof Float32Array?Float32Array:Array;function eo(t){return t[0]=1,t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[5]=1,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[10]=1,t[11]=0,t[12]=0,t[13]=0,t[14]=0,t[15]=1,t}function ro(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3],s=e[4],l=e[5],c=e[6],u=e[7],f=e[8],h=e[9],p=e[10],d=e[11],g=e[12],m=e[13],v=e[14],y=e[15],x=r[0],b=r[1],_=r[2],w=r[3];return t[0]=x*n+b*s+_*f+w*g,t[1]=x*i+b*l+_*h+w*m,t[2]=x*a+b*c+_*p+w*v,t[3]=x*o+b*u+_*d+w*y,t[4]=(x=r[4])*n+(b=r[5])*s+(_=r[6])*f+(w=r[7])*g,t[5]=x*i+b*l+_*h+w*m,t[6]=x*a+b*c+_*p+w*v,t[7]=x*o+b*u+_*d+w*y,t[8]=(x=r[8])*n+(b=r[9])*s+(_=r[10])*f+(w=r[11])*g,t[9]=x*i+b*l+_*h+w*m,t[10]=x*a+b*c+_*p+w*v,t[11]=x*o+b*u+_*d+w*y,t[12]=(x=r[12])*n+(b=r[13])*s+(_=r[14])*f+(w=r[15])*g,t[13]=x*i+b*l+_*h+w*m,t[14]=x*a+b*c+_*p+w*v,t[15]=x*o+b*u+_*d+w*y,t}Math.hypot||(Math.hypot=function(){for(var t=arguments,e=0,r=arguments.length;r--;)e+=t[r]*t[r];return Math.sqrt(e)});var no,io=ro;function ao(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3];return t[0]=r[0]*n+r[4]*i+r[8]*a+r[12]*o,t[1]=r[1]*n+r[5]*i+r[9]*a+r[13]*o,t[2]=r[2]*n+r[6]*i+r[10]*a+r[14]*o,t[3]=r[3]*n+r[7]*i+r[11]*a+r[15]*o,t}no=new to(3),to!=Float32Array&&(no[0]=0,no[1]=0,no[2]=0),function(){var t=new to(4);to!=Float32Array&&(t[0]=0,t[1]=0,t[2]=0,t[3]=0)}();var oo=(function(){var t=new to(2);to!=Float32Array&&(t[0]=0,t[1]=0)}(),function(t){function e(e){t.call(this,e,$a)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.createBucket=function(t){return new Fa(t)},e.prototype.queryRadius=function(t){var e=t;return Za("circle-radius",this,e)+Za("circle-stroke-width",this,e)+Ja(this.paint.get("circle-translate"))},e.prototype.queryIntersectsFeature=function(t,e,r,n,i,a,o,s){for(var l=Ka(t,this.paint.get("circle-translate"),this.paint.get("circle-translate-anchor"),a.angle,o),c=this.paint.get("circle-radius").evaluate(e,r)+this.paint.get("circle-stroke-width").evaluate(e,r),u="map"===this.paint.get("circle-pitch-alignment"),f=u?l:function(t,e){return t.map((function(t){return so(t,e)}))}(l,s),h=u?c*o:c,p=0,d=n;pt.width||i.height>t.height||r.x>t.width-i.width||r.y>t.height-i.height)throw new RangeError("out of range source coordinates for image copy");if(i.width>e.width||i.height>e.height||n.x>e.width-i.width||n.y>e.height-i.height)throw new RangeError("out of range destination coordinates for image copy");for(var o=t.data,s=e.data,l=0;l80*r){n=a=t[0],i=o=t[1];for(var d=r;da&&(a=s),l>o&&(o=l);c=0!==(c=Math.max(a-n,o-i))?1/c:0}return Ao(h,p,r,n,i,c),p}function ko(t,e,r,n,i){var a,o;if(i===Xo(t,e,r,n)>0)for(a=e;a=e;a-=n)o=Go(a,t[a],t[a+1],o);return o&&No(o,o.next)&&(Yo(o),o=o.next),o}function Mo(t,e){if(!t)return t;e||(e=t);var r,n=t;do{if(r=!1,n.steiner||!No(n,n.next)&&0!==Bo(n.prev,n,n.next))n=n.next;else{if(Yo(n),(n=e=n.prev)===n.next)break;r=!0}}while(r||n!==e);return e}function Ao(t,e,r,n,i,a,o){if(t){!o&&a&&function(t,e,r,n){var i=t;do{null===i.z&&(i.z=Oo(i.x,i.y,e,r,n)),i.prevZ=i.prev,i.nextZ=i.next,i=i.next}while(i!==t);i.prevZ.nextZ=null,i.prevZ=null,function(t){var e,r,n,i,a,o,s,l,c=1;do{for(r=t,t=null,a=null,o=0;r;){for(o++,n=r,s=0,e=0;e0||l>0&&n;)0!==s&&(0===l||!n||r.z<=n.z)?(i=r,r=r.nextZ,s--):(i=n,n=n.nextZ,l--),a?a.nextZ=i:t=i,i.prevZ=a,a=i;r=n}a.nextZ=null,c*=2}while(o>1)}(i)}(t,n,i,a);for(var s,l,c=t;t.prev!==t.next;)if(s=t.prev,l=t.next,a?Eo(t,n,i,a):So(t))e.push(s.i/r),e.push(t.i/r),e.push(l.i/r),Yo(t),t=l.next,c=l.next;else if((t=l)===c){o?1===o?Ao(t=Co(Mo(t),e,r),e,r,n,i,a,2):2===o&&Lo(t,e,r,n,i,a):Ao(Mo(t),e,r,n,i,a,1);break}}}function So(t){var e=t.prev,r=t,n=t.next;if(Bo(e,r,n)>=0)return!1;for(var i=t.next.next;i!==t.prev;){if(Ro(e.x,e.y,r.x,r.y,n.x,n.y,i.x,i.y)&&Bo(i.prev,i,i.next)>=0)return!1;i=i.next}return!0}function Eo(t,e,r,n){var i=t.prev,a=t,o=t.next;if(Bo(i,a,o)>=0)return!1;for(var s=i.x>a.x?i.x>o.x?i.x:o.x:a.x>o.x?a.x:o.x,l=i.y>a.y?i.y>o.y?i.y:o.y:a.y>o.y?a.y:o.y,c=Oo(i.x=c&&h&&h.z<=u;){if(f!==t.prev&&f!==t.next&&Ro(i.x,i.y,a.x,a.y,o.x,o.y,f.x,f.y)&&Bo(f.prev,f,f.next)>=0)return!1;if(f=f.prevZ,h!==t.prev&&h!==t.next&&Ro(i.x,i.y,a.x,a.y,o.x,o.y,h.x,h.y)&&Bo(h.prev,h,h.next)>=0)return!1;h=h.nextZ}for(;f&&f.z>=c;){if(f!==t.prev&&f!==t.next&&Ro(i.x,i.y,a.x,a.y,o.x,o.y,f.x,f.y)&&Bo(f.prev,f,f.next)>=0)return!1;f=f.prevZ}for(;h&&h.z<=u;){if(h!==t.prev&&h!==t.next&&Ro(i.x,i.y,a.x,a.y,o.x,o.y,h.x,h.y)&&Bo(h.prev,h,h.next)>=0)return!1;h=h.nextZ}return!0}function Co(t,e,r){var n=t;do{var i=n.prev,a=n.next.next;!No(i,a)&&jo(i,n,n.next,a)&&qo(i,a)&&qo(a,i)&&(e.push(i.i/r),e.push(n.i/r),e.push(a.i/r),Yo(n),Yo(n.next),n=t=a),n=n.next}while(n!==t);return Mo(n)}function Lo(t,e,r,n,i,a){var o=t;do{for(var s=o.next.next;s!==o.prev;){if(o.i!==s.i&&Fo(o,s)){var l=Ho(o,s);return o=Mo(o,o.next),l=Mo(l,l.next),Ao(o,e,r,n,i,a),void Ao(l,e,r,n,i,a)}s=s.next}o=o.next}while(o!==t)}function Io(t,e){return t.x-e.x}function Po(t,e){if(e=function(t,e){var r,n=e,i=t.x,a=t.y,o=-1/0;do{if(a<=n.y&&a>=n.next.y&&n.next.y!==n.y){var s=n.x+(a-n.y)*(n.next.x-n.x)/(n.next.y-n.y);if(s<=i&&s>o){if(o=s,s===i){if(a===n.y)return n;if(a===n.next.y)return n.next}r=n.x=n.x&&n.x>=u&&i!==n.x&&Ro(ar.x||n.x===r.x&&zo(r,n)))&&(r=n,h=l)),n=n.next}while(n!==c);return r}(t,e)){var r=Ho(e,t);Mo(e,e.next),Mo(r,r.next)}}function zo(t,e){return Bo(t.prev,t,e.prev)<0&&Bo(e.next,t,t.next)<0}function Oo(t,e,r,n,i){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t=32767*(t-r)*i)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e=32767*(e-n)*i)|e<<8))|e<<4))|e<<2))|e<<1))<<1}function Do(t){var e=t,r=t;do{(e.x=0&&(t-o)*(n-s)-(r-o)*(e-s)>=0&&(r-o)*(a-s)-(i-o)*(n-s)>=0}function Fo(t,e){return t.next.i!==e.i&&t.prev.i!==e.i&&!function(t,e){var r=t;do{if(r.i!==t.i&&r.next.i!==t.i&&r.i!==e.i&&r.next.i!==e.i&&jo(r,r.next,t,e))return!0;r=r.next}while(r!==t);return!1}(t,e)&&(qo(t,e)&&qo(e,t)&&function(t,e){var r=t,n=!1,i=(t.x+e.x)/2,a=(t.y+e.y)/2;do{r.y>a!=r.next.y>a&&r.next.y!==r.y&&i<(r.next.x-r.x)*(a-r.y)/(r.next.y-r.y)+r.x&&(n=!n),r=r.next}while(r!==t);return n}(t,e)&&(Bo(t.prev,t,e.prev)||Bo(t,e.prev,e))||No(t,e)&&Bo(t.prev,t,t.next)>0&&Bo(e.prev,e,e.next)>0)}function Bo(t,e,r){return(e.y-t.y)*(r.x-e.x)-(e.x-t.x)*(r.y-e.y)}function No(t,e){return t.x===e.x&&t.y===e.y}function jo(t,e,r,n){var i=Vo(Bo(t,e,r)),a=Vo(Bo(t,e,n)),o=Vo(Bo(r,n,t)),s=Vo(Bo(r,n,e));return i!==a&&o!==s||!(0!==i||!Uo(t,r,e))||!(0!==a||!Uo(t,n,e))||!(0!==o||!Uo(r,t,n))||!(0!==s||!Uo(r,e,n))}function Uo(t,e,r){return e.x<=Math.max(t.x,r.x)&&e.x>=Math.min(t.x,r.x)&&e.y<=Math.max(t.y,r.y)&&e.y>=Math.min(t.y,r.y)}function Vo(t){return t>0?1:t<0?-1:0}function qo(t,e){return Bo(t.prev,t,t.next)<0?Bo(t,e,t.next)>=0&&Bo(t,t.prev,e)>=0:Bo(t,e,t.prev)<0||Bo(t,t.next,e)<0}function Ho(t,e){var r=new Wo(t.i,t.x,t.y),n=new Wo(e.i,e.x,e.y),i=t.next,a=e.prev;return t.next=e,e.prev=t,r.next=i,i.prev=r,n.next=r,r.prev=n,a.next=n,n.prev=a,n}function Go(t,e,r,n){var i=new Wo(t,e,r);return n?(i.next=n.next,i.prev=n,n.next.prev=i,n.next=i):(i.prev=i,i.next=i),i}function Yo(t){t.next.prev=t.prev,t.prev.next=t.next,t.prevZ&&(t.prevZ.nextZ=t.nextZ),t.nextZ&&(t.nextZ.prevZ=t.prevZ)}function Wo(t,e,r){this.i=t,this.x=e,this.y=r,this.prev=null,this.next=null,this.z=null,this.prevZ=null,this.nextZ=null,this.steiner=!1}function Xo(t,e,r,n){for(var i=0,a=e,o=r-n;an;){if(i-n>600){var o=i-n+1,s=r-n+1,l=Math.log(o),c=.5*Math.exp(2*l/3),u=.5*Math.sqrt(l*c*(o-c)/o)*(s-o/2<0?-1:1);t(e,r,Math.max(n,Math.floor(r-s*c/o+u)),Math.min(i,Math.floor(r+(o-s)*c/o+u)),a)}var f=e[r],h=n,p=i;for(Jo(e,n,r),a(e[i],f)>0&&Jo(e,n,i);h0;)p--}0===a(e[n],f)?Jo(e,n,p):Jo(e,++p,i),p<=r&&(n=p+1),r<=p&&(i=p-1)}}(t,e,r||0,n||t.length-1,i||Ko)}function Jo(t,e,r){var n=t[e];t[e]=t[r],t[r]=n}function Ko(t,e){return te?1:0}function Qo(t,e){var r=t.length;if(r<=1)return[t];for(var n,i,a=[],o=0;o1)for(var l=0;l0&&r.holes.push(n+=t[i-1].length)}return r},_o.default=wo;var rs=function(t){this.zoom=t.zoom,this.overscaling=t.overscaling,this.layers=t.layers,this.layerIds=this.layers.map((function(t){return t.id})),this.index=t.index,this.hasPattern=!1,this.patternFeatures=[],this.layoutVertexArray=new Mi,this.indexArray=new Fi,this.indexArray2=new qi,this.programConfigurations=new Ia(bo,t.layers,t.zoom),this.segments=new ia,this.segments2=new ia,this.stateDependentLayerIds=this.layers.filter((function(t){return t.isStateDependent()})).map((function(t){return t.id}))};rs.prototype.populate=function(t,e,r){this.hasPattern=ts("fill",this.layers,e);for(var n=this.layers[0].layout.get("fill-sort-key"),i=[],a=0,o=t;a>3}if(a--,1===n||2===n)o+=t.readSVarint(),s+=t.readSVarint(),1===n&&(e&&l.push(e),e=[]),e.push(new i(o,s));else{if(7!==n)throw new Error("unknown command "+n);e&&e.push(e[0].clone())}}return e&&l.push(e),l},ls.prototype.bbox=function(){var t=this._pbf;t.pos=this._geometry;for(var e=t.readVarint()+t.pos,r=1,n=0,i=0,a=0,o=1/0,s=-1/0,l=1/0,c=-1/0;t.pos>3}if(n--,1===r||2===r)(i+=t.readSVarint())s&&(s=i),(a+=t.readSVarint())c&&(c=a);else if(7!==r)throw new Error("unknown command "+r)}return[o,l,s,c]},ls.prototype.toGeoJSON=function(t,e,r){var n,i,a=this.extent*Math.pow(2,r),o=this.extent*t,s=this.extent*e,l=this.loadGeometry(),c=ls.types[this.type];function u(t){for(var e=0;e>3;e=1===n?t.readString():2===n?t.readFloat():3===n?t.readDouble():4===n?t.readVarint64():5===n?t.readVarint():6===n?t.readSVarint():7===n?t.readBoolean():null}return e}(r))}function ds(t,e,r){if(3===t){var n=new fs(r,r.readVarint()+r.pos);n.length&&(e[n.name]=n)}}hs.prototype.feature=function(t){if(t<0||t>=this._features.length)throw new Error("feature index out of bounds");this._pbf.pos=this._features[t];var e=this._pbf.readVarint()+this._pbf.pos;return new ss(this._pbf,e,this.extent,this._keys,this._values)};var gs={VectorTile:function(t,e){this.layers=t.readFields(ds,{},e)},VectorTileFeature:ss,VectorTileLayer:fs},ms=gs.VectorTileFeature.types,vs=Math.pow(2,13);function ys(t,e,r,n,i,a,o,s){t.emplaceBack(e,r,2*Math.floor(n*vs)+o,i*vs*2,a*vs*2,Math.round(s))}var xs=function(t){this.zoom=t.zoom,this.overscaling=t.overscaling,this.layers=t.layers,this.layerIds=this.layers.map((function(t){return t.id})),this.index=t.index,this.hasPattern=!1,this.layoutVertexArray=new Si,this.indexArray=new Fi,this.programConfigurations=new Ia(os,t.layers,t.zoom),this.segments=new ia,this.stateDependentLayerIds=this.layers.filter((function(t){return t.isStateDependent()})).map((function(t){return t.id}))};function bs(t,e){return t.x===e.x&&(t.x<0||t.x>8192)||t.y===e.y&&(t.y<0||t.y>8192)}xs.prototype.populate=function(t,e,r){this.features=[],this.hasPattern=ts("fill-extrusion",this.layers,e);for(var n=0,i=t;n8192}))||P.every((function(t){return t.y<0}))||P.every((function(t){return t.y>8192}))))for(var g=0,m=0;m=1){var y=d[m-1];if(!bs(v,y)){f.vertexLength+4>ia.MAX_VERTEX_ARRAY_LENGTH&&(f=this.segments.prepareSegment(4,this.layoutVertexArray,this.indexArray));var x=v.sub(y)._perp()._unit(),b=y.dist(v);g+b>32768&&(g=0),ys(this.layoutVertexArray,v.x,v.y,x.x,x.y,0,0,g),ys(this.layoutVertexArray,v.x,v.y,x.x,x.y,0,1,g),ys(this.layoutVertexArray,y.x,y.y,x.x,x.y,0,0,g+=b),ys(this.layoutVertexArray,y.x,y.y,x.x,x.y,0,1,g);var _=f.vertexLength;this.indexArray.emplaceBack(_,_+2,_+1),this.indexArray.emplaceBack(_+1,_+2,_+3),f.vertexLength+=4,f.primitiveLength+=2}}}}if(f.vertexLength+l>ia.MAX_VERTEX_ARRAY_LENGTH&&(f=this.segments.prepareSegment(l,this.layoutVertexArray,this.indexArray)),"Polygon"===ms[t.type]){for(var w=[],T=[],k=f.vertexLength,M=0,A=s;M=2&&t[l-1].equals(t[l-2]);)l--;for(var c=0;c0;if(T&&v>c){var M=u.dist(p);if(M>2*f){var A=u.sub(u.sub(p)._mult(f/M)._round());this.updateDistance(p,A),this.addCurrentVertex(A,g,0,0,h),p=A}}var S=p&&d,E=S?r:s?"butt":n;if(S&&"round"===E&&(_i&&(E="bevel"),"bevel"===E&&(_>2&&(E="flipbevel"),_100)y=m.mult(-1);else{var C=_*g.add(m).mag()/g.sub(m).mag();y._perp()._mult(C*(k?-1:1))}this.addCurrentVertex(u,y,0,0,h),this.addCurrentVertex(u,y.mult(-1),0,0,h)}else if("bevel"===E||"fakeround"===E){var L=-Math.sqrt(_*_-1),I=k?L:0,P=k?0:L;if(p&&this.addCurrentVertex(u,g,I,P,h),"fakeround"===E)for(var z=Math.round(180*w/Math.PI/20),O=1;O2*f){var j=u.add(d.sub(u)._mult(f/N)._round());this.updateDistance(u,j),this.addCurrentVertex(j,m,0,0,h),u=j}}}}},Cs.prototype.addCurrentVertex=function(t,e,r,n,i,a){void 0===a&&(a=!1);var o=e.y*n-e.x,s=-e.y-e.x*n;this.addHalfVertex(t,e.x+e.y*r,e.y-e.x*r,a,!1,r,i),this.addHalfVertex(t,o,s,a,!0,-n,i),this.distance>Es/2&&0===this.totalDistance&&(this.distance=0,this.addCurrentVertex(t,e,r,n,i,a))},Cs.prototype.addHalfVertex=function(t,e,r,n,i,a,o){var s=.5*this.scaledDistance;this.layoutVertexArray.emplaceBack((t.x<<1)+(n?1:0),(t.y<<1)+(i?1:0),Math.round(63*e)+128,Math.round(63*r)+128,1+(0===a?0:a<0?-1:1)|(63&s)<<2,s>>6);var l=o.vertexLength++;this.e1>=0&&this.e2>=0&&(this.indexArray.emplaceBack(this.e1,this.e2,l),o.primitiveLength++),i?this.e2=l:this.e1=l},Cs.prototype.updateScaledDistance=function(){this.scaledDistance=this.totalDistance>0?(this.clipStart+(this.clipEnd-this.clipStart)*this.distance/this.totalDistance)*(Es-1):this.distance},Cs.prototype.updateDistance=function(t,e){this.distance+=t.dist(e),this.updateScaledDistance()},Dn("LineBucket",Cs,{omit:["layers","patternFeatures"]});var Ls=new yi({"line-cap":new pi(At.layout_line["line-cap"]),"line-join":new di(At.layout_line["line-join"]),"line-miter-limit":new pi(At.layout_line["line-miter-limit"]),"line-round-limit":new pi(At.layout_line["line-round-limit"]),"line-sort-key":new di(At.layout_line["line-sort-key"])}),Is={paint:new yi({"line-opacity":new di(At.paint_line["line-opacity"]),"line-color":new di(At.paint_line["line-color"]),"line-translate":new pi(At.paint_line["line-translate"]),"line-translate-anchor":new pi(At.paint_line["line-translate-anchor"]),"line-width":new di(At.paint_line["line-width"]),"line-gap-width":new di(At.paint_line["line-gap-width"]),"line-offset":new di(At.paint_line["line-offset"]),"line-blur":new di(At.paint_line["line-blur"]),"line-dasharray":new mi(At.paint_line["line-dasharray"]),"line-pattern":new gi(At.paint_line["line-pattern"]),"line-gradient":new vi(At.paint_line["line-gradient"])}),layout:Ls},Ps=new(function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.possiblyEvaluate=function(e,r){return r=new ii(Math.floor(r.zoom),{now:r.now,fadeDuration:r.fadeDuration,zoomHistory:r.zoomHistory,transition:r.transition}),t.prototype.possiblyEvaluate.call(this,e,r)},e.prototype.evaluate=function(e,r,n,i){return r=u({},r,{zoom:Math.floor(r.zoom)}),t.prototype.evaluate.call(this,e,r,n,i)},e}(di))(Is.paint.properties["line-width"].specification);Ps.useIntegerZoom=!0;var zs=function(t){function e(e){t.call(this,e,Is)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._handleSpecialPaintPropertyUpdate=function(t){"line-gradient"===t&&this._updateGradient()},e.prototype._updateGradient=function(){this.gradient=mo(this._transitionablePaint._values["line-gradient"].value.expression,"lineProgress"),this.gradientTexture=null},e.prototype.recalculate=function(e,r){t.prototype.recalculate.call(this,e,r),this.paint._values["line-floorwidth"]=Ps.possiblyEvaluate(this._transitioningPaint._values["line-width"].value,e)},e.prototype.createBucket=function(t){return new Cs(t)},e.prototype.queryRadius=function(t){var e=t,r=Os(Za("line-width",this,e),Za("line-gap-width",this,e)),n=Za("line-offset",this,e);return r/2+Math.abs(n)+Ja(this.paint.get("line-translate"))},e.prototype.queryIntersectsFeature=function(t,e,r,n,a,o,s){var l=Ka(t,this.paint.get("line-translate"),this.paint.get("line-translate-anchor"),o.angle,s),c=s/2*Os(this.paint.get("line-width").evaluate(e,r),this.paint.get("line-gap-width").evaluate(e,r)),u=this.paint.get("line-offset").evaluate(e,r);return u&&(n=function(t,e){for(var r=[],n=new i(0,0),a=0;a=3)for(var a=0;a0?e+2*t:t}var Ds=Ti([{name:"a_pos_offset",components:4,type:"Int16"},{name:"a_data",components:4,type:"Uint16"},{name:"a_pixeloffset",components:4,type:"Int16"}],4),Rs=Ti([{name:"a_projected_pos",components:3,type:"Float32"}],4),Fs=(Ti([{name:"a_fade_opacity",components:1,type:"Uint32"}],4),Ti([{name:"a_placed",components:2,type:"Uint8"},{name:"a_shift",components:2,type:"Float32"}])),Bs=(Ti([{type:"Int16",name:"anchorPointX"},{type:"Int16",name:"anchorPointY"},{type:"Int16",name:"x1"},{type:"Int16",name:"y1"},{type:"Int16",name:"x2"},{type:"Int16",name:"y2"},{type:"Uint32",name:"featureIndex"},{type:"Uint16",name:"sourceLayerIndex"},{type:"Uint16",name:"bucketIndex"}]),Ti([{name:"a_pos",components:2,type:"Int16"},{name:"a_anchor_pos",components:2,type:"Int16"},{name:"a_extrude",components:2,type:"Int16"}],4)),Ns=Ti([{name:"a_pos",components:2,type:"Float32"},{name:"a_radius",components:1,type:"Float32"},{name:"a_flags",components:2,type:"Int16"}],4);function js(t,e,r){return t.sections.forEach((function(t){t.text=function(t,e,r){var n=e.layout.get("text-transform").evaluate(r,{});return"uppercase"===n?t=t.toLocaleUpperCase():"lowercase"===n&&(t=t.toLocaleLowerCase()),ni.applyArabicShaping&&(t=ni.applyArabicShaping(t)),t}(t.text,e,r)})),t}Ti([{name:"triangle",components:3,type:"Uint16"}]),Ti([{type:"Int16",name:"anchorX"},{type:"Int16",name:"anchorY"},{type:"Uint16",name:"glyphStartIndex"},{type:"Uint16",name:"numGlyphs"},{type:"Uint32",name:"vertexStartIndex"},{type:"Uint32",name:"lineStartIndex"},{type:"Uint32",name:"lineLength"},{type:"Uint16",name:"segment"},{type:"Uint16",name:"lowerSize"},{type:"Uint16",name:"upperSize"},{type:"Float32",name:"lineOffsetX"},{type:"Float32",name:"lineOffsetY"},{type:"Uint8",name:"writingMode"},{type:"Uint8",name:"placedOrientation"},{type:"Uint8",name:"hidden"},{type:"Uint32",name:"crossTileID"},{type:"Int16",name:"associatedIconIndex"}]),Ti([{type:"Int16",name:"anchorX"},{type:"Int16",name:"anchorY"},{type:"Int16",name:"rightJustifiedTextSymbolIndex"},{type:"Int16",name:"centerJustifiedTextSymbolIndex"},{type:"Int16",name:"leftJustifiedTextSymbolIndex"},{type:"Int16",name:"verticalPlacedTextSymbolIndex"},{type:"Int16",name:"placedIconSymbolIndex"},{type:"Int16",name:"verticalPlacedIconSymbolIndex"},{type:"Uint16",name:"key"},{type:"Uint16",name:"textBoxStartIndex"},{type:"Uint16",name:"textBoxEndIndex"},{type:"Uint16",name:"verticalTextBoxStartIndex"},{type:"Uint16",name:"verticalTextBoxEndIndex"},{type:"Uint16",name:"iconBoxStartIndex"},{type:"Uint16",name:"iconBoxEndIndex"},{type:"Uint16",name:"verticalIconBoxStartIndex"},{type:"Uint16",name:"verticalIconBoxEndIndex"},{type:"Uint16",name:"featureIndex"},{type:"Uint16",name:"numHorizontalGlyphVertices"},{type:"Uint16",name:"numVerticalGlyphVertices"},{type:"Uint16",name:"numIconVertices"},{type:"Uint16",name:"numVerticalIconVertices"},{type:"Uint16",name:"useRuntimeCollisionCircles"},{type:"Uint32",name:"crossTileID"},{type:"Float32",name:"textBoxScale"},{type:"Float32",components:2,name:"textOffset"},{type:"Float32",name:"collisionCircleDiameter"}]),Ti([{type:"Float32",name:"offsetX"}]),Ti([{type:"Int16",name:"x"},{type:"Int16",name:"y"},{type:"Int16",name:"tileUnitDistanceFromAnchor"}]);var Us={"!":"\ufe15","#":"\uff03",$:"\uff04","%":"\uff05","&":"\uff06","(":"\ufe35",")":"\ufe36","*":"\uff0a","+":"\uff0b",",":"\ufe10","-":"\ufe32",".":"\u30fb","/":"\uff0f",":":"\ufe13",";":"\ufe14","<":"\ufe3f","=":"\uff1d",">":"\ufe40","?":"\ufe16","@":"\uff20","[":"\ufe47","\\":"\uff3c","]":"\ufe48","^":"\uff3e",_:"\ufe33","`":"\uff40","{":"\ufe37","|":"\u2015","}":"\ufe38","~":"\uff5e","\xa2":"\uffe0","\xa3":"\uffe1","\xa5":"\uffe5","\xa6":"\uffe4","\xac":"\uffe2","\xaf":"\uffe3","\u2013":"\ufe32","\u2014":"\ufe31","\u2018":"\ufe43","\u2019":"\ufe44","\u201c":"\ufe41","\u201d":"\ufe42","\u2026":"\ufe19","\u2027":"\u30fb","\u20a9":"\uffe6","\u3001":"\ufe11","\u3002":"\ufe12","\u3008":"\ufe3f","\u3009":"\ufe40","\u300a":"\ufe3d","\u300b":"\ufe3e","\u300c":"\ufe41","\u300d":"\ufe42","\u300e":"\ufe43","\u300f":"\ufe44","\u3010":"\ufe3b","\u3011":"\ufe3c","\u3014":"\ufe39","\u3015":"\ufe3a","\u3016":"\ufe17","\u3017":"\ufe18","\uff01":"\ufe15","\uff08":"\ufe35","\uff09":"\ufe36","\uff0c":"\ufe10","\uff0d":"\ufe32","\uff0e":"\u30fb","\uff1a":"\ufe13","\uff1b":"\ufe14","\uff1c":"\ufe3f","\uff1e":"\ufe40","\uff1f":"\ufe16","\uff3b":"\ufe47","\uff3d":"\ufe48","\uff3f":"\ufe33","\uff5b":"\ufe37","\uff5c":"\u2015","\uff5d":"\ufe38","\uff5f":"\ufe35","\uff60":"\ufe36","\uff61":"\ufe12","\uff62":"\ufe41","\uff63":"\ufe42"},Vs=function(t,e,r,n,i){var a,o,s=8*i-n-1,l=(1<>1,u=-7,f=r?i-1:0,h=r?-1:1,p=t[e+f];for(f+=h,a=p&(1<<-u)-1,p>>=-u,u+=s;u>0;a=256*a+t[e+f],f+=h,u-=8);for(o=a&(1<<-u)-1,a>>=-u,u+=n;u>0;o=256*o+t[e+f],f+=h,u-=8);if(0===a)a=1-c;else{if(a===l)return o?NaN:1/0*(p?-1:1);o+=Math.pow(2,n),a-=c}return(p?-1:1)*o*Math.pow(2,a-n)},qs=function(t,e,r,n,i,a){var o,s,l,c=8*a-i-1,u=(1<>1,h=23===i?Math.pow(2,-24)-Math.pow(2,-77):0,p=n?0:a-1,d=n?1:-1,g=e<0||0===e&&1/e<0?1:0;for(e=Math.abs(e),isNaN(e)||e===1/0?(s=isNaN(e)?1:0,o=u):(o=Math.floor(Math.log(e)/Math.LN2),e*(l=Math.pow(2,-o))<1&&(o--,l*=2),(e+=o+f>=1?h/l:h*Math.pow(2,1-f))*l>=2&&(o++,l/=2),o+f>=u?(s=0,o=u):o+f>=1?(s=(e*l-1)*Math.pow(2,i),o+=f):(s=e*Math.pow(2,f-1)*Math.pow(2,i),o=0));i>=8;t[r+p]=255&s,p+=d,s/=256,i-=8);for(o=o<0;t[r+p]=255&o,p+=d,o/=256,c-=8);t[r+p-d]|=128*g},Hs=Gs;function Gs(t){this.buf=ArrayBuffer.isView&&ArrayBuffer.isView(t)?t:new Uint8Array(t||0),this.pos=0,this.type=0,this.length=this.buf.length}Gs.Varint=0,Gs.Fixed64=1,Gs.Bytes=2,Gs.Fixed32=5;var Ys="undefined"==typeof TextDecoder?null:new TextDecoder("utf8");function Ws(t){return t.type===Gs.Bytes?t.readVarint()+t.pos:t.pos+1}function Xs(t,e,r){return r?4294967296*e+(t>>>0):4294967296*(e>>>0)+(t>>>0)}function Zs(t,e,r){var n=e<=16383?1:e<=2097151?2:e<=268435455?3:Math.floor(Math.log(e)/(7*Math.LN2));r.realloc(n);for(var i=r.pos-1;i>=t;i--)r.buf[i+n]=r.buf[i]}function Js(t,e){for(var r=0;r>>8,t[r+2]=e>>>16,t[r+3]=e>>>24}function sl(t,e){return(t[e]|t[e+1]<<8|t[e+2]<<16)+(t[e+3]<<24)}function ll(t,e,r){1===t&&r.readMessage(cl,e)}function cl(t,e,r){if(3===t){var n=r.readMessage(ul,{}),i=n.width,a=n.height,o=n.left,s=n.top,l=n.advance;e.push({id:n.id,bitmap:new ho({width:i+6,height:a+6},n.bitmap),metrics:{width:i,height:a,left:o,top:s,advance:l}})}}function ul(t,e,r){1===t?e.id=r.readVarint():2===t?e.bitmap=r.readBytes():3===t?e.width=r.readVarint():4===t?e.height=r.readVarint():5===t?e.left=r.readSVarint():6===t?e.top=r.readSVarint():7===t&&(e.advance=r.readVarint())}function fl(t){for(var e=0,r=0,n=0,i=t;n=0;h--){var p=o[h];if(!(f.w>p.w||f.h>p.h)){if(f.x=p.x,f.y=p.y,l=Math.max(l,f.y+f.h),s=Math.max(s,f.x+f.w),f.w===p.w&&f.h===p.h){var d=o.pop();h>3,a=this.pos;this.type=7&n,t(i,e,this),this.pos===a&&this.skip(n)}return e},readMessage:function(t,e){return this.readFields(t,e,this.readVarint()+this.pos)},readFixed32:function(){var t=al(this.buf,this.pos);return this.pos+=4,t},readSFixed32:function(){var t=sl(this.buf,this.pos);return this.pos+=4,t},readFixed64:function(){var t=al(this.buf,this.pos)+4294967296*al(this.buf,this.pos+4);return this.pos+=8,t},readSFixed64:function(){var t=al(this.buf,this.pos)+4294967296*sl(this.buf,this.pos+4);return this.pos+=8,t},readFloat:function(){var t=Vs(this.buf,this.pos,!0,23,4);return this.pos+=4,t},readDouble:function(){var t=Vs(this.buf,this.pos,!0,52,8);return this.pos+=8,t},readVarint:function(t){var e,r,n=this.buf;return e=127&(r=n[this.pos++]),r<128?e:(e|=(127&(r=n[this.pos++]))<<7,r<128?e:(e|=(127&(r=n[this.pos++]))<<14,r<128?e:(e|=(127&(r=n[this.pos++]))<<21,r<128?e:function(t,e,r){var n,i,a=r.buf;if(n=(112&(i=a[r.pos++]))>>4,i<128)return Xs(t,n,e);if(n|=(127&(i=a[r.pos++]))<<3,i<128)return Xs(t,n,e);if(n|=(127&(i=a[r.pos++]))<<10,i<128)return Xs(t,n,e);if(n|=(127&(i=a[r.pos++]))<<17,i<128)return Xs(t,n,e);if(n|=(127&(i=a[r.pos++]))<<24,i<128)return Xs(t,n,e);if(n|=(1&(i=a[r.pos++]))<<31,i<128)return Xs(t,n,e);throw new Error("Expected varint not more than 10 bytes")}(e|=(15&(r=n[this.pos]))<<28,t,this))))},readVarint64:function(){return this.readVarint(!0)},readSVarint:function(){var t=this.readVarint();return t%2==1?(t+1)/-2:t/2},readBoolean:function(){return Boolean(this.readVarint())},readString:function(){var t=this.readVarint()+this.pos,e=this.pos;return this.pos=t,t-e>=12&&Ys?function(t,e,r){return Ys.decode(t.subarray(e,r))}(this.buf,e,t):function(t,e,r){for(var n="",i=e;i239?4:l>223?3:l>191?2:1;if(i+u>r)break;1===u?l<128&&(c=l):2===u?128==(192&(a=t[i+1]))&&(c=(31&l)<<6|63&a)<=127&&(c=null):3===u?(o=t[i+2],128==(192&(a=t[i+1]))&&128==(192&o)&&((c=(15&l)<<12|(63&a)<<6|63&o)<=2047||c>=55296&&c<=57343)&&(c=null)):4===u&&(o=t[i+2],s=t[i+3],128==(192&(a=t[i+1]))&&128==(192&o)&&128==(192&s)&&((c=(15&l)<<18|(63&a)<<12|(63&o)<<6|63&s)<=65535||c>=1114112)&&(c=null)),null===c?(c=65533,u=1):c>65535&&(c-=65536,n+=String.fromCharCode(c>>>10&1023|55296),c=56320|1023&c),n+=String.fromCharCode(c),i+=u}return n}(this.buf,e,t)},readBytes:function(){var t=this.readVarint()+this.pos,e=this.buf.subarray(this.pos,t);return this.pos=t,e},readPackedVarint:function(t,e){if(this.type!==Gs.Bytes)return t.push(this.readVarint(e));var r=Ws(this);for(t=t||[];this.pos127;);else if(e===Gs.Bytes)this.pos=this.readVarint()+this.pos;else if(e===Gs.Fixed32)this.pos+=4;else{if(e!==Gs.Fixed64)throw new Error("Unimplemented type: "+e);this.pos+=8}},writeTag:function(t,e){this.writeVarint(t<<3|e)},realloc:function(t){for(var e=this.length||16;e268435455||t<0?function(t,e){var r,n;if(t>=0?(r=t%4294967296|0,n=t/4294967296|0):(n=~(-t/4294967296),4294967295^(r=~(-t%4294967296))?r=r+1|0:(r=0,n=n+1|0)),t>=0x10000000000000000||t<-0x10000000000000000)throw new Error("Given varint doesn't fit into 10 bytes");e.realloc(10),function(t,e,r){r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,r.buf[r.pos]=127&(t>>>=7)}(r,0,e),function(t,e){var r=(7&t)<<4;e.buf[e.pos++]|=r|((t>>>=3)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t)))))}(n,e)}(t,this):(this.realloc(4),this.buf[this.pos++]=127&t|(t>127?128:0),t<=127||(this.buf[this.pos++]=127&(t>>>=7)|(t>127?128:0),t<=127||(this.buf[this.pos++]=127&(t>>>=7)|(t>127?128:0),t<=127||(this.buf[this.pos++]=t>>>7&127))))},writeSVarint:function(t){this.writeVarint(t<0?2*-t-1:2*t)},writeBoolean:function(t){this.writeVarint(Boolean(t))},writeString:function(t){t=String(t),this.realloc(4*t.length),this.pos++;var e=this.pos;this.pos=function(t,e,r){for(var n,i,a=0;a55295&&n<57344){if(!i){n>56319||a+1===e.length?(t[r++]=239,t[r++]=191,t[r++]=189):i=n;continue}if(n<56320){t[r++]=239,t[r++]=191,t[r++]=189,i=n;continue}n=i-55296<<10|n-56320|65536,i=null}else i&&(t[r++]=239,t[r++]=191,t[r++]=189,i=null);n<128?t[r++]=n:(n<2048?t[r++]=n>>6|192:(n<65536?t[r++]=n>>12|224:(t[r++]=n>>18|240,t[r++]=n>>12&63|128),t[r++]=n>>6&63|128),t[r++]=63&n|128)}return r}(this.buf,t,this.pos);var r=this.pos-e;r>=128&&Zs(e,r,this),this.pos=e-1,this.writeVarint(r),this.pos+=r},writeFloat:function(t){this.realloc(4),qs(this.buf,t,this.pos,!0,23,4),this.pos+=4},writeDouble:function(t){this.realloc(8),qs(this.buf,t,this.pos,!0,52,8),this.pos+=8},writeBytes:function(t){var e=t.length;this.writeVarint(e),this.realloc(e);for(var r=0;r=128&&Zs(r,n,this),this.pos=r-1,this.writeVarint(n),this.pos+=n},writeMessage:function(t,e,r){this.writeTag(t,Gs.Bytes),this.writeRawMessage(e,r)},writePackedVarint:function(t,e){e.length&&this.writeMessage(t,Js,e)},writePackedSVarint:function(t,e){e.length&&this.writeMessage(t,Ks,e)},writePackedBoolean:function(t,e){e.length&&this.writeMessage(t,tl,e)},writePackedFloat:function(t,e){e.length&&this.writeMessage(t,Qs,e)},writePackedDouble:function(t,e){e.length&&this.writeMessage(t,$s,e)},writePackedFixed32:function(t,e){e.length&&this.writeMessage(t,el,e)},writePackedSFixed32:function(t,e){e.length&&this.writeMessage(t,rl,e)},writePackedFixed64:function(t,e){e.length&&this.writeMessage(t,nl,e)},writePackedSFixed64:function(t,e){e.length&&this.writeMessage(t,il,e)},writeBytesField:function(t,e){this.writeTag(t,Gs.Bytes),this.writeBytes(e)},writeFixed32Field:function(t,e){this.writeTag(t,Gs.Fixed32),this.writeFixed32(e)},writeSFixed32Field:function(t,e){this.writeTag(t,Gs.Fixed32),this.writeSFixed32(e)},writeFixed64Field:function(t,e){this.writeTag(t,Gs.Fixed64),this.writeFixed64(e)},writeSFixed64Field:function(t,e){this.writeTag(t,Gs.Fixed64),this.writeSFixed64(e)},writeVarintField:function(t,e){this.writeTag(t,Gs.Varint),this.writeVarint(e)},writeSVarintField:function(t,e){this.writeTag(t,Gs.Varint),this.writeSVarint(e)},writeStringField:function(t,e){this.writeTag(t,Gs.Bytes),this.writeString(e)},writeFloatField:function(t,e){this.writeTag(t,Gs.Fixed32),this.writeFloat(e)},writeDoubleField:function(t,e){this.writeTag(t,Gs.Fixed64),this.writeDouble(e)},writeBooleanField:function(t,e){this.writeVarintField(t,Boolean(e))}};var hl=function(t,e){var r=e.pixelRatio,n=e.version,i=e.stretchX,a=e.stretchY,o=e.content;this.paddedRect=t,this.pixelRatio=r,this.stretchX=i,this.stretchY=a,this.content=o,this.version=n},pl={tl:{configurable:!0},br:{configurable:!0},tlbr:{configurable:!0},displaySize:{configurable:!0}};pl.tl.get=function(){return[this.paddedRect.x+1,this.paddedRect.y+1]},pl.br.get=function(){return[this.paddedRect.x+this.paddedRect.w-1,this.paddedRect.y+this.paddedRect.h-1]},pl.tlbr.get=function(){return this.tl.concat(this.br)},pl.displaySize.get=function(){return[(this.paddedRect.w-2)/this.pixelRatio,(this.paddedRect.h-2)/this.pixelRatio]},Object.defineProperties(hl.prototype,pl);var dl=function(t,e){var r={},n={};this.haveRenderCallbacks=[];var i=[];this.addImages(t,r,i),this.addImages(e,n,i);var a=fl(i),o=new po({width:a.w||1,height:a.h||1});for(var s in t){var l=t[s],c=r[s].paddedRect;po.copy(l.data,o,{x:0,y:0},{x:c.x+1,y:c.y+1},l.data)}for(var u in e){var f=e[u],h=n[u].paddedRect,p=h.x+1,d=h.y+1,g=f.data.width,m=f.data.height;po.copy(f.data,o,{x:0,y:0},{x:p,y:d},f.data),po.copy(f.data,o,{x:0,y:m-1},{x:p,y:d-1},{width:g,height:1}),po.copy(f.data,o,{x:0,y:0},{x:p,y:d+m},{width:g,height:1}),po.copy(f.data,o,{x:g-1,y:0},{x:p-1,y:d},{width:1,height:m}),po.copy(f.data,o,{x:0,y:0},{x:p+g,y:d},{width:1,height:m})}this.image=o,this.iconPositions=r,this.patternPositions=n};dl.prototype.addImages=function(t,e,r){for(var n in t){var i=t[n],a={x:0,y:0,w:i.data.width+2,h:i.data.height+2};r.push(a),e[n]=new hl(a,i),i.hasRenderCallback&&this.haveRenderCallbacks.push(n)}},dl.prototype.patchUpdatedImages=function(t,e){for(var r in t.dispatchRenderCallbacks(this.haveRenderCallbacks),t.updatedImages)this.patchUpdatedImage(this.iconPositions[r],t.getImage(r),e),this.patchUpdatedImage(this.patternPositions[r],t.getImage(r),e)},dl.prototype.patchUpdatedImage=function(t,e,r){if(t&&e&&t.version!==e.version){t.version=e.version;var n=t.tl;r.update(e.data,void 0,{x:n[0],y:n[1]})}},Dn("ImagePosition",hl),Dn("ImageAtlas",dl);var gl={horizontal:1,vertical:2,horizontalOnly:3},ml=function(){this.scale=1,this.fontStack="",this.imageName=null};ml.forText=function(t,e){var r=new ml;return r.scale=t||1,r.fontStack=e,r},ml.forImage=function(t){var e=new ml;return e.imageName=t,e};var vl=function(){this.text="",this.sectionIndex=[],this.sections=[],this.imageSectionID=null};function yl(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g){var m,v=vl.fromFeature(t,i);f===gl.vertical&&v.verticalizePunctuation();var y=ni.processBidirectionalText,x=ni.processStyledBidirectionalText;if(y&&1===v.sections.length){m=[];for(var b=0,_=y(v.toString(),Ml(v,c,a,e,n,p,d));b<_.length;b+=1){var w=_[b],T=new vl;T.text=w,T.sections=v.sections;for(var k=0;k0&&B>M&&(M=B)}else{var N=r[S.fontStack],j=N&&N[C];if(j&&j.rect)P=j.rect,I=j.metrics;else{var U=e[S.fontStack],V=U&&U[C];if(!V)continue;I=V.metrics}L=24*(_-S.scale)}D?(t.verticalizable=!0,k.push({glyph:C,imageName:z,x:h,y:p+L,vertical:D,scale:S.scale,fontStack:S.fontStack,sectionIndex:E,metrics:I,rect:P}),h+=O*S.scale+c):(k.push({glyph:C,imageName:z,x:h,y:p+L,vertical:D,scale:S.scale,fontStack:S.fontStack,sectionIndex:E,metrics:I,rect:P}),h+=I.advance*S.scale+c)}0!==k.length&&(d=Math.max(h-c,d),Sl(k,0,k.length-1,m,M)),h=0;var q=a*_+M;T.lineOffset=Math.max(M,w),p+=q,g=Math.max(q,g),++v}else p+=a,++v}var H,G=p- -17,Y=Al(o),W=Y.horizontalAlign,X=Y.verticalAlign;(function(t,e,r,n,i,a,o,s,l){var c,u=(e-r)*i;c=a!==o?-s*n- -17:(-n*l+.5)*o;for(var f=0,h=t;f=0&&n>=t&&xl[this.text.charCodeAt(n)];n--)r--;this.text=this.text.substring(t,r),this.sectionIndex=this.sectionIndex.slice(t,r)},vl.prototype.substring=function(t,e){var r=new vl;return r.text=this.text.substring(t,e),r.sectionIndex=this.sectionIndex.slice(t,e),r.sections=this.sections,r},vl.prototype.toString=function(){return this.text},vl.prototype.getMaxScale=function(){var t=this;return this.sectionIndex.reduce((function(e,r){return Math.max(e,t.sections[r].scale)}),0)},vl.prototype.addTextSection=function(t,e){this.text+=t.text,this.sections.push(ml.forText(t.scale,t.fontStack||e));for(var r=this.sections.length-1,n=0;n=63743?null:++this.imageSectionID:(this.imageSectionID=57344,this.imageSectionID)};var xl={9:!0,10:!0,11:!0,12:!0,13:!0,32:!0},bl={};function _l(t,e,r,n,i,a){if(e.imageName){var o=n[e.imageName];return o?o.displaySize[0]*e.scale*24/a+i:0}var s=r[e.fontStack],l=s&&s[t];return l?l.metrics.advance*e.scale+i:0}function wl(t,e,r,n){var i=Math.pow(t-e,2);return n?t=0,f=0,h=0;h-r/2;){if(--o<0)return!1;s-=t[o].dist(a),a=t[o]}s+=t[o].dist(t[o+1]),o++;for(var l=[],c=0;sn;)c-=l.shift().angleDelta;if(c>i)return!1;o++,s+=u.dist(f)}return!0}function Dl(t){for(var e=0,r=0;rc){var d=(c-l)/p,g=Ue(f.x,h.x,d),m=Ue(f.y,h.y,d),v=new Cl(g,m,h.angleTo(f),u);return v._round(),!o||Ol(t,v,s,o,e)?v:void 0}l+=p}}function Nl(t,e,r,n,i,a,o,s,l){var c=Rl(n,a,o),u=Fl(n,i),f=u*o,h=0===t[0].x||t[0].x===l||0===t[0].y||t[0].y===l;return e-f=0&&_=0&&w=0&&p+u<=f){var T=new Cl(_,w,x,g);T._round(),i&&!Ol(e,T,o,i,a)||d.push(T)}}h+=y}return l||d.length||s||(d=t(e,h/2,n,i,a,o,s,!0,c)),d}(t,h?e/2*s%e:(u/2+2*a)*o*s%e,e,c,r,f,h,!1,l)}function jl(t,e,r,n,a){for(var o=[],s=0;s=n&&h.x>=n||(f.x>=n?f=new i(n,f.y+(n-f.x)/(h.x-f.x)*(h.y-f.y))._round():h.x>=n&&(h=new i(n,f.y+(n-f.x)/(h.x-f.x)*(h.y-f.y))._round()),f.y>=a&&h.y>=a||(f.y>=a?f=new i(f.x+(a-f.y)/(h.y-f.y)*(h.x-f.x),a)._round():h.y>=a&&(h=new i(f.x+(a-f.y)/(h.y-f.y)*(h.x-f.x),a)._round()),c&&f.equals(c[c.length-1])||o.push(c=[f]),c.push(h)))))}return o}function Ul(t,e,r,n){var a=[],o=t.image,s=o.pixelRatio,l=o.paddedRect.w-2,c=o.paddedRect.h-2,u=t.right-t.left,f=t.bottom-t.top,h=o.stretchX||[[0,l]],p=o.stretchY||[[0,c]],d=function(t,e){return t+e[1]-e[0]},g=h.reduce(d,0),m=p.reduce(d,0),v=l-g,y=c-m,x=0,b=g,_=0,w=m,T=0,k=v,M=0,A=y;if(o.content&&n){var S=o.content;x=Vl(h,0,S[0]),_=Vl(p,0,S[1]),b=Vl(h,S[0],S[2]),w=Vl(p,S[1],S[3]),T=S[0]-x,M=S[1]-_,k=S[2]-S[0]-b,A=S[3]-S[1]-w}var E=function(n,a,l,c){var h=Hl(n.stretch-x,b,u,t.left),p=Gl(n.fixed-T,k,n.stretch,g),d=Hl(a.stretch-_,w,f,t.top),v=Gl(a.fixed-M,A,a.stretch,m),y=Hl(l.stretch-x,b,u,t.left),S=Gl(l.fixed-T,k,l.stretch,g),E=Hl(c.stretch-_,w,f,t.top),C=Gl(c.fixed-M,A,c.stretch,m),L=new i(h,d),I=new i(y,d),P=new i(y,E),z=new i(h,E),O=new i(p/s,v/s),D=new i(S/s,C/s),R=e*Math.PI/180;if(R){var F=Math.sin(R),B=Math.cos(R),N=[B,-F,F,B];L._matMult(N),I._matMult(N),z._matMult(N),P._matMult(N)}var j=n.stretch+n.fixed,U=a.stretch+a.fixed;return{tl:L,tr:I,bl:z,br:P,tex:{x:o.paddedRect.x+1+j,y:o.paddedRect.y+1+U,w:l.stretch+l.fixed-j,h:c.stretch+c.fixed-U},writingMode:void 0,glyphOffset:[0,0],sectionIndex:0,pixelOffsetTL:O,pixelOffsetBR:D,minFontScaleX:k/s/u,minFontScaleY:A/s/f,isSDF:r}};if(n&&(o.stretchX||o.stretchY))for(var C=ql(h,v,g),L=ql(p,y,m),I=0;I0&&(d=Math.max(10,d),this.circleDiameter=d)}else{var g=o.top*s-l,m=o.bottom*s+l,v=o.left*s-l,y=o.right*s+l,x=o.collisionPadding;if(x&&(v-=x[0]*s,g-=x[1]*s,y+=x[2]*s,m+=x[3]*s),u){var b=new i(v,g),_=new i(y,g),w=new i(v,m),T=new i(y,m),k=u*Math.PI/180;b._rotate(k),_._rotate(k),w._rotate(k),T._rotate(k),v=Math.min(b.x,_.x,w.x,T.x),y=Math.max(b.x,_.x,w.x,T.x),g=Math.min(b.y,_.y,w.y,T.y),m=Math.max(b.y,_.y,w.y,T.y)}t.emplaceBack(e.x,e.y,v,g,y,m,r,n,a)}this.boxEndIndex=t.length},Wl=function(t,e){if(void 0===t&&(t=[]),void 0===e&&(e=Xl),this.data=t,this.length=this.data.length,this.compare=e,this.length>0)for(var r=(this.length>>1)-1;r>=0;r--)this._down(r)};function Xl(t,e){return te?1:0}function Zl(t,e,r){void 0===e&&(e=1),void 0===r&&(r=!1);for(var n=1/0,a=1/0,o=-1/0,s=-1/0,l=t[0],c=0;co)&&(o=u.x),(!c||u.y>s)&&(s=u.y)}var f=Math.min(o-n,s-a),h=f/2,p=new Wl([],Jl);if(0===f)return new i(n,a);for(var d=n;dm.d||!m.d)&&(m=y,r&&console.log("found best %d after %d probes",Math.round(1e4*y.d)/1e4,v)),y.max-m.d<=e||(p.push(new Kl(y.p.x-(h=y.h/2),y.p.y-h,h,t)),p.push(new Kl(y.p.x+h,y.p.y-h,h,t)),p.push(new Kl(y.p.x-h,y.p.y+h,h,t)),p.push(new Kl(y.p.x+h,y.p.y+h,h,t)),v+=4)}return r&&(console.log("num probes: "+v),console.log("best distance: "+m.d)),m.p}function Jl(t,e){return e.max-t.max}function Kl(t,e,r,n){this.p=new i(t,e),this.h=r,this.d=function(t,e){for(var r=!1,n=1/0,i=0;it.y!=u.y>t.y&&t.x<(u.x-c.x)*(t.y-c.y)/(u.y-c.y)+c.x&&(r=!r),n=Math.min(n,Ga(t,c,u))}return(r?1:-1)*Math.sqrt(n)}(this.p,n),this.max=this.d+this.h*Math.SQRT2}Wl.prototype.push=function(t){this.data.push(t),this.length++,this._up(this.length-1)},Wl.prototype.pop=function(){if(0!==this.length){var t=this.data[0],e=this.data.pop();return this.length--,this.length>0&&(this.data[0]=e,this._down(0)),t}},Wl.prototype.peek=function(){return this.data[0]},Wl.prototype._up=function(t){for(var e=this.data,r=this.compare,n=e[t];t>0;){var i=t-1>>1,a=e[i];if(r(n,a)>=0)break;e[t]=a,t=i}e[t]=n},Wl.prototype._down=function(t){for(var e=this.data,r=this.compare,n=this.length>>1,i=e[t];t=0)break;e[t]=o,t=a}e[t]=i};var Ql=Number.POSITIVE_INFINITY;function $l(t,e){return e[1]!==Ql?function(t,e,r){var n=0,i=0;switch(e=Math.abs(e),r=Math.abs(r),t){case"top-right":case"top-left":case"top":i=r-7;break;case"bottom-right":case"bottom-left":case"bottom":i=7-r}switch(t){case"top-right":case"bottom-right":case"right":n=-e;break;case"top-left":case"bottom-left":case"left":n=e}return[n,i]}(t,e[0],e[1]):function(t,e){var r=0,n=0;e<0&&(e=0);var i=e/Math.sqrt(2);switch(t){case"top-right":case"top-left":n=i-7;break;case"bottom-right":case"bottom-left":n=7-i;break;case"bottom":n=7-e;break;case"top":n=e-7}switch(t){case"top-right":case"bottom-right":r=-i;break;case"top-left":case"bottom-left":r=i;break;case"left":r=e;break;case"right":r=-e}return[r,n]}(t,e[0])}function tc(t){switch(t){case"right":case"top-right":case"bottom-right":return"right";case"left":case"top-left":case"bottom-left":return"left"}return"center"}function ec(t,e,r,n,a,o,s,l,c,u,f,h,p,d,g){var m=function(t,e,r,n,a,o,s,l){for(var c=n.layout.get("text-rotate").evaluate(o,{})*Math.PI/180,u=[],f=0,h=e.positionedLines;f32640&&_(t.layerIds[0]+': Value for "text-size" is >= 255. Reduce your "text-size".'):"composite"===v.kind&&((y=[128*d.compositeTextSizes[0].evaluate(s,{},g),128*d.compositeTextSizes[1].evaluate(s,{},g)])[0]>32640||y[1]>32640)&&_(t.layerIds[0]+': Value for "text-size" is >= 255. Reduce your "text-size".'),t.addSymbols(t.text,m,y,l,o,s,u,e,c.lineStartIndex,c.lineLength,p,g);for(var x=0,b=f;x=0;o--)if(n.dist(a[o])0)&&("constant"!==a.value.kind||a.value.value.length>0),c="constant"!==s.value.kind||!!s.value.value||Object.keys(s.parameters).length>0,u=i.get("symbol-sort-key");if(this.features=[],l||c){for(var f=e.iconDependencies,h=e.glyphDependencies,p=e.availableImages,d=new ii(this.zoom),g=0,m=t;g=0;for(var z=0,O=k.sections;z=0;s--)a[s]={x:e[s].x,y:e[s].y,tileUnitDistanceFromAnchor:i},s>0&&(i+=e[s-1].dist(e[s]));for(var l=0;l0},fc.prototype.hasIconData=function(){return this.icon.segments.get().length>0},fc.prototype.hasDebugData=function(){return this.textCollisionBox&&this.iconCollisionBox},fc.prototype.hasTextCollisionBoxData=function(){return this.hasDebugData()&&this.textCollisionBox.segments.get().length>0},fc.prototype.hasIconCollisionBoxData=function(){return this.hasDebugData()&&this.iconCollisionBox.segments.get().length>0},fc.prototype.addIndicesForPlacedSymbol=function(t,e){for(var r=t.placedSymbolArray.get(e),n=r.vertexStartIndex+4*r.numGlyphs,i=r.vertexStartIndex;i1||this.icon.segments.get().length>1)){this.symbolInstanceIndexes=this.getSortedSymbolIndexes(t),this.sortedAngle=t,this.text.indexArray.clear(),this.icon.indexArray.clear(),this.featureSortOrder=[];for(var r=0,n=this.symbolInstanceIndexes;r=0&&n.indexOf(t)===r&&e.addIndicesForPlacedSymbol(e.text,t)})),i.verticalPlacedTextSymbolIndex>=0&&this.addIndicesForPlacedSymbol(this.text,i.verticalPlacedTextSymbolIndex),i.placedIconSymbolIndex>=0&&this.addIndicesForPlacedSymbol(this.icon,i.placedIconSymbolIndex),i.verticalPlacedIconSymbolIndex>=0&&this.addIndicesForPlacedSymbol(this.icon,i.verticalPlacedIconSymbolIndex)}this.text.indexBuffer&&this.text.indexBuffer.updateData(this.text.indexArray),this.icon.indexBuffer&&this.icon.indexBuffer.updateData(this.icon.indexArray)}},Dn("SymbolBucket",fc,{omit:["layers","collisionBoxArray","features","compareText"]}),fc.MAX_GLYPHS=65535,fc.addDynamicAttributes=sc;var hc=new yi({"symbol-placement":new pi(At.layout_symbol["symbol-placement"]),"symbol-spacing":new pi(At.layout_symbol["symbol-spacing"]),"symbol-avoid-edges":new pi(At.layout_symbol["symbol-avoid-edges"]),"symbol-sort-key":new di(At.layout_symbol["symbol-sort-key"]),"symbol-z-order":new pi(At.layout_symbol["symbol-z-order"]),"icon-allow-overlap":new pi(At.layout_symbol["icon-allow-overlap"]),"icon-ignore-placement":new pi(At.layout_symbol["icon-ignore-placement"]),"icon-optional":new pi(At.layout_symbol["icon-optional"]),"icon-rotation-alignment":new pi(At.layout_symbol["icon-rotation-alignment"]),"icon-size":new di(At.layout_symbol["icon-size"]),"icon-text-fit":new pi(At.layout_symbol["icon-text-fit"]),"icon-text-fit-padding":new pi(At.layout_symbol["icon-text-fit-padding"]),"icon-image":new di(At.layout_symbol["icon-image"]),"icon-rotate":new di(At.layout_symbol["icon-rotate"]),"icon-padding":new pi(At.layout_symbol["icon-padding"]),"icon-keep-upright":new pi(At.layout_symbol["icon-keep-upright"]),"icon-offset":new di(At.layout_symbol["icon-offset"]),"icon-anchor":new di(At.layout_symbol["icon-anchor"]),"icon-pitch-alignment":new pi(At.layout_symbol["icon-pitch-alignment"]),"text-pitch-alignment":new pi(At.layout_symbol["text-pitch-alignment"]),"text-rotation-alignment":new pi(At.layout_symbol["text-rotation-alignment"]),"text-field":new di(At.layout_symbol["text-field"]),"text-font":new di(At.layout_symbol["text-font"]),"text-size":new di(At.layout_symbol["text-size"]),"text-max-width":new di(At.layout_symbol["text-max-width"]),"text-line-height":new pi(At.layout_symbol["text-line-height"]),"text-letter-spacing":new di(At.layout_symbol["text-letter-spacing"]),"text-justify":new di(At.layout_symbol["text-justify"]),"text-radial-offset":new di(At.layout_symbol["text-radial-offset"]),"text-variable-anchor":new pi(At.layout_symbol["text-variable-anchor"]),"text-anchor":new di(At.layout_symbol["text-anchor"]),"text-max-angle":new pi(At.layout_symbol["text-max-angle"]),"text-writing-mode":new pi(At.layout_symbol["text-writing-mode"]),"text-rotate":new di(At.layout_symbol["text-rotate"]),"text-padding":new pi(At.layout_symbol["text-padding"]),"text-keep-upright":new pi(At.layout_symbol["text-keep-upright"]),"text-transform":new di(At.layout_symbol["text-transform"]),"text-offset":new di(At.layout_symbol["text-offset"]),"text-allow-overlap":new pi(At.layout_symbol["text-allow-overlap"]),"text-ignore-placement":new pi(At.layout_symbol["text-ignore-placement"]),"text-optional":new pi(At.layout_symbol["text-optional"])}),pc={paint:new yi({"icon-opacity":new di(At.paint_symbol["icon-opacity"]),"icon-color":new di(At.paint_symbol["icon-color"]),"icon-halo-color":new di(At.paint_symbol["icon-halo-color"]),"icon-halo-width":new di(At.paint_symbol["icon-halo-width"]),"icon-halo-blur":new di(At.paint_symbol["icon-halo-blur"]),"icon-translate":new pi(At.paint_symbol["icon-translate"]),"icon-translate-anchor":new pi(At.paint_symbol["icon-translate-anchor"]),"text-opacity":new di(At.paint_symbol["text-opacity"]),"text-color":new di(At.paint_symbol["text-color"],{runtimeType:Bt,getOverride:function(t){return t.textColor},hasOverride:function(t){return!!t.textColor}}),"text-halo-color":new di(At.paint_symbol["text-halo-color"]),"text-halo-width":new di(At.paint_symbol["text-halo-width"]),"text-halo-blur":new di(At.paint_symbol["text-halo-blur"]),"text-translate":new pi(At.paint_symbol["text-translate"]),"text-translate-anchor":new pi(At.paint_symbol["text-translate-anchor"])}),layout:hc},dc=function(t){this.type=t.property.overrides?t.property.overrides.runtimeType:Ot,this.defaultValue=t};dc.prototype.evaluate=function(t){if(t.formattedSection){var e=this.defaultValue.property.overrides;if(e&&e.hasOverride(t.formattedSection))return e.getOverride(t.formattedSection)}return t.feature&&t.featureState?this.defaultValue.evaluate(t.feature,t.featureState):this.defaultValue.property.specification.default},dc.prototype.eachChild=function(t){this.defaultValue.isConstant()||t(this.defaultValue.value._styleExpression.expression)},dc.prototype.outputDefined=function(){return!1},dc.prototype.serialize=function(){return null},Dn("FormatSectionOverride",dc,{omit:["defaultValue"]});var gc=function(t){function e(e){t.call(this,e,pc)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.recalculate=function(e,r){if(t.prototype.recalculate.call(this,e,r),"auto"===this.layout.get("icon-rotation-alignment")&&(this.layout._values["icon-rotation-alignment"]="point"!==this.layout.get("symbol-placement")?"map":"viewport"),"auto"===this.layout.get("text-rotation-alignment")&&(this.layout._values["text-rotation-alignment"]="point"!==this.layout.get("symbol-placement")?"map":"viewport"),"auto"===this.layout.get("text-pitch-alignment")&&(this.layout._values["text-pitch-alignment"]=this.layout.get("text-rotation-alignment")),"auto"===this.layout.get("icon-pitch-alignment")&&(this.layout._values["icon-pitch-alignment"]=this.layout.get("icon-rotation-alignment")),"point"===this.layout.get("symbol-placement")){var n=this.layout.get("text-writing-mode");if(n){for(var i=[],a=0,o=n;a",targetMapId:n,sourceMapId:a.mapId})}}},Cc.prototype.receive=function(t){var e=t.data,r=e.id;if(r&&(!e.targetMapId||this.mapId===e.targetMapId))if(""===e.type){delete this.tasks[r];var n=this.cancelCallbacks[r];delete this.cancelCallbacks[r],n&&n()}else k()||e.mustQueue?(this.tasks[r]=e,this.taskQueue.push(r),this.invoker.trigger()):this.processTask(r,e)},Cc.prototype.process=function(){if(this.taskQueue.length){var t=this.taskQueue.shift(),e=this.tasks[t];delete this.tasks[t],this.taskQueue.length&&this.invoker.trigger(),e&&this.processTask(t,e)}},Cc.prototype.processTask=function(t,e){var r=this;if(""===e.type){var n=this.callbacks[t];delete this.callbacks[t],n&&(e.error?n(jn(e.error)):n(null,jn(e.data)))}else{var i=!1,a=S(this.globalScope)?void 0:[],o=e.hasCallback?function(e,n){i=!0,delete r.cancelCallbacks[t],r.target.postMessage({id:t,type:"",sourceMapId:r.mapId,error:e?Nn(e):null,data:Nn(n,a)},a)}:function(t){i=!0},s=null,l=jn(e.data);if(this.parent[e.type])s=this.parent[e.type](e.sourceMapId,l,o);else if(this.parent.getWorkerSource){var c=e.type.split(".");s=this.parent.getWorkerSource(e.sourceMapId,c[0],l.source)[c[1]](l,o)}else o(new Error("Could not find function "+e.type));!i&&s&&s.cancel&&(this.cancelCallbacks[t]=s.cancel)}},Cc.prototype.remove=function(){this.invoker.remove(),this.target.removeEventListener("message",this.receive,!1)};var Ic=function(t,e){t&&(e?this.setSouthWest(t).setNorthEast(e):4===t.length?this.setSouthWest([t[0],t[1]]).setNorthEast([t[2],t[3]]):this.setSouthWest(t[0]).setNorthEast(t[1]))};Ic.prototype.setNorthEast=function(t){return this._ne=t instanceof Pc?new Pc(t.lng,t.lat):Pc.convert(t),this},Ic.prototype.setSouthWest=function(t){return this._sw=t instanceof Pc?new Pc(t.lng,t.lat):Pc.convert(t),this},Ic.prototype.extend=function(t){var e,r,n=this._sw,i=this._ne;if(t instanceof Pc)e=t,r=t;else{if(!(t instanceof Ic))return Array.isArray(t)?4===t.length||t.every(Array.isArray)?this.extend(Ic.convert(t)):this.extend(Pc.convert(t)):this;if(r=t._ne,!(e=t._sw)||!r)return this}return n||i?(n.lng=Math.min(e.lng,n.lng),n.lat=Math.min(e.lat,n.lat),i.lng=Math.max(r.lng,i.lng),i.lat=Math.max(r.lat,i.lat)):(this._sw=new Pc(e.lng,e.lat),this._ne=new Pc(r.lng,r.lat)),this},Ic.prototype.getCenter=function(){return new Pc((this._sw.lng+this._ne.lng)/2,(this._sw.lat+this._ne.lat)/2)},Ic.prototype.getSouthWest=function(){return this._sw},Ic.prototype.getNorthEast=function(){return this._ne},Ic.prototype.getNorthWest=function(){return new Pc(this.getWest(),this.getNorth())},Ic.prototype.getSouthEast=function(){return new Pc(this.getEast(),this.getSouth())},Ic.prototype.getWest=function(){return this._sw.lng},Ic.prototype.getSouth=function(){return this._sw.lat},Ic.prototype.getEast=function(){return this._ne.lng},Ic.prototype.getNorth=function(){return this._ne.lat},Ic.prototype.toArray=function(){return[this._sw.toArray(),this._ne.toArray()]},Ic.prototype.toString=function(){return"LngLatBounds("+this._sw.toString()+", "+this._ne.toString()+")"},Ic.prototype.isEmpty=function(){return!(this._sw&&this._ne)},Ic.prototype.contains=function(t){var e=Pc.convert(t),r=e.lng,n=e.lat,i=this._sw.lng<=r&&r<=this._ne.lng;return this._sw.lng>this._ne.lng&&(i=this._sw.lng>=r&&r>=this._ne.lng),this._sw.lat<=n&&n<=this._ne.lat&&i},Ic.convert=function(t){return!t||t instanceof Ic?t:new Ic(t)};var Pc=function(t,e){if(isNaN(t)||isNaN(e))throw new Error("Invalid LngLat object: ("+t+", "+e+")");if(this.lng=+t,this.lat=+e,this.lat>90||this.lat<-90)throw new Error("Invalid LngLat latitude value: must be between -90 and 90")};Pc.prototype.wrap=function(){return new Pc(c(this.lng,-180,180),this.lat)},Pc.prototype.toArray=function(){return[this.lng,this.lat]},Pc.prototype.toString=function(){return"LngLat("+this.lng+", "+this.lat+")"},Pc.prototype.distanceTo=function(t){var e=Math.PI/180,r=this.lat*e,n=t.lat*e,i=Math.sin(r)*Math.sin(n)+Math.cos(r)*Math.cos(n)*Math.cos((t.lng-this.lng)*e);return 6371008.8*Math.acos(Math.min(i,1))},Pc.prototype.toBounds=function(t){void 0===t&&(t=0);var e=360*t/40075017,r=e/Math.cos(Math.PI/180*this.lat);return new Ic(new Pc(this.lng-r,this.lat-e),new Pc(this.lng+r,this.lat+e))},Pc.convert=function(t){if(t instanceof Pc)return t;if(Array.isArray(t)&&(2===t.length||3===t.length))return new Pc(Number(t[0]),Number(t[1]));if(!Array.isArray(t)&&"object"==typeof t&&null!==t)return new Pc(Number("lng"in t?t.lng:t.lon),Number(t.lat));throw new Error("`LngLatLike` argument must be specified as a LngLat instance, an object {lng: , lat: }, an object {lon: , lat: }, or an array of [, ]")};var zc=2*Math.PI*6371008.8;function Oc(t){return zc*Math.cos(t*Math.PI/180)}function Dc(t){return(180+t)/360}function Rc(t){return(180-180/Math.PI*Math.log(Math.tan(Math.PI/4+t*Math.PI/360)))/360}function Fc(t,e){return t/Oc(e)}function Bc(t){return 360/Math.PI*Math.atan(Math.exp((180-360*t)*Math.PI/180))-90}var Nc=function(t,e,r){void 0===r&&(r=0),this.x=+t,this.y=+e,this.z=+r};Nc.fromLngLat=function(t,e){void 0===e&&(e=0);var r=Pc.convert(t);return new Nc(Dc(r.lng),Rc(r.lat),Fc(e,r.lat))},Nc.prototype.toLngLat=function(){return new Pc(360*this.x-180,Bc(this.y))},Nc.prototype.toAltitude=function(){return this.z*Oc(Bc(this.y))},Nc.prototype.meterInMercatorCoordinateUnits=function(){return 1/zc*(t=Bc(this.y),1/Math.cos(t*Math.PI/180));var t};var jc=function(t,e,r){this.z=t,this.x=e,this.y=r,this.key=qc(0,t,t,e,r)};jc.prototype.equals=function(t){return this.z===t.z&&this.x===t.x&&this.y===t.y},jc.prototype.url=function(t,e){var r,n,i,a,o,s=(n=this.y,i=this.z,a=Lc(256*(r=this.x),256*(n=Math.pow(2,i)-n-1),i),o=Lc(256*(r+1),256*(n+1),i),a[0]+","+a[1]+","+o[0]+","+o[1]),l=function(t,e,r){for(var n,i="",a=t;a>0;a--)i+=(e&(n=1<this.canonical.z?new Vc(t,this.wrap,this.canonical.z,this.canonical.x,this.canonical.y):new Vc(t,this.wrap,t,this.canonical.x>>e,this.canonical.y>>e)},Vc.prototype.calculateScaledKey=function(t,e){var r=this.canonical.z-t;return t>this.canonical.z?qc(this.wrap*+e,t,this.canonical.z,this.canonical.x,this.canonical.y):qc(this.wrap*+e,t,t,this.canonical.x>>r,this.canonical.y>>r)},Vc.prototype.isChildOf=function(t){if(t.wrap!==this.wrap)return!1;var e=this.canonical.z-t.canonical.z;return 0===t.overscaledZ||t.overscaledZ>e&&t.canonical.y===this.canonical.y>>e},Vc.prototype.children=function(t){if(this.overscaledZ>=t)return[new Vc(this.overscaledZ+1,this.wrap,this.canonical.z,this.canonical.x,this.canonical.y)];var e=this.canonical.z+1,r=2*this.canonical.x,n=2*this.canonical.y;return[new Vc(e,this.wrap,e,r,n),new Vc(e,this.wrap,e,r+1,n),new Vc(e,this.wrap,e,r,n+1),new Vc(e,this.wrap,e,r+1,n+1)]},Vc.prototype.isLessThan=function(t){return this.wrapt.wrap)&&(this.overscaledZt.overscaledZ)&&(this.canonical.xt.canonical.x)&&this.canonical.y=this.dim+1||e<-1||e>=this.dim+1)throw new RangeError("out of range source coordinates for DEM data");return(e+1)*this.stride+(t+1)},Hc.prototype._unpackMapbox=function(t,e,r){return(256*t*256+256*e+r)/10-1e4},Hc.prototype._unpackTerrarium=function(t,e,r){return 256*t+e+r/256-32768},Hc.prototype.getPixels=function(){return new po({width:this.stride,height:this.stride},new Uint8Array(this.data.buffer))},Hc.prototype.backfillBorder=function(t,e,r){if(this.dim!==t.dim)throw new Error("dem dimension mismatch");var n=e*this.dim,i=e*this.dim+this.dim,a=r*this.dim,o=r*this.dim+this.dim;switch(e){case-1:n=i-1;break;case 1:i=n+1}switch(r){case-1:a=o-1;break;case 1:o=a+1}for(var s=-e*this.dim,l=-r*this.dim,c=a;c=0&&u[3]>=0&&s.insert(o,u[0],u[1],u[2],u[3])}},Zc.prototype.loadVTLayers=function(){return this.vtLayers||(this.vtLayers=new gs.VectorTile(new Hs(this.rawTileData)).layers,this.sourceLayerCoder=new Gc(this.vtLayers?Object.keys(this.vtLayers).sort():["_geojsonTileLayer"])),this.vtLayers},Zc.prototype.query=function(t,e,r,n){var a=this;this.loadVTLayers();for(var o=t.params||{},s=8192/t.tileSize/t.scale,l=rn(o.filter),c=t.queryGeometry,u=t.queryPadding*s,f=Kc(c),h=this.grid.query(f.minX-u,f.minY-u,f.maxX+u,f.maxY+u),p=Kc(t.cameraQueryGeometry),d=0,g=this.grid3D.query(p.minX-u,p.minY-u,p.maxX+u,p.maxY+u,(function(e,r,n,a){return function(t,e,r,n,a){for(var o=0,s=t;o=l.x&&a>=l.y)return!0}var c=[new i(e,r),new i(e,a),new i(n,a),new i(n,r)];if(t.length>2)for(var u=0,f=c;u=0)return!0;return!1}(a,f)){var h=this.sourceLayerCoder.decode(r),p=this.vtLayers[h].feature(n);if(i.filter(new ii(this.tileID.overscaledZ),p))for(var d=this.getId(p,h),g=0;gn)i=!1;else if(e)if(this.expirationTimeot&&(t.getActor().send("enforceCacheSizeLimit",at),ut=0)},t.clamp=l,t.clearTileCache=function(t){var e=self.caches.delete("mapbox-tiles");t&&e.catch(t).then((function(){return t()}))},t.clipLine=jl,t.clone=function(t){var e=new to(16);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e[3]=t[3],e[4]=t[4],e[5]=t[5],e[6]=t[6],e[7]=t[7],e[8]=t[8],e[9]=t[9],e[10]=t[10],e[11]=t[11],e[12]=t[12],e[13]=t[13],e[14]=t[14],e[15]=t[15],e},t.clone$1=x,t.clone$2=function(t){var e=new to(3);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e},t.collisionCircleLayout=Ns,t.config=F,t.create=function(){var t=new to(16);return to!=Float32Array&&(t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[11]=0,t[12]=0,t[13]=0,t[14]=0),t[0]=1,t[5]=1,t[10]=1,t[15]=1,t},t.create$1=function(){var t=new to(9);return to!=Float32Array&&(t[1]=0,t[2]=0,t[3]=0,t[5]=0,t[6]=0,t[7]=0),t[0]=1,t[4]=1,t[8]=1,t},t.create$2=function(){var t=new to(4);return to!=Float32Array&&(t[1]=0,t[2]=0),t[0]=1,t[3]=1,t},t.createCommonjsModule=e,t.createExpression=qr,t.createLayout=Ti,t.createStyleLayer=function(t){return"custom"===t.type?new bc(t):new _c[t.type](t)},t.cross=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2];return t[0]=i*l-a*s,t[1]=a*o-n*l,t[2]=n*s-i*o,t},t.deepEqual=function t(e,r){if(Array.isArray(e)){if(!Array.isArray(r)||e.length!==r.length)return!1;for(var n=0;n0&&(a=1/Math.sqrt(a)),t[0]=e[0]*a,t[1]=e[1]*a,t[2]=e[2]*a,t},t.number=Ue,t.offscreenCanvasSupported=ft,t.ortho=function(t,e,r,n,i,a,o){var s=1/(e-r),l=1/(n-i),c=1/(a-o);return t[0]=-2*s,t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[5]=-2*l,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[10]=2*c,t[11]=0,t[12]=(e+r)*s,t[13]=(i+n)*l,t[14]=(o+a)*c,t[15]=1,t},t.parseGlyphPBF=function(t){return new Hs(t).readFields(ll,[])},t.pbf=Hs,t.performSymbolLayout=function(t,e,r,n,i,a,o){t.createArrays(),t.tilePixelRatio=8192/(512*t.overscaling),t.compareText={},t.iconsNeedLinear=!1;var s=t.layers[0].layout,l=t.layers[0]._unevaluatedLayout._values,c={};if("composite"===t.textSizeData.kind){var u=t.textSizeData,f=u.maxZoom;c.compositeTextSizes=[l["text-size"].possiblyEvaluate(new ii(u.minZoom),o),l["text-size"].possiblyEvaluate(new ii(f),o)]}if("composite"===t.iconSizeData.kind){var h=t.iconSizeData,p=h.maxZoom;c.compositeIconSizes=[l["icon-size"].possiblyEvaluate(new ii(h.minZoom),o),l["icon-size"].possiblyEvaluate(new ii(p),o)]}c.layoutTextSize=l["text-size"].possiblyEvaluate(new ii(t.zoom+1),o),c.layoutIconSize=l["icon-size"].possiblyEvaluate(new ii(t.zoom+1),o),c.textMaxSize=l["text-size"].possiblyEvaluate(new ii(18));for(var d=24*s.get("text-line-height"),g="map"===s.get("text-rotation-alignment")&&"point"!==s.get("symbol-placement"),m=s.get("text-keep-upright"),v=s.get("text-size"),y=function(){var a=b[x],l=s.get("text-font").evaluate(a,{},o).join(","),u=v.evaluate(a,{},o),f=c.layoutTextSize.evaluate(a,{},o),h=c.layoutIconSize.evaluate(a,{},o),p={horizontal:{},vertical:void 0},y=a.text,w=[0,0];if(y){var T=y.toString(),k=24*s.get("text-letter-spacing").evaluate(a,{},o),M=function(t){for(var e=0,r=t;e=8192||f.y<0||f.y>=8192||function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,w,T,k,M){var A,S,E,C,L,I=t.addToLineVertexArray(e,r),P=0,z=0,O=0,D=0,R=-1,F=-1,B={},N=ca(""),j=0,U=0;if(void 0===s._unevaluatedLayout.getValue("text-radial-offset")?(j=(A=s.layout.get("text-offset").evaluate(b,{},k).map((function(t){return 24*t})))[0],U=A[1]):(j=24*s.layout.get("text-radial-offset").evaluate(b,{},k),U=Ql),t.allowVerticalPlacement&&n.vertical){var V=s.layout.get("text-rotate").evaluate(b,{},k)+90;C=new Yl(l,e,c,u,f,n.vertical,h,p,d,V),o&&(L=new Yl(l,e,c,u,f,o,m,v,d,V))}if(i){var q=s.layout.get("icon-rotate").evaluate(b,{}),H="none"!==s.layout.get("icon-text-fit"),G=Ul(i,q,T,H),Y=o?Ul(o,q,T,H):void 0;E=new Yl(l,e,c,u,f,i,m,v,!1,q),P=4*G.length;var W=t.iconSizeData,X=null;"source"===W.kind?(X=[128*s.layout.get("icon-size").evaluate(b,{})])[0]>32640&&_(t.layerIds[0]+': Value for "icon-size" is >= 255. Reduce your "icon-size".'):"composite"===W.kind&&((X=[128*w.compositeIconSizes[0].evaluate(b,{},k),128*w.compositeIconSizes[1].evaluate(b,{},k)])[0]>32640||X[1]>32640)&&_(t.layerIds[0]+': Value for "icon-size" is >= 255. Reduce your "icon-size".'),t.addSymbols(t.icon,G,X,x,y,b,!1,e,I.lineStartIndex,I.lineLength,-1,k),R=t.icon.placedSymbolArray.length-1,Y&&(z=4*Y.length,t.addSymbols(t.icon,Y,X,x,y,b,gl.vertical,e,I.lineStartIndex,I.lineLength,-1,k),F=t.icon.placedSymbolArray.length-1)}for(var Z in n.horizontal){var J=n.horizontal[Z];if(!S){N=ca(J.text);var K=s.layout.get("text-rotate").evaluate(b,{},k);S=new Yl(l,e,c,u,f,J,h,p,d,K)}var Q=1===J.positionedLines.length;if(O+=ec(t,e,J,a,s,d,b,g,I,n.vertical?gl.horizontal:gl.horizontalOnly,Q?Object.keys(n.horizontal):[Z],B,R,w,k),Q)break}n.vertical&&(D+=ec(t,e,n.vertical,a,s,d,b,g,I,gl.vertical,["vertical"],B,F,w,k));var $=S?S.boxStartIndex:t.collisionBoxArray.length,tt=S?S.boxEndIndex:t.collisionBoxArray.length,et=C?C.boxStartIndex:t.collisionBoxArray.length,rt=C?C.boxEndIndex:t.collisionBoxArray.length,nt=E?E.boxStartIndex:t.collisionBoxArray.length,it=E?E.boxEndIndex:t.collisionBoxArray.length,at=L?L.boxStartIndex:t.collisionBoxArray.length,ot=L?L.boxEndIndex:t.collisionBoxArray.length,st=-1,lt=function(t,e){return t&&t.circleDiameter?Math.max(t.circleDiameter,e):e};st=lt(S,st),st=lt(C,st),st=lt(E,st);var ct=(st=lt(L,st))>-1?1:0;ct&&(st*=M/24),t.glyphOffsetArray.length>=fc.MAX_GLYPHS&&_("Too many glyphs being rendered in a tile. See https://github.com/mapbox/mapbox-gl-js/issues/2907"),void 0!==b.sortKey&&t.addToSortKeyRanges(t.symbolInstances.length,b.sortKey),t.symbolInstances.emplaceBack(e.x,e.y,B.right>=0?B.right:-1,B.center>=0?B.center:-1,B.left>=0?B.left:-1,B.vertical||-1,R,F,N,$,tt,et,rt,nt,it,at,ot,c,O,D,P,z,ct,0,h,j,U,st)}(t,f,s,r,n,i,h,t.layers[0],t.collisionBoxArray,e.index,e.sourceLayerIndex,t.index,v,w,M,l,x,T,A,d,e,a,c,u,o)};if("line"===S)for(var I=0,P=jl(e.geometry,0,0,8192,8192);I1){var j=Bl(N,k,r.vertical||g,n,24,y);j&&L(N,j)}}else if("Polygon"===e.type)for(var U=0,V=Qo(e.geometry,0);U=E.maxzoom||"none"!==E.visibility&&(o(S,this.zoom,n),(g[E.id]=E.createBucket({index:u.bucketLayerIDs.length,layers:S,zoom:this.zoom,pixelRatio:this.pixelRatio,overscaling:this.overscaling,collisionBoxArray:this.collisionBoxArray,sourceLayerIndex:b,sourceID:this.source})).populate(_,m,this.tileID.canonical),u.bucketLayerIDs.push(S.map((function(t){return t.id}))))}}}var C=t.mapObject(m.glyphDependencies,(function(t){return Object.keys(t).map(Number)}));Object.keys(C).length?a.send("getGlyphs",{uid:this.uid,stacks:C},(function(t,e){f||(f=t,h=e,P.call(l))})):h={};var L=Object.keys(m.iconDependencies);L.length?a.send("getImages",{icons:L,source:this.source,tileID:this.tileID,type:"icons"},(function(t,e){f||(f=t,p=e,P.call(l))})):p={};var I=Object.keys(m.patternDependencies);function P(){if(f)return s(f);if(h&&p&&d){var e=new i(h),r=new t.ImageAtlas(p,d);for(var a in g){var l=g[a];l instanceof t.SymbolBucket?(o(l.layers,this.zoom,n),t.performSymbolLayout(l,h,e.positions,p,r.iconPositions,this.showCollisionBoxes,this.tileID.canonical)):l.hasPattern&&(l instanceof t.LineBucket||l instanceof t.FillBucket||l instanceof t.FillExtrusionBucket)&&(o(l.layers,this.zoom,n),l.addFeatures(m,this.tileID.canonical,r.patternPositions))}this.status="done",s(null,{buckets:t.values(g).filter((function(t){return!t.isEmpty()})),featureIndex:u,collisionBoxArray:this.collisionBoxArray,glyphAtlasImage:e.image,imageAtlas:r,glyphMap:this.returnDependencies?h:null,iconMap:this.returnDependencies?p:null,glyphPositions:this.returnDependencies?e.positions:null})}}I.length?a.send("getImages",{icons:I,source:this.source,tileID:this.tileID,type:"patterns"},(function(t,e){f||(f=t,d=e,P.call(l))})):d={},P.call(this)};var l=function(t,e,r,n){this.actor=t,this.layerIndex=e,this.availableImages=r,this.loadVectorData=n||s,this.loading={},this.loaded={}};l.prototype.loadTile=function(e,r){var n=this,i=e.uid;this.loading||(this.loading={});var o=!!(e&&e.request&&e.request.collectResourceTiming)&&new t.RequestPerformance(e.request),s=this.loading[i]=new a(e);s.abort=this.loadVectorData(e,(function(e,a){if(delete n.loading[i],e||!a)return s.status="done",n.loaded[i]=s,r(e);var l=a.rawData,c={};a.expires&&(c.expires=a.expires),a.cacheControl&&(c.cacheControl=a.cacheControl);var u={};if(o){var f=o.finish();f&&(u.resourceTiming=JSON.parse(JSON.stringify(f)))}s.vectorTile=a.vectorTile,s.parse(a.vectorTile,n.layerIndex,n.availableImages,n.actor,(function(e,n){if(e||!n)return r(e);r(null,t.extend({rawTileData:l.slice(0)},n,c,u))})),n.loaded=n.loaded||{},n.loaded[i]=s}))},l.prototype.reloadTile=function(t,e){var r=this,n=this.loaded,i=t.uid,a=this;if(n&&n[i]){var o=n[i];o.showCollisionBoxes=t.showCollisionBoxes;var s=function(t,n){var i=o.reloadCallback;i&&(delete o.reloadCallback,o.parse(o.vectorTile,a.layerIndex,r.availableImages,a.actor,i)),e(t,n)};"parsing"===o.status?o.reloadCallback=s:"done"===o.status&&(o.vectorTile?o.parse(o.vectorTile,this.layerIndex,this.availableImages,this.actor,s):s())}},l.prototype.abortTile=function(t,e){var r=this.loading,n=t.uid;r&&r[n]&&r[n].abort&&(r[n].abort(),delete r[n]),e()},l.prototype.removeTile=function(t,e){var r=this.loaded,n=t.uid;r&&r[n]&&delete r[n],e()};var c=t.window.ImageBitmap,u=function(){this.loaded={}};function f(t,e){if(0!==t.length){h(t[0],e);for(var r=1;r=0!=!!e&&t.reverse()}u.prototype.loadTile=function(e,r){var n=e.uid,i=e.encoding,a=e.rawImageData,o=c&&a instanceof c?this.getImageData(a):a,s=new t.DEMData(n,o,i);this.loaded=this.loaded||{},this.loaded[n]=s,r(null,s)},u.prototype.getImageData=function(e){this.offscreenCanvas&&this.offscreenCanvasContext||(this.offscreenCanvas=new OffscreenCanvas(e.width,e.height),this.offscreenCanvasContext=this.offscreenCanvas.getContext("2d")),this.offscreenCanvas.width=e.width,this.offscreenCanvas.height=e.height,this.offscreenCanvasContext.drawImage(e,0,0,e.width,e.height);var r=this.offscreenCanvasContext.getImageData(-1,-1,e.width+2,e.height+2);return this.offscreenCanvasContext.clearRect(0,0,this.offscreenCanvas.width,this.offscreenCanvas.height),new t.RGBAImage({width:r.width,height:r.height},r.data)},u.prototype.removeTile=function(t){var e=this.loaded,r=t.uid;e&&e[r]&&delete e[r]};var p=t.vectorTile.VectorTileFeature.prototype.toGeoJSON,d=function(e){this._feature=e,this.extent=t.EXTENT,this.type=e.type,this.properties=e.tags,"id"in e&&!isNaN(e.id)&&(this.id=parseInt(e.id,10))};d.prototype.loadGeometry=function(){if(1===this._feature.type){for(var e=[],r=0,n=this._feature.geometry;r>31}function E(t,e){for(var r=t.loadGeometry(),n=t.type,i=0,a=0,o=r.length,s=0;s>1;!function t(e,r,n,i,a,o){for(;a>i;){if(a-i>600){var s=a-i+1,l=n-i+1,c=Math.log(s),u=.5*Math.exp(2*c/3),f=.5*Math.sqrt(c*u*(s-u)/s)*(l-s/2<0?-1:1);t(e,r,n,Math.max(i,Math.floor(n-l*u/s+f)),Math.min(a,Math.floor(n+(s-l)*u/s+f)),o)}var h=r[2*n+o],p=i,d=a;for(L(e,r,i,n),r[2*a+o]>h&&L(e,r,i,a);ph;)d--}r[2*i+o]===h?L(e,r,i,d):L(e,r,++d,a),d<=n&&(i=d+1),n<=d&&(a=d-1)}}(e,r,s,i,a,o%2),t(e,r,n,i,s-1,o+1),t(e,r,n,s+1,a,o+1)}}(o,s,n,0,o.length-1,0)};D.prototype.range=function(t,e,r,n){return function(t,e,r,n,i,a,o){for(var s,l,c=[0,t.length-1,0],u=[];c.length;){var f=c.pop(),h=c.pop(),p=c.pop();if(h-p<=o)for(var d=p;d<=h;d++)l=e[2*d+1],(s=e[2*d])>=r&&s<=i&&l>=n&&l<=a&&u.push(t[d]);else{var g=Math.floor((p+h)/2);l=e[2*g+1],(s=e[2*g])>=r&&s<=i&&l>=n&&l<=a&&u.push(t[g]);var m=(f+1)%2;(0===f?r<=s:n<=l)&&(c.push(p),c.push(g-1),c.push(m)),(0===f?i>=s:a>=l)&&(c.push(g+1),c.push(h),c.push(m))}}return u}(this.ids,this.coords,t,e,r,n,this.nodeSize)},D.prototype.within=function(t,e,r){return function(t,e,r,n,i,a){for(var o=[0,t.length-1,0],s=[],l=i*i;o.length;){var c=o.pop(),u=o.pop(),f=o.pop();if(u-f<=a)for(var h=f;h<=u;h++)P(e[2*h],e[2*h+1],r,n)<=l&&s.push(t[h]);else{var p=Math.floor((f+u)/2),d=e[2*p],g=e[2*p+1];P(d,g,r,n)<=l&&s.push(t[p]);var m=(c+1)%2;(0===c?r-i<=d:n-i<=g)&&(o.push(f),o.push(p-1),o.push(m)),(0===c?r+i>=d:n+i>=g)&&(o.push(p+1),o.push(u),o.push(m))}}return s}(this.ids,this.coords,t,e,r,this.nodeSize)};var R={minZoom:0,maxZoom:16,radius:40,extent:512,nodeSize:64,log:!1,generateId:!1,reduce:null,map:function(t){return t}},F=function(t){this.options=H(Object.create(R),t),this.trees=new Array(this.options.maxZoom+1)};function B(t,e,r,n,i){return{x:t,y:e,zoom:1/0,id:r,parentId:-1,numPoints:n,properties:i}}function N(t,e){var r=t.geometry.coordinates,n=r[1];return{x:V(r[0]),y:q(n),zoom:1/0,index:e,parentId:-1}}function j(t){return{type:"Feature",id:t.id,properties:U(t),geometry:{type:"Point",coordinates:[(n=t.x,360*(n-.5)),(e=t.y,r=(180-360*e)*Math.PI/180,360*Math.atan(Math.exp(r))/Math.PI-90)]}};var e,r,n}function U(t){var e=t.numPoints,r=e>=1e4?Math.round(e/1e3)+"k":e>=1e3?Math.round(e/100)/10+"k":e;return H(H({},t.properties),{cluster:!0,cluster_id:t.id,point_count:e,point_count_abbreviated:r})}function V(t){return t/360+.5}function q(t){var e=Math.sin(t*Math.PI/180),r=.5-.25*Math.log((1+e)/(1-e))/Math.PI;return r<0?0:r>1?1:r}function H(t,e){for(var r in e)t[r]=e[r];return t}function G(t){return t.x}function Y(t){return t.y}function W(t,e,r,n,i,a){var o=i-r,s=a-n;if(0!==o||0!==s){var l=((t-r)*o+(e-n)*s)/(o*o+s*s);l>1?(r=i,n=a):l>0&&(r+=o*l,n+=s*l)}return(o=t-r)*o+(s=e-n)*s}function X(t,e,r,n){var i={id:void 0===t?null:t,type:e,geometry:r,tags:n,minX:1/0,minY:1/0,maxX:-1/0,maxY:-1/0};return function(t){var e=t.geometry,r=t.type;if("Point"===r||"MultiPoint"===r||"LineString"===r)Z(t,e);else if("Polygon"===r||"MultiLineString"===r)for(var n=0;n0&&(o+=n?(i*c-l*a)/2:Math.sqrt(Math.pow(l-i,2)+Math.pow(c-a,2))),i=l,a=c}var u=e.length-3;e[2]=1,function t(e,r,n,i){for(var a,o=i,s=n-r>>1,l=n-r,c=e[r],u=e[r+1],f=e[n],h=e[n+1],p=r+3;po)a=p,o=d;else if(d===o){var g=Math.abs(p-s);gi&&(a-r>3&&t(e,r,a,i),e[a+2]=o,n-a>3&&t(e,a,n,i))}(e,0,u,r),e[u+2]=1,e.size=Math.abs(o),e.start=0,e.end=e.size}function $(t,e,r,n){for(var i=0;i1?1:r}function rt(t,e,r,n,i,a,o,s){if(n/=e,a>=(r/=e)&&o=n)return null;for(var l=[],c=0;c=r&&d=n)){var g=[];if("Point"===h||"MultiPoint"===h)nt(f,g,r,n,i);else if("LineString"===h)it(f,g,r,n,i,!1,s.lineMetrics);else if("MultiLineString"===h)ot(f,g,r,n,i,!1);else if("Polygon"===h)ot(f,g,r,n,i,!0);else if("MultiPolygon"===h)for(var m=0;m=r&&o<=n&&(e.push(t[a]),e.push(t[a+1]),e.push(t[a+2]))}}function it(t,e,r,n,i,a,o){for(var s,l,c=at(t),u=0===i?lt:ct,f=t.start,h=0;hr&&(l=u(c,p,d,m,v,r),o&&(c.start=f+s*l)):y>n?x=r&&(l=u(c,p,d,m,v,r),b=!0),x>n&&y<=n&&(l=u(c,p,d,m,v,n),b=!0),!a&&b&&(o&&(c.end=f+s*l),e.push(c),c=at(t)),o&&(f+=s)}var _=t.length-3;p=t[_],d=t[_+1],g=t[_+2],(y=0===i?p:d)>=r&&y<=n&&st(c,p,d,g),_=c.length-3,a&&_>=3&&(c[_]!==c[0]||c[_+1]!==c[1])&&st(c,c[0],c[1],c[2]),c.length&&e.push(c)}function at(t){var e=[];return e.size=t.size,e.start=t.start,e.end=t.end,e}function ot(t,e,r,n,i,a){for(var o=0;oo.maxX&&(o.maxX=u),f>o.maxY&&(o.maxY=f)}return o}function gt(t,e,r,n){var i=e.geometry,a=e.type,o=[];if("Point"===a||"MultiPoint"===a)for(var s=0;s0&&e.size<(i?o:n))r.numPoints+=e.length/3;else{for(var s=[],l=0;lo)&&(r.numSimplified++,s.push(e[l]),s.push(e[l+1])),r.numPoints++;i&&function(t,e){for(var r=0,n=0,i=t.length,a=i-2;n0===e)for(n=0,i=t.length;n24)throw new Error("maxZoom should be in the 0-24 range");if(e.promoteId&&e.generateId)throw new Error("promoteId and generateId cannot be used together.");var n=function(t,e){var r=[];if("FeatureCollection"===t.type)for(var n=0;n=n;c--){var u=+Date.now();s=this._cluster(s,c),this.trees[c]=new D(s,G,Y,a,Float32Array),r&&console.log("z%d: %d clusters in %dms",c,s.length,+Date.now()-u)}return r&&console.timeEnd("total time"),this},F.prototype.getClusters=function(t,e){var r=((t[0]+180)%360+360)%360-180,n=Math.max(-90,Math.min(90,t[1])),i=180===t[2]?180:((t[2]+180)%360+360)%360-180,a=Math.max(-90,Math.min(90,t[3]));if(t[2]-t[0]>=360)r=-180,i=180;else if(r>i){var o=this.getClusters([r,n,180,a],e),s=this.getClusters([-180,n,i,a],e);return o.concat(s)}for(var l=this.trees[this._limitZoom(e)],c=[],u=0,f=l.range(V(r),q(a),V(i),q(n));u1?this._map(s,!0):null,d=(o<<5)+(e+1)+this.points.length,g=0,m=c;g>5},F.prototype._getOriginZoom=function(t){return(t-this.points.length)%32},F.prototype._map=function(t,e){if(t.numPoints)return e?H({},t.properties):t.properties;var r=this.points[t.index].properties,n=this.options.map(r);return e&&n===r?H({},n):n},vt.prototype.options={maxZoom:14,indexMaxZoom:5,indexMaxPoints:1e5,tolerance:3,extent:4096,buffer:64,lineMetrics:!1,promoteId:null,generateId:!1,debug:0},vt.prototype.splitTile=function(t,e,r,n,i,a,o){for(var s=[t,e,r,n],l=this.options,c=l.debug;s.length;){n=s.pop(),r=s.pop(),e=s.pop(),t=s.pop();var u=1<1&&console.time("creation"),h=this.tiles[f]=dt(t,e,r,n,l),this.tileCoords.push({z:e,x:r,y:n}),c)){c>1&&(console.log("tile z%d-%d-%d (features: %d, points: %d, simplified: %d)",e,r,n,h.numFeatures,h.numPoints,h.numSimplified),console.timeEnd("creation"));var p="z"+e;this.stats[p]=(this.stats[p]||0)+1,this.total++}if(h.source=t,i){if(e===l.maxZoom||e===i)continue;var d=1<1&&console.time("clipping");var g,m,v,y,x,b,_=.5*l.buffer/l.extent,w=.5-_,T=.5+_,k=1+_;g=m=v=y=null,x=rt(t,u,r-_,r+T,0,h.minX,h.maxX,l),b=rt(t,u,r+w,r+k,0,h.minX,h.maxX,l),t=null,x&&(g=rt(x,u,n-_,n+T,1,h.minY,h.maxY,l),m=rt(x,u,n+w,n+k,1,h.minY,h.maxY,l),x=null),b&&(v=rt(b,u,n-_,n+T,1,h.minY,h.maxY,l),y=rt(b,u,n+w,n+k,1,h.minY,h.maxY,l),b=null),c>1&&console.timeEnd("clipping"),s.push(g||[],e+1,2*r,2*n),s.push(m||[],e+1,2*r,2*n+1),s.push(v||[],e+1,2*r+1,2*n),s.push(y||[],e+1,2*r+1,2*n+1)}}},vt.prototype.getTile=function(t,e,r){var n=this.options,i=n.extent,a=n.debug;if(t<0||t>24)return null;var o=1<1&&console.log("drilling down to z%d-%d-%d",t,e,r);for(var l,c=t,u=e,f=r;!l&&c>0;)c--,u=Math.floor(u/2),f=Math.floor(f/2),l=this.tiles[yt(c,u,f)];return l&&l.source?(a>1&&console.log("found parent tile z%d-%d-%d",c,u,f),a>1&&console.time("drilling down"),this.splitTile(l.source,c,u,f,t,e,r),a>1&&console.timeEnd("drilling down"),this.tiles[s]?ht(this.tiles[s],i):null):null};var bt=function(e){function r(t,r,n,i){e.call(this,t,r,n,xt),i&&(this.loadGeoJSON=i)}return e&&(r.__proto__=e),(r.prototype=Object.create(e&&e.prototype)).constructor=r,r.prototype.loadData=function(t,e){this._pendingCallback&&this._pendingCallback(null,{abandoned:!0}),this._pendingCallback=e,this._pendingLoadDataParams=t,this._state&&"Idle"!==this._state?this._state="NeedsLoadData":(this._state="Coalescing",this._loadData())},r.prototype._loadData=function(){var e=this;if(this._pendingCallback&&this._pendingLoadDataParams){var r=this._pendingCallback,n=this._pendingLoadDataParams;delete this._pendingCallback,delete this._pendingLoadDataParams;var i=!!(n&&n.request&&n.request.collectResourceTiming)&&new t.RequestPerformance(n.request);this.loadGeoJSON(n,(function(a,o){if(a||!o)return r(a);if("object"!=typeof o)return r(new Error("Input data given to '"+n.source+"' is not a valid GeoJSON object."));!function t(e,r){var n,i=e&&e.type;if("FeatureCollection"===i)for(n=0;n=0?0:e.button},r.remove=function(t){t.parentNode&&t.parentNode.removeChild(t)};var h=function(e){function r(){e.call(this),this.images={},this.updatedImages={},this.callbackDispatchedThisFrame={},this.loaded=!1,this.requestors=[],this.patterns={},this.atlasImage=new t.RGBAImage({width:1,height:1}),this.dirty=!0}return e&&(r.__proto__=e),(r.prototype=Object.create(e&&e.prototype)).constructor=r,r.prototype.isLoaded=function(){return this.loaded},r.prototype.setLoaded=function(t){if(this.loaded!==t&&(this.loaded=t,t)){for(var e=0,r=this.requestors;e=0?1.2:1))}function v(t,e,r,n,i,a,o){for(var s=0;s65535)e(new Error("glyphs > 65535 not supported"));else if(a.ranges[s])e(null,{stack:r,id:i,glyph:o});else{var l=a.requests[s];l||(l=a.requests[s]=[],x.loadGlyphRange(r,s,n.url,n.requestManager,(function(t,e){if(e){for(var r in e)n._doesCharSupportLocalGlyph(+r)||(a.glyphs[+r]=e[+r]);a.ranges[s]=!0}for(var i=0,o=l;i1&&(s=t[++o]);var c=Math.abs(l-s.left),u=Math.abs(l-s.right),f=Math.min(c,u),h=void 0,p=i/r*(n+1);if(s.isDash){var d=n-Math.abs(p);h=Math.sqrt(f*f+d*d)}else h=n-Math.sqrt(f*f+p*p);this.data[a+l]=Math.max(0,Math.min(255,h+128))}},T.prototype.addRegularDash=function(t){for(var e=t.length-1;e>=0;--e){var r=t[e],n=t[e+1];r.zeroLength?t.splice(e,1):n&&n.isDash===r.isDash&&(n.left=r.left,t.splice(e,1))}var i=t[0],a=t[t.length-1];i.isDash===a.isDash&&(i.left=a.left-this.width,a.right=i.right+this.width);for(var o=this.width*this.nextRow,s=0,l=t[s],c=0;c1&&(l=t[++s]);var u=Math.abs(c-l.left),f=Math.abs(c-l.right),h=Math.min(u,f);this.data[o+c]=Math.max(0,Math.min(255,(l.isDash?h:-h)+128))}},T.prototype.addDash=function(e,r){var n=r?7:0,i=2*n+1;if(this.nextRow+i>this.height)return t.warnOnce("LineAtlas out of space"),null;for(var a=0,o=0;o=n&&e.x=i&&e.y0&&(l[new t.OverscaledTileID(e.overscaledZ,a,r.z,i,r.y-1).key]={backfilled:!1},l[new t.OverscaledTileID(e.overscaledZ,e.wrap,r.z,r.x,r.y-1).key]={backfilled:!1},l[new t.OverscaledTileID(e.overscaledZ,s,r.z,o,r.y-1).key]={backfilled:!1}),r.y+10&&(n.resourceTiming=e._resourceTiming,e._resourceTiming=[]),e.fire(new t.Event("data",n))}}))},r.prototype.onAdd=function(t){this.map=t,this.load()},r.prototype.setData=function(e){var r=this;return this._data=e,this.fire(new t.Event("dataloading",{dataType:"source"})),this._updateWorkerData((function(e){if(e)r.fire(new t.ErrorEvent(e));else{var n={dataType:"source",sourceDataType:"content"};r._collectResourceTiming&&r._resourceTiming&&r._resourceTiming.length>0&&(n.resourceTiming=r._resourceTiming,r._resourceTiming=[]),r.fire(new t.Event("data",n))}})),this},r.prototype.getClusterExpansionZoom=function(t,e){return this.actor.send("geojson.getClusterExpansionZoom",{clusterId:t,source:this.id},e),this},r.prototype.getClusterChildren=function(t,e){return this.actor.send("geojson.getClusterChildren",{clusterId:t,source:this.id},e),this},r.prototype.getClusterLeaves=function(t,e,r,n){return this.actor.send("geojson.getClusterLeaves",{source:this.id,clusterId:t,limit:e,offset:r},n),this},r.prototype._updateWorkerData=function(e){var r=this;this._loaded=!1;var n=t.extend({},this.workerOptions),i=this._data;"string"==typeof i?(n.request=this.map._requestManager.transformRequest(t.browser.resolveURL(i),t.ResourceType.Source),n.request.collectResourceTiming=this._collectResourceTiming):n.data=JSON.stringify(i),this.actor.send(this.type+".loadData",n,(function(t,i){r._removed||i&&i.abandoned||(r._loaded=!0,i&&i.resourceTiming&&i.resourceTiming[r.id]&&(r._resourceTiming=i.resourceTiming[r.id].slice(0)),r.actor.send(r.type+".coalesce",{source:n.source},null),e(t))}))},r.prototype.loaded=function(){return this._loaded},r.prototype.loadTile=function(e,r){var n=this,i=e.actor?"reloadTile":"loadTile";e.actor=this.actor,e.request=this.actor.send(i,{type:this.type,uid:e.uid,tileID:e.tileID,zoom:e.tileID.overscaledZ,maxZoom:this.maxzoom,tileSize:this.tileSize,source:this.id,pixelRatio:t.browser.devicePixelRatio,showCollisionBoxes:this.map.showCollisionBoxes,promoteId:this.promoteId},(function(t,a){return delete e.request,e.unloadVectorData(),e.aborted?r(null):t?r(t):(e.loadVectorData(a,n.map.painter,"reloadTile"===i),r(null))}))},r.prototype.abortTile=function(t){t.request&&(t.request.cancel(),delete t.request),t.aborted=!0},r.prototype.unloadTile=function(t){t.unloadVectorData(),this.actor.send("removeTile",{uid:t.uid,type:this.type,source:this.id})},r.prototype.onRemove=function(){this._removed=!0,this.actor.send("removeSource",{type:this.type,source:this.id})},r.prototype.serialize=function(){return t.extend({},this._options,{type:this.type,data:this._data})},r.prototype.hasTransition=function(){return!1},r}(t.Evented),I=t.createLayout([{name:"a_pos",type:"Int16",components:2},{name:"a_texture_pos",type:"Int16",components:2}]),P=function(e){function r(t,r,n,i){e.call(this),this.id=t,this.dispatcher=n,this.coordinates=r.coordinates,this.type="image",this.minzoom=0,this.maxzoom=22,this.tileSize=512,this.tiles={},this._loaded=!1,this.setEventedParent(i),this.options=r}return e&&(r.__proto__=e),(r.prototype=Object.create(e&&e.prototype)).constructor=r,r.prototype.load=function(e,r){var n=this;this._loaded=!1,this.fire(new t.Event("dataloading",{dataType:"source"})),this.url=this.options.url,t.getImage(this.map._requestManager.transformRequest(this.url,t.ResourceType.Image),(function(i,a){n._loaded=!0,i?n.fire(new t.ErrorEvent(i)):a&&(n.image=a,e&&(n.coordinates=e),r&&r(),n._finishLoading())}))},r.prototype.loaded=function(){return this._loaded},r.prototype.updateImage=function(t){var e=this;return this.image&&t.url?(this.options.url=t.url,this.load(t.coordinates,(function(){e.texture=null})),this):this},r.prototype._finishLoading=function(){this.map&&(this.setCoordinates(this.coordinates),this.fire(new t.Event("data",{dataType:"source",sourceDataType:"metadata"})))},r.prototype.onAdd=function(t){this.map=t,this.load()},r.prototype.setCoordinates=function(e){var r=this;this.coordinates=e;var n=e.map(t.MercatorCoordinate.fromLngLat);this.tileID=function(e){for(var r=1/0,n=1/0,i=-1/0,a=-1/0,o=0,s=e;or.end(0)?this.fire(new t.ErrorEvent(new t.ValidationError("sources."+this.id,null,"Playback for this video can be set only between the "+r.start(0)+" and "+r.end(0)+"-second mark."))):this.video.currentTime=e}},r.prototype.getVideo=function(){return this.video},r.prototype.onAdd=function(t){this.map||(this.map=t,this.load(),this.video&&(this.video.play(),this.setCoordinates(this.coordinates)))},r.prototype.prepare=function(){if(!(0===Object.keys(this.tiles).length||this.video.readyState<2)){var e=this.map.painter.context,r=e.gl;for(var n in this.boundsBuffer||(this.boundsBuffer=e.createVertexBuffer(this._boundsArray,I.members)),this.boundsSegments||(this.boundsSegments=t.SegmentVector.simpleSegment(0,0,4,2)),this.texture?this.video.paused||(this.texture.bind(r.LINEAR,r.CLAMP_TO_EDGE),r.texSubImage2D(r.TEXTURE_2D,0,0,0,r.RGBA,r.UNSIGNED_BYTE,this.video)):(this.texture=new t.Texture(e,this.video,r.RGBA),this.texture.bind(r.LINEAR,r.CLAMP_TO_EDGE)),this.tiles){var i=this.tiles[n];"loaded"!==i.state&&(i.state="loaded",i.texture=this.texture)}}},r.prototype.serialize=function(){return{type:"video",urls:this.urls,coordinates:this.coordinates}},r.prototype.hasTransition=function(){return this.video&&!this.video.paused},r}(P),O=function(e){function r(r,n,i,a){e.call(this,r,n,i,a),n.coordinates?Array.isArray(n.coordinates)&&4===n.coordinates.length&&!n.coordinates.some((function(t){return!Array.isArray(t)||2!==t.length||t.some((function(t){return"number"!=typeof t}))}))||this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'"coordinates" property must be an array of 4 longitude/latitude array pairs'))):this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'missing required property "coordinates"'))),n.animate&&"boolean"!=typeof n.animate&&this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'optional "animate" property must be a boolean value'))),n.canvas?"string"==typeof n.canvas||n.canvas instanceof t.window.HTMLCanvasElement||this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'"canvas" must be either a string representing the ID of the canvas element from which to read, or an HTMLCanvasElement instance'))):this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'missing required property "canvas"'))),this.options=n,this.animate=void 0===n.animate||n.animate}return e&&(r.__proto__=e),(r.prototype=Object.create(e&&e.prototype)).constructor=r,r.prototype.load=function(){this._loaded=!0,this.canvas||(this.canvas=this.options.canvas instanceof t.window.HTMLCanvasElement?this.options.canvas:t.window.document.getElementById(this.options.canvas)),this.width=this.canvas.width,this.height=this.canvas.height,this._hasInvalidDimensions()?this.fire(new t.ErrorEvent(new Error("Canvas dimensions cannot be less than or equal to zero."))):(this.play=function(){this._playing=!0,this.map.triggerRepaint()},this.pause=function(){this._playing&&(this.prepare(),this._playing=!1)},this._finishLoading())},r.prototype.getCanvas=function(){return this.canvas},r.prototype.onAdd=function(t){this.map=t,this.load(),this.canvas&&this.animate&&this.play()},r.prototype.onRemove=function(){this.pause()},r.prototype.prepare=function(){var e=!1;if(this.canvas.width!==this.width&&(this.width=this.canvas.width,e=!0),this.canvas.height!==this.height&&(this.height=this.canvas.height,e=!0),!this._hasInvalidDimensions()&&0!==Object.keys(this.tiles).length){var r=this.map.painter.context,n=r.gl;for(var i in this.boundsBuffer||(this.boundsBuffer=r.createVertexBuffer(this._boundsArray,I.members)),this.boundsSegments||(this.boundsSegments=t.SegmentVector.simpleSegment(0,0,4,2)),this.texture?(e||this._playing)&&this.texture.update(this.canvas,{premultiply:!0}):this.texture=new t.Texture(r,this.canvas,n.RGBA,{premultiply:!0}),this.tiles){var a=this.tiles[i];"loaded"!==a.state&&(a.state="loaded",a.texture=this.texture)}}},r.prototype.serialize=function(){return{type:"canvas",coordinates:this.coordinates}},r.prototype.hasTransition=function(){return this._playing},r.prototype._hasInvalidDimensions=function(){for(var t=0,e=[this.canvas.width,this.canvas.height];tthis.max){var o=this._getAndRemoveByKey(this.order[0]);o&&this.onRemove(o)}return this},N.prototype.has=function(t){return t.wrapped().key in this.data},N.prototype.getAndRemove=function(t){return this.has(t)?this._getAndRemoveByKey(t.wrapped().key):null},N.prototype._getAndRemoveByKey=function(t){var e=this.data[t].shift();return e.timeout&&clearTimeout(e.timeout),0===this.data[t].length&&delete this.data[t],this.order.splice(this.order.indexOf(t),1),e.value},N.prototype.getByKey=function(t){var e=this.data[t];return e?e[0].value:null},N.prototype.get=function(t){return this.has(t)?this.data[t.wrapped().key][0].value:null},N.prototype.remove=function(t,e){if(!this.has(t))return this;var r=t.wrapped().key,n=void 0===e?0:this.data[r].indexOf(e),i=this.data[r][n];return this.data[r].splice(n,1),i.timeout&&clearTimeout(i.timeout),0===this.data[r].length&&delete this.data[r],this.onRemove(i.value),this.order.splice(this.order.indexOf(r),1),this},N.prototype.setMaxSize=function(t){for(this.max=t;this.order.length>this.max;){var e=this._getAndRemoveByKey(this.order[0]);e&&this.onRemove(e)}return this},N.prototype.filter=function(t){var e=[];for(var r in this.data)for(var n=0,i=this.data[r];n1||(Math.abs(r)>1&&(1===Math.abs(r+i)?r+=i:1===Math.abs(r-i)&&(r-=i)),e.dem&&t.dem&&(t.dem.backfillBorder(e.dem,r,n),t.neighboringTiles&&t.neighboringTiles[a]&&(t.neighboringTiles[a].backfilled=!0)))}},r.prototype.getTile=function(t){return this.getTileByID(t.key)},r.prototype.getTileByID=function(t){return this._tiles[t]},r.prototype._retainLoadedChildren=function(t,e,r,n){for(var i in this._tiles){var a=this._tiles[i];if(!(n[i]||!a.hasData()||a.tileID.overscaledZ<=e||a.tileID.overscaledZ>r)){for(var o=a.tileID;a&&a.tileID.overscaledZ>e+1;){var s=a.tileID.scaledTo(a.tileID.overscaledZ-1);(a=this._tiles[s.key])&&a.hasData()&&(o=s)}for(var l=o;l.overscaledZ>e;)if(t[(l=l.scaledTo(l.overscaledZ-1)).key]){n[o.key]=o;break}}}},r.prototype.findLoadedParent=function(t,e){if(t.key in this._loadedParentTiles){var r=this._loadedParentTiles[t.key];return r&&r.tileID.overscaledZ>=e?r:null}for(var n=t.overscaledZ-1;n>=e;n--){var i=t.scaledTo(n),a=this._getLoadedTile(i);if(a)return a}},r.prototype._getLoadedTile=function(t){var e=this._tiles[t.key];return e&&e.hasData()?e:this._cache.getByKey(t.wrapped().key)},r.prototype.updateCacheSize=function(t){var e=Math.ceil(t.width/this._source.tileSize)+1,r=Math.ceil(t.height/this._source.tileSize)+1,n=Math.floor(e*r*5),i="number"==typeof this._maxTileCacheSize?Math.min(this._maxTileCacheSize,n):n;this._cache.setMaxSize(i)},r.prototype.handleWrapJump=function(t){var e=Math.round((t-(void 0===this._prevLng?t:this._prevLng))/360);if(this._prevLng=t,e){var r={};for(var n in this._tiles){var i=this._tiles[n];i.tileID=i.tileID.unwrapTo(i.tileID.wrap+e),r[i.tileID.key]=i}for(var a in this._tiles=r,this._timers)clearTimeout(this._timers[a]),delete this._timers[a];for(var o in this._tiles)this._setTileReloadTimer(o,this._tiles[o])}},r.prototype.update=function(e){var n=this;if(this.transform=e,this._sourceLoaded&&!this._paused){var i;this.updateCacheSize(e),this.handleWrapJump(this.transform.center.lng),this._coveredTiles={},this.used?this._source.tileID?i=e.getVisibleUnwrappedCoordinates(this._source.tileID).map((function(e){return new t.OverscaledTileID(e.canonical.z,e.wrap,e.canonical.z,e.canonical.x,e.canonical.y)})):(i=e.coveringTiles({tileSize:this._source.tileSize,minzoom:this._source.minzoom,maxzoom:this._source.maxzoom,roundZoom:this._source.roundZoom,reparseOverscaled:this._source.reparseOverscaled}),this._source.hasTile&&(i=i.filter((function(t){return n._source.hasTile(t)})))):i=[];var a=e.coveringZoomLevel(this._source),o=Math.max(a-r.maxOverzooming,this._source.minzoom),s=Math.max(a+r.maxUnderzooming,this._source.minzoom),l=this._updateRetainedTiles(i,a);if(Pt(this._source.type)){for(var c={},u={},f=0,h=Object.keys(l);fthis._source.maxzoom){var m=d.children(this._source.maxzoom)[0],v=this.getTile(m);if(v&&v.hasData()){n[m.key]=m;continue}}else{var y=d.children(this._source.maxzoom);if(n[y[0].key]&&n[y[1].key]&&n[y[2].key]&&n[y[3].key])continue}for(var x=g.wasRequested(),b=d.overscaledZ-1;b>=a;--b){var _=d.scaledTo(b);if(i[_.key])break;if(i[_.key]=!0,!(g=this.getTile(_))&&x&&(g=this._addTile(_)),g&&(n[_.key]=_,x=g.wasRequested(),g.hasData()))break}}}return n},r.prototype._updateLoadedParentTileCache=function(){for(var t in this._loadedParentTiles={},this._tiles){for(var e=[],r=void 0,n=this._tiles[t].tileID;n.overscaledZ>0;){if(n.key in this._loadedParentTiles){r=this._loadedParentTiles[n.key];break}e.push(n.key);var i=n.scaledTo(n.overscaledZ-1);if(r=this._getLoadedTile(i))break;n=i}for(var a=0,o=e;a0||(e.hasData()&&"reloading"!==e.state?this._cache.add(e.tileID,e,e.getExpiryTimeout()):(e.aborted=!0,this._abortTile(e),this._unloadTile(e))))},r.prototype.clearTiles=function(){for(var t in this._shouldReloadOnResume=!1,this._paused=!1,this._tiles)this._removeTile(t);this._cache.reset()},r.prototype.tilesIn=function(e,r,n){var i=this,a=[],o=this.transform;if(!o)return a;for(var s=n?o.getCameraQueryGeometry(e):e,l=e.map((function(t){return o.pointCoordinate(t)})),c=s.map((function(t){return o.pointCoordinate(t)})),u=this.getIds(),f=1/0,h=1/0,p=-1/0,d=-1/0,g=0,m=c;g=0&&v[1].y+m>=0){var y=l.map((function(t){return s.getTilePoint(t)})),x=c.map((function(t){return s.getTilePoint(t)}));a.push({tile:n,tileID:s,queryGeometry:y,cameraQueryGeometry:x,scale:g})}}},x=0;x=t.browser.now())return!0}return!1},r.prototype.setFeatureState=function(t,e,r){this._state.updateState(t=t||"_geojsonTileLayer",e,r)},r.prototype.removeFeatureState=function(t,e,r){this._state.removeFeatureState(t=t||"_geojsonTileLayer",e,r)},r.prototype.getFeatureState=function(t,e){return this._state.getState(t=t||"_geojsonTileLayer",e)},r.prototype.setDependencies=function(t,e,r){var n=this._tiles[t];n&&n.setDependencies(e,r)},r.prototype.reloadTilesForDependencies=function(t,e){for(var r in this._tiles)this._tiles[r].hasDependency(t,e)&&this._reloadTile(r,"reloading");this._cache.filter((function(r){return!r.hasDependency(t,e)}))},r}(t.Evented);function It(t,e){var r=Math.abs(2*t.wrap)-+(t.wrap<0),n=Math.abs(2*e.wrap)-+(e.wrap<0);return t.overscaledZ-e.overscaledZ||n-r||e.canonical.y-t.canonical.y||e.canonical.x-t.canonical.x}function Pt(t){return"raster"===t||"image"===t||"video"===t}function zt(){return new t.window.Worker(Yi.workerUrl)}Lt.maxOverzooming=10,Lt.maxUnderzooming=3;var Ot="mapboxgl_preloaded_worker_pool",Dt=function(){this.active={}};Dt.prototype.acquire=function(t){if(!this.workers)for(this.workers=[];this.workers.length0?(i-o)/s:0;return this.points[a].mult(1-l).add(this.points[r].mult(l))};var Jt=function(t,e,r){var n=this.boxCells=[],i=this.circleCells=[];this.xCellCount=Math.ceil(t/r),this.yCellCount=Math.ceil(e/r);for(var a=0;a=-e[0]&&r<=e[0]&&n>=-e[1]&&n<=e[1]}function re(e,r,n,i,a,o,s,l){var c=i?e.textSizeData:e.iconSizeData,u=t.evaluateSizeForZoom(c,n.transform.zoom),f=[256/n.width*2+1,256/n.height*2+1],h=i?e.text.dynamicLayoutVertexArray:e.icon.dynamicLayoutVertexArray;h.clear();for(var p=e.lineVertexArray,d=i?e.text.placedSymbolArray:e.icon.placedSymbolArray,g=n.transform.width/n.transform.height,m=!1,v=0;vMath.abs(n.x-r.x)*i?{useVertical:!0}:(e===t.WritingMode.vertical?r.yn.x)?{needsFlipping:!0}:null}function ae(e,r,n,i,a,o,s,l,c,u,f,h,p,d){var g,m=r/24,v=e.lineOffsetX*m,y=e.lineOffsetY*m;if(e.numGlyphs>1){var x=e.glyphStartIndex+e.numGlyphs,b=e.lineStartIndex,_=e.lineStartIndex+e.lineLength,w=ne(m,l,v,y,n,f,h,e,c,o,p);if(!w)return{notEnoughRoom:!0};var T=$t(w.first.point,s).point,k=$t(w.last.point,s).point;if(i&&!n){var M=ie(e.writingMode,T,k,d);if(M)return M}g=[w.first];for(var A=e.glyphStartIndex+1;A0?L.point:oe(h,C,S,1,a),P=ie(e.writingMode,S,I,d);if(P)return P}var z=se(m*l.getoffsetX(e.glyphStartIndex),v,y,n,f,h,e.segment,e.lineStartIndex,e.lineStartIndex+e.lineLength,c,o,p);if(!z)return{notEnoughRoom:!0};g=[z]}for(var O=0,D=g;O0?1:-1,g=0;i&&(d*=-1,g=Math.PI),d<0&&(g+=Math.PI);for(var m=d>0?l+s:l+s+1,v=a,y=a,x=0,b=0,_=Math.abs(p),w=[];x+b<=_;){if((m+=d)=c)return null;if(y=v,w.push(v),void 0===(v=h[m])){var T=new t.Point(u.getx(m),u.gety(m)),k=$t(T,f);if(k.signedDistanceFromCamera>0)v=h[m]=k.point;else{var M=m-d;v=oe(0===x?o:new t.Point(u.getx(M),u.gety(M)),T,y,_-x+1,f)}}x+=b,b=y.dist(v)}var A=(_-x)/b,S=v.sub(y),E=S.mult(A)._add(y);E._add(S._unit()._perp()._mult(n*d));var C=g+Math.atan2(v.y-y.y,v.x-y.x);return w.push(E),{point:E,angle:C,path:w}}Jt.prototype.keysLength=function(){return this.boxKeys.length+this.circleKeys.length},Jt.prototype.insert=function(t,e,r,n,i){this._forEachCell(e,r,n,i,this._insertBoxCell,this.boxUid++),this.boxKeys.push(t),this.bboxes.push(e),this.bboxes.push(r),this.bboxes.push(n),this.bboxes.push(i)},Jt.prototype.insertCircle=function(t,e,r,n){this._forEachCell(e-n,r-n,e+n,r+n,this._insertCircleCell,this.circleUid++),this.circleKeys.push(t),this.circles.push(e),this.circles.push(r),this.circles.push(n)},Jt.prototype._insertBoxCell=function(t,e,r,n,i,a){this.boxCells[i].push(a)},Jt.prototype._insertCircleCell=function(t,e,r,n,i,a){this.circleCells[i].push(a)},Jt.prototype._query=function(t,e,r,n,i,a){if(r<0||t>this.width||n<0||e>this.height)return!i&&[];var o=[];if(t<=0&&e<=0&&this.width<=r&&this.height<=n){if(i)return!0;for(var s=0;s0:o},Jt.prototype._queryCircle=function(t,e,r,n,i){var a=t-r,o=t+r,s=e-r,l=e+r;if(o<0||a>this.width||l<0||s>this.height)return!n&&[];var c=[];return this._forEachCell(a,s,o,l,this._queryCellCircle,c,{hitTest:n,circle:{x:t,y:e,radius:r},seenUids:{box:{},circle:{}}},i),n?c.length>0:c},Jt.prototype.query=function(t,e,r,n,i){return this._query(t,e,r,n,!1,i)},Jt.prototype.hitTest=function(t,e,r,n,i){return this._query(t,e,r,n,!0,i)},Jt.prototype.hitTestCircle=function(t,e,r,n){return this._queryCircle(t,e,r,!0,n)},Jt.prototype._queryCell=function(t,e,r,n,i,a,o,s){var l=o.seenUids,c=this.boxCells[i];if(null!==c)for(var u=this.bboxes,f=0,h=c;f=u[d+0]&&n>=u[d+1]&&(!s||s(this.boxKeys[p]))){if(o.hitTest)return a.push(!0),!0;a.push({key:this.boxKeys[p],x1:u[d],y1:u[d+1],x2:u[d+2],y2:u[d+3]})}}}var g=this.circleCells[i];if(null!==g)for(var m=this.circles,v=0,y=g;vo*o+s*s},Jt.prototype._circleAndRectCollide=function(t,e,r,n,i,a,o){var s=(a-n)/2,l=Math.abs(t-(n+s));if(l>s+r)return!1;var c=(o-i)/2,u=Math.abs(e-(i+c));if(u>c+r)return!1;if(l<=s||u<=c)return!0;var f=l-s,h=u-c;return f*f+h*h<=r*r};var le=new Float32Array([-1/0,-1/0,0,-1/0,-1/0,0,-1/0,-1/0,0,-1/0,-1/0,0]);function ce(t,e){for(var r=0;r=1;I--)L.push(E.path[I]);for(var P=1;P0){for(var R=L[0].clone(),F=L[0].clone(),B=1;B=M.x&&F.x<=A.x&&R.y>=M.y&&F.y<=A.y?[L]:F.xA.x||F.yA.y?[]:t.clipLine([L],M.x,M.y,A.x,A.y)}for(var N=0,j=D;N=this.screenRightBoundary||n<100||e>this.screenBottomBoundary},fe.prototype.isInsideGrid=function(t,e,r,n){return r>=0&&t=0&&e0?(this.prevPlacement&&this.prevPlacement.variableOffsets[f.crossTileID]&&this.prevPlacement.placements[f.crossTileID]&&this.prevPlacement.placements[f.crossTileID].text&&(g=this.prevPlacement.variableOffsets[f.crossTileID].anchor),this.variableOffsets[f.crossTileID]={textOffset:m,width:r,height:n,anchor:t,textBoxScale:i,prevAnchor:g},this.markUsedJustification(h,t,f,p),h.allowVerticalPlacement&&(this.markUsedOrientation(h,p,f),this.placedOrientations[f.crossTileID]=p),{shift:v,placedGlyphBoxes:y}):void 0},_e.prototype.placeLayerBucketPart=function(e,r,n){var i=this,a=e.parameters,o=a.bucket,s=a.layout,l=a.posMatrix,c=a.textLabelPlaneMatrix,u=a.labelToScreenMatrix,f=a.textPixelRatio,h=a.holdingForFade,p=a.collisionBoxArray,d=a.partiallyEvaluatedTextSize,g=a.collisionGroup,m=s.get("text-optional"),v=s.get("icon-optional"),y=s.get("text-allow-overlap"),x=s.get("icon-allow-overlap"),b="map"===s.get("text-rotation-alignment"),_="map"===s.get("text-pitch-alignment"),w="none"!==s.get("icon-text-fit"),T="viewport-y"===s.get("symbol-z-order"),k=y&&(x||!o.hasIconData()||v),M=x&&(y||!o.hasTextData()||m);!o.collisionArrays&&p&&o.deserializeCollisionBoxes(p);var A=function(e,a){if(!r[e.crossTileID])if(h)i.placements[e.crossTileID]=new ge(!1,!1,!1);else{var p,T=!1,A=!1,S=!0,E=null,C={box:null,offscreen:null},L={box:null,offscreen:null},I=null,P=null,z=0,O=0,D=0;a.textFeatureIndex?z=a.textFeatureIndex:e.useRuntimeCollisionCircles&&(z=e.featureIndex),a.verticalTextFeatureIndex&&(O=a.verticalTextFeatureIndex);var R=a.textBox;if(R){var F=function(r){var n=t.WritingMode.horizontal;if(o.allowVerticalPlacement&&!r&&i.prevPlacement){var a=i.prevPlacement.placedOrientations[e.crossTileID];a&&(i.placedOrientations[e.crossTileID]=a,i.markUsedOrientation(o,n=a,e))}return n},B=function(r,n){if(o.allowVerticalPlacement&&e.numVerticalGlyphVertices>0&&a.verticalTextBox)for(var i=0,s=o.writingModes;i0&&(N=N.filter((function(t){return t!==j.anchor}))).unshift(j.anchor)}var U=function(t,r,n){for(var a=t.x2-t.x1,s=t.y2-t.y1,c=e.textBoxScale,u=w&&!x?r:null,h={box:[],offscreen:!1},p=y?2*N.length:N.length,d=0;d=N.length,e,o,n,u);if(m&&(h=m.placedGlyphBoxes)&&h.box&&h.box.length){T=!0,E=m.shift;break}}return h};B((function(){return U(R,a.iconBox,t.WritingMode.horizontal)}),(function(){var r=a.verticalTextBox;return o.allowVerticalPlacement&&!(C&&C.box&&C.box.length)&&e.numVerticalGlyphVertices>0&&r?U(r,a.verticalIconBox,t.WritingMode.vertical):{box:null,offscreen:null}})),C&&(T=C.box,S=C.offscreen);var V=F(C&&C.box);if(!T&&i.prevPlacement){var q=i.prevPlacement.variableOffsets[e.crossTileID];q&&(i.variableOffsets[e.crossTileID]=q,i.markUsedJustification(o,q.anchor,e,V))}}else{var H=function(t,r){var n=i.collisionIndex.placeCollisionBox(t,y,f,l,g.predicate);return n&&n.box&&n.box.length&&(i.markUsedOrientation(o,r,e),i.placedOrientations[e.crossTileID]=r),n};B((function(){return H(R,t.WritingMode.horizontal)}),(function(){var r=a.verticalTextBox;return o.allowVerticalPlacement&&e.numVerticalGlyphVertices>0&&r?H(r,t.WritingMode.vertical):{box:null,offscreen:null}})),F(C&&C.box&&C.box.length)}}if(T=(p=C)&&p.box&&p.box.length>0,S=p&&p.offscreen,e.useRuntimeCollisionCircles){var G=o.text.placedSymbolArray.get(e.centerJustifiedTextSymbolIndex),Y=t.evaluateSizeForFeature(o.textSizeData,d,G),W=s.get("text-padding");I=i.collisionIndex.placeCollisionCircles(y,G,o.lineVertexArray,o.glyphOffsetArray,Y,l,c,u,n,_,g.predicate,e.collisionCircleDiameter,W),T=y||I.circles.length>0&&!I.collisionDetected,S=S&&I.offscreen}if(a.iconFeatureIndex&&(D=a.iconFeatureIndex),a.iconBox){var X=function(t){var e=w&&E?be(t,E.x,E.y,b,_,i.transform.angle):t;return i.collisionIndex.placeCollisionBox(e,x,f,l,g.predicate)};A=L&&L.box&&L.box.length&&a.verticalIconBox?(P=X(a.verticalIconBox)).box.length>0:(P=X(a.iconBox)).box.length>0,S=S&&P.offscreen}var Z=m||0===e.numHorizontalGlyphVertices&&0===e.numVerticalGlyphVertices,J=v||0===e.numIconVertices;if(Z||J?J?Z||(A=A&&T):T=A&&T:A=T=A&&T,T&&p&&p.box&&i.collisionIndex.insertCollisionBox(p.box,s.get("text-ignore-placement"),o.bucketInstanceId,L&&L.box&&O?O:z,g.ID),A&&P&&i.collisionIndex.insertCollisionBox(P.box,s.get("icon-ignore-placement"),o.bucketInstanceId,D,g.ID),I&&(T&&i.collisionIndex.insertCollisionCircles(I.circles,s.get("text-ignore-placement"),o.bucketInstanceId,z,g.ID),n)){var K=o.bucketInstanceId,Q=i.collisionCircleArrays[K];void 0===Q&&(Q=i.collisionCircleArrays[K]=new me);for(var $=0;$=0;--E){var C=S[E];A(o.symbolInstances.get(C),o.collisionArrays[C])}else for(var L=e.symbolInstanceStart;L=0&&(e.text.placedSymbolArray.get(l).crossTileID=a>=0&&l!==a?0:n.crossTileID)}},_e.prototype.markUsedOrientation=function(e,r,n){for(var i=r===t.WritingMode.horizontal||r===t.WritingMode.horizontalOnly?r:0,a=r===t.WritingMode.vertical?r:0,o=0,s=[n.leftJustifiedTextSymbolIndex,n.centerJustifiedTextSymbolIndex,n.rightJustifiedTextSymbolIndex];o0,y=i.placedOrientations[a.crossTileID],x=y===t.WritingMode.vertical,b=y===t.WritingMode.horizontal||y===t.WritingMode.horizontalOnly;if(s>0||l>0){var _=Le(m.text);d(e.text,s,x?Ie:_),d(e.text,l,b?Ie:_);var w=m.text.isHidden();[a.rightJustifiedTextSymbolIndex,a.centerJustifiedTextSymbolIndex,a.leftJustifiedTextSymbolIndex].forEach((function(t){t>=0&&(e.text.placedSymbolArray.get(t).hidden=w||x?1:0)})),a.verticalPlacedTextSymbolIndex>=0&&(e.text.placedSymbolArray.get(a.verticalPlacedTextSymbolIndex).hidden=w||b?1:0);var T=i.variableOffsets[a.crossTileID];T&&i.markUsedJustification(e,T.anchor,a,y);var k=i.placedOrientations[a.crossTileID];k&&(i.markUsedJustification(e,"left",a,k),i.markUsedOrientation(e,k,a))}if(v){var M=Le(m.icon),A=!(h&&a.verticalPlacedIconSymbolIndex&&x);a.placedIconSymbolIndex>=0&&(d(e.icon,a.numIconVertices,A?M:Ie),e.icon.placedSymbolArray.get(a.placedIconSymbolIndex).hidden=m.icon.isHidden()),a.verticalPlacedIconSymbolIndex>=0&&(d(e.icon,a.numVerticalIconVertices,A?Ie:M),e.icon.placedSymbolArray.get(a.verticalPlacedIconSymbolIndex).hidden=m.icon.isHidden())}if(e.hasIconCollisionBoxData()||e.hasTextCollisionBoxData()){var S=e.collisionArrays[n];if(S){var E=new t.Point(0,0);if(S.textBox||S.verticalTextBox){var C=!0;if(c){var L=i.variableOffsets[g];L?(E=xe(L.anchor,L.width,L.height,L.textOffset,L.textBoxScale),u&&E._rotate(f?i.transform.angle:-i.transform.angle)):C=!1}S.textBox&&we(e.textCollisionBox.collisionVertexArray,m.text.placed,!C||x,E.x,E.y),S.verticalTextBox&&we(e.textCollisionBox.collisionVertexArray,m.text.placed,!C||b,E.x,E.y)}var I=Boolean(!b&&S.verticalIconBox);S.iconBox&&we(e.iconCollisionBox.collisionVertexArray,m.icon.placed,I,h?E.x:0,h?E.y:0),S.verticalIconBox&&we(e.iconCollisionBox.collisionVertexArray,m.icon.placed,!I,h?E.x:0,h?E.y:0)}}},m=0;mt},_e.prototype.setStale=function(){this.stale=!0};var Te=Math.pow(2,25),ke=Math.pow(2,24),Me=Math.pow(2,17),Ae=Math.pow(2,16),Se=Math.pow(2,9),Ee=Math.pow(2,8),Ce=Math.pow(2,1);function Le(t){if(0===t.opacity&&!t.placed)return 0;if(1===t.opacity&&t.placed)return 4294967295;var e=t.placed?1:0,r=Math.floor(127*t.opacity);return r*Te+e*ke+r*Me+e*Ae+r*Se+e*Ee+r*Ce+e}var Ie=0,Pe=function(t){this._sortAcrossTiles="viewport-y"!==t.layout.get("symbol-z-order")&&void 0!==t.layout.get("symbol-sort-key").constantOr(1),this._currentTileIndex=0,this._currentPartIndex=0,this._seenCrossTileIDs={},this._bucketParts=[]};Pe.prototype.continuePlacement=function(t,e,r,n,i){for(var a=this._bucketParts;this._currentTileIndex2};this._currentPlacementIndex>=0;){var s=r[e[this._currentPlacementIndex]],l=this.placement.collisionIndex.transform.zoom;if("symbol"===s.type&&(!s.minzoom||s.minzoom<=l)&&(!s.maxzoom||s.maxzoom>l)){if(this._inProgressLayer||(this._inProgressLayer=new Pe(s)),this._inProgressLayer.continuePlacement(n[s.source],this.placement,this._showCollisionBoxes,s,o))return;delete this._inProgressLayer}this._currentPlacementIndex--}this._done=!0},ze.prototype.commit=function(t){return this.placement.commit(t),this.placement};var Oe=512/t.EXTENT/2,De=function(t,e,r){this.tileID=t,this.indexedSymbolInstances={},this.bucketInstanceId=r;for(var n=0;nt.overscaledZ)for(var s in o){var l=o[s];l.tileID.isChildOf(t)&&l.findMatches(e.symbolInstances,t,i)}else{var c=o[t.scaledTo(Number(a)).key];c&&c.findMatches(e.symbolInstances,t,i)}}for(var u=0;u1?"@2x":"",l=t.getJSON(r.transformRequest(r.normalizeSpriteURL(e,s,".json"),t.ResourceType.SpriteJSON),(function(t,e){l=null,o||(o=t,i=e,u())})),c=t.getImage(r.transformRequest(r.normalizeSpriteURL(e,s,".png"),t.ResourceType.SpriteImage),(function(t,e){c=null,o||(o=t,a=e,u())}));function u(){if(o)n(o);else if(i&&a){var e=t.browser.getImageData(a),r={};for(var s in i){var l=i[s],c=l.width,u=l.height,f=l.x,h=l.y,p=l.sdf,d=l.pixelRatio,g=l.stretchX,m=l.stretchY,v=l.content,y=new t.RGBAImage({width:c,height:u});t.RGBAImage.copy(e,y,{x:f,y:h},{x:0,y:0},{width:c,height:u}),r[s]={data:y,pixelRatio:d,sdf:p,stretchX:g,stretchY:m,content:v}}n(null,r)}}return{cancel:function(){l&&(l.cancel(),l=null),c&&(c.cancel(),c=null)}}}(e,this.map._requestManager,(function(e,n){if(r._spriteRequest=null,e)r.fire(new t.ErrorEvent(e));else if(n)for(var i in n)r.imageManager.addImage(i,n[i]);r.imageManager.setLoaded(!0),r._availableImages=r.imageManager.listImages(),r.dispatcher.broadcast("setImages",r._availableImages),r.fire(new t.Event("data",{dataType:"style"}))}))},r.prototype._validateLayer=function(e){var r=this.sourceCaches[e.source];if(r){var n=e.sourceLayer;if(n){var i=r.getSource();("geojson"===i.type||i.vectorLayerIds&&-1===i.vectorLayerIds.indexOf(n))&&this.fire(new t.ErrorEvent(new Error('Source layer "'+n+'" does not exist on source "'+i.id+'" as specified by style layer "'+e.id+'"')))}}},r.prototype.loaded=function(){if(!this._loaded)return!1;if(Object.keys(this._updatedSources).length)return!1;for(var t in this.sourceCaches)if(!this.sourceCaches[t].loaded())return!1;return!!this.imageManager.isLoaded()},r.prototype._serializeLayers=function(t){for(var e=[],r=0,n=t;r0)throw new Error("Unimplemented: "+i.map((function(t){return t.command})).join(", ")+".");return n.forEach((function(t){"setTransition"!==t.command&&r[t.command].apply(r,t.args)})),this.stylesheet=e,!0},r.prototype.addImage=function(e,r){if(this.getImage(e))return this.fire(new t.ErrorEvent(new Error("An image with this name already exists.")));this.imageManager.addImage(e,r),this._availableImages=this.imageManager.listImages(),this._changedImages[e]=!0,this._changed=!0,this.fire(new t.Event("data",{dataType:"style"}))},r.prototype.updateImage=function(t,e){this.imageManager.updateImage(t,e)},r.prototype.getImage=function(t){return this.imageManager.getImage(t)},r.prototype.removeImage=function(e){if(!this.getImage(e))return this.fire(new t.ErrorEvent(new Error("No image with this name exists.")));this.imageManager.removeImage(e),this._availableImages=this.imageManager.listImages(),this._changedImages[e]=!0,this._changed=!0,this.fire(new t.Event("data",{dataType:"style"}))},r.prototype.listImages=function(){return this._checkLoaded(),this.imageManager.listImages()},r.prototype.addSource=function(e,r,n){var i=this;if(void 0===n&&(n={}),this._checkLoaded(),void 0!==this.sourceCaches[e])throw new Error("There is already a source with this ID");if(!r.type)throw new Error("The type property must be defined, but the only the following properties were given: "+Object.keys(r).join(", ")+".");if(!(["vector","raster","geojson","video","image"].indexOf(r.type)>=0&&this._validate(t.validateStyle.source,"sources."+e,r,null,n))){this.map&&this.map._collectResourceTiming&&(r.collectResourceTiming=!0);var a=this.sourceCaches[e]=new Lt(e,r,this.dispatcher);a.style=this,a.setEventedParent(this,(function(){return{isSourceLoaded:i.loaded(),source:a.serialize(),sourceId:e}})),a.onAdd(this.map),this._changed=!0}},r.prototype.removeSource=function(e){if(this._checkLoaded(),void 0===this.sourceCaches[e])throw new Error("There is no source with this ID");for(var r in this._layers)if(this._layers[r].source===e)return this.fire(new t.ErrorEvent(new Error('Source "'+e+'" cannot be removed while layer "'+r+'" is using it.')));var n=this.sourceCaches[e];delete this.sourceCaches[e],delete this._updatedSources[e],n.fire(new t.Event("data",{sourceDataType:"metadata",dataType:"source",sourceId:e})),n.setEventedParent(null),n.clearTiles(),n.onRemove&&n.onRemove(this.map),this._changed=!0},r.prototype.setGeoJSONSourceData=function(t,e){this._checkLoaded(),this.sourceCaches[t].getSource().setData(e),this._changed=!0},r.prototype.getSource=function(t){return this.sourceCaches[t]&&this.sourceCaches[t].getSource()},r.prototype.addLayer=function(e,r,n){void 0===n&&(n={}),this._checkLoaded();var i=e.id;if(this.getLayer(i))this.fire(new t.ErrorEvent(new Error('Layer with id "'+i+'" already exists on this map')));else{var a;if("custom"===e.type){if(Ne(this,t.validateCustomStyleLayer(e)))return;a=t.createStyleLayer(e)}else{if("object"==typeof e.source&&(this.addSource(i,e.source),e=t.clone$1(e),e=t.extend(e,{source:i})),this._validate(t.validateStyle.layer,"layers."+i,e,{arrayIndex:-1},n))return;a=t.createStyleLayer(e),this._validateLayer(a),a.setEventedParent(this,{layer:{id:i}}),this._serializedLayers[a.id]=a.serialize()}var o=r?this._order.indexOf(r):this._order.length;if(r&&-1===o)this.fire(new t.ErrorEvent(new Error('Layer with id "'+r+'" does not exist on this map.')));else{if(this._order.splice(o,0,i),this._layerOrderChanged=!0,this._layers[i]=a,this._removedLayers[i]&&a.source&&"custom"!==a.type){var s=this._removedLayers[i];delete this._removedLayers[i],s.type!==a.type?this._updatedSources[a.source]="clear":(this._updatedSources[a.source]="reload",this.sourceCaches[a.source].pause())}this._updateLayer(a),a.onAdd&&a.onAdd(this.map)}}},r.prototype.moveLayer=function(e,r){if(this._checkLoaded(),this._changed=!0,this._layers[e]){if(e!==r){var n=this._order.indexOf(e);this._order.splice(n,1);var i=r?this._order.indexOf(r):this._order.length;r&&-1===i?this.fire(new t.ErrorEvent(new Error('Layer with id "'+r+'" does not exist on this map.'))):(this._order.splice(i,0,e),this._layerOrderChanged=!0)}}else this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be moved.")))},r.prototype.removeLayer=function(e){this._checkLoaded();var r=this._layers[e];if(r){r.setEventedParent(null);var n=this._order.indexOf(e);this._order.splice(n,1),this._layerOrderChanged=!0,this._changed=!0,this._removedLayers[e]=r,delete this._layers[e],delete this._serializedLayers[e],delete this._updatedLayers[e],delete this._updatedPaintProps[e],r.onRemove&&r.onRemove(this.map)}else this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be removed.")))},r.prototype.getLayer=function(t){return this._layers[t]},r.prototype.hasLayer=function(t){return t in this._layers},r.prototype.setLayerZoomRange=function(e,r,n){this._checkLoaded();var i=this.getLayer(e);i?i.minzoom===r&&i.maxzoom===n||(null!=r&&(i.minzoom=r),null!=n&&(i.maxzoom=n),this._updateLayer(i)):this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot have zoom extent.")))},r.prototype.setFilter=function(e,r,n){void 0===n&&(n={}),this._checkLoaded();var i=this.getLayer(e);if(i){if(!t.deepEqual(i.filter,r))return null==r?(i.filter=void 0,void this._updateLayer(i)):void(this._validate(t.validateStyle.filter,"layers."+i.id+".filter",r,null,n)||(i.filter=t.clone$1(r),this._updateLayer(i)))}else this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be filtered.")))},r.prototype.getFilter=function(e){return t.clone$1(this.getLayer(e).filter)},r.prototype.setLayoutProperty=function(e,r,n,i){void 0===i&&(i={}),this._checkLoaded();var a=this.getLayer(e);a?t.deepEqual(a.getLayoutProperty(r),n)||(a.setLayoutProperty(r,n,i),this._updateLayer(a)):this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be styled.")))},r.prototype.getLayoutProperty=function(e,r){var n=this.getLayer(e);if(n)return n.getLayoutProperty(r);this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style.")))},r.prototype.setPaintProperty=function(e,r,n,i){void 0===i&&(i={}),this._checkLoaded();var a=this.getLayer(e);a?t.deepEqual(a.getPaintProperty(r),n)||(a.setPaintProperty(r,n,i)&&this._updateLayer(a),this._changed=!0,this._updatedPaintProps[e]=!0):this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be styled.")))},r.prototype.getPaintProperty=function(t,e){return this.getLayer(t).getPaintProperty(e)},r.prototype.setFeatureState=function(e,r){this._checkLoaded();var n=e.source,i=e.sourceLayer,a=this.sourceCaches[n];if(void 0!==a){var o=a.getSource().type;"geojson"===o&&i?this.fire(new t.ErrorEvent(new Error("GeoJSON sources cannot have a sourceLayer parameter."))):"vector"!==o||i?(void 0===e.id&&this.fire(new t.ErrorEvent(new Error("The feature id parameter must be provided."))),a.setFeatureState(i,e.id,r)):this.fire(new t.ErrorEvent(new Error("The sourceLayer parameter must be provided for vector source types.")))}else this.fire(new t.ErrorEvent(new Error("The source '"+n+"' does not exist in the map's style.")))},r.prototype.removeFeatureState=function(e,r){this._checkLoaded();var n=e.source,i=this.sourceCaches[n];if(void 0!==i){var a=i.getSource().type,o="vector"===a?e.sourceLayer:void 0;"vector"!==a||o?r&&"string"!=typeof e.id&&"number"!=typeof e.id?this.fire(new t.ErrorEvent(new Error("A feature id is requred to remove its specific state property."))):i.removeFeatureState(o,e.id,r):this.fire(new t.ErrorEvent(new Error("The sourceLayer parameter must be provided for vector source types.")))}else this.fire(new t.ErrorEvent(new Error("The source '"+n+"' does not exist in the map's style.")))},r.prototype.getFeatureState=function(e){this._checkLoaded();var r=e.source,n=e.sourceLayer,i=this.sourceCaches[r];if(void 0!==i){if("vector"!==i.getSource().type||n)return void 0===e.id&&this.fire(new t.ErrorEvent(new Error("The feature id parameter must be provided."))),i.getFeatureState(n,e.id);this.fire(new t.ErrorEvent(new Error("The sourceLayer parameter must be provided for vector source types.")))}else this.fire(new t.ErrorEvent(new Error("The source '"+r+"' does not exist in the map's style.")))},r.prototype.getTransition=function(){return t.extend({duration:300,delay:0},this.stylesheet&&this.stylesheet.transition)},r.prototype.serialize=function(){return t.filterObject({version:this.stylesheet.version,name:this.stylesheet.name,metadata:this.stylesheet.metadata,light:this.stylesheet.light,center:this.stylesheet.center,zoom:this.stylesheet.zoom,bearing:this.stylesheet.bearing,pitch:this.stylesheet.pitch,sprite:this.stylesheet.sprite,glyphs:this.stylesheet.glyphs,transition:this.stylesheet.transition,sources:t.mapObject(this.sourceCaches,(function(t){return t.serialize()})),layers:this._serializeLayers(this._order)},(function(t){return void 0!==t}))},r.prototype._updateLayer=function(t){this._updatedLayers[t.id]=!0,t.source&&!this._updatedSources[t.source]&&"raster"!==this.sourceCaches[t.source].getSource().type&&(this._updatedSources[t.source]="reload",this.sourceCaches[t.source].pause()),this._changed=!0},r.prototype._flattenAndSortRenderedFeatures=function(t){for(var e=this,r=function(t){return"fill-extrusion"===e._layers[t].type},n={},i=[],a=this._order.length-1;a>=0;a--){var o=this._order[a];if(r(o)){n[o]=a;for(var s=0,l=t;s=0;p--){var d=this._order[p];if(r(d))for(var g=i.length-1;g>=0;g--){var m=i[g].feature;if(n[m.layer.id] 0.5) {gl_FragColor=vec4(0.0,0.0,1.0,0.5)*alpha;}if (v_notUsed > 0.5) {gl_FragColor*=.1;}}","attribute vec2 a_pos;attribute vec2 a_anchor_pos;attribute vec2 a_extrude;attribute vec2 a_placed;attribute vec2 a_shift;uniform mat4 u_matrix;uniform vec2 u_extrude_scale;uniform float u_camera_to_center_distance;varying float v_placed;varying float v_notUsed;void main() {vec4 projectedPoint=u_matrix*vec4(a_anchor_pos,0,1);highp float camera_to_anchor_distance=projectedPoint.w;highp float collision_perspective_ratio=clamp(0.5+0.5*(u_camera_to_center_distance/camera_to_anchor_distance),0.0,4.0);gl_Position=u_matrix*vec4(a_pos,0.0,1.0);gl_Position.xy+=(a_extrude+a_shift)*u_extrude_scale*gl_Position.w*collision_perspective_ratio;v_placed=a_placed.x;v_notUsed=a_placed.y;}"),$e=vr("varying float v_radius;varying vec2 v_extrude;varying float v_perspective_ratio;varying float v_collision;void main() {float alpha=0.5*min(v_perspective_ratio,1.0);float stroke_radius=0.9*max(v_perspective_ratio,1.0);float distance_to_center=length(v_extrude);float distance_to_edge=abs(distance_to_center-v_radius);float opacity_t=smoothstep(-stroke_radius,0.0,-distance_to_edge);vec4 color=mix(vec4(0.0,0.0,1.0,0.5),vec4(1.0,0.0,0.0,1.0),v_collision);gl_FragColor=color*alpha*opacity_t;}","attribute vec2 a_pos;attribute float a_radius;attribute vec2 a_flags;uniform mat4 u_matrix;uniform mat4 u_inv_matrix;uniform vec2 u_viewport_size;uniform float u_camera_to_center_distance;varying float v_radius;varying vec2 v_extrude;varying float v_perspective_ratio;varying float v_collision;vec3 toTilePosition(vec2 screenPos) {vec4 rayStart=u_inv_matrix*vec4(screenPos,-1.0,1.0);vec4 rayEnd =u_inv_matrix*vec4(screenPos, 1.0,1.0);rayStart.xyz/=rayStart.w;rayEnd.xyz /=rayEnd.w;highp float t=(0.0-rayStart.z)/(rayEnd.z-rayStart.z);return mix(rayStart.xyz,rayEnd.xyz,t);}void main() {vec2 quadCenterPos=a_pos;float radius=a_radius;float collision=a_flags.x;float vertexIdx=a_flags.y;vec2 quadVertexOffset=vec2(mix(-1.0,1.0,float(vertexIdx >=2.0)),mix(-1.0,1.0,float(vertexIdx >=1.0 && vertexIdx <=2.0)));vec2 quadVertexExtent=quadVertexOffset*radius;vec3 tilePos=toTilePosition(quadCenterPos);vec4 clipPos=u_matrix*vec4(tilePos,1.0);highp float camera_to_anchor_distance=clipPos.w;highp float collision_perspective_ratio=clamp(0.5+0.5*(u_camera_to_center_distance/camera_to_anchor_distance),0.0,4.0);float padding_factor=1.2;v_radius=radius;v_extrude=quadVertexExtent*padding_factor;v_perspective_ratio=collision_perspective_ratio;v_collision=collision;gl_Position=vec4(clipPos.xyz/clipPos.w,1.0)+vec4(quadVertexExtent*padding_factor/u_viewport_size*2.0,0.0,0.0);}"),tr=vr("uniform highp vec4 u_color;uniform sampler2D u_overlay;varying vec2 v_uv;void main() {vec4 overlay_color=texture2D(u_overlay,v_uv);gl_FragColor=mix(u_color,overlay_color,overlay_color.a);}","attribute vec2 a_pos;varying vec2 v_uv;uniform mat4 u_matrix;uniform float u_overlay_scale;void main() {v_uv=a_pos/8192.0;gl_Position=u_matrix*vec4(a_pos*u_overlay_scale,0,1);}"),er=vr("#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float opacity\ngl_FragColor=color*opacity;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","attribute vec2 a_pos;uniform mat4 u_matrix;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float opacity\ngl_Position=u_matrix*vec4(a_pos,0,1);}"),rr=vr("varying vec2 v_pos;\n#pragma mapbox: define highp vec4 outline_color\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 outline_color\n#pragma mapbox: initialize lowp float opacity\nfloat dist=length(v_pos-gl_FragCoord.xy);float alpha=1.0-smoothstep(0.0,1.0,dist);gl_FragColor=outline_color*(alpha*opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","attribute vec2 a_pos;uniform mat4 u_matrix;uniform vec2 u_world;varying vec2 v_pos;\n#pragma mapbox: define highp vec4 outline_color\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 outline_color\n#pragma mapbox: initialize lowp float opacity\ngl_Position=u_matrix*vec4(a_pos,0,1);v_pos=(gl_Position.xy/gl_Position.w+1.0)/2.0*u_world;}"),nr=vr("uniform vec2 u_texsize;uniform sampler2D u_image;uniform float u_fade;varying vec2 v_pos_a;varying vec2 v_pos_b;varying vec2 v_pos;\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;vec2 imagecoord=mod(v_pos_a,1.0);vec2 pos=mix(pattern_tl_a/u_texsize,pattern_br_a/u_texsize,imagecoord);vec4 color1=texture2D(u_image,pos);vec2 imagecoord_b=mod(v_pos_b,1.0);vec2 pos2=mix(pattern_tl_b/u_texsize,pattern_br_b/u_texsize,imagecoord_b);vec4 color2=texture2D(u_image,pos2);float dist=length(v_pos-gl_FragCoord.xy);float alpha=1.0-smoothstep(0.0,1.0,dist);gl_FragColor=mix(color1,color2,u_fade)*alpha*opacity;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_world;uniform vec2 u_pixel_coord_upper;uniform vec2 u_pixel_coord_lower;uniform vec3 u_scale;attribute vec2 a_pos;varying vec2 v_pos_a;varying vec2 v_pos_b;varying vec2 v_pos;\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;float tileRatio=u_scale.x;float fromScale=u_scale.y;float toScale=u_scale.z;gl_Position=u_matrix*vec4(a_pos,0,1);vec2 display_size_a=(pattern_br_a-pattern_tl_a)/pixel_ratio_from;vec2 display_size_b=(pattern_br_b-pattern_tl_b)/pixel_ratio_to;v_pos_a=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,fromScale*display_size_a,tileRatio,a_pos);v_pos_b=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,toScale*display_size_b,tileRatio,a_pos);v_pos=(gl_Position.xy/gl_Position.w+1.0)/2.0*u_world;}"),ir=vr("uniform vec2 u_texsize;uniform float u_fade;uniform sampler2D u_image;varying vec2 v_pos_a;varying vec2 v_pos_b;\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;vec2 imagecoord=mod(v_pos_a,1.0);vec2 pos=mix(pattern_tl_a/u_texsize,pattern_br_a/u_texsize,imagecoord);vec4 color1=texture2D(u_image,pos);vec2 imagecoord_b=mod(v_pos_b,1.0);vec2 pos2=mix(pattern_tl_b/u_texsize,pattern_br_b/u_texsize,imagecoord_b);vec4 color2=texture2D(u_image,pos2);gl_FragColor=mix(color1,color2,u_fade)*opacity;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_pixel_coord_upper;uniform vec2 u_pixel_coord_lower;uniform vec3 u_scale;attribute vec2 a_pos;varying vec2 v_pos_a;varying vec2 v_pos_b;\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;float tileZoomRatio=u_scale.x;float fromScale=u_scale.y;float toScale=u_scale.z;vec2 display_size_a=(pattern_br_a-pattern_tl_a)/pixel_ratio_from;vec2 display_size_b=(pattern_br_b-pattern_tl_b)/pixel_ratio_to;gl_Position=u_matrix*vec4(a_pos,0,1);v_pos_a=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,fromScale*display_size_a,tileZoomRatio,a_pos);v_pos_b=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,toScale*display_size_b,tileZoomRatio,a_pos);}"),ar=vr("varying vec4 v_color;void main() {gl_FragColor=v_color;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec3 u_lightcolor;uniform lowp vec3 u_lightpos;uniform lowp float u_lightintensity;uniform float u_vertical_gradient;uniform lowp float u_opacity;attribute vec2 a_pos;attribute vec4 a_normal_ed;varying vec4 v_color;\n#pragma mapbox: define highp float base\n#pragma mapbox: define highp float height\n#pragma mapbox: define highp vec4 color\nvoid main() {\n#pragma mapbox: initialize highp float base\n#pragma mapbox: initialize highp float height\n#pragma mapbox: initialize highp vec4 color\nvec3 normal=a_normal_ed.xyz;base=max(0.0,base);height=max(0.0,height);float t=mod(normal.x,2.0);gl_Position=u_matrix*vec4(a_pos,t > 0.0 ? height : base,1);float colorvalue=color.r*0.2126+color.g*0.7152+color.b*0.0722;v_color=vec4(0.0,0.0,0.0,1.0);vec4 ambientlight=vec4(0.03,0.03,0.03,1.0);color+=ambientlight;float directional=clamp(dot(normal/16384.0,u_lightpos),0.0,1.0);directional=mix((1.0-u_lightintensity),max((1.0-colorvalue+u_lightintensity),1.0),directional);if (normal.y !=0.0) {directional*=((1.0-u_vertical_gradient)+(u_vertical_gradient*clamp((t+base)*pow(height/150.0,0.5),mix(0.7,0.98,1.0-u_lightintensity),1.0)));}v_color.r+=clamp(color.r*directional*u_lightcolor.r,mix(0.0,0.3,1.0-u_lightcolor.r),1.0);v_color.g+=clamp(color.g*directional*u_lightcolor.g,mix(0.0,0.3,1.0-u_lightcolor.g),1.0);v_color.b+=clamp(color.b*directional*u_lightcolor.b,mix(0.0,0.3,1.0-u_lightcolor.b),1.0);v_color*=u_opacity;}"),or=vr("uniform vec2 u_texsize;uniform float u_fade;uniform sampler2D u_image;varying vec2 v_pos_a;varying vec2 v_pos_b;varying vec4 v_lighting;\n#pragma mapbox: define lowp float base\n#pragma mapbox: define lowp float height\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float base\n#pragma mapbox: initialize lowp float height\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;vec2 imagecoord=mod(v_pos_a,1.0);vec2 pos=mix(pattern_tl_a/u_texsize,pattern_br_a/u_texsize,imagecoord);vec4 color1=texture2D(u_image,pos);vec2 imagecoord_b=mod(v_pos_b,1.0);vec2 pos2=mix(pattern_tl_b/u_texsize,pattern_br_b/u_texsize,imagecoord_b);vec4 color2=texture2D(u_image,pos2);vec4 mixedColor=mix(color1,color2,u_fade);gl_FragColor=mixedColor*v_lighting;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_pixel_coord_upper;uniform vec2 u_pixel_coord_lower;uniform float u_height_factor;uniform vec3 u_scale;uniform float u_vertical_gradient;uniform lowp float u_opacity;uniform vec3 u_lightcolor;uniform lowp vec3 u_lightpos;uniform lowp float u_lightintensity;attribute vec2 a_pos;attribute vec4 a_normal_ed;varying vec2 v_pos_a;varying vec2 v_pos_b;varying vec4 v_lighting;\n#pragma mapbox: define lowp float base\n#pragma mapbox: define lowp float height\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float base\n#pragma mapbox: initialize lowp float height\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;float tileRatio=u_scale.x;float fromScale=u_scale.y;float toScale=u_scale.z;vec3 normal=a_normal_ed.xyz;float edgedistance=a_normal_ed.w;vec2 display_size_a=(pattern_br_a-pattern_tl_a)/pixel_ratio_from;vec2 display_size_b=(pattern_br_b-pattern_tl_b)/pixel_ratio_to;base=max(0.0,base);height=max(0.0,height);float t=mod(normal.x,2.0);float z=t > 0.0 ? height : base;gl_Position=u_matrix*vec4(a_pos,z,1);vec2 pos=normal.x==1.0 && normal.y==0.0 && normal.z==16384.0\n? a_pos\n: vec2(edgedistance,z*u_height_factor);v_pos_a=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,fromScale*display_size_a,tileRatio,pos);v_pos_b=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,toScale*display_size_b,tileRatio,pos);v_lighting=vec4(0.0,0.0,0.0,1.0);float directional=clamp(dot(normal/16383.0,u_lightpos),0.0,1.0);directional=mix((1.0-u_lightintensity),max((0.5+u_lightintensity),1.0),directional);if (normal.y !=0.0) {directional*=((1.0-u_vertical_gradient)+(u_vertical_gradient*clamp((t+base)*pow(height/150.0,0.5),mix(0.7,0.98,1.0-u_lightintensity),1.0)));}v_lighting.rgb+=clamp(directional*u_lightcolor,mix(vec3(0.0),vec3(0.3),1.0-u_lightcolor),vec3(1.0));v_lighting*=u_opacity;}"),sr=vr("#ifdef GL_ES\nprecision highp float;\n#endif\nuniform sampler2D u_image;varying vec2 v_pos;uniform vec2 u_dimension;uniform float u_zoom;uniform float u_maxzoom;uniform vec4 u_unpack;float getElevation(vec2 coord,float bias) {vec4 data=texture2D(u_image,coord)*255.0;data.a=-1.0;return dot(data,u_unpack)/4.0;}void main() {vec2 epsilon=1.0/u_dimension;float a=getElevation(v_pos+vec2(-epsilon.x,-epsilon.y),0.0);float b=getElevation(v_pos+vec2(0,-epsilon.y),0.0);float c=getElevation(v_pos+vec2(epsilon.x,-epsilon.y),0.0);float d=getElevation(v_pos+vec2(-epsilon.x,0),0.0);float e=getElevation(v_pos,0.0);float f=getElevation(v_pos+vec2(epsilon.x,0),0.0);float g=getElevation(v_pos+vec2(-epsilon.x,epsilon.y),0.0);float h=getElevation(v_pos+vec2(0,epsilon.y),0.0);float i=getElevation(v_pos+vec2(epsilon.x,epsilon.y),0.0);float exaggeration=u_zoom < 2.0 ? 0.4 : u_zoom < 4.5 ? 0.35 : 0.3;vec2 deriv=vec2((c+f+f+i)-(a+d+d+g),(g+h+h+i)-(a+b+b+c))/ pow(2.0,(u_zoom-u_maxzoom)*exaggeration+19.2562-u_zoom);gl_FragColor=clamp(vec4(deriv.x/2.0+0.5,deriv.y/2.0+0.5,1.0,1.0),0.0,1.0);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_dimension;attribute vec2 a_pos;attribute vec2 a_texture_pos;varying vec2 v_pos;void main() {gl_Position=u_matrix*vec4(a_pos,0,1);highp vec2 epsilon=1.0/u_dimension;float scale=(u_dimension.x-2.0)/u_dimension.x;v_pos=(a_texture_pos/8192.0)*scale+epsilon;}"),lr=vr("uniform sampler2D u_image;varying vec2 v_pos;uniform vec2 u_latrange;uniform vec2 u_light;uniform vec4 u_shadow;uniform vec4 u_highlight;uniform vec4 u_accent;\n#define PI 3.141592653589793\nvoid main() {vec4 pixel=texture2D(u_image,v_pos);vec2 deriv=((pixel.rg*2.0)-1.0);float scaleFactor=cos(radians((u_latrange[0]-u_latrange[1])*(1.0-v_pos.y)+u_latrange[1]));float slope=atan(1.25*length(deriv)/scaleFactor);float aspect=deriv.x !=0.0 ? atan(deriv.y,-deriv.x) : PI/2.0*(deriv.y > 0.0 ? 1.0 :-1.0);float intensity=u_light.x;float azimuth=u_light.y+PI;float base=1.875-intensity*1.75;float maxValue=0.5*PI;float scaledSlope=intensity !=0.5 ? ((pow(base,slope)-1.0)/(pow(base,maxValue)-1.0))*maxValue : slope;float accent=cos(scaledSlope);vec4 accent_color=(1.0-accent)*u_accent*clamp(intensity*2.0,0.0,1.0);float shade=abs(mod((aspect+azimuth)/PI+0.5,2.0)-1.0);vec4 shade_color=mix(u_shadow,u_highlight,shade)*sin(scaledSlope)*clamp(intensity*2.0,0.0,1.0);gl_FragColor=accent_color*(1.0-shade_color.a)+shade_color;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;attribute vec2 a_pos;attribute vec2 a_texture_pos;varying vec2 v_pos;void main() {gl_Position=u_matrix*vec4(a_pos,0,1);v_pos=a_texture_pos/8192.0;}"),cr=vr("uniform lowp float u_device_pixel_ratio;varying vec2 v_width2;varying vec2 v_normal;varying float v_gamma_scale;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\nfloat dist=length(v_normal)*v_width2.s;float blur2=(blur+1.0/u_device_pixel_ratio)*v_gamma_scale;float alpha=clamp(min(dist-(v_width2.t-blur2),v_width2.s-dist)/blur2,0.0,1.0);gl_FragColor=color*(alpha*opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","\n#define scale 0.015873016\nattribute vec2 a_pos_normal;attribute vec4 a_data;uniform mat4 u_matrix;uniform mediump float u_ratio;uniform vec2 u_units_to_pixels;uniform lowp float u_device_pixel_ratio;varying vec2 v_normal;varying vec2 v_width2;varying float v_gamma_scale;varying highp float v_linesofar;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define mediump float gapwidth\n#pragma mapbox: define lowp float offset\n#pragma mapbox: define mediump float width\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump float gapwidth\n#pragma mapbox: initialize lowp float offset\n#pragma mapbox: initialize mediump float width\nfloat ANTIALIASING=1.0/u_device_pixel_ratio/2.0;vec2 a_extrude=a_data.xy-128.0;float a_direction=mod(a_data.z,4.0)-1.0;v_linesofar=(floor(a_data.z/4.0)+a_data.w*64.0)*2.0;vec2 pos=floor(a_pos_normal*0.5);mediump vec2 normal=a_pos_normal-2.0*pos;normal.y=normal.y*2.0-1.0;v_normal=normal;gapwidth=gapwidth/2.0;float halfwidth=width/2.0;offset=-1.0*offset;float inset=gapwidth+(gapwidth > 0.0 ? ANTIALIASING : 0.0);float outset=gapwidth+halfwidth*(gapwidth > 0.0 ? 2.0 : 1.0)+(halfwidth==0.0 ? 0.0 : ANTIALIASING);mediump vec2 dist=outset*a_extrude*scale;mediump float u=0.5*a_direction;mediump float t=1.0-abs(u);mediump vec2 offset2=offset*a_extrude*scale*normal.y*mat2(t,-u,u,t);vec4 projected_extrude=u_matrix*vec4(dist/u_ratio,0.0,0.0);gl_Position=u_matrix*vec4(pos+offset2/u_ratio,0.0,1.0)+projected_extrude;float extrude_length_without_perspective=length(dist);float extrude_length_with_perspective=length(projected_extrude.xy/gl_Position.w*u_units_to_pixels);v_gamma_scale=extrude_length_without_perspective/extrude_length_with_perspective;v_width2=vec2(outset,inset);}"),ur=vr("uniform lowp float u_device_pixel_ratio;uniform sampler2D u_image;varying vec2 v_width2;varying vec2 v_normal;varying float v_gamma_scale;varying highp float v_lineprogress;\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\nfloat dist=length(v_normal)*v_width2.s;float blur2=(blur+1.0/u_device_pixel_ratio)*v_gamma_scale;float alpha=clamp(min(dist-(v_width2.t-blur2),v_width2.s-dist)/blur2,0.0,1.0);vec4 color=texture2D(u_image,vec2(v_lineprogress,0.5));gl_FragColor=color*(alpha*opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","\n#define MAX_LINE_DISTANCE 32767.0\n#define scale 0.015873016\nattribute vec2 a_pos_normal;attribute vec4 a_data;uniform mat4 u_matrix;uniform mediump float u_ratio;uniform lowp float u_device_pixel_ratio;uniform vec2 u_units_to_pixels;varying vec2 v_normal;varying vec2 v_width2;varying float v_gamma_scale;varying highp float v_lineprogress;\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define mediump float gapwidth\n#pragma mapbox: define lowp float offset\n#pragma mapbox: define mediump float width\nvoid main() {\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump float gapwidth\n#pragma mapbox: initialize lowp float offset\n#pragma mapbox: initialize mediump float width\nfloat ANTIALIASING=1.0/u_device_pixel_ratio/2.0;vec2 a_extrude=a_data.xy-128.0;float a_direction=mod(a_data.z,4.0)-1.0;v_lineprogress=(floor(a_data.z/4.0)+a_data.w*64.0)*2.0/MAX_LINE_DISTANCE;vec2 pos=floor(a_pos_normal*0.5);mediump vec2 normal=a_pos_normal-2.0*pos;normal.y=normal.y*2.0-1.0;v_normal=normal;gapwidth=gapwidth/2.0;float halfwidth=width/2.0;offset=-1.0*offset;float inset=gapwidth+(gapwidth > 0.0 ? ANTIALIASING : 0.0);float outset=gapwidth+halfwidth*(gapwidth > 0.0 ? 2.0 : 1.0)+(halfwidth==0.0 ? 0.0 : ANTIALIASING);mediump vec2 dist=outset*a_extrude*scale;mediump float u=0.5*a_direction;mediump float t=1.0-abs(u);mediump vec2 offset2=offset*a_extrude*scale*normal.y*mat2(t,-u,u,t);vec4 projected_extrude=u_matrix*vec4(dist/u_ratio,0.0,0.0);gl_Position=u_matrix*vec4(pos+offset2/u_ratio,0.0,1.0)+projected_extrude;float extrude_length_without_perspective=length(dist);float extrude_length_with_perspective=length(projected_extrude.xy/gl_Position.w*u_units_to_pixels);v_gamma_scale=extrude_length_without_perspective/extrude_length_with_perspective;v_width2=vec2(outset,inset);}"),fr=vr("uniform lowp float u_device_pixel_ratio;uniform vec2 u_texsize;uniform float u_fade;uniform mediump vec3 u_scale;uniform sampler2D u_image;varying vec2 v_normal;varying vec2 v_width2;varying float v_linesofar;varying float v_gamma_scale;varying float v_width;\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;float tileZoomRatio=u_scale.x;float fromScale=u_scale.y;float toScale=u_scale.z;vec2 display_size_a=(pattern_br_a-pattern_tl_a)/pixel_ratio_from;vec2 display_size_b=(pattern_br_b-pattern_tl_b)/pixel_ratio_to;vec2 pattern_size_a=vec2(display_size_a.x*fromScale/tileZoomRatio,display_size_a.y);vec2 pattern_size_b=vec2(display_size_b.x*toScale/tileZoomRatio,display_size_b.y);float aspect_a=display_size_a.y/v_width;float aspect_b=display_size_b.y/v_width;float dist=length(v_normal)*v_width2.s;float blur2=(blur+1.0/u_device_pixel_ratio)*v_gamma_scale;float alpha=clamp(min(dist-(v_width2.t-blur2),v_width2.s-dist)/blur2,0.0,1.0);float x_a=mod(v_linesofar/pattern_size_a.x*aspect_a,1.0);float x_b=mod(v_linesofar/pattern_size_b.x*aspect_b,1.0);float y=0.5*v_normal.y+0.5;vec2 texel_size=1.0/u_texsize;vec2 pos_a=mix(pattern_tl_a*texel_size-texel_size,pattern_br_a*texel_size+texel_size,vec2(x_a,y));vec2 pos_b=mix(pattern_tl_b*texel_size-texel_size,pattern_br_b*texel_size+texel_size,vec2(x_b,y));vec4 color=mix(texture2D(u_image,pos_a),texture2D(u_image,pos_b),u_fade);gl_FragColor=color*alpha*opacity;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","\n#define scale 0.015873016\n#define LINE_DISTANCE_SCALE 2.0\nattribute vec2 a_pos_normal;attribute vec4 a_data;uniform mat4 u_matrix;uniform vec2 u_units_to_pixels;uniform mediump float u_ratio;uniform lowp float u_device_pixel_ratio;varying vec2 v_normal;varying vec2 v_width2;varying float v_linesofar;varying float v_gamma_scale;varying float v_width;\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float offset\n#pragma mapbox: define mediump float gapwidth\n#pragma mapbox: define mediump float width\n#pragma mapbox: define lowp float floorwidth\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float offset\n#pragma mapbox: initialize mediump float gapwidth\n#pragma mapbox: initialize mediump float width\n#pragma mapbox: initialize lowp float floorwidth\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nfloat ANTIALIASING=1.0/u_device_pixel_ratio/2.0;vec2 a_extrude=a_data.xy-128.0;float a_direction=mod(a_data.z,4.0)-1.0;float a_linesofar=(floor(a_data.z/4.0)+a_data.w*64.0)*LINE_DISTANCE_SCALE;vec2 pos=floor(a_pos_normal*0.5);mediump vec2 normal=a_pos_normal-2.0*pos;normal.y=normal.y*2.0-1.0;v_normal=normal;gapwidth=gapwidth/2.0;float halfwidth=width/2.0;offset=-1.0*offset;float inset=gapwidth+(gapwidth > 0.0 ? ANTIALIASING : 0.0);float outset=gapwidth+halfwidth*(gapwidth > 0.0 ? 2.0 : 1.0)+(halfwidth==0.0 ? 0.0 : ANTIALIASING);mediump vec2 dist=outset*a_extrude*scale;mediump float u=0.5*a_direction;mediump float t=1.0-abs(u);mediump vec2 offset2=offset*a_extrude*scale*normal.y*mat2(t,-u,u,t);vec4 projected_extrude=u_matrix*vec4(dist/u_ratio,0.0,0.0);gl_Position=u_matrix*vec4(pos+offset2/u_ratio,0.0,1.0)+projected_extrude;float extrude_length_without_perspective=length(dist);float extrude_length_with_perspective=length(projected_extrude.xy/gl_Position.w*u_units_to_pixels);v_gamma_scale=extrude_length_without_perspective/extrude_length_with_perspective;v_linesofar=a_linesofar;v_width2=vec2(outset,inset);v_width=floorwidth;}"),hr=vr("uniform lowp float u_device_pixel_ratio;uniform sampler2D u_image;uniform float u_sdfgamma;uniform float u_mix;varying vec2 v_normal;varying vec2 v_width2;varying vec2 v_tex_a;varying vec2 v_tex_b;varying float v_gamma_scale;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define mediump float width\n#pragma mapbox: define lowp float floorwidth\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump float width\n#pragma mapbox: initialize lowp float floorwidth\nfloat dist=length(v_normal)*v_width2.s;float blur2=(blur+1.0/u_device_pixel_ratio)*v_gamma_scale;float alpha=clamp(min(dist-(v_width2.t-blur2),v_width2.s-dist)/blur2,0.0,1.0);float sdfdist_a=texture2D(u_image,v_tex_a).a;float sdfdist_b=texture2D(u_image,v_tex_b).a;float sdfdist=mix(sdfdist_a,sdfdist_b,u_mix);alpha*=smoothstep(0.5-u_sdfgamma/floorwidth,0.5+u_sdfgamma/floorwidth,sdfdist);gl_FragColor=color*(alpha*opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","\n#define scale 0.015873016\n#define LINE_DISTANCE_SCALE 2.0\nattribute vec2 a_pos_normal;attribute vec4 a_data;uniform mat4 u_matrix;uniform mediump float u_ratio;uniform lowp float u_device_pixel_ratio;uniform vec2 u_patternscale_a;uniform float u_tex_y_a;uniform vec2 u_patternscale_b;uniform float u_tex_y_b;uniform vec2 u_units_to_pixels;varying vec2 v_normal;varying vec2 v_width2;varying vec2 v_tex_a;varying vec2 v_tex_b;varying float v_gamma_scale;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define mediump float gapwidth\n#pragma mapbox: define lowp float offset\n#pragma mapbox: define mediump float width\n#pragma mapbox: define lowp float floorwidth\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump float gapwidth\n#pragma mapbox: initialize lowp float offset\n#pragma mapbox: initialize mediump float width\n#pragma mapbox: initialize lowp float floorwidth\nfloat ANTIALIASING=1.0/u_device_pixel_ratio/2.0;vec2 a_extrude=a_data.xy-128.0;float a_direction=mod(a_data.z,4.0)-1.0;float a_linesofar=(floor(a_data.z/4.0)+a_data.w*64.0)*LINE_DISTANCE_SCALE;vec2 pos=floor(a_pos_normal*0.5);mediump vec2 normal=a_pos_normal-2.0*pos;normal.y=normal.y*2.0-1.0;v_normal=normal;gapwidth=gapwidth/2.0;float halfwidth=width/2.0;offset=-1.0*offset;float inset=gapwidth+(gapwidth > 0.0 ? ANTIALIASING : 0.0);float outset=gapwidth+halfwidth*(gapwidth > 0.0 ? 2.0 : 1.0)+(halfwidth==0.0 ? 0.0 : ANTIALIASING);mediump vec2 dist=outset*a_extrude*scale;mediump float u=0.5*a_direction;mediump float t=1.0-abs(u);mediump vec2 offset2=offset*a_extrude*scale*normal.y*mat2(t,-u,u,t);vec4 projected_extrude=u_matrix*vec4(dist/u_ratio,0.0,0.0);gl_Position=u_matrix*vec4(pos+offset2/u_ratio,0.0,1.0)+projected_extrude;float extrude_length_without_perspective=length(dist);float extrude_length_with_perspective=length(projected_extrude.xy/gl_Position.w*u_units_to_pixels);v_gamma_scale=extrude_length_without_perspective/extrude_length_with_perspective;v_tex_a=vec2(a_linesofar*u_patternscale_a.x/floorwidth,normal.y*u_patternscale_a.y+u_tex_y_a);v_tex_b=vec2(a_linesofar*u_patternscale_b.x/floorwidth,normal.y*u_patternscale_b.y+u_tex_y_b);v_width2=vec2(outset,inset);}"),pr=vr("uniform float u_fade_t;uniform float u_opacity;uniform sampler2D u_image0;uniform sampler2D u_image1;varying vec2 v_pos0;varying vec2 v_pos1;uniform float u_brightness_low;uniform float u_brightness_high;uniform float u_saturation_factor;uniform float u_contrast_factor;uniform vec3 u_spin_weights;void main() {vec4 color0=texture2D(u_image0,v_pos0);vec4 color1=texture2D(u_image1,v_pos1);if (color0.a > 0.0) {color0.rgb=color0.rgb/color0.a;}if (color1.a > 0.0) {color1.rgb=color1.rgb/color1.a;}vec4 color=mix(color0,color1,u_fade_t);color.a*=u_opacity;vec3 rgb=color.rgb;rgb=vec3(dot(rgb,u_spin_weights.xyz),dot(rgb,u_spin_weights.zxy),dot(rgb,u_spin_weights.yzx));float average=(color.r+color.g+color.b)/3.0;rgb+=(average-rgb)*u_saturation_factor;rgb=(rgb-0.5)*u_contrast_factor+0.5;vec3 u_high_vec=vec3(u_brightness_low,u_brightness_low,u_brightness_low);vec3 u_low_vec=vec3(u_brightness_high,u_brightness_high,u_brightness_high);gl_FragColor=vec4(mix(u_high_vec,u_low_vec,rgb)*color.a,color.a);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_tl_parent;uniform float u_scale_parent;uniform float u_buffer_scale;attribute vec2 a_pos;attribute vec2 a_texture_pos;varying vec2 v_pos0;varying vec2 v_pos1;void main() {gl_Position=u_matrix*vec4(a_pos,0,1);v_pos0=(((a_texture_pos/8192.0)-0.5)/u_buffer_scale )+0.5;v_pos1=(v_pos0*u_scale_parent)+u_tl_parent;}"),dr=vr("uniform sampler2D u_texture;varying vec2 v_tex;varying float v_fade_opacity;\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\nlowp float alpha=opacity*v_fade_opacity;gl_FragColor=texture2D(u_texture,v_tex)*alpha;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","const float PI=3.141592653589793;attribute vec4 a_pos_offset;attribute vec4 a_data;attribute vec4 a_pixeloffset;attribute vec3 a_projected_pos;attribute float a_fade_opacity;uniform bool u_is_size_zoom_constant;uniform bool u_is_size_feature_constant;uniform highp float u_size_t;uniform highp float u_size;uniform highp float u_camera_to_center_distance;uniform highp float u_pitch;uniform bool u_rotate_symbol;uniform highp float u_aspect_ratio;uniform float u_fade_change;uniform mat4 u_matrix;uniform mat4 u_label_plane_matrix;uniform mat4 u_coord_matrix;uniform bool u_is_text;uniform bool u_pitch_with_map;uniform vec2 u_texsize;varying vec2 v_tex;varying float v_fade_opacity;\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\nvec2 a_pos=a_pos_offset.xy;vec2 a_offset=a_pos_offset.zw;vec2 a_tex=a_data.xy;vec2 a_size=a_data.zw;float a_size_min=floor(a_size[0]*0.5);vec2 a_pxoffset=a_pixeloffset.xy;vec2 a_minFontScale=a_pixeloffset.zw/256.0;highp float segment_angle=-a_projected_pos[2];float size;if (!u_is_size_zoom_constant && !u_is_size_feature_constant) {size=mix(a_size_min,a_size[1],u_size_t)/128.0;} else if (u_is_size_zoom_constant && !u_is_size_feature_constant) {size=a_size_min/128.0;} else {size=u_size;}vec4 projectedPoint=u_matrix*vec4(a_pos,0,1);highp float camera_to_anchor_distance=projectedPoint.w;highp float distance_ratio=u_pitch_with_map ?\ncamera_to_anchor_distance/u_camera_to_center_distance :\nu_camera_to_center_distance/camera_to_anchor_distance;highp float perspective_ratio=clamp(0.5+0.5*distance_ratio,0.0,4.0);size*=perspective_ratio;float fontScale=u_is_text ? size/24.0 : size;highp float symbol_rotation=0.0;if (u_rotate_symbol) {vec4 offsetProjectedPoint=u_matrix*vec4(a_pos+vec2(1,0),0,1);vec2 a=projectedPoint.xy/projectedPoint.w;vec2 b=offsetProjectedPoint.xy/offsetProjectedPoint.w;symbol_rotation=atan((b.y-a.y)/u_aspect_ratio,b.x-a.x);}highp float angle_sin=sin(segment_angle+symbol_rotation);highp float angle_cos=cos(segment_angle+symbol_rotation);mat2 rotation_matrix=mat2(angle_cos,-1.0*angle_sin,angle_sin,angle_cos);vec4 projected_pos=u_label_plane_matrix*vec4(a_projected_pos.xy,0.0,1.0);gl_Position=u_coord_matrix*vec4(projected_pos.xy/projected_pos.w+rotation_matrix*(a_offset/32.0*max(a_minFontScale,fontScale)+a_pxoffset/16.0),0.0,1.0);v_tex=a_tex/u_texsize;vec2 fade_opacity=unpack_opacity(a_fade_opacity);float fade_change=fade_opacity[1] > 0.5 ? u_fade_change :-u_fade_change;v_fade_opacity=max(0.0,min(1.0,fade_opacity[0]+fade_change));}"),gr=vr("#define SDF_PX 8.0\nuniform bool u_is_halo;uniform sampler2D u_texture;uniform highp float u_gamma_scale;uniform lowp float u_device_pixel_ratio;uniform bool u_is_text;varying vec2 v_data0;varying vec3 v_data1;\n#pragma mapbox: define highp vec4 fill_color\n#pragma mapbox: define highp vec4 halo_color\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float halo_width\n#pragma mapbox: define lowp float halo_blur\nvoid main() {\n#pragma mapbox: initialize highp vec4 fill_color\n#pragma mapbox: initialize highp vec4 halo_color\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float halo_width\n#pragma mapbox: initialize lowp float halo_blur\nfloat EDGE_GAMMA=0.105/u_device_pixel_ratio;vec2 tex=v_data0.xy;float gamma_scale=v_data1.x;float size=v_data1.y;float fade_opacity=v_data1[2];float fontScale=u_is_text ? size/24.0 : size;lowp vec4 color=fill_color;highp float gamma=EDGE_GAMMA/(fontScale*u_gamma_scale);lowp float buff=(256.0-64.0)/256.0;if (u_is_halo) {color=halo_color;gamma=(halo_blur*1.19/SDF_PX+EDGE_GAMMA)/(fontScale*u_gamma_scale);buff=(6.0-halo_width/fontScale)/SDF_PX;}lowp float dist=texture2D(u_texture,tex).a;highp float gamma_scaled=gamma*gamma_scale;highp float alpha=smoothstep(buff-gamma_scaled,buff+gamma_scaled,dist);gl_FragColor=color*(alpha*opacity*fade_opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","const float PI=3.141592653589793;attribute vec4 a_pos_offset;attribute vec4 a_data;attribute vec4 a_pixeloffset;attribute vec3 a_projected_pos;attribute float a_fade_opacity;uniform bool u_is_size_zoom_constant;uniform bool u_is_size_feature_constant;uniform highp float u_size_t;uniform highp float u_size;uniform mat4 u_matrix;uniform mat4 u_label_plane_matrix;uniform mat4 u_coord_matrix;uniform bool u_is_text;uniform bool u_pitch_with_map;uniform highp float u_pitch;uniform bool u_rotate_symbol;uniform highp float u_aspect_ratio;uniform highp float u_camera_to_center_distance;uniform float u_fade_change;uniform vec2 u_texsize;varying vec2 v_data0;varying vec3 v_data1;\n#pragma mapbox: define highp vec4 fill_color\n#pragma mapbox: define highp vec4 halo_color\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float halo_width\n#pragma mapbox: define lowp float halo_blur\nvoid main() {\n#pragma mapbox: initialize highp vec4 fill_color\n#pragma mapbox: initialize highp vec4 halo_color\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float halo_width\n#pragma mapbox: initialize lowp float halo_blur\nvec2 a_pos=a_pos_offset.xy;vec2 a_offset=a_pos_offset.zw;vec2 a_tex=a_data.xy;vec2 a_size=a_data.zw;float a_size_min=floor(a_size[0]*0.5);vec2 a_pxoffset=a_pixeloffset.xy;highp float segment_angle=-a_projected_pos[2];float size;if (!u_is_size_zoom_constant && !u_is_size_feature_constant) {size=mix(a_size_min,a_size[1],u_size_t)/128.0;} else if (u_is_size_zoom_constant && !u_is_size_feature_constant) {size=a_size_min/128.0;} else {size=u_size;}vec4 projectedPoint=u_matrix*vec4(a_pos,0,1);highp float camera_to_anchor_distance=projectedPoint.w;highp float distance_ratio=u_pitch_with_map ?\ncamera_to_anchor_distance/u_camera_to_center_distance :\nu_camera_to_center_distance/camera_to_anchor_distance;highp float perspective_ratio=clamp(0.5+0.5*distance_ratio,0.0,4.0);size*=perspective_ratio;float fontScale=u_is_text ? size/24.0 : size;highp float symbol_rotation=0.0;if (u_rotate_symbol) {vec4 offsetProjectedPoint=u_matrix*vec4(a_pos+vec2(1,0),0,1);vec2 a=projectedPoint.xy/projectedPoint.w;vec2 b=offsetProjectedPoint.xy/offsetProjectedPoint.w;symbol_rotation=atan((b.y-a.y)/u_aspect_ratio,b.x-a.x);}highp float angle_sin=sin(segment_angle+symbol_rotation);highp float angle_cos=cos(segment_angle+symbol_rotation);mat2 rotation_matrix=mat2(angle_cos,-1.0*angle_sin,angle_sin,angle_cos);vec4 projected_pos=u_label_plane_matrix*vec4(a_projected_pos.xy,0.0,1.0);gl_Position=u_coord_matrix*vec4(projected_pos.xy/projected_pos.w+rotation_matrix*(a_offset/32.0*fontScale+a_pxoffset),0.0,1.0);float gamma_scale=gl_Position.w;vec2 fade_opacity=unpack_opacity(a_fade_opacity);float fade_change=fade_opacity[1] > 0.5 ? u_fade_change :-u_fade_change;float interpolated_fade_opacity=max(0.0,min(1.0,fade_opacity[0]+fade_change));v_data0=a_tex/u_texsize;v_data1=vec3(gamma_scale,size,interpolated_fade_opacity);}"),mr=vr("#define SDF_PX 8.0\n#define SDF 1.0\n#define ICON 0.0\nuniform bool u_is_halo;uniform sampler2D u_texture;uniform sampler2D u_texture_icon;uniform highp float u_gamma_scale;uniform lowp float u_device_pixel_ratio;varying vec4 v_data0;varying vec4 v_data1;\n#pragma mapbox: define highp vec4 fill_color\n#pragma mapbox: define highp vec4 halo_color\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float halo_width\n#pragma mapbox: define lowp float halo_blur\nvoid main() {\n#pragma mapbox: initialize highp vec4 fill_color\n#pragma mapbox: initialize highp vec4 halo_color\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float halo_width\n#pragma mapbox: initialize lowp float halo_blur\nfloat fade_opacity=v_data1[2];if (v_data1.w==ICON) {vec2 tex_icon=v_data0.zw;lowp float alpha=opacity*fade_opacity;gl_FragColor=texture2D(u_texture_icon,tex_icon)*alpha;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\nreturn;}vec2 tex=v_data0.xy;float EDGE_GAMMA=0.105/u_device_pixel_ratio;float gamma_scale=v_data1.x;float size=v_data1.y;float fontScale=size/24.0;lowp vec4 color=fill_color;highp float gamma=EDGE_GAMMA/(fontScale*u_gamma_scale);lowp float buff=(256.0-64.0)/256.0;if (u_is_halo) {color=halo_color;gamma=(halo_blur*1.19/SDF_PX+EDGE_GAMMA)/(fontScale*u_gamma_scale);buff=(6.0-halo_width/fontScale)/SDF_PX;}lowp float dist=texture2D(u_texture,tex).a;highp float gamma_scaled=gamma*gamma_scale;highp float alpha=smoothstep(buff-gamma_scaled,buff+gamma_scaled,dist);gl_FragColor=color*(alpha*opacity*fade_opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","const float PI=3.141592653589793;attribute vec4 a_pos_offset;attribute vec4 a_data;attribute vec3 a_projected_pos;attribute float a_fade_opacity;uniform bool u_is_size_zoom_constant;uniform bool u_is_size_feature_constant;uniform highp float u_size_t;uniform highp float u_size;uniform mat4 u_matrix;uniform mat4 u_label_plane_matrix;uniform mat4 u_coord_matrix;uniform bool u_is_text;uniform bool u_pitch_with_map;uniform highp float u_pitch;uniform bool u_rotate_symbol;uniform highp float u_aspect_ratio;uniform highp float u_camera_to_center_distance;uniform float u_fade_change;uniform vec2 u_texsize;uniform vec2 u_texsize_icon;varying vec4 v_data0;varying vec4 v_data1;\n#pragma mapbox: define highp vec4 fill_color\n#pragma mapbox: define highp vec4 halo_color\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float halo_width\n#pragma mapbox: define lowp float halo_blur\nvoid main() {\n#pragma mapbox: initialize highp vec4 fill_color\n#pragma mapbox: initialize highp vec4 halo_color\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float halo_width\n#pragma mapbox: initialize lowp float halo_blur\nvec2 a_pos=a_pos_offset.xy;vec2 a_offset=a_pos_offset.zw;vec2 a_tex=a_data.xy;vec2 a_size=a_data.zw;float a_size_min=floor(a_size[0]*0.5);float is_sdf=a_size[0]-2.0*a_size_min;highp float segment_angle=-a_projected_pos[2];float size;if (!u_is_size_zoom_constant && !u_is_size_feature_constant) {size=mix(a_size_min,a_size[1],u_size_t)/128.0;} else if (u_is_size_zoom_constant && !u_is_size_feature_constant) {size=a_size_min/128.0;} else {size=u_size;}vec4 projectedPoint=u_matrix*vec4(a_pos,0,1);highp float camera_to_anchor_distance=projectedPoint.w;highp float distance_ratio=u_pitch_with_map ?\ncamera_to_anchor_distance/u_camera_to_center_distance :\nu_camera_to_center_distance/camera_to_anchor_distance;highp float perspective_ratio=clamp(0.5+0.5*distance_ratio,0.0,4.0);size*=perspective_ratio;float fontScale=size/24.0;highp float symbol_rotation=0.0;if (u_rotate_symbol) {vec4 offsetProjectedPoint=u_matrix*vec4(a_pos+vec2(1,0),0,1);vec2 a=projectedPoint.xy/projectedPoint.w;vec2 b=offsetProjectedPoint.xy/offsetProjectedPoint.w;symbol_rotation=atan((b.y-a.y)/u_aspect_ratio,b.x-a.x);}highp float angle_sin=sin(segment_angle+symbol_rotation);highp float angle_cos=cos(segment_angle+symbol_rotation);mat2 rotation_matrix=mat2(angle_cos,-1.0*angle_sin,angle_sin,angle_cos);vec4 projected_pos=u_label_plane_matrix*vec4(a_projected_pos.xy,0.0,1.0);gl_Position=u_coord_matrix*vec4(projected_pos.xy/projected_pos.w+rotation_matrix*(a_offset/32.0*fontScale),0.0,1.0);float gamma_scale=gl_Position.w;vec2 fade_opacity=unpack_opacity(a_fade_opacity);float fade_change=fade_opacity[1] > 0.5 ? u_fade_change :-u_fade_change;float interpolated_fade_opacity=max(0.0,min(1.0,fade_opacity[0]+fade_change));v_data0.xy=a_tex/u_texsize;v_data0.zw=a_tex/u_texsize_icon;v_data1=vec4(gamma_scale,size,interpolated_fade_opacity,is_sdf);}");function vr(t,e){var r=/#pragma mapbox: ([\w]+) ([\w]+) ([\w]+) ([\w]+)/g,n={};return{fragmentSource:t=t.replace(r,(function(t,e,r,i,a){return n[a]=!0,"define"===e?"\n#ifndef HAS_UNIFORM_u_"+a+"\nvarying "+r+" "+i+" "+a+";\n#else\nuniform "+r+" "+i+" u_"+a+";\n#endif\n":"\n#ifdef HAS_UNIFORM_u_"+a+"\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n"})),vertexSource:e=e.replace(r,(function(t,e,r,i,a){var o="float"===i?"vec2":"vec4",s=a.match(/color/)?"color":o;return n[a]?"define"===e?"\n#ifndef HAS_UNIFORM_u_"+a+"\nuniform lowp float u_"+a+"_t;\nattribute "+r+" "+o+" a_"+a+";\nvarying "+r+" "+i+" "+a+";\n#else\nuniform "+r+" "+i+" u_"+a+";\n#endif\n":"vec4"===s?"\n#ifndef HAS_UNIFORM_u_"+a+"\n "+a+" = a_"+a+";\n#else\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n":"\n#ifndef HAS_UNIFORM_u_"+a+"\n "+a+" = unpack_mix_"+s+"(a_"+a+", u_"+a+"_t);\n#else\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n":"define"===e?"\n#ifndef HAS_UNIFORM_u_"+a+"\nuniform lowp float u_"+a+"_t;\nattribute "+r+" "+o+" a_"+a+";\n#else\nuniform "+r+" "+i+" u_"+a+";\n#endif\n":"vec4"===s?"\n#ifndef HAS_UNIFORM_u_"+a+"\n "+r+" "+i+" "+a+" = a_"+a+";\n#else\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n":"\n#ifndef HAS_UNIFORM_u_"+a+"\n "+r+" "+i+" "+a+" = unpack_mix_"+s+"(a_"+a+", u_"+a+"_t);\n#else\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n"}))}}var yr=Object.freeze({__proto__:null,prelude:Ge,background:Ye,backgroundPattern:We,circle:Xe,clippingMask:Ze,heatmap:Je,heatmapTexture:Ke,collisionBox:Qe,collisionCircle:$e,debug:tr,fill:er,fillOutline:rr,fillOutlinePattern:nr,fillPattern:ir,fillExtrusion:ar,fillExtrusionPattern:or,hillshadePrepare:sr,hillshade:lr,line:cr,lineGradient:ur,linePattern:fr,lineSDF:hr,raster:pr,symbolIcon:dr,symbolSDF:gr,symbolTextAndIcon:mr}),xr=function(){this.boundProgram=null,this.boundLayoutVertexBuffer=null,this.boundPaintVertexBuffers=[],this.boundIndexBuffer=null,this.boundVertexOffset=null,this.boundDynamicVertexBuffer=null,this.vao=null};xr.prototype.bind=function(t,e,r,n,i,a,o,s){this.context=t;for(var l=this.boundPaintVertexBuffers.length!==n.length,c=0;!l&&c>16,s>>16],u_pixel_coord_lower:[65535&o,65535&s]}}br.prototype.draw=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g){var m,v=t.gl;if(!this.failedToCreate){for(var y in t.program.set(this.program),t.setDepthMode(r),t.setStencilMode(n),t.setColorMode(i),t.setCullFace(a),this.fixedUniforms)this.fixedUniforms[y].set(o[y]);p&&p.setUniforms(t,this.binderUniforms,f,{zoom:h});for(var x=(m={},m[v.LINES]=2,m[v.TRIANGLES]=3,m[v.LINE_STRIP]=1,m)[e],b=0,_=u.get();b<_.length;b+=1){var w=_[b],T=w.vaos||(w.vaos={});(T[s]||(T[s]=new xr)).bind(t,this,l,p?p.getPaintVertexBuffers():[],c,w.vertexOffset,d,g),v.drawElements(e,w.primitiveLength*x,v.UNSIGNED_SHORT,w.primitiveOffset*x*2)}}};var wr=function(e,r,n,i){var a=r.style.light,o=a.properties.get("position"),s=[o.x,o.y,o.z],l=t.create$1();"viewport"===a.properties.get("anchor")&&t.fromRotation(l,-r.transform.angle),t.transformMat3(s,s,l);var c=a.properties.get("color");return{u_matrix:e,u_lightpos:s,u_lightintensity:a.properties.get("intensity"),u_lightcolor:[c.r,c.g,c.b],u_vertical_gradient:+n,u_opacity:i}},Tr=function(e,r,n,i,a,o,s){return t.extend(wr(e,r,n,i),_r(o,r,s),{u_height_factor:-Math.pow(2,a.overscaledZ)/s.tileSize/8})},kr=function(t){return{u_matrix:t}},Mr=function(e,r,n,i){return t.extend(kr(e),_r(n,r,i))},Ar=function(t,e){return{u_matrix:t,u_world:e}},Sr=function(e,r,n,i,a){return t.extend(Mr(e,r,n,i),{u_world:a})},Er=function(e,r,n,i){var a,o,s=e.transform;if("map"===i.paint.get("circle-pitch-alignment")){var l=he(n,1,s.zoom);a=!0,o=[l,l]}else a=!1,o=s.pixelsToGLUnits;return{u_camera_to_center_distance:s.cameraToCenterDistance,u_scale_with_map:+("map"===i.paint.get("circle-pitch-scale")),u_matrix:e.translatePosMatrix(r.posMatrix,n,i.paint.get("circle-translate"),i.paint.get("circle-translate-anchor")),u_pitch_with_map:+a,u_device_pixel_ratio:t.browser.devicePixelRatio,u_extrude_scale:o}},Cr=function(t,e,r){var n=he(r,1,e.zoom),i=Math.pow(2,e.zoom-r.tileID.overscaledZ),a=r.tileID.overscaleFactor();return{u_matrix:t,u_camera_to_center_distance:e.cameraToCenterDistance,u_pixels_to_tile_units:n,u_extrude_scale:[e.pixelsToGLUnits[0]/(n*i),e.pixelsToGLUnits[1]/(n*i)],u_overscale_factor:a}},Lr=function(t,e,r){return{u_matrix:t,u_inv_matrix:e,u_camera_to_center_distance:r.cameraToCenterDistance,u_viewport_size:[r.width,r.height]}},Ir=function(t,e,r){return void 0===r&&(r=1),{u_matrix:t,u_color:e,u_overlay:0,u_overlay_scale:r}},Pr=function(t){return{u_matrix:t}},zr=function(t,e,r,n){return{u_matrix:t,u_extrude_scale:he(e,1,r),u_intensity:n}},Or=function(e,r,n){var i=e.transform;return{u_matrix:Nr(e,r,n),u_ratio:1/he(r,1,i.zoom),u_device_pixel_ratio:t.browser.devicePixelRatio,u_units_to_pixels:[1/i.pixelsToGLUnits[0],1/i.pixelsToGLUnits[1]]}},Dr=function(e,r,n){return t.extend(Or(e,r,n),{u_image:0})},Rr=function(e,r,n,i){var a=e.transform,o=Br(r,a);return{u_matrix:Nr(e,r,n),u_texsize:r.imageAtlasTexture.size,u_ratio:1/he(r,1,a.zoom),u_device_pixel_ratio:t.browser.devicePixelRatio,u_image:0,u_scale:[o,i.fromScale,i.toScale],u_fade:i.t,u_units_to_pixels:[1/a.pixelsToGLUnits[0],1/a.pixelsToGLUnits[1]]}},Fr=function(e,r,n,i,a){var o=e.lineAtlas,s=Br(r,e.transform),l="round"===n.layout.get("line-cap"),c=o.getDash(i.from,l),u=o.getDash(i.to,l),f=c.width*a.fromScale,h=u.width*a.toScale;return t.extend(Or(e,r,n),{u_patternscale_a:[s/f,-c.height/2],u_patternscale_b:[s/h,-u.height/2],u_sdfgamma:o.width/(256*Math.min(f,h)*t.browser.devicePixelRatio)/2,u_image:0,u_tex_y_a:c.y,u_tex_y_b:u.y,u_mix:a.t})};function Br(t,e){return 1/he(t,1,e.tileZoom)}function Nr(t,e,r){return t.translatePosMatrix(e.tileID.posMatrix,e,r.paint.get("line-translate"),r.paint.get("line-translate-anchor"))}var jr=function(t,e,r,n,i){return{u_matrix:t,u_tl_parent:e,u_scale_parent:r,u_buffer_scale:1,u_fade_t:n.mix,u_opacity:n.opacity*i.paint.get("raster-opacity"),u_image0:0,u_image1:1,u_brightness_low:i.paint.get("raster-brightness-min"),u_brightness_high:i.paint.get("raster-brightness-max"),u_saturation_factor:(o=i.paint.get("raster-saturation"),o>0?1-1/(1.001-o):-o),u_contrast_factor:(a=i.paint.get("raster-contrast"),a>0?1/(1-a):1+a),u_spin_weights:Ur(i.paint.get("raster-hue-rotate"))};var a,o};function Ur(t){t*=Math.PI/180;var e=Math.sin(t),r=Math.cos(t);return[(2*r+1)/3,(-Math.sqrt(3)*e-r+1)/3,(Math.sqrt(3)*e-r+1)/3]}var Vr,qr=function(t,e,r,n,i,a,o,s,l,c){var u=i.transform;return{u_is_size_zoom_constant:+("constant"===t||"source"===t),u_is_size_feature_constant:+("constant"===t||"camera"===t),u_size_t:e?e.uSizeT:0,u_size:e?e.uSize:0,u_camera_to_center_distance:u.cameraToCenterDistance,u_pitch:u.pitch/360*2*Math.PI,u_rotate_symbol:+r,u_aspect_ratio:u.width/u.height,u_fade_change:i.options.fadeDuration?i.symbolFadeChange:1,u_matrix:a,u_label_plane_matrix:o,u_coord_matrix:s,u_is_text:+l,u_pitch_with_map:+n,u_texsize:c,u_texture:0}},Hr=function(e,r,n,i,a,o,s,l,c,u,f){var h=a.transform;return t.extend(qr(e,r,n,i,a,o,s,l,c,u),{u_gamma_scale:i?Math.cos(h._pitch)*h.cameraToCenterDistance:1,u_device_pixel_ratio:t.browser.devicePixelRatio,u_is_halo:+f})},Gr=function(e,r,n,i,a,o,s,l,c,u){return t.extend(Hr(e,r,n,i,a,o,s,l,!0,c,!0),{u_texsize_icon:u,u_texture_icon:1})},Yr=function(t,e,r){return{u_matrix:t,u_opacity:e,u_color:r}},Wr=function(e,r,n,i,a,o){return t.extend(function(t,e,r,n){var i=r.imageManager.getPattern(t.from.toString()),a=r.imageManager.getPattern(t.to.toString()),o=r.imageManager.getPixelSize(),s=o.width,l=o.height,c=Math.pow(2,n.tileID.overscaledZ),u=n.tileSize*Math.pow(2,r.transform.tileZoom)/c,f=u*(n.tileID.canonical.x+n.tileID.wrap*c),h=u*n.tileID.canonical.y;return{u_image:0,u_pattern_tl_a:i.tl,u_pattern_br_a:i.br,u_pattern_tl_b:a.tl,u_pattern_br_b:a.br,u_texsize:[s,l],u_mix:e.t,u_pattern_size_a:i.displaySize,u_pattern_size_b:a.displaySize,u_scale_a:e.fromScale,u_scale_b:e.toScale,u_tile_units_to_pixels:1/he(n,1,r.transform.tileZoom),u_pixel_coord_upper:[f>>16,h>>16],u_pixel_coord_lower:[65535&f,65535&h]}}(i,o,n,a),{u_matrix:e,u_opacity:r})},Xr={fillExtrusion:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_lightpos:new t.Uniform3f(e,r.u_lightpos),u_lightintensity:new t.Uniform1f(e,r.u_lightintensity),u_lightcolor:new t.Uniform3f(e,r.u_lightcolor),u_vertical_gradient:new t.Uniform1f(e,r.u_vertical_gradient),u_opacity:new t.Uniform1f(e,r.u_opacity)}},fillExtrusionPattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_lightpos:new t.Uniform3f(e,r.u_lightpos),u_lightintensity:new t.Uniform1f(e,r.u_lightintensity),u_lightcolor:new t.Uniform3f(e,r.u_lightcolor),u_vertical_gradient:new t.Uniform1f(e,r.u_vertical_gradient),u_height_factor:new t.Uniform1f(e,r.u_height_factor),u_image:new t.Uniform1i(e,r.u_image),u_texsize:new t.Uniform2f(e,r.u_texsize),u_pixel_coord_upper:new t.Uniform2f(e,r.u_pixel_coord_upper),u_pixel_coord_lower:new t.Uniform2f(e,r.u_pixel_coord_lower),u_scale:new t.Uniform3f(e,r.u_scale),u_fade:new t.Uniform1f(e,r.u_fade),u_opacity:new t.Uniform1f(e,r.u_opacity)}},fill:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix)}},fillPattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_image:new t.Uniform1i(e,r.u_image),u_texsize:new t.Uniform2f(e,r.u_texsize),u_pixel_coord_upper:new t.Uniform2f(e,r.u_pixel_coord_upper),u_pixel_coord_lower:new t.Uniform2f(e,r.u_pixel_coord_lower),u_scale:new t.Uniform3f(e,r.u_scale),u_fade:new t.Uniform1f(e,r.u_fade)}},fillOutline:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_world:new t.Uniform2f(e,r.u_world)}},fillOutlinePattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_world:new t.Uniform2f(e,r.u_world),u_image:new t.Uniform1i(e,r.u_image),u_texsize:new t.Uniform2f(e,r.u_texsize),u_pixel_coord_upper:new t.Uniform2f(e,r.u_pixel_coord_upper),u_pixel_coord_lower:new t.Uniform2f(e,r.u_pixel_coord_lower),u_scale:new t.Uniform3f(e,r.u_scale),u_fade:new t.Uniform1f(e,r.u_fade)}},circle:function(e,r){return{u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_scale_with_map:new t.Uniform1i(e,r.u_scale_with_map),u_pitch_with_map:new t.Uniform1i(e,r.u_pitch_with_map),u_extrude_scale:new t.Uniform2f(e,r.u_extrude_scale),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_matrix:new t.UniformMatrix4f(e,r.u_matrix)}},collisionBox:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_pixels_to_tile_units:new t.Uniform1f(e,r.u_pixels_to_tile_units),u_extrude_scale:new t.Uniform2f(e,r.u_extrude_scale),u_overscale_factor:new t.Uniform1f(e,r.u_overscale_factor)}},collisionCircle:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_inv_matrix:new t.UniformMatrix4f(e,r.u_inv_matrix),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_viewport_size:new t.Uniform2f(e,r.u_viewport_size)}},debug:function(e,r){return{u_color:new t.UniformColor(e,r.u_color),u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_overlay:new t.Uniform1i(e,r.u_overlay),u_overlay_scale:new t.Uniform1f(e,r.u_overlay_scale)}},clippingMask:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix)}},heatmap:function(e,r){return{u_extrude_scale:new t.Uniform1f(e,r.u_extrude_scale),u_intensity:new t.Uniform1f(e,r.u_intensity),u_matrix:new t.UniformMatrix4f(e,r.u_matrix)}},heatmapTexture:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_world:new t.Uniform2f(e,r.u_world),u_image:new t.Uniform1i(e,r.u_image),u_color_ramp:new t.Uniform1i(e,r.u_color_ramp),u_opacity:new t.Uniform1f(e,r.u_opacity)}},hillshade:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_image:new t.Uniform1i(e,r.u_image),u_latrange:new t.Uniform2f(e,r.u_latrange),u_light:new t.Uniform2f(e,r.u_light),u_shadow:new t.UniformColor(e,r.u_shadow),u_highlight:new t.UniformColor(e,r.u_highlight),u_accent:new t.UniformColor(e,r.u_accent)}},hillshadePrepare:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_image:new t.Uniform1i(e,r.u_image),u_dimension:new t.Uniform2f(e,r.u_dimension),u_zoom:new t.Uniform1f(e,r.u_zoom),u_maxzoom:new t.Uniform1f(e,r.u_maxzoom),u_unpack:new t.Uniform4f(e,r.u_unpack)}},line:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_ratio:new t.Uniform1f(e,r.u_ratio),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_units_to_pixels:new t.Uniform2f(e,r.u_units_to_pixels)}},lineGradient:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_ratio:new t.Uniform1f(e,r.u_ratio),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_units_to_pixels:new t.Uniform2f(e,r.u_units_to_pixels),u_image:new t.Uniform1i(e,r.u_image)}},linePattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_texsize:new t.Uniform2f(e,r.u_texsize),u_ratio:new t.Uniform1f(e,r.u_ratio),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_image:new t.Uniform1i(e,r.u_image),u_units_to_pixels:new t.Uniform2f(e,r.u_units_to_pixels),u_scale:new t.Uniform3f(e,r.u_scale),u_fade:new t.Uniform1f(e,r.u_fade)}},lineSDF:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_ratio:new t.Uniform1f(e,r.u_ratio),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_units_to_pixels:new t.Uniform2f(e,r.u_units_to_pixels),u_patternscale_a:new t.Uniform2f(e,r.u_patternscale_a),u_patternscale_b:new t.Uniform2f(e,r.u_patternscale_b),u_sdfgamma:new t.Uniform1f(e,r.u_sdfgamma),u_image:new t.Uniform1i(e,r.u_image),u_tex_y_a:new t.Uniform1f(e,r.u_tex_y_a),u_tex_y_b:new t.Uniform1f(e,r.u_tex_y_b),u_mix:new t.Uniform1f(e,r.u_mix)}},raster:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_tl_parent:new t.Uniform2f(e,r.u_tl_parent),u_scale_parent:new t.Uniform1f(e,r.u_scale_parent),u_buffer_scale:new t.Uniform1f(e,r.u_buffer_scale),u_fade_t:new t.Uniform1f(e,r.u_fade_t),u_opacity:new t.Uniform1f(e,r.u_opacity),u_image0:new t.Uniform1i(e,r.u_image0),u_image1:new t.Uniform1i(e,r.u_image1),u_brightness_low:new t.Uniform1f(e,r.u_brightness_low),u_brightness_high:new t.Uniform1f(e,r.u_brightness_high),u_saturation_factor:new t.Uniform1f(e,r.u_saturation_factor),u_contrast_factor:new t.Uniform1f(e,r.u_contrast_factor),u_spin_weights:new t.Uniform3f(e,r.u_spin_weights)}},symbolIcon:function(e,r){return{u_is_size_zoom_constant:new t.Uniform1i(e,r.u_is_size_zoom_constant),u_is_size_feature_constant:new t.Uniform1i(e,r.u_is_size_feature_constant),u_size_t:new t.Uniform1f(e,r.u_size_t),u_size:new t.Uniform1f(e,r.u_size),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_pitch:new t.Uniform1f(e,r.u_pitch),u_rotate_symbol:new t.Uniform1i(e,r.u_rotate_symbol),u_aspect_ratio:new t.Uniform1f(e,r.u_aspect_ratio),u_fade_change:new t.Uniform1f(e,r.u_fade_change),u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_label_plane_matrix:new t.UniformMatrix4f(e,r.u_label_plane_matrix),u_coord_matrix:new t.UniformMatrix4f(e,r.u_coord_matrix),u_is_text:new t.Uniform1i(e,r.u_is_text),u_pitch_with_map:new t.Uniform1i(e,r.u_pitch_with_map),u_texsize:new t.Uniform2f(e,r.u_texsize),u_texture:new t.Uniform1i(e,r.u_texture)}},symbolSDF:function(e,r){return{u_is_size_zoom_constant:new t.Uniform1i(e,r.u_is_size_zoom_constant),u_is_size_feature_constant:new t.Uniform1i(e,r.u_is_size_feature_constant),u_size_t:new t.Uniform1f(e,r.u_size_t),u_size:new t.Uniform1f(e,r.u_size),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_pitch:new t.Uniform1f(e,r.u_pitch),u_rotate_symbol:new t.Uniform1i(e,r.u_rotate_symbol),u_aspect_ratio:new t.Uniform1f(e,r.u_aspect_ratio),u_fade_change:new t.Uniform1f(e,r.u_fade_change),u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_label_plane_matrix:new t.UniformMatrix4f(e,r.u_label_plane_matrix),u_coord_matrix:new t.UniformMatrix4f(e,r.u_coord_matrix),u_is_text:new t.Uniform1i(e,r.u_is_text),u_pitch_with_map:new t.Uniform1i(e,r.u_pitch_with_map),u_texsize:new t.Uniform2f(e,r.u_texsize),u_texture:new t.Uniform1i(e,r.u_texture),u_gamma_scale:new t.Uniform1f(e,r.u_gamma_scale),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_is_halo:new t.Uniform1i(e,r.u_is_halo)}},symbolTextAndIcon:function(e,r){return{u_is_size_zoom_constant:new t.Uniform1i(e,r.u_is_size_zoom_constant),u_is_size_feature_constant:new t.Uniform1i(e,r.u_is_size_feature_constant),u_size_t:new t.Uniform1f(e,r.u_size_t),u_size:new t.Uniform1f(e,r.u_size),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_pitch:new t.Uniform1f(e,r.u_pitch),u_rotate_symbol:new t.Uniform1i(e,r.u_rotate_symbol),u_aspect_ratio:new t.Uniform1f(e,r.u_aspect_ratio),u_fade_change:new t.Uniform1f(e,r.u_fade_change),u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_label_plane_matrix:new t.UniformMatrix4f(e,r.u_label_plane_matrix),u_coord_matrix:new t.UniformMatrix4f(e,r.u_coord_matrix),u_is_text:new t.Uniform1i(e,r.u_is_text),u_pitch_with_map:new t.Uniform1i(e,r.u_pitch_with_map),u_texsize:new t.Uniform2f(e,r.u_texsize),u_texsize_icon:new t.Uniform2f(e,r.u_texsize_icon),u_texture:new t.Uniform1i(e,r.u_texture),u_texture_icon:new t.Uniform1i(e,r.u_texture_icon),u_gamma_scale:new t.Uniform1f(e,r.u_gamma_scale),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_is_halo:new t.Uniform1i(e,r.u_is_halo)}},background:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_opacity:new t.Uniform1f(e,r.u_opacity),u_color:new t.UniformColor(e,r.u_color)}},backgroundPattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_opacity:new t.Uniform1f(e,r.u_opacity),u_image:new t.Uniform1i(e,r.u_image),u_pattern_tl_a:new t.Uniform2f(e,r.u_pattern_tl_a),u_pattern_br_a:new t.Uniform2f(e,r.u_pattern_br_a),u_pattern_tl_b:new t.Uniform2f(e,r.u_pattern_tl_b),u_pattern_br_b:new t.Uniform2f(e,r.u_pattern_br_b),u_texsize:new t.Uniform2f(e,r.u_texsize),u_mix:new t.Uniform1f(e,r.u_mix),u_pattern_size_a:new t.Uniform2f(e,r.u_pattern_size_a),u_pattern_size_b:new t.Uniform2f(e,r.u_pattern_size_b),u_scale_a:new t.Uniform1f(e,r.u_scale_a),u_scale_b:new t.Uniform1f(e,r.u_scale_b),u_pixel_coord_upper:new t.Uniform2f(e,r.u_pixel_coord_upper),u_pixel_coord_lower:new t.Uniform2f(e,r.u_pixel_coord_lower),u_tile_units_to_pixels:new t.Uniform1f(e,r.u_tile_units_to_pixels)}}};function Zr(e,r,n,i,a,o,s){for(var l=e.context,c=l.gl,u=e.useProgram("collisionBox"),f=[],h=0,p=0,d=0;d0){var _=t.create(),w=y;t.mul(_,v.placementInvProjMatrix,e.transform.glCoordMatrix),t.mul(_,_,v.placementViewportMatrix),f.push({circleArray:b,circleOffset:p,transform:w,invTransform:_}),p=h+=b.length/4}x&&u.draw(l,c.LINES,Mt.disabled,At.disabled,e.colorModeForRenderPass(),Et.disabled,Cr(y,e.transform,m),n.id,x.layoutVertexBuffer,x.indexBuffer,x.segments,null,e.transform.zoom,null,null,x.collisionVertexBuffer)}}if(s&&f.length){var T=e.useProgram("collisionCircle"),k=new t.StructArrayLayout2f1f2i16;k.resize(4*h),k._trim();for(var M=0,A=0,S=f;A=0&&(g[v.associatedIconIndex]={shiftedAnchor:k,angle:M})}else ce(v.numGlyphs,p)}if(f){d.clear();for(var S=e.icon.placedSymbolArray,E=0;E0){var s=t.browser.now(),l=(s-e.timeAdded)/o,c=r?(s-r.timeAdded)/o:-1,u=n.getSource(),f=a.coveringZoomLevel({tileSize:u.tileSize,roundZoom:u.roundZoom}),h=!r||Math.abs(r.tileID.overscaledZ-f)>Math.abs(e.tileID.overscaledZ-f),p=h&&e.refreshedUponExpiration?1:t.clamp(h?l:1-c,0,1);return e.refreshedUponExpiration&&l>=1&&(e.refreshedUponExpiration=!1),r?{opacity:1,mix:1-p}:{opacity:p,mix:0}}return{opacity:1,mix:0}}var ln=new t.Color(1,0,0,1),cn=new t.Color(0,1,0,1),un=new t.Color(0,0,1,1),fn=new t.Color(1,0,1,1),hn=new t.Color(0,1,1,1);function pn(t,e,r,n){gn(t,0,e+r/2,t.transform.width,r,n)}function dn(t,e,r,n){gn(t,e-r/2,0,r,t.transform.height,n)}function gn(e,r,n,i,a,o){var s=e.context,l=s.gl;l.enable(l.SCISSOR_TEST),l.scissor(r*t.browser.devicePixelRatio,n*t.browser.devicePixelRatio,i*t.browser.devicePixelRatio,a*t.browser.devicePixelRatio),s.clear({color:o}),l.disable(l.SCISSOR_TEST)}function mn(e,r,n){var i=e.context,a=i.gl,o=n.posMatrix,s=e.useProgram("debug"),l=Mt.disabled,c=At.disabled,u=e.colorModeForRenderPass();i.activeTexture.set(a.TEXTURE0),e.emptyTexture.bind(a.LINEAR,a.CLAMP_TO_EDGE),s.draw(i,a.LINE_STRIP,l,c,u,Et.disabled,Ir(o,t.Color.red),"$debug",e.debugBuffer,e.tileBorderIndexBuffer,e.debugSegments);var f=r.getTileByID(n.key).latestRawTileData,h=Math.floor((f&&f.byteLength||0)/1024),p=r.getTile(n).tileSize,d=512/Math.min(p,512)*(n.overscaledZ/e.transform.zoom)*.5,g=n.canonical.toString();n.overscaledZ!==n.canonical.z&&(g+=" => "+n.overscaledZ),function(t,e){t.initDebugOverlayCanvas();var r=t.debugOverlayCanvas,n=t.context.gl,i=t.debugOverlayCanvas.getContext("2d");i.clearRect(0,0,r.width,r.height),i.shadowColor="white",i.shadowBlur=2,i.lineWidth=1.5,i.strokeStyle="white",i.textBaseline="top",i.font="bold 36px Open Sans, sans-serif",i.fillText(e,5,5),i.strokeText(e,5,5),t.debugOverlayTexture.update(r),t.debugOverlayTexture.bind(n.LINEAR,n.CLAMP_TO_EDGE)}(e,g+" "+h+"kb"),s.draw(i,a.TRIANGLES,l,c,St.alphaBlended,Et.disabled,Ir(o,t.Color.transparent,d),"$debug",e.debugBuffer,e.quadTriangleIndexBuffer,e.debugSegments)}var vn={symbol:function(e,r,n,i,a){if("translucent"===e.renderPass){var o=At.disabled,s=e.colorModeForRenderPass();n.layout.get("text-variable-anchor")&&function(e,r,n,i,a,o,s){for(var l=r.transform,c="map"===a,u="map"===o,f=0,h=e;f256&&this.clearStencil(),r.setColorMode(St.disabled),r.setDepthMode(Mt.disabled);var i=this.useProgram("clippingMask");this._tileClippingMaskIDs={};for(var a=0,o=e;a256&&this.clearStencil();var t=this.nextStencilID++,e=this.context.gl;return new At({func:e.NOTEQUAL,mask:255},t,255,e.KEEP,e.KEEP,e.REPLACE)},yn.prototype.stencilModeForClipping=function(t){var e=this.context.gl;return new At({func:e.EQUAL,mask:255},this._tileClippingMaskIDs[t.key],0,e.KEEP,e.KEEP,e.REPLACE)},yn.prototype.stencilConfigForOverlap=function(t){var e,r=this.context.gl,n=t.sort((function(t,e){return e.overscaledZ-t.overscaledZ})),i=n[n.length-1].overscaledZ,a=n[0].overscaledZ-i+1;if(a>1){this.currentStencilSource=void 0,this.nextStencilID+a>256&&this.clearStencil();for(var o={},s=0;s=0;this.currentLayer--){var b=this.style._layers[i[this.currentLayer]],_=a[b.source],w=u[b.source];this._renderTileClippingMasks(b,w),this.renderLayer(this,_,b,w)}for(this.renderPass="translucent",this.currentLayer=0;this.currentLayer0?e.pop():null},yn.prototype.isPatternMissing=function(t){if(!t)return!1;if(!t.from||!t.to)return!0;var e=this.imageManager.getPattern(t.from.toString()),r=this.imageManager.getPattern(t.to.toString());return!e||!r},yn.prototype.useProgram=function(t,e){this.cache=this.cache||{};var r=""+t+(e?e.cacheKey:"")+(this._showOverdrawInspector?"/overdraw":"");return this.cache[r]||(this.cache[r]=new br(this.context,yr[t],e,Xr[t],this._showOverdrawInspector)),this.cache[r]},yn.prototype.setCustomLayerDefaults=function(){this.context.unbindVAO(),this.context.cullFace.setDefault(),this.context.activeTexture.setDefault(),this.context.pixelStoreUnpack.setDefault(),this.context.pixelStoreUnpackPremultiplyAlpha.setDefault(),this.context.pixelStoreUnpackFlipY.setDefault()},yn.prototype.setBaseState=function(){var t=this.context.gl;this.context.cullFace.set(!1),this.context.viewport.set([0,0,this.width,this.height]),this.context.blendEquation.set(t.FUNC_ADD)},yn.prototype.initDebugOverlayCanvas=function(){null==this.debugOverlayCanvas&&(this.debugOverlayCanvas=t.window.document.createElement("canvas"),this.debugOverlayCanvas.width=512,this.debugOverlayCanvas.height=512,this.debugOverlayTexture=new t.Texture(this.context,this.debugOverlayCanvas,this.context.gl.RGBA))},yn.prototype.destroy=function(){this.emptyTexture.destroy(),this.debugOverlayTexture&&this.debugOverlayTexture.destroy()};var xn=function(t,e){this.points=t,this.planes=e};xn.fromInvProjectionMatrix=function(e,r,n){var i=Math.pow(2,n),a=[[-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]].map((function(r){return t.transformMat4([],r,e)})).map((function(e){return t.scale$1([],e,1/e[3]/r*i)})),o=[[0,1,2],[6,5,4],[0,3,7],[2,1,5],[3,2,6],[0,4,5]].map((function(e){var r=t.sub([],a[e[0]],a[e[1]]),n=t.sub([],a[e[2]],a[e[1]]),i=t.normalize([],t.cross([],r,n)),o=-t.dot(i,a[e[1]]);return i.concat(o)}));return new xn(a,o)};var bn=function(e,r){this.min=e,this.max=r,this.center=t.scale$2([],t.add([],this.min,this.max),.5)};bn.prototype.quadrant=function(e){for(var r=[e%2==0,e<2],n=t.clone$2(this.min),i=t.clone$2(this.max),a=0;a=0;if(0===o)return 0;o!==r.length&&(n=!1)}if(n)return 2;for(var l=0;l<3;l++){for(var c=Number.MAX_VALUE,u=-Number.MAX_VALUE,f=0;fthis.max[l]-this.min[l])return 0}return 1};var _n=function(t,e,r,n){if(void 0===t&&(t=0),void 0===e&&(e=0),void 0===r&&(r=0),void 0===n&&(n=0),isNaN(t)||t<0||isNaN(e)||e<0||isNaN(r)||r<0||isNaN(n)||n<0)throw new Error("Invalid value for edge-insets, top, bottom, left and right must all be numbers");this.top=t,this.bottom=e,this.left=r,this.right=n};_n.prototype.interpolate=function(e,r,n){return null!=r.top&&null!=e.top&&(this.top=t.number(e.top,r.top,n)),null!=r.bottom&&null!=e.bottom&&(this.bottom=t.number(e.bottom,r.bottom,n)),null!=r.left&&null!=e.left&&(this.left=t.number(e.left,r.left,n)),null!=r.right&&null!=e.right&&(this.right=t.number(e.right,r.right,n)),this},_n.prototype.getCenter=function(e,r){var n=t.clamp((this.left+e-this.right)/2,0,e),i=t.clamp((this.top+r-this.bottom)/2,0,r);return new t.Point(n,i)},_n.prototype.equals=function(t){return this.top===t.top&&this.bottom===t.bottom&&this.left===t.left&&this.right===t.right},_n.prototype.clone=function(){return new _n(this.top,this.bottom,this.left,this.right)},_n.prototype.toJSON=function(){return{top:this.top,bottom:this.bottom,left:this.left,right:this.right}};var wn=function(e,r,n,i,a){this.tileSize=512,this.maxValidLatitude=85.051129,this._renderWorldCopies=void 0===a||a,this._minZoom=e||0,this._maxZoom=r||22,this._minPitch=null==n?0:n,this._maxPitch=null==i?60:i,this.setMaxBounds(),this.width=0,this.height=0,this._center=new t.LngLat(0,0),this.zoom=0,this.angle=0,this._fov=.6435011087932844,this._pitch=0,this._unmodified=!0,this._edgeInsets=new _n,this._posMatrixCache={},this._alignedPosMatrixCache={}},Tn={minZoom:{configurable:!0},maxZoom:{configurable:!0},minPitch:{configurable:!0},maxPitch:{configurable:!0},renderWorldCopies:{configurable:!0},worldSize:{configurable:!0},centerOffset:{configurable:!0},size:{configurable:!0},bearing:{configurable:!0},pitch:{configurable:!0},fov:{configurable:!0},zoom:{configurable:!0},center:{configurable:!0},padding:{configurable:!0},centerPoint:{configurable:!0},unmodified:{configurable:!0},point:{configurable:!0}};wn.prototype.clone=function(){var t=new wn(this._minZoom,this._maxZoom,this._minPitch,this.maxPitch,this._renderWorldCopies);return t.tileSize=this.tileSize,t.latRange=this.latRange,t.width=this.width,t.height=this.height,t._center=this._center,t.zoom=this.zoom,t.angle=this.angle,t._fov=this._fov,t._pitch=this._pitch,t._unmodified=this._unmodified,t._edgeInsets=this._edgeInsets.clone(),t._calcMatrices(),t},Tn.minZoom.get=function(){return this._minZoom},Tn.minZoom.set=function(t){this._minZoom!==t&&(this._minZoom=t,this.zoom=Math.max(this.zoom,t))},Tn.maxZoom.get=function(){return this._maxZoom},Tn.maxZoom.set=function(t){this._maxZoom!==t&&(this._maxZoom=t,this.zoom=Math.min(this.zoom,t))},Tn.minPitch.get=function(){return this._minPitch},Tn.minPitch.set=function(t){this._minPitch!==t&&(this._minPitch=t,this.pitch=Math.max(this.pitch,t))},Tn.maxPitch.get=function(){return this._maxPitch},Tn.maxPitch.set=function(t){this._maxPitch!==t&&(this._maxPitch=t,this.pitch=Math.min(this.pitch,t))},Tn.renderWorldCopies.get=function(){return this._renderWorldCopies},Tn.renderWorldCopies.set=function(t){void 0===t?t=!0:null===t&&(t=!1),this._renderWorldCopies=t},Tn.worldSize.get=function(){return this.tileSize*this.scale},Tn.centerOffset.get=function(){return this.centerPoint._sub(this.size._div(2))},Tn.size.get=function(){return new t.Point(this.width,this.height)},Tn.bearing.get=function(){return-this.angle/Math.PI*180},Tn.bearing.set=function(e){var r=-t.wrap(e,-180,180)*Math.PI/180;this.angle!==r&&(this._unmodified=!1,this.angle=r,this._calcMatrices(),this.rotationMatrix=t.create$2(),t.rotate(this.rotationMatrix,this.rotationMatrix,this.angle))},Tn.pitch.get=function(){return this._pitch/Math.PI*180},Tn.pitch.set=function(e){var r=t.clamp(e,this.minPitch,this.maxPitch)/180*Math.PI;this._pitch!==r&&(this._unmodified=!1,this._pitch=r,this._calcMatrices())},Tn.fov.get=function(){return this._fov/Math.PI*180},Tn.fov.set=function(t){t=Math.max(.01,Math.min(60,t)),this._fov!==t&&(this._unmodified=!1,this._fov=t/180*Math.PI,this._calcMatrices())},Tn.zoom.get=function(){return this._zoom},Tn.zoom.set=function(t){var e=Math.min(Math.max(t,this.minZoom),this.maxZoom);this._zoom!==e&&(this._unmodified=!1,this._zoom=e,this.scale=this.zoomScale(e),this.tileZoom=Math.floor(e),this.zoomFraction=e-this.tileZoom,this._constrain(),this._calcMatrices())},Tn.center.get=function(){return this._center},Tn.center.set=function(t){t.lat===this._center.lat&&t.lng===this._center.lng||(this._unmodified=!1,this._center=t,this._constrain(),this._calcMatrices())},Tn.padding.get=function(){return this._edgeInsets.toJSON()},Tn.padding.set=function(t){this._edgeInsets.equals(t)||(this._unmodified=!1,this._edgeInsets.interpolate(this._edgeInsets,t,1),this._calcMatrices())},Tn.centerPoint.get=function(){return this._edgeInsets.getCenter(this.width,this.height)},wn.prototype.isPaddingEqual=function(t){return this._edgeInsets.equals(t)},wn.prototype.interpolatePadding=function(t,e,r){this._unmodified=!1,this._edgeInsets.interpolate(t,e,r),this._constrain(),this._calcMatrices()},wn.prototype.coveringZoomLevel=function(t){var e=(t.roundZoom?Math.round:Math.floor)(this.zoom+this.scaleZoom(this.tileSize/t.tileSize));return Math.max(0,e)},wn.prototype.getVisibleUnwrappedCoordinates=function(e){var r=[new t.UnwrappedTileID(0,e)];if(this._renderWorldCopies)for(var n=this.pointCoordinate(new t.Point(0,0)),i=this.pointCoordinate(new t.Point(this.width,0)),a=this.pointCoordinate(new t.Point(this.width,this.height)),o=this.pointCoordinate(new t.Point(0,this.height)),s=Math.floor(Math.min(n.x,i.x,a.x,o.x)),l=Math.floor(Math.max(n.x,i.x,a.x,o.x)),c=s-1;c<=l+1;c++)0!==c&&r.push(new t.UnwrappedTileID(c,e));return r},wn.prototype.coveringTiles=function(e){var r=this.coveringZoomLevel(e),n=r;if(void 0!==e.minzoom&&re.maxzoom&&(r=e.maxzoom);var i=t.MercatorCoordinate.fromLngLat(this.center),a=Math.pow(2,r),o=[a*i.x,a*i.y,0],s=xn.fromInvProjectionMatrix(this.invProjMatrix,this.worldSize,r),l=e.minzoom||0;this.pitch<=60&&this._edgeInsets.top<.1&&(l=r);var c=function(t){return{aabb:new bn([t*a,0,0],[(t+1)*a,a,0]),zoom:0,x:0,y:0,wrap:t,fullyVisible:!1}},u=[],f=[],h=r,p=e.reparseOverscaled?n:r;if(this._renderWorldCopies)for(var d=1;d<=3;d++)u.push(c(-d)),u.push(c(d));for(u.push(c(0));u.length>0;){var g=u.pop(),m=g.x,v=g.y,y=g.fullyVisible;if(!y){var x=g.aabb.intersects(s);if(0===x)continue;y=2===x}var b=g.aabb.distanceX(o),_=g.aabb.distanceY(o),w=Math.max(Math.abs(b),Math.abs(_));if(g.zoom===h||w>3+(1<=l)f.push({tileID:new t.OverscaledTileID(g.zoom===h?p:g.zoom,g.wrap,g.zoom,m,v),distanceSq:t.sqrLen([o[0]-.5-m,o[1]-.5-v])});else for(var T=0;T<4;T++){var k=(m<<1)+T%2,M=(v<<1)+(T>>1);u.push({aabb:g.aabb.quadrant(T),zoom:g.zoom+1,x:k,y:M,wrap:g.wrap,fullyVisible:y})}}return f.sort((function(t,e){return t.distanceSq-e.distanceSq})).map((function(t){return t.tileID}))},wn.prototype.resize=function(t,e){this.width=t,this.height=e,this.pixelsToGLUnits=[2/t,-2/e],this._constrain(),this._calcMatrices()},Tn.unmodified.get=function(){return this._unmodified},wn.prototype.zoomScale=function(t){return Math.pow(2,t)},wn.prototype.scaleZoom=function(t){return Math.log(t)/Math.LN2},wn.prototype.project=function(e){var r=t.clamp(e.lat,-this.maxValidLatitude,this.maxValidLatitude);return new t.Point(t.mercatorXfromLng(e.lng)*this.worldSize,t.mercatorYfromLat(r)*this.worldSize)},wn.prototype.unproject=function(e){return new t.MercatorCoordinate(e.x/this.worldSize,e.y/this.worldSize).toLngLat()},Tn.point.get=function(){return this.project(this.center)},wn.prototype.setLocationAtPoint=function(e,r){var n=this.pointCoordinate(r),i=this.pointCoordinate(this.centerPoint),a=this.locationCoordinate(e),o=new t.MercatorCoordinate(a.x-(n.x-i.x),a.y-(n.y-i.y));this.center=this.coordinateLocation(o),this._renderWorldCopies&&(this.center=this.center.wrap())},wn.prototype.locationPoint=function(t){return this.coordinatePoint(this.locationCoordinate(t))},wn.prototype.pointLocation=function(t){return this.coordinateLocation(this.pointCoordinate(t))},wn.prototype.locationCoordinate=function(e){return t.MercatorCoordinate.fromLngLat(e)},wn.prototype.coordinateLocation=function(t){return t.toLngLat()},wn.prototype.pointCoordinate=function(e){var r=[e.x,e.y,0,1],n=[e.x,e.y,1,1];t.transformMat4(r,r,this.pixelMatrixInverse),t.transformMat4(n,n,this.pixelMatrixInverse);var i=r[3],a=n[3],o=r[1]/i,s=n[1]/a,l=r[2]/i,c=n[2]/a,u=l===c?0:(0-l)/(c-l);return new t.MercatorCoordinate(t.number(r[0]/i,n[0]/a,u)/this.worldSize,t.number(o,s,u)/this.worldSize)},wn.prototype.coordinatePoint=function(e){var r=[e.x*this.worldSize,e.y*this.worldSize,0,1];return t.transformMat4(r,r,this.pixelMatrix),new t.Point(r[0]/r[3],r[1]/r[3])},wn.prototype.getBounds=function(){return(new t.LngLatBounds).extend(this.pointLocation(new t.Point(0,0))).extend(this.pointLocation(new t.Point(this.width,0))).extend(this.pointLocation(new t.Point(this.width,this.height))).extend(this.pointLocation(new t.Point(0,this.height)))},wn.prototype.getMaxBounds=function(){return this.latRange&&2===this.latRange.length&&this.lngRange&&2===this.lngRange.length?new t.LngLatBounds([this.lngRange[0],this.latRange[0]],[this.lngRange[1],this.latRange[1]]):null},wn.prototype.setMaxBounds=function(t){t?(this.lngRange=[t.getWest(),t.getEast()],this.latRange=[t.getSouth(),t.getNorth()],this._constrain()):(this.lngRange=null,this.latRange=[-this.maxValidLatitude,this.maxValidLatitude])},wn.prototype.calculatePosMatrix=function(e,r){void 0===r&&(r=!1);var n=e.key,i=r?this._alignedPosMatrixCache:this._posMatrixCache;if(i[n])return i[n];var a=e.canonical,o=this.worldSize/this.zoomScale(a.z),s=a.x+Math.pow(2,a.z)*e.wrap,l=t.identity(new Float64Array(16));return t.translate(l,l,[s*o,a.y*o,0]),t.scale(l,l,[o/t.EXTENT,o/t.EXTENT,1]),t.multiply(l,r?this.alignedProjMatrix:this.projMatrix,l),i[n]=new Float32Array(l),i[n]},wn.prototype.customLayerMatrix=function(){return this.mercatorMatrix.slice()},wn.prototype._constrain=function(){if(this.center&&this.width&&this.height&&!this._constraining){this._constraining=!0;var e,r,n,i,a=-90,o=90,s=-180,l=180,c=this.size,u=this._unmodified;if(this.latRange){var f=this.latRange;a=t.mercatorYfromLat(f[1])*this.worldSize,e=(o=t.mercatorYfromLat(f[0])*this.worldSize)-ao&&(i=o-m)}if(this.lngRange){var v=p.x,y=c.x/2;v-yl&&(n=l-y)}void 0===n&&void 0===i||(this.center=this.unproject(new t.Point(void 0!==n?n:p.x,void 0!==i?i:p.y))),this._unmodified=u,this._constraining=!1}},wn.prototype._calcMatrices=function(){if(this.height){var e=this.centerOffset;this.cameraToCenterDistance=.5/Math.tan(this._fov/2)*this.height;var r=Math.PI/2+this._pitch,n=this._fov*(.5+e.y/this.height),i=Math.sin(n)*this.cameraToCenterDistance/Math.sin(t.clamp(Math.PI-r-n,.01,Math.PI-.01)),a=this.point,o=a.x,s=a.y,l=1.01*(Math.cos(Math.PI/2-this._pitch)*i+this.cameraToCenterDistance),c=this.height/50,u=new Float64Array(16);t.perspective(u,this._fov,this.width/this.height,c,l),u[8]=2*-e.x/this.width,u[9]=2*e.y/this.height,t.scale(u,u,[1,-1,1]),t.translate(u,u,[0,0,-this.cameraToCenterDistance]),t.rotateX(u,u,this._pitch),t.rotateZ(u,u,this.angle),t.translate(u,u,[-o,-s,0]),this.mercatorMatrix=t.scale([],u,[this.worldSize,this.worldSize,this.worldSize]),t.scale(u,u,[1,1,t.mercatorZfromAltitude(1,this.center.lat)*this.worldSize,1]),this.projMatrix=u,this.invProjMatrix=t.invert([],this.projMatrix);var f=this.width%2/2,h=this.height%2/2,p=Math.cos(this.angle),d=Math.sin(this.angle),g=o-Math.round(o)+p*f+d*h,m=s-Math.round(s)+p*h+d*f,v=new Float64Array(u);if(t.translate(v,v,[g>.5?g-1:g,m>.5?m-1:m,0]),this.alignedProjMatrix=v,u=t.create(),t.scale(u,u,[this.width/2,-this.height/2,1]),t.translate(u,u,[1,-1,0]),this.labelPlaneMatrix=u,u=t.create(),t.scale(u,u,[1,-1,1]),t.translate(u,u,[-1,-1,0]),t.scale(u,u,[2/this.width,2/this.height,1]),this.glCoordMatrix=u,this.pixelMatrix=t.multiply(new Float64Array(16),this.labelPlaneMatrix,this.projMatrix),!(u=t.invert(new Float64Array(16),this.pixelMatrix)))throw new Error("failed to invert matrix");this.pixelMatrixInverse=u,this._posMatrixCache={},this._alignedPosMatrixCache={}}},wn.prototype.maxPitchScaleFactor=function(){if(!this.pixelMatrixInverse)return 1;var e=this.pointCoordinate(new t.Point(0,0)),r=[e.x*this.worldSize,e.y*this.worldSize,0,1];return t.transformMat4(r,r,this.pixelMatrix)[3]/this.cameraToCenterDistance},wn.prototype.getCameraPoint=function(){var e=Math.tan(this._pitch)*(this.cameraToCenterDistance||1);return this.centerPoint.add(new t.Point(0,e))},wn.prototype.getCameraQueryGeometry=function(e){var r=this.getCameraPoint();if(1===e.length)return[e[0],r];for(var n=r.x,i=r.y,a=r.x,o=r.y,s=0,l=e;s=3&&!t.some((function(t){return isNaN(t)}))){var e=this._map.dragRotate.isEnabled()&&this._map.touchZoomRotate.isEnabled()?+(t[3]||0):this._map.getBearing();return this._map.jumpTo({center:[+t[2],+t[1]],zoom:+t[0],bearing:e,pitch:+(t[4]||0)}),!0}return!1},kn.prototype._updateHashUnthrottled=function(){var e=this.getHashString();try{t.window.history.replaceState(t.window.history.state,"",e)}catch(t){}};var Mn={linearity:.3,easing:t.bezier(0,0,.3,1)},An=t.extend({deceleration:2500,maxSpeed:1400},Mn),Sn=t.extend({deceleration:20,maxSpeed:1400},Mn),En=t.extend({deceleration:1e3,maxSpeed:360},Mn),Cn=t.extend({deceleration:1e3,maxSpeed:90},Mn),Ln=function(t){this._map=t,this.clear()};function In(t,e){(!t.duration||t.duration0&&r-e[0].time>160;)e.shift()},Ln.prototype._onMoveEnd=function(e){if(this._drainInertiaBuffer(),!(this._inertiaBuffer.length<2)){for(var r={zoom:0,bearing:0,pitch:0,pan:new t.Point(0,0),pinchAround:void 0,around:void 0},n=0,i=this._inertiaBuffer;n=this._clickTolerance||this._map.fire(new zn(t.type,this._map,t))},Rn.prototype.dblclick=function(t){return this._firePreventable(new zn(t.type,this._map,t))},Rn.prototype.mouseover=function(t){this._map.fire(new zn(t.type,this._map,t))},Rn.prototype.mouseout=function(t){this._map.fire(new zn(t.type,this._map,t))},Rn.prototype.touchstart=function(t){return this._firePreventable(new On(t.type,this._map,t))},Rn.prototype.touchmove=function(t){this._map.fire(new On(t.type,this._map,t))},Rn.prototype.touchend=function(t){this._map.fire(new On(t.type,this._map,t))},Rn.prototype.touchcancel=function(t){this._map.fire(new On(t.type,this._map,t))},Rn.prototype._firePreventable=function(t){if(this._map.fire(t),t.defaultPrevented)return{}},Rn.prototype.isEnabled=function(){return!0},Rn.prototype.isActive=function(){return!1},Rn.prototype.enable=function(){},Rn.prototype.disable=function(){};var Fn=function(t){this._map=t};Fn.prototype.reset=function(){this._delayContextMenu=!1,delete this._contextMenuEvent},Fn.prototype.mousemove=function(t){this._map.fire(new zn(t.type,this._map,t))},Fn.prototype.mousedown=function(){this._delayContextMenu=!0},Fn.prototype.mouseup=function(){this._delayContextMenu=!1,this._contextMenuEvent&&(this._map.fire(new zn("contextmenu",this._map,this._contextMenuEvent)),delete this._contextMenuEvent)},Fn.prototype.contextmenu=function(t){this._delayContextMenu?this._contextMenuEvent=t:this._map.fire(new zn(t.type,this._map,t)),this._map.listens("contextmenu")&&t.preventDefault()},Fn.prototype.isEnabled=function(){return!0},Fn.prototype.isActive=function(){return!1},Fn.prototype.enable=function(){},Fn.prototype.disable=function(){};var Bn=function(t,e){this._map=t,this._el=t.getCanvasContainer(),this._container=t.getContainer(),this._clickTolerance=e.clickTolerance||1};function Nn(t,e){for(var r={},n=0;nthis.numTouches)&&(this.aborted=!0),this.aborted||(void 0===this.startTime&&(this.startTime=e.timeStamp),n.length===this.numTouches&&(this.centroid=function(e){for(var r=new t.Point(0,0),n=0,i=e;n30)&&(this.aborted=!0)}}},jn.prototype.touchend=function(t,e,r){if((!this.centroid||t.timeStamp-this.startTime>500)&&(this.aborted=!0),0===r.length){var n=!this.aborted&&this.centroid;if(this.reset(),n)return n}};var Un=function(t){this.singleTap=new jn(t),this.numTaps=t.numTaps,this.reset()};Un.prototype.reset=function(){this.lastTime=1/0,delete this.lastTap,this.count=0,this.singleTap.reset()},Un.prototype.touchstart=function(t,e,r){this.singleTap.touchstart(t,e,r)},Un.prototype.touchmove=function(t,e,r){this.singleTap.touchmove(t,e,r)},Un.prototype.touchend=function(t,e,r){var n=this.singleTap.touchend(t,e,r);if(n){var i=t.timeStamp-this.lastTime<500,a=!this.lastTap||this.lastTap.dist(n)<30;if(i&&a||this.reset(),this.count++,this.lastTime=t.timeStamp,this.lastTap=n,this.count===this.numTaps)return this.reset(),n}};var Vn=function(){this._zoomIn=new Un({numTouches:1,numTaps:2}),this._zoomOut=new Un({numTouches:2,numTaps:1}),this.reset()};Vn.prototype.reset=function(){this._active=!1,this._zoomIn.reset(),this._zoomOut.reset()},Vn.prototype.touchstart=function(t,e,r){this._zoomIn.touchstart(t,e,r),this._zoomOut.touchstart(t,e,r)},Vn.prototype.touchmove=function(t,e,r){this._zoomIn.touchmove(t,e,r),this._zoomOut.touchmove(t,e,r)},Vn.prototype.touchend=function(t,e,r){var n=this,i=this._zoomIn.touchend(t,e,r),a=this._zoomOut.touchend(t,e,r);return i?(this._active=!0,t.preventDefault(),setTimeout((function(){return n.reset()}),0),{cameraAnimation:function(e){return e.easeTo({duration:300,zoom:e.getZoom()+1,around:e.unproject(i)},{originalEvent:t})}}):a?(this._active=!0,t.preventDefault(),setTimeout((function(){return n.reset()}),0),{cameraAnimation:function(e){return e.easeTo({duration:300,zoom:e.getZoom()-1,around:e.unproject(a)},{originalEvent:t})}}):void 0},Vn.prototype.touchcancel=function(){this.reset()},Vn.prototype.enable=function(){this._enabled=!0},Vn.prototype.disable=function(){this._enabled=!1,this.reset()},Vn.prototype.isEnabled=function(){return this._enabled},Vn.prototype.isActive=function(){return this._active};var qn=function(t){this.reset(),this._clickTolerance=t.clickTolerance||1};qn.prototype.reset=function(){this._active=!1,this._moved=!1,delete this._lastPoint,delete this._eventButton},qn.prototype._correctButton=function(t,e){return!1},qn.prototype._move=function(t,e){return{}},qn.prototype.mousedown=function(t,e){if(!this._lastPoint){var n=r.mouseButton(t);this._correctButton(t,n)&&(this._lastPoint=e,this._eventButton=n)}},qn.prototype.mousemoveWindow=function(t,e){var r=this._lastPoint;if(r&&(t.preventDefault(),this._moved||!(e.dist(r)0&&(this._active=!0);var i=Nn(n,r),a=new t.Point(0,0),o=new t.Point(0,0),s=0;for(var l in i){var c=i[l],u=this._touches[l];u&&(a._add(c),o._add(c.sub(u)),s++,i[l]=c)}if(this._touches=i,!(sMath.abs(t.x)}var ei=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.reset=function(){t.prototype.reset.call(this),this._valid=void 0,delete this._firstMove,delete this._lastPoints},e.prototype._start=function(t){this._lastPoints=t,ti(t[0].sub(t[1]))&&(this._valid=!1)},e.prototype._move=function(t,e,r){var n=t[0].sub(this._lastPoints[0]),i=t[1].sub(this._lastPoints[1]);if(this._valid=this.gestureBeginsVertically(n,i,r.timeStamp),this._valid)return this._lastPoints=t,this._active=!0,{pitchDelta:(n.y+i.y)/2*-.5}},e.prototype.gestureBeginsVertically=function(t,e,r){if(void 0!==this._valid)return this._valid;var n=t.mag()>=2,i=e.mag()>=2;if(n||i){if(!n||!i)return void 0===this._firstMove&&(this._firstMove=r),r-this._firstMove<100&&void 0;var a=t.y>0==e.y>0;return ti(t)&&ti(e)&&a}},e}(Xn),ri={panStep:100,bearingStep:15,pitchStep:10},ni=function(){var t=ri;this._panStep=t.panStep,this._bearingStep=t.bearingStep,this._pitchStep=t.pitchStep};function ii(t){return t*(2-t)}ni.prototype.reset=function(){this._active=!1},ni.prototype.keydown=function(t){var e=this;if(!(t.altKey||t.ctrlKey||t.metaKey)){var r=0,n=0,i=0,a=0,o=0;switch(t.keyCode){case 61:case 107:case 171:case 187:r=1;break;case 189:case 109:case 173:r=-1;break;case 37:t.shiftKey?n=-1:(t.preventDefault(),a=-1);break;case 39:t.shiftKey?n=1:(t.preventDefault(),a=1);break;case 38:t.shiftKey?i=1:(t.preventDefault(),o=-1);break;case 40:t.shiftKey?i=-1:(t.preventDefault(),o=1);break;default:return}return{cameraAnimation:function(s){var l=s.getZoom();s.easeTo({duration:300,easeId:"keyboardHandler",easing:ii,zoom:r?Math.round(l)+r*(t.shiftKey?2:1):l,bearing:s.getBearing()+n*e._bearingStep,pitch:s.getPitch()+i*e._pitchStep,offset:[-a*e._panStep,-o*e._panStep],center:s.getCenter()},{originalEvent:t})}}}},ni.prototype.enable=function(){this._enabled=!0},ni.prototype.disable=function(){this._enabled=!1,this.reset()},ni.prototype.isEnabled=function(){return this._enabled},ni.prototype.isActive=function(){return this._active};var ai=function(e,r){this._map=e,this._el=e.getCanvasContainer(),this._handler=r,this._delta=0,this._defaultZoomRate=.01,this._wheelZoomRate=1/450,t.bindAll(["_onWheel","_onTimeout","_onScrollFrame","_onScrollFinished"],this)};ai.prototype.setZoomRate=function(t){this._defaultZoomRate=t},ai.prototype.setWheelZoomRate=function(t){this._wheelZoomRate=t},ai.prototype.isEnabled=function(){return!!this._enabled},ai.prototype.isActive=function(){return!!this._active||void 0!==this._finishTimeout},ai.prototype.isZooming=function(){return!!this._zooming},ai.prototype.enable=function(t){this.isEnabled()||(this._enabled=!0,this._aroundCenter=t&&"center"===t.around)},ai.prototype.disable=function(){this.isEnabled()&&(this._enabled=!1)},ai.prototype.wheel=function(e){if(this.isEnabled()){var r=e.deltaMode===t.window.WheelEvent.DOM_DELTA_LINE?40*e.deltaY:e.deltaY,n=t.browser.now(),i=n-(this._lastWheelEventTime||0);this._lastWheelEventTime=n,0!==r&&r%4.000244140625==0?this._type="wheel":0!==r&&Math.abs(r)<4?this._type="trackpad":i>400?(this._type=null,this._lastValue=r,this._timeout=setTimeout(this._onTimeout,40,e)):this._type||(this._type=Math.abs(i*r)<200?"trackpad":"wheel",this._timeout&&(clearTimeout(this._timeout),this._timeout=null,r+=this._lastValue)),e.shiftKey&&r&&(r/=4),this._type&&(this._lastWheelEvent=e,this._delta-=r,this._active||this._start(e)),e.preventDefault()}},ai.prototype._onTimeout=function(t){this._type="wheel",this._delta-=this._lastValue,this._active||this._start(t)},ai.prototype._start=function(e){if(this._delta){this._frameId&&(this._frameId=null),this._active=!0,this.isZooming()||(this._zooming=!0),this._finishTimeout&&(clearTimeout(this._finishTimeout),delete this._finishTimeout);var n=r.mousePos(this._el,e);this._around=t.LngLat.convert(this._aroundCenter?this._map.getCenter():this._map.unproject(n)),this._aroundPoint=this._map.transform.locationPoint(this._around),this._frameId||(this._frameId=!0,this._handler._triggerRenderFrame())}},ai.prototype.renderFrame=function(){return this._onScrollFrame()},ai.prototype._onScrollFrame=function(){var e=this;if(this._frameId&&(this._frameId=null,this.isActive())){var r=this._map.transform;if(0!==this._delta){var n="wheel"===this._type&&Math.abs(this._delta)>4.000244140625?this._wheelZoomRate:this._defaultZoomRate,i=2/(1+Math.exp(-Math.abs(this._delta*n)));this._delta<0&&0!==i&&(i=1/i);var a="number"==typeof this._targetZoom?r.zoomScale(this._targetZoom):r.scale;this._targetZoom=Math.min(r.maxZoom,Math.max(r.minZoom,r.scaleZoom(a*i))),"wheel"===this._type&&(this._startZoom=r.zoom,this._easing=this._smoothOutEasing(200)),this._delta=0}var o,s="number"==typeof this._targetZoom?this._targetZoom:r.zoom,l=this._startZoom,c=this._easing,u=!1;if("wheel"===this._type&&l&&c){var f=Math.min((t.browser.now()-this._lastWheelEventTime)/200,1),h=c(f);o=t.number(l,s,h),f<1?this._frameId||(this._frameId=!0):u=!0}else o=s,u=!0;return this._active=!0,u&&(this._active=!1,this._finishTimeout=setTimeout((function(){e._zooming=!1,e._handler._triggerRenderFrame(),delete e._targetZoom,delete e._finishTimeout}),200)),{noInertia:!0,needsRenderFrame:!u,zoomDelta:o-r.zoom,around:this._aroundPoint,originalEvent:this._lastWheelEvent}}},ai.prototype._smoothOutEasing=function(e){var r=t.ease;if(this._prevEase){var n=this._prevEase,i=(t.browser.now()-n.start)/n.duration,a=n.easing(i+.01)-n.easing(i),o=.27/Math.sqrt(a*a+1e-4)*.01,s=Math.sqrt(.0729-o*o);r=t.bezier(o,s,.25,1)}return this._prevEase={start:t.browser.now(),duration:e,easing:r},r},ai.prototype.reset=function(){this._active=!1};var oi=function(t,e){this._clickZoom=t,this._tapZoom=e};oi.prototype.enable=function(){this._clickZoom.enable(),this._tapZoom.enable()},oi.prototype.disable=function(){this._clickZoom.disable(),this._tapZoom.disable()},oi.prototype.isEnabled=function(){return this._clickZoom.isEnabled()&&this._tapZoom.isEnabled()},oi.prototype.isActive=function(){return this._clickZoom.isActive()||this._tapZoom.isActive()};var si=function(){this.reset()};si.prototype.reset=function(){this._active=!1},si.prototype.dblclick=function(t,e){return t.preventDefault(),{cameraAnimation:function(r){r.easeTo({duration:300,zoom:r.getZoom()+(t.shiftKey?-1:1),around:r.unproject(e)},{originalEvent:t})}}},si.prototype.enable=function(){this._enabled=!0},si.prototype.disable=function(){this._enabled=!1,this.reset()},si.prototype.isEnabled=function(){return this._enabled},si.prototype.isActive=function(){return this._active};var li=function(){this._tap=new Un({numTouches:1,numTaps:1}),this.reset()};li.prototype.reset=function(){this._active=!1,delete this._swipePoint,delete this._swipeTouch,delete this._tapTime,this._tap.reset()},li.prototype.touchstart=function(t,e,r){this._swipePoint||(this._tapTime&&t.timeStamp-this._tapTime>500&&this.reset(),this._tapTime?r.length>0&&(this._swipePoint=e[0],this._swipeTouch=r[0].identifier):this._tap.touchstart(t,e,r))},li.prototype.touchmove=function(t,e,r){if(this._tapTime){if(this._swipePoint){if(r[0].identifier!==this._swipeTouch)return;var n=e[0],i=n.y-this._swipePoint.y;return this._swipePoint=n,t.preventDefault(),this._active=!0,{zoomDelta:i/128}}}else this._tap.touchmove(t,e,r)},li.prototype.touchend=function(t,e,r){this._tapTime?this._swipePoint&&0===r.length&&this.reset():this._tap.touchend(t,e,r)&&(this._tapTime=t.timeStamp)},li.prototype.touchcancel=function(){this.reset()},li.prototype.enable=function(){this._enabled=!0},li.prototype.disable=function(){this._enabled=!1,this.reset()},li.prototype.isEnabled=function(){return this._enabled},li.prototype.isActive=function(){return this._active};var ci=function(t,e,r){this._el=t,this._mousePan=e,this._touchPan=r};ci.prototype.enable=function(t){this._inertiaOptions=t||{},this._mousePan.enable(),this._touchPan.enable(),this._el.classList.add("mapboxgl-touch-drag-pan")},ci.prototype.disable=function(){this._mousePan.disable(),this._touchPan.disable(),this._el.classList.remove("mapboxgl-touch-drag-pan")},ci.prototype.isEnabled=function(){return this._mousePan.isEnabled()&&this._touchPan.isEnabled()},ci.prototype.isActive=function(){return this._mousePan.isActive()||this._touchPan.isActive()};var ui=function(t,e,r){this._pitchWithRotate=t.pitchWithRotate,this._mouseRotate=e,this._mousePitch=r};ui.prototype.enable=function(){this._mouseRotate.enable(),this._pitchWithRotate&&this._mousePitch.enable()},ui.prototype.disable=function(){this._mouseRotate.disable(),this._mousePitch.disable()},ui.prototype.isEnabled=function(){return this._mouseRotate.isEnabled()&&(!this._pitchWithRotate||this._mousePitch.isEnabled())},ui.prototype.isActive=function(){return this._mouseRotate.isActive()||this._mousePitch.isActive()};var fi=function(t,e,r,n){this._el=t,this._touchZoom=e,this._touchRotate=r,this._tapDragZoom=n,this._rotationDisabled=!1,this._enabled=!0};fi.prototype.enable=function(t){this._touchZoom.enable(t),this._rotationDisabled||this._touchRotate.enable(t),this._tapDragZoom.enable(),this._el.classList.add("mapboxgl-touch-zoom-rotate")},fi.prototype.disable=function(){this._touchZoom.disable(),this._touchRotate.disable(),this._tapDragZoom.disable(),this._el.classList.remove("mapboxgl-touch-zoom-rotate")},fi.prototype.isEnabled=function(){return this._touchZoom.isEnabled()&&(this._rotationDisabled||this._touchRotate.isEnabled())&&this._tapDragZoom.isEnabled()},fi.prototype.isActive=function(){return this._touchZoom.isActive()||this._touchRotate.isActive()||this._tapDragZoom.isActive()},fi.prototype.disableRotation=function(){this._rotationDisabled=!0,this._touchRotate.disable()},fi.prototype.enableRotation=function(){this._rotationDisabled=!1,this._touchZoom.isEnabled()&&this._touchRotate.enable()};var hi=function(t){return t.zoom||t.drag||t.pitch||t.rotate},pi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e}(t.Event);function di(t){return t.panDelta&&t.panDelta.mag()||t.zoomDelta||t.bearingDelta||t.pitchDelta}var gi=function(e,n){this._map=e,this._el=this._map.getCanvasContainer(),this._handlers=[],this._handlersById={},this._changes=[],this._inertia=new Ln(e),this._bearingSnap=n.bearingSnap,this._previousActiveHandlers={},this._eventsInProgress={},this._addDefaultHandlers(n),t.bindAll(["handleEvent","handleWindowEvent"],this);var i=this._el;this._listeners=[[i,"touchstart",{passive:!1}],[i,"touchmove",{passive:!1}],[i,"touchend",void 0],[i,"touchcancel",void 0],[i,"mousedown",void 0],[i,"mousemove",void 0],[i,"mouseup",void 0],[t.window.document,"mousemove",{capture:!0}],[t.window.document,"mouseup",void 0],[i,"mouseover",void 0],[i,"mouseout",void 0],[i,"dblclick",void 0],[i,"click",void 0],[i,"keydown",{capture:!1}],[i,"keyup",void 0],[i,"wheel",{passive:!1}],[i,"contextmenu",void 0],[t.window,"blur",void 0]];for(var a=0,o=this._listeners;aa?Math.min(2,_):Math.max(.5,_),w=Math.pow(m,1-e),T=i.unproject(x.add(b.mult(e*w)).mult(g));i.setLocationAtPoint(i.renderWorldCopies?T.wrap():T,d)}n._fireMoveEvents(r)}),(function(t){n._afterEase(r,t)}),e),this},r.prototype._prepareEase=function(e,r,n){void 0===n&&(n={}),this._moving=!0,r||n.moving||this.fire(new t.Event("movestart",e)),this._zooming&&!n.zooming&&this.fire(new t.Event("zoomstart",e)),this._rotating&&!n.rotating&&this.fire(new t.Event("rotatestart",e)),this._pitching&&!n.pitching&&this.fire(new t.Event("pitchstart",e))},r.prototype._fireMoveEvents=function(e){this.fire(new t.Event("move",e)),this._zooming&&this.fire(new t.Event("zoom",e)),this._rotating&&this.fire(new t.Event("rotate",e)),this._pitching&&this.fire(new t.Event("pitch",e))},r.prototype._afterEase=function(e,r){if(!this._easeId||!r||this._easeId!==r){delete this._easeId;var n=this._zooming,i=this._rotating,a=this._pitching;this._moving=!1,this._zooming=!1,this._rotating=!1,this._pitching=!1,this._padding=!1,n&&this.fire(new t.Event("zoomend",e)),i&&this.fire(new t.Event("rotateend",e)),a&&this.fire(new t.Event("pitchend",e)),this.fire(new t.Event("moveend",e))}},r.prototype.flyTo=function(e,r){var n=this;if(!e.essential&&t.browser.prefersReducedMotion){var i=t.pick(e,["center","zoom","bearing","pitch","around"]);return this.jumpTo(i,r)}this.stop(),e=t.extend({offset:[0,0],speed:1.2,curve:1.42,easing:t.ease},e);var a=this.transform,o=this.getZoom(),s=this.getBearing(),l=this.getPitch(),c=this.getPadding(),u="zoom"in e?t.clamp(+e.zoom,a.minZoom,a.maxZoom):o,f="bearing"in e?this._normalizeBearing(e.bearing,s):s,h="pitch"in e?+e.pitch:l,p="padding"in e?e.padding:a.padding,d=a.zoomScale(u-o),g=t.Point.convert(e.offset),m=a.centerPoint.add(g),v=a.pointLocation(m),y=t.LngLat.convert(e.center||v);this._normalizeCenter(y);var x=a.project(v),b=a.project(y).sub(x),_=e.curve,w=Math.max(a.width,a.height),T=w/d,k=b.mag();if("minZoom"in e){var M=t.clamp(Math.min(e.minZoom,o,u),a.minZoom,a.maxZoom),A=w/a.zoomScale(M-o);_=Math.sqrt(A/k*2)}var S=_*_;function E(t){var e=(T*T-w*w+(t?-1:1)*S*S*k*k)/(2*(t?T:w)*S*k);return Math.log(Math.sqrt(e*e+1)-e)}function C(t){return(Math.exp(t)-Math.exp(-t))/2}function L(t){return(Math.exp(t)+Math.exp(-t))/2}var I=E(0),P=function(t){return L(I)/L(I+_*t)},z=function(t){return w*((L(I)*(C(e=I+_*t)/L(e))-C(I))/S)/k;var e},O=(E(1)-I)/_;if(Math.abs(k)<1e-6||!isFinite(O)){if(Math.abs(w-T)<1e-6)return this.easeTo(e,r);var D=Te.maxDuration&&(e.duration=0),this._zooming=!0,this._rotating=s!==f,this._pitching=h!==l,this._padding=!a.isPaddingEqual(p),this._prepareEase(r,!1),this._ease((function(e){var i=e*O,d=1/P(i);a.zoom=1===e?u:o+a.scaleZoom(d),n._rotating&&(a.bearing=t.number(s,f,e)),n._pitching&&(a.pitch=t.number(l,h,e)),n._padding&&(a.interpolatePadding(c,p,e),m=a.centerPoint.add(g));var v=1===e?y:a.unproject(x.add(b.mult(z(i))).mult(d));a.setLocationAtPoint(a.renderWorldCopies?v.wrap():v,m),n._fireMoveEvents(r)}),(function(){return n._afterEase(r)}),e),this},r.prototype.isEasing=function(){return!!this._easeFrameId},r.prototype.stop=function(){return this._stop()},r.prototype._stop=function(t,e){if(this._easeFrameId&&(this._cancelRenderFrame(this._easeFrameId),delete this._easeFrameId,delete this._onEaseFrame),this._onEaseEnd){var r=this._onEaseEnd;delete this._onEaseEnd,r.call(this,e)}if(!t){var n=this.handlers;n&&n.stop()}return this},r.prototype._ease=function(e,r,n){!1===n.animate||0===n.duration?(e(1),r()):(this._easeStart=t.browser.now(),this._easeOptions=n,this._onEaseFrame=e,this._onEaseEnd=r,this._easeFrameId=this._requestRenderFrame(this._renderFrameCallback))},r.prototype._renderFrameCallback=function(){var e=Math.min((t.browser.now()-this._easeStart)/this._easeOptions.duration,1);this._onEaseFrame(this._easeOptions.easing(e)),e<1?this._easeFrameId=this._requestRenderFrame(this._renderFrameCallback):this.stop()},r.prototype._normalizeBearing=function(e,r){e=t.wrap(e,-180,180);var n=Math.abs(e-r);return Math.abs(e-360-r)180?-360:r<-180?360:0}},r}(t.Evented),vi=function(e){void 0===e&&(e={}),this.options=e,t.bindAll(["_updateEditLink","_updateData","_updateCompact"],this)};vi.prototype.getDefaultPosition=function(){return"bottom-right"},vi.prototype.onAdd=function(t){var e=this.options&&this.options.compact;return this._map=t,this._container=r.create("div","mapboxgl-ctrl mapboxgl-ctrl-attrib"),this._innerContainer=r.create("div","mapboxgl-ctrl-attrib-inner",this._container),e&&this._container.classList.add("mapboxgl-compact"),this._updateAttributions(),this._updateEditLink(),this._map.on("styledata",this._updateData),this._map.on("sourcedata",this._updateData),this._map.on("moveend",this._updateEditLink),void 0===e&&(this._map.on("resize",this._updateCompact),this._updateCompact()),this._container},vi.prototype.onRemove=function(){r.remove(this._container),this._map.off("styledata",this._updateData),this._map.off("sourcedata",this._updateData),this._map.off("moveend",this._updateEditLink),this._map.off("resize",this._updateCompact),this._map=void 0,this._attribHTML=void 0},vi.prototype._updateEditLink=function(){var e=this._editLink;e||(e=this._editLink=this._container.querySelector(".mapbox-improve-map"));var r=[{key:"owner",value:this.styleOwner},{key:"id",value:this.styleId},{key:"access_token",value:this._map._requestManager._customAccessToken||t.config.ACCESS_TOKEN}];if(e){var n=r.reduce((function(t,e,n){return e.value&&(t+=e.key+"="+e.value+(n=0)return!1;return!0}))).join(" | ");o!==this._attribHTML&&(this._attribHTML=o,t.length?(this._innerContainer.innerHTML=o,this._container.classList.remove("mapboxgl-attrib-empty")):this._container.classList.add("mapboxgl-attrib-empty"),this._editLink=null)}},vi.prototype._updateCompact=function(){this._map.getCanvasContainer().offsetWidth<=640?this._container.classList.add("mapboxgl-compact"):this._container.classList.remove("mapboxgl-compact")};var yi=function(){t.bindAll(["_updateLogo"],this),t.bindAll(["_updateCompact"],this)};yi.prototype.onAdd=function(t){this._map=t,this._container=r.create("div","mapboxgl-ctrl");var e=r.create("a","mapboxgl-ctrl-logo");return e.target="_blank",e.rel="noopener nofollow",e.href="https://www.mapbox.com/",e.setAttribute("aria-label",this._map._getUIString("LogoControl.Title")),e.setAttribute("rel","noopener nofollow"),this._container.appendChild(e),this._container.style.display="none",this._map.on("sourcedata",this._updateLogo),this._updateLogo(),this._map.on("resize",this._updateCompact),this._updateCompact(),this._container},yi.prototype.onRemove=function(){r.remove(this._container),this._map.off("sourcedata",this._updateLogo),this._map.off("resize",this._updateCompact)},yi.prototype.getDefaultPosition=function(){return"bottom-left"},yi.prototype._updateLogo=function(t){t&&"metadata"!==t.sourceDataType||(this._container.style.display=this._logoRequired()?"block":"none")},yi.prototype._logoRequired=function(){if(this._map.style){var t=this._map.style.sourceCaches;for(var e in t)if(t[e].getSource().mapbox_logo)return!0;return!1}},yi.prototype._updateCompact=function(){var t=this._container.children;if(t.length){var e=t[0];this._map.getCanvasContainer().offsetWidth<250?e.classList.add("mapboxgl-compact"):e.classList.remove("mapboxgl-compact")}};var xi=function(){this._queue=[],this._id=0,this._cleared=!1,this._currentlyRunning=!1};xi.prototype.add=function(t){var e=++this._id;return this._queue.push({callback:t,id:e,cancelled:!1}),e},xi.prototype.remove=function(t){for(var e=this._currentlyRunning,r=0,n=e?this._queue.concat(e):this._queue;re.maxZoom)throw new Error("maxZoom must be greater than or equal to minZoom");if(null!=e.minPitch&&null!=e.maxPitch&&e.minPitch>e.maxPitch)throw new Error("maxPitch must be greater than or equal to minPitch");if(null!=e.minPitch&&e.minPitch<0)throw new Error("minPitch must be greater than or equal to 0");if(null!=e.maxPitch&&e.maxPitch>60)throw new Error("maxPitch must be less than or equal to 60");var i=new wn(e.minZoom,e.maxZoom,e.minPitch,e.maxPitch,e.renderWorldCopies);if(n.call(this,i,e),this._interactive=e.interactive,this._maxTileCacheSize=e.maxTileCacheSize,this._failIfMajorPerformanceCaveat=e.failIfMajorPerformanceCaveat,this._preserveDrawingBuffer=e.preserveDrawingBuffer,this._antialias=e.antialias,this._trackResize=e.trackResize,this._bearingSnap=e.bearingSnap,this._refreshExpiredTiles=e.refreshExpiredTiles,this._fadeDuration=e.fadeDuration,this._crossSourceCollisions=e.crossSourceCollisions,this._crossFadingFactor=1,this._collectResourceTiming=e.collectResourceTiming,this._renderTaskQueue=new xi,this._controls=[],this._mapId=t.uniqueId(),this._locale=t.extend({},bi,e.locale),this._requestManager=new t.RequestManager(e.transformRequest,e.accessToken),"string"==typeof e.container){if(this._container=t.window.document.getElementById(e.container),!this._container)throw new Error("Container '"+e.container+"' not found.")}else{if(!(e.container instanceof wi))throw new Error("Invalid type: 'container' must be a String or HTMLElement.");this._container=e.container}if(e.maxBounds&&this.setMaxBounds(e.maxBounds),t.bindAll(["_onWindowOnline","_onWindowResize","_contextLost","_contextRestored"],this),this._setupContainer(),this._setupPainter(),void 0===this.painter)throw new Error("Failed to initialize WebGL.");this.on("move",(function(){return r._update(!1)})),this.on("moveend",(function(){return r._update(!1)})),this.on("zoom",(function(){return r._update(!0)})),void 0!==t.window&&(t.window.addEventListener("online",this._onWindowOnline,!1),t.window.addEventListener("resize",this._onWindowResize,!1)),this.handlers=new gi(this,e),this._hash=e.hash&&new kn("string"==typeof e.hash&&e.hash||void 0).addTo(this),this._hash&&this._hash._onHashChange()||(this.jumpTo({center:e.center,zoom:e.zoom,bearing:e.bearing,pitch:e.pitch}),e.bounds&&(this.resize(),this.fitBounds(e.bounds,t.extend({},e.fitBoundsOptions,{duration:0})))),this.resize(),this._localIdeographFontFamily=e.localIdeographFontFamily,e.style&&this.setStyle(e.style,{localIdeographFontFamily:e.localIdeographFontFamily}),e.attributionControl&&this.addControl(new vi({customAttribution:e.customAttribution})),this.addControl(new yi,e.logoPosition),this.on("style.load",(function(){r.transform.unmodified&&r.jumpTo(r.style.stylesheet)})),this.on("data",(function(e){r._update("style"===e.dataType),r.fire(new t.Event(e.dataType+"data",e))})),this.on("dataloading",(function(e){r.fire(new t.Event(e.dataType+"dataloading",e))}))}n&&(i.__proto__=n),(i.prototype=Object.create(n&&n.prototype)).constructor=i;var a={showTileBoundaries:{configurable:!0},showPadding:{configurable:!0},showCollisionBoxes:{configurable:!0},showOverdrawInspector:{configurable:!0},repaint:{configurable:!0},vertices:{configurable:!0},version:{configurable:!0}};return i.prototype._getMapId=function(){return this._mapId},i.prototype.addControl=function(e,r){if(void 0===r&&e.getDefaultPosition&&(r=e.getDefaultPosition()),void 0===r&&(r="top-right"),!e||!e.onAdd)return this.fire(new t.ErrorEvent(new Error("Invalid argument to map.addControl(). Argument must be a control with onAdd and onRemove methods.")));var n=e.onAdd(this);this._controls.push(e);var i=this._controlPositions[r];return-1!==r.indexOf("bottom")?i.insertBefore(n,i.firstChild):i.appendChild(n),this},i.prototype.removeControl=function(e){if(!e||!e.onRemove)return this.fire(new t.ErrorEvent(new Error("Invalid argument to map.removeControl(). Argument must be a control with onAdd and onRemove methods.")));var r=this._controls.indexOf(e);return r>-1&&this._controls.splice(r,1),e.onRemove(this),this},i.prototype.resize=function(e){var r=this._containerDimensions(),n=r[0],i=r[1];this._resizeCanvas(n,i),this.transform.resize(n,i),this.painter.resize(n,i);var a=!this._moving;return a&&(this.stop(),this.fire(new t.Event("movestart",e)).fire(new t.Event("move",e))),this.fire(new t.Event("resize",e)),a&&this.fire(new t.Event("moveend",e)),this},i.prototype.getBounds=function(){return this.transform.getBounds()},i.prototype.getMaxBounds=function(){return this.transform.getMaxBounds()},i.prototype.setMaxBounds=function(e){return this.transform.setMaxBounds(t.LngLatBounds.convert(e)),this._update()},i.prototype.setMinZoom=function(t){if((t=null==t?-2:t)>=-2&&t<=this.transform.maxZoom)return this.transform.minZoom=t,this._update(),this.getZoom()=this.transform.minZoom)return this.transform.maxZoom=t,this._update(),this.getZoom()>t&&this.setZoom(t),this;throw new Error("maxZoom must be greater than the current minZoom")},i.prototype.getMaxZoom=function(){return this.transform.maxZoom},i.prototype.setMinPitch=function(t){if((t=null==t?0:t)<0)throw new Error("minPitch must be greater than or equal to 0");if(t>=0&&t<=this.transform.maxPitch)return this.transform.minPitch=t,this._update(),this.getPitch()60)throw new Error("maxPitch must be less than or equal to 60");if(t>=this.transform.minPitch)return this.transform.maxPitch=t,this._update(),this.getPitch()>t&&this.setPitch(t),this;throw new Error("maxPitch must be greater than the current minPitch")},i.prototype.getMaxPitch=function(){return this.transform.maxPitch},i.prototype.getRenderWorldCopies=function(){return this.transform.renderWorldCopies},i.prototype.setRenderWorldCopies=function(t){return this.transform.renderWorldCopies=t,this._update()},i.prototype.project=function(e){return this.transform.locationPoint(t.LngLat.convert(e))},i.prototype.unproject=function(e){return this.transform.pointLocation(t.Point.convert(e))},i.prototype.isMoving=function(){return this._moving||this.handlers.isMoving()},i.prototype.isZooming=function(){return this._zooming||this.handlers.isZooming()},i.prototype.isRotating=function(){return this._rotating||this.handlers.isRotating()},i.prototype._createDelegatedListener=function(t,e,r){var n,i=this;if("mouseenter"===t||"mouseover"===t){var a=!1;return{layer:e,listener:r,delegates:{mousemove:function(n){var o=i.getLayer(e)?i.queryRenderedFeatures(n.point,{layers:[e]}):[];o.length?a||(a=!0,r.call(i,new zn(t,i,n.originalEvent,{features:o}))):a=!1},mouseout:function(){a=!1}}}}if("mouseleave"===t||"mouseout"===t){var o=!1;return{layer:e,listener:r,delegates:{mousemove:function(n){(i.getLayer(e)?i.queryRenderedFeatures(n.point,{layers:[e]}):[]).length?o=!0:o&&(o=!1,r.call(i,new zn(t,i,n.originalEvent)))},mouseout:function(e){o&&(o=!1,r.call(i,new zn(t,i,e.originalEvent)))}}}}return{layer:e,listener:r,delegates:(n={},n[t]=function(t){var n=i.getLayer(e)?i.queryRenderedFeatures(t.point,{layers:[e]}):[];n.length&&(t.features=n,r.call(i,t),delete t.features)},n)}},i.prototype.on=function(t,e,r){if(void 0===r)return n.prototype.on.call(this,t,e);var i=this._createDelegatedListener(t,e,r);for(var a in this._delegatedListeners=this._delegatedListeners||{},this._delegatedListeners[t]=this._delegatedListeners[t]||[],this._delegatedListeners[t].push(i),i.delegates)this.on(a,i.delegates[a]);return this},i.prototype.once=function(t,e,r){if(void 0===r)return n.prototype.once.call(this,t,e);var i=this._createDelegatedListener(t,e,r);for(var a in i.delegates)this.once(a,i.delegates[a]);return this},i.prototype.off=function(t,e,r){var i=this;return void 0===r?n.prototype.off.call(this,t,e):(this._delegatedListeners&&this._delegatedListeners[t]&&function(n){for(var a=n[t],o=0;o180;){var s=n.locationPoint(e);if(s.x>=0&&s.y>=0&&s.x<=n.width&&s.y<=n.height)break;e.lng>n.center.lng?e.lng-=360:e.lng+=360}return e}Ci.prototype.down=function(t,e){this.mouseRotate.mousedown(t,e),this.mousePitch&&this.mousePitch.mousedown(t,e),r.disableDrag()},Ci.prototype.move=function(t,e){var r=this.map,n=this.mouseRotate.mousemoveWindow(t,e);if(n&&n.bearingDelta&&r.setBearing(r.getBearing()+n.bearingDelta),this.mousePitch){var i=this.mousePitch.mousemoveWindow(t,e);i&&i.pitchDelta&&r.setPitch(r.getPitch()+i.pitchDelta)}},Ci.prototype.off=function(){var t=this.element;r.removeEventListener(t,"mousedown",this.mousedown),r.removeEventListener(t,"touchstart",this.touchstart,{passive:!1}),r.removeEventListener(t,"touchmove",this.touchmove),r.removeEventListener(t,"touchend",this.touchend),r.removeEventListener(t,"touchcancel",this.reset),this.offTemp()},Ci.prototype.offTemp=function(){r.enableDrag(),r.removeEventListener(t.window,"mousemove",this.mousemove),r.removeEventListener(t.window,"mouseup",this.mouseup)},Ci.prototype.mousedown=function(e){this.down(t.extend({},e,{ctrlKey:!0,preventDefault:function(){return e.preventDefault()}}),r.mousePos(this.element,e)),r.addEventListener(t.window,"mousemove",this.mousemove),r.addEventListener(t.window,"mouseup",this.mouseup)},Ci.prototype.mousemove=function(t){this.move(t,r.mousePos(this.element,t))},Ci.prototype.mouseup=function(t){this.mouseRotate.mouseupWindow(t),this.mousePitch&&this.mousePitch.mouseupWindow(t),this.offTemp()},Ci.prototype.touchstart=function(t){1!==t.targetTouches.length?this.reset():(this._startPos=this._lastPos=r.touchPos(this.element,t.targetTouches)[0],this.down({type:"mousedown",button:0,ctrlKey:!0,preventDefault:function(){return t.preventDefault()}},this._startPos))},Ci.prototype.touchmove=function(t){1!==t.targetTouches.length?this.reset():(this._lastPos=r.touchPos(this.element,t.targetTouches)[0],this.move({preventDefault:function(){return t.preventDefault()}},this._lastPos))},Ci.prototype.touchend=function(t){0===t.targetTouches.length&&this._startPos&&this._lastPos&&this._startPos.dist(this._lastPos)e.getEast()||r.latitudee.getNorth())},n.prototype._setErrorState=function(){switch(this._watchState){case"WAITING_ACTIVE":this._watchState="ACTIVE_ERROR",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active-error");break;case"ACTIVE_LOCK":this._watchState="ACTIVE_ERROR",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active-error"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting");break;case"BACKGROUND":this._watchState="BACKGROUND_ERROR",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background-error"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting")}},n.prototype._onSuccess=function(e){if(this._map){if(this._isOutOfMapMaxBounds(e))return this._setErrorState(),this.fire(new t.Event("outofmaxbounds",e)),this._updateMarker(),void this._finish();if(this.options.trackUserLocation)switch(this._lastKnownPosition=e,this._watchState){case"WAITING_ACTIVE":case"ACTIVE_LOCK":case"ACTIVE_ERROR":this._watchState="ACTIVE_LOCK",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active-error"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active");break;case"BACKGROUND":case"BACKGROUND_ERROR":this._watchState="BACKGROUND",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background-error"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background")}this.options.showUserLocation&&"OFF"!==this._watchState&&this._updateMarker(e),this.options.trackUserLocation&&"ACTIVE_LOCK"!==this._watchState||this._updateCamera(e),this.options.showUserLocation&&this._dotElement.classList.remove("mapboxgl-user-location-dot-stale"),this.fire(new t.Event("geolocate",e)),this._finish()}},n.prototype._updateCamera=function(e){var r=new t.LngLat(e.coords.longitude,e.coords.latitude),n=e.coords.accuracy,i=this._map.getBearing(),a=t.extend({bearing:i},this.options.fitBoundsOptions);this._map.fitBounds(r.toBounds(n),a,{geolocateSource:!0})},n.prototype._updateMarker=function(e){if(e){var r=new t.LngLat(e.coords.longitude,e.coords.latitude);this._accuracyCircleMarker.setLngLat(r).addTo(this._map),this._userLocationDotMarker.setLngLat(r).addTo(this._map),this._accuracy=e.coords.accuracy,this.options.showUserLocation&&this.options.showAccuracyCircle&&this._updateCircleRadius()}else this._userLocationDotMarker.remove(),this._accuracyCircleMarker.remove()},n.prototype._updateCircleRadius=function(){var t=this._map._container.clientHeight/2,e=this._map.unproject([0,t]),r=this._map.unproject([1,t]),n=e.distanceTo(r),i=Math.ceil(2*this._accuracy/n);this._circleElement.style.width=i+"px",this._circleElement.style.height=i+"px"},n.prototype._onZoom=function(){this.options.showUserLocation&&this.options.showAccuracyCircle&&this._updateCircleRadius()},n.prototype._onError=function(e){if(this._map){if(this.options.trackUserLocation)if(1===e.code){this._watchState="OFF",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active-error"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background-error"),this._geolocateButton.disabled=!0;var r=this._map._getUIString("GeolocateControl.LocationNotAvailable");this._geolocateButton.title=r,this._geolocateButton.setAttribute("aria-label",r),void 0!==this._geolocationWatchID&&this._clearWatch()}else{if(3===e.code&&Fi)return;this._setErrorState()}"OFF"!==this._watchState&&this.options.showUserLocation&&this._dotElement.classList.add("mapboxgl-user-location-dot-stale"),this.fire(new t.Event("error",e)),this._finish()}},n.prototype._finish=function(){this._timeoutId&&clearTimeout(this._timeoutId),this._timeoutId=void 0},n.prototype._setupUI=function(e){var n=this;if(this._container.addEventListener("contextmenu",(function(t){return t.preventDefault()})),this._geolocateButton=r.create("button","mapboxgl-ctrl-geolocate",this._container),r.create("span","mapboxgl-ctrl-icon",this._geolocateButton).setAttribute("aria-hidden",!0),this._geolocateButton.type="button",!1===e){t.warnOnce("Geolocation support is not available so the GeolocateControl will be disabled.");var i=this._map._getUIString("GeolocateControl.LocationNotAvailable");this._geolocateButton.disabled=!0,this._geolocateButton.title=i,this._geolocateButton.setAttribute("aria-label",i)}else{var a=this._map._getUIString("GeolocateControl.FindMyLocation");this._geolocateButton.title=a,this._geolocateButton.setAttribute("aria-label",a)}this.options.trackUserLocation&&(this._geolocateButton.setAttribute("aria-pressed","false"),this._watchState="OFF"),this.options.showUserLocation&&(this._dotElement=r.create("div","mapboxgl-user-location-dot"),this._userLocationDotMarker=new Oi(this._dotElement),this._circleElement=r.create("div","mapboxgl-user-location-accuracy-circle"),this._accuracyCircleMarker=new Oi({element:this._circleElement,pitchAlignment:"map"}),this.options.trackUserLocation&&(this._watchState="OFF"),this._map.on("zoom",this._onZoom)),this._geolocateButton.addEventListener("click",this.trigger.bind(this)),this._setup=!0,this.options.trackUserLocation&&this._map.on("movestart",(function(e){e.geolocateSource||"ACTIVE_LOCK"!==n._watchState||e.originalEvent&&"resize"===e.originalEvent.type||(n._watchState="BACKGROUND",n._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background"),n._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),n.fire(new t.Event("trackuserlocationend")))}))},n.prototype.trigger=function(){if(!this._setup)return t.warnOnce("Geolocate control triggered before added to a map"),!1;if(this.options.trackUserLocation){switch(this._watchState){case"OFF":this._watchState="WAITING_ACTIVE",this.fire(new t.Event("trackuserlocationstart"));break;case"WAITING_ACTIVE":case"ACTIVE_LOCK":case"ACTIVE_ERROR":case"BACKGROUND_ERROR":Ri--,Fi=!1,this._watchState="OFF",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active-error"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background-error"),this.fire(new t.Event("trackuserlocationend"));break;case"BACKGROUND":this._watchState="ACTIVE_LOCK",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background"),this._lastKnownPosition&&this._updateCamera(this._lastKnownPosition),this.fire(new t.Event("trackuserlocationstart"))}switch(this._watchState){case"WAITING_ACTIVE":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active");break;case"ACTIVE_LOCK":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active");break;case"ACTIVE_ERROR":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active-error");break;case"BACKGROUND":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background");break;case"BACKGROUND_ERROR":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background-error")}if("OFF"===this._watchState&&void 0!==this._geolocationWatchID)this._clearWatch();else if(void 0===this._geolocationWatchID){var e;this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.setAttribute("aria-pressed","true"),++Ri>1?(e={maximumAge:6e5,timeout:0},Fi=!0):(e=this.options.positionOptions,Fi=!1),this._geolocationWatchID=t.window.navigator.geolocation.watchPosition(this._onSuccess,this._onError,e)}}else t.window.navigator.geolocation.getCurrentPosition(this._onSuccess,this._onError,this.options.positionOptions),this._timeoutId=setTimeout(this._finish,1e4);return!0},n.prototype._clearWatch=function(){t.window.navigator.geolocation.clearWatch(this._geolocationWatchID),this._geolocationWatchID=void 0,this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.setAttribute("aria-pressed","false"),this.options.showUserLocation&&this._updateMarker(null)},n}(t.Evented),Ni={maxWidth:100,unit:"metric"},ji=function(e){this.options=t.extend({},Ni,e),t.bindAll(["_onMove","setUnit"],this)};function Ui(t,e,r){var n=r&&r.maxWidth||100,i=t._container.clientHeight/2,a=t.unproject([0,i]),o=t.unproject([n,i]),s=a.distanceTo(o);if(r&&"imperial"===r.unit){var l=3.2808*s;l>5280?Vi(e,n,l/5280,t._getUIString("ScaleControl.Miles")):Vi(e,n,l,t._getUIString("ScaleControl.Feet"))}else r&&"nautical"===r.unit?Vi(e,n,s/1852,t._getUIString("ScaleControl.NauticalMiles")):s>=1e3?Vi(e,n,s/1e3,t._getUIString("ScaleControl.Kilometers")):Vi(e,n,s,t._getUIString("ScaleControl.Meters"))}function Vi(t,e,r,n){var i,a,o,s=(i=r,(a=Math.pow(10,(""+Math.floor(i)).length-1))*(o=(o=i/a)>=10?10:o>=5?5:o>=3?3:o>=2?2:o>=1?1:function(t){var e=Math.pow(10,Math.ceil(-Math.log(t)/Math.LN10));return Math.round(t*e)/e}(o)));t.style.width=e*(s/r)+"px",t.innerHTML=s+" "+n}ji.prototype.getDefaultPosition=function(){return"bottom-left"},ji.prototype._onMove=function(){Ui(this._map,this._container,this.options)},ji.prototype.onAdd=function(t){return this._map=t,this._container=r.create("div","mapboxgl-ctrl mapboxgl-ctrl-scale",t.getContainer()),this._map.on("move",this._onMove),this._onMove(),this._container},ji.prototype.onRemove=function(){r.remove(this._container),this._map.off("move",this._onMove),this._map=void 0},ji.prototype.setUnit=function(t){this.options.unit=t,Ui(this._map,this._container,this.options)};var qi=function(e){this._fullscreen=!1,e&&e.container&&(e.container instanceof t.window.HTMLElement?this._container=e.container:t.warnOnce("Full screen control 'container' must be a DOM element.")),t.bindAll(["_onClickFullscreen","_changeIcon"],this),"onfullscreenchange"in t.window.document?this._fullscreenchange="fullscreenchange":"onmozfullscreenchange"in t.window.document?this._fullscreenchange="mozfullscreenchange":"onwebkitfullscreenchange"in t.window.document?this._fullscreenchange="webkitfullscreenchange":"onmsfullscreenchange"in t.window.document&&(this._fullscreenchange="MSFullscreenChange")};qi.prototype.onAdd=function(e){return this._map=e,this._container||(this._container=this._map.getContainer()),this._controlContainer=r.create("div","mapboxgl-ctrl mapboxgl-ctrl-group"),this._checkFullscreenSupport()?this._setupUI():(this._controlContainer.style.display="none",t.warnOnce("This device does not support fullscreen mode.")),this._controlContainer},qi.prototype.onRemove=function(){r.remove(this._controlContainer),this._map=null,t.window.document.removeEventListener(this._fullscreenchange,this._changeIcon)},qi.prototype._checkFullscreenSupport=function(){return!!(t.window.document.fullscreenEnabled||t.window.document.mozFullScreenEnabled||t.window.document.msFullscreenEnabled||t.window.document.webkitFullscreenEnabled)},qi.prototype._setupUI=function(){var e=this._fullscreenButton=r.create("button","mapboxgl-ctrl-fullscreen",this._controlContainer);r.create("span","mapboxgl-ctrl-icon",e).setAttribute("aria-hidden",!0),e.type="button",this._updateTitle(),this._fullscreenButton.addEventListener("click",this._onClickFullscreen),t.window.document.addEventListener(this._fullscreenchange,this._changeIcon)},qi.prototype._updateTitle=function(){var t=this._getTitle();this._fullscreenButton.setAttribute("aria-label",t),this._fullscreenButton.title=t},qi.prototype._getTitle=function(){return this._map._getUIString(this._isFullscreen()?"FullscreenControl.Exit":"FullscreenControl.Enter")},qi.prototype._isFullscreen=function(){return this._fullscreen},qi.prototype._changeIcon=function(){(t.window.document.fullscreenElement||t.window.document.mozFullScreenElement||t.window.document.webkitFullscreenElement||t.window.document.msFullscreenElement)===this._container!==this._fullscreen&&(this._fullscreen=!this._fullscreen,this._fullscreenButton.classList.toggle("mapboxgl-ctrl-shrink"),this._fullscreenButton.classList.toggle("mapboxgl-ctrl-fullscreen"),this._updateTitle())},qi.prototype._onClickFullscreen=function(){this._isFullscreen()?t.window.document.exitFullscreen?t.window.document.exitFullscreen():t.window.document.mozCancelFullScreen?t.window.document.mozCancelFullScreen():t.window.document.msExitFullscreen?t.window.document.msExitFullscreen():t.window.document.webkitCancelFullScreen&&t.window.document.webkitCancelFullScreen():this._container.requestFullscreen?this._container.requestFullscreen():this._container.mozRequestFullScreen?this._container.mozRequestFullScreen():this._container.msRequestFullscreen?this._container.msRequestFullscreen():this._container.webkitRequestFullscreen&&this._container.webkitRequestFullscreen()};var Hi={closeButton:!0,closeOnClick:!0,className:"",maxWidth:"240px"},Gi=function(e){function n(r){e.call(this),this.options=t.extend(Object.create(Hi),r),t.bindAll(["_update","_onClose","remove","_onMouseMove","_onMouseUp","_onDrag"],this)}return e&&(n.__proto__=e),(n.prototype=Object.create(e&&e.prototype)).constructor=n,n.prototype.addTo=function(e){return this._map&&this.remove(),this._map=e,this.options.closeOnClick&&this._map.on("click",this._onClose),this.options.closeOnMove&&this._map.on("move",this._onClose),this._map.on("remove",this.remove),this._update(),this._trackPointer?(this._map.on("mousemove",this._onMouseMove),this._map.on("mouseup",this._onMouseUp),this._container&&this._container.classList.add("mapboxgl-popup-track-pointer"),this._map._canvasContainer.classList.add("mapboxgl-track-pointer")):this._map.on("move",this._update),this.fire(new t.Event("open")),this},n.prototype.isOpen=function(){return!!this._map},n.prototype.remove=function(){return this._content&&r.remove(this._content),this._container&&(r.remove(this._container),delete this._container),this._map&&(this._map.off("move",this._update),this._map.off("move",this._onClose),this._map.off("click",this._onClose),this._map.off("remove",this.remove),this._map.off("mousemove",this._onMouseMove),this._map.off("mouseup",this._onMouseUp),this._map.off("drag",this._onDrag),delete this._map),this.fire(new t.Event("close")),this},n.prototype.getLngLat=function(){return this._lngLat},n.prototype.setLngLat=function(e){return this._lngLat=t.LngLat.convert(e),this._pos=null,this._trackPointer=!1,this._update(),this._map&&(this._map.on("move",this._update),this._map.off("mousemove",this._onMouseMove),this._container&&this._container.classList.remove("mapboxgl-popup-track-pointer"),this._map._canvasContainer.classList.remove("mapboxgl-track-pointer")),this},n.prototype.trackPointer=function(){return this._trackPointer=!0,this._pos=null,this._update(),this._map&&(this._map.off("move",this._update),this._map.on("mousemove",this._onMouseMove),this._map.on("drag",this._onDrag),this._container&&this._container.classList.add("mapboxgl-popup-track-pointer"),this._map._canvasContainer.classList.add("mapboxgl-track-pointer")),this},n.prototype.getElement=function(){return this._container},n.prototype.setText=function(e){return this.setDOMContent(t.window.document.createTextNode(e))},n.prototype.setHTML=function(e){var r,n=t.window.document.createDocumentFragment(),i=t.window.document.createElement("body");for(i.innerHTML=e;r=i.firstChild;)n.appendChild(r);return this.setDOMContent(n)},n.prototype.getMaxWidth=function(){return this._container&&this._container.style.maxWidth},n.prototype.setMaxWidth=function(t){return this.options.maxWidth=t,this._update(),this},n.prototype.setDOMContent=function(t){return this._createContent(),this._content.appendChild(t),this._update(),this},n.prototype.addClassName=function(t){this._container&&this._container.classList.add(t)},n.prototype.removeClassName=function(t){this._container&&this._container.classList.remove(t)},n.prototype.toggleClassName=function(t){if(this._container)return this._container.classList.toggle(t)},n.prototype._createContent=function(){this._content&&r.remove(this._content),this._content=r.create("div","mapboxgl-popup-content",this._container),this.options.closeButton&&(this._closeButton=r.create("button","mapboxgl-popup-close-button",this._content),this._closeButton.type="button",this._closeButton.setAttribute("aria-label","Close popup"),this._closeButton.innerHTML="×",this._closeButton.addEventListener("click",this._onClose))},n.prototype._onMouseUp=function(t){this._update(t.point)},n.prototype._onMouseMove=function(t){this._update(t.point)},n.prototype._onDrag=function(t){this._update(t.point)},n.prototype._update=function(e){var n=this;if(this._map&&(this._lngLat||this._trackPointer)&&this._content&&(this._container||(this._container=r.create("div","mapboxgl-popup",this._map.getContainer()),this._tip=r.create("div","mapboxgl-popup-tip",this._container),this._container.appendChild(this._content),this.options.className&&this.options.className.split(" ").forEach((function(t){return n._container.classList.add(t)})),this._trackPointer&&this._container.classList.add("mapboxgl-popup-track-pointer")),this.options.maxWidth&&this._container.style.maxWidth!==this.options.maxWidth&&(this._container.style.maxWidth=this.options.maxWidth),this._map.transform.renderWorldCopies&&!this._trackPointer&&(this._lngLat=Li(this._lngLat,this._pos,this._map.transform)),!this._trackPointer||e)){var i=this._pos=this._trackPointer&&e?e:this._map.project(this._lngLat),a=this.options.anchor,o=function e(r){if(r){if("number"==typeof r){var n=Math.round(Math.sqrt(.5*Math.pow(r,2)));return{center:new t.Point(0,0),top:new t.Point(0,r),"top-left":new t.Point(n,n),"top-right":new t.Point(-n,n),bottom:new t.Point(0,-r),"bottom-left":new t.Point(n,-n),"bottom-right":new t.Point(-n,-n),left:new t.Point(r,0),right:new t.Point(-r,0)}}if(r instanceof t.Point||Array.isArray(r)){var i=t.Point.convert(r);return{center:i,top:i,"top-left":i,"top-right":i,bottom:i,"bottom-left":i,"bottom-right":i,left:i,right:i}}return{center:t.Point.convert(r.center||[0,0]),top:t.Point.convert(r.top||[0,0]),"top-left":t.Point.convert(r["top-left"]||[0,0]),"top-right":t.Point.convert(r["top-right"]||[0,0]),bottom:t.Point.convert(r.bottom||[0,0]),"bottom-left":t.Point.convert(r["bottom-left"]||[0,0]),"bottom-right":t.Point.convert(r["bottom-right"]||[0,0]),left:t.Point.convert(r.left||[0,0]),right:t.Point.convert(r.right||[0,0])}}return e(new t.Point(0,0))}(this.options.offset);if(!a){var s,l=this._container.offsetWidth,c=this._container.offsetHeight;s=i.y+o.bottom.ythis._map.transform.height-c?["bottom"]:[],i.xthis._map.transform.width-l/2&&s.push("right"),a=0===s.length?"bottom":s.join("-")}var u=i.add(o[a]).round();r.setTransform(this._container,Ii[a]+" translate("+u.x+"px,"+u.y+"px)"),Pi(this._container,a,"popup")}},n.prototype._onClose=function(){this.remove()},n}(t.Evented),Yi={version:t.version,supported:e,setRTLTextPlugin:t.setRTLTextPlugin,getRTLTextPluginStatus:t.getRTLTextPluginStatus,Map:Mi,NavigationControl:Ei,GeolocateControl:Bi,AttributionControl:vi,ScaleControl:ji,FullscreenControl:qi,Popup:Gi,Marker:Oi,Style:qe,LngLat:t.LngLat,LngLatBounds:t.LngLatBounds,Point:t.Point,MercatorCoordinate:t.MercatorCoordinate,Evented:t.Evented,config:t.config,prewarm:function(){Bt().acquire(Ot)},clearPrewarmedResources:function(){var t=Rt;t&&(t.isPreloaded()&&1===t.numActive()?(t.release(Ot),Rt=null):console.warn("Could not clear WebWorkers since there are active Map instances that still reference it. The pre-warmed WebWorker pool can only be cleared when all map instances have been removed with map.remove()"))},get accessToken(){return t.config.ACCESS_TOKEN},set accessToken(e){t.config.ACCESS_TOKEN=e},get baseApiUrl(){return t.config.API_URL},set baseApiUrl(e){t.config.API_URL=e},get workerCount(){return Dt.workerCount},set workerCount(t){Dt.workerCount=t},get maxParallelImageRequests(){return t.config.MAX_PARALLEL_IMAGE_REQUESTS},set maxParallelImageRequests(e){t.config.MAX_PARALLEL_IMAGE_REQUESTS=e},clearStorage:function(e){t.clearTileCache(e)},workerUrl:""};return Yi})),r}))},{}],474:[function(t,e,r){"use strict";e.exports=function(t){for(var e=1<p[1][2]&&(v[0]=-v[0]),p[0][2]>p[2][0]&&(v[1]=-v[1]),p[1][0]>p[0][1]&&(v[2]=-v[2]),!0}},{"./normalize":476,"gl-mat4/clone":278,"gl-mat4/create":280,"gl-mat4/determinant":281,"gl-mat4/invert":293,"gl-mat4/transpose":306,"gl-vec3/cross":365,"gl-vec3/dot":370,"gl-vec3/length":380,"gl-vec3/normalize":387}],476:[function(t,e,r){e.exports=function(t,e){var r=e[15];if(0===r)return!1;for(var n=1/r,i=0;i<16;i++)t[i]=e[i]*n;return!0}},{}],477:[function(t,e,r){var n=t("gl-vec3/lerp"),i=t("mat4-recompose"),a=t("mat4-decompose"),o=t("gl-mat4/determinant"),s=t("quat-slerp"),l=f(),c=f(),u=f();function f(){return{translate:h(),scale:h(1),skew:h(),perspective:[0,0,0,1],quaternion:[0,0,0,1]}}function h(t){return[t||0,t||0,t||0]}e.exports=function(t,e,r,f){if(0===o(e)||0===o(r))return!1;var h=a(e,l.translate,l.scale,l.skew,l.perspective,l.quaternion),p=a(r,c.translate,c.scale,c.skew,c.perspective,c.quaternion);return!(!h||!p)&&(n(u.translate,l.translate,c.translate,f),n(u.skew,l.skew,c.skew,f),n(u.scale,l.scale,c.scale,f),n(u.perspective,l.perspective,c.perspective,f),s(u.quaternion,l.quaternion,c.quaternion,f),i(t,u.translate,u.scale,u.skew,u.perspective,u.quaternion),!0)}},{"gl-mat4/determinant":281,"gl-vec3/lerp":381,"mat4-decompose":475,"mat4-recompose":478,"quat-slerp":527}],478:[function(t,e,r){var n={identity:t("gl-mat4/identity"),translate:t("gl-mat4/translate"),multiply:t("gl-mat4/multiply"),create:t("gl-mat4/create"),scale:t("gl-mat4/scale"),fromRotationTranslation:t("gl-mat4/fromRotationTranslation")},i=(n.create(),n.create());e.exports=function(t,e,r,a,o,s){return n.identity(t),n.fromRotationTranslation(t,s,e),t[3]=o[0],t[7]=o[1],t[11]=o[2],t[15]=o[3],n.identity(i),0!==a[2]&&(i[9]=a[2],n.multiply(t,t,i)),0!==a[1]&&(i[9]=0,i[8]=a[1],n.multiply(t,t,i)),0!==a[0]&&(i[8]=0,i[4]=a[0],n.multiply(t,t,i)),n.scale(t,t,r),t}},{"gl-mat4/create":280,"gl-mat4/fromRotationTranslation":284,"gl-mat4/identity":291,"gl-mat4/multiply":295,"gl-mat4/scale":303,"gl-mat4/translate":305}],479:[function(t,e,r){"use strict";e.exports=Math.log2||function(t){return Math.log(t)*Math.LOG2E}},{}],480:[function(t,e,r){"use strict";var n=t("binary-search-bounds"),i=t("mat4-interpolate"),a=t("gl-mat4/invert"),o=t("gl-mat4/rotateX"),s=t("gl-mat4/rotateY"),l=t("gl-mat4/rotateZ"),c=t("gl-mat4/lookAt"),u=t("gl-mat4/translate"),f=(t("gl-mat4/scale"),t("gl-vec3/normalize")),h=[0,0,0];function p(t){this._components=t.slice(),this._time=[0],this.prevMatrix=t.slice(),this.nextMatrix=t.slice(),this.computedMatrix=t.slice(),this.computedInverse=t.slice(),this.computedEye=[0,0,0],this.computedUp=[0,0,0],this.computedCenter=[0,0,0],this.computedRadius=[0],this._limits=[-1/0,1/0]}e.exports=function(t){return new p((t=t||{}).matrix||[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1])};var d=p.prototype;d.recalcMatrix=function(t){var e=this._time,r=n.le(e,t),o=this.computedMatrix;if(!(r<0)){var s=this._components;if(r===e.length-1)for(var l=16*r,c=0;c<16;++c)o[c]=s[l++];else{var u=e[r+1]-e[r],h=(l=16*r,this.prevMatrix),p=!0;for(c=0;c<16;++c)h[c]=s[l++];var d=this.nextMatrix;for(c=0;c<16;++c)d[c]=s[l++],p=p&&h[c]===d[c];if(u<1e-6||p)for(c=0;c<16;++c)o[c]=h[c];else i(o,h,d,(t-e[r])/u)}var g=this.computedUp;g[0]=o[1],g[1]=o[5],g[2]=o[9],f(g,g);var m=this.computedInverse;a(m,o);var v=this.computedEye,y=m[15];v[0]=m[12]/y,v[1]=m[13]/y,v[2]=m[14]/y;var x=this.computedCenter,b=Math.exp(this.computedRadius[0]);for(c=0;c<3;++c)x[c]=v[c]-o[2+4*c]*b}},d.idle=function(t){if(!(t1&&n(t[o[u-2]],t[o[u-1]],c)<=0;)u-=1,o.pop();for(o.push(l),u=s.length;u>1&&n(t[s[u-2]],t[s[u-1]],c)>=0;)u-=1,s.pop();s.push(l)}r=new Array(s.length+o.length-2);for(var f=0,h=(i=0,o.length);i0;--p)r[f++]=s[p];return r};var n=t("robust-orientation")[3]},{"robust-orientation":548}],483:[function(t,e,r){"use strict";e.exports=function(t,e){e||(e=t,t=window);var r=0,i=0,a=0,o={shift:!1,alt:!1,control:!1,meta:!1},s=!1;function l(t){var e=!1;return"altKey"in t&&(e=e||t.altKey!==o.alt,o.alt=!!t.altKey),"shiftKey"in t&&(e=e||t.shiftKey!==o.shift,o.shift=!!t.shiftKey),"ctrlKey"in t&&(e=e||t.ctrlKey!==o.control,o.control=!!t.ctrlKey),"metaKey"in t&&(e=e||t.metaKey!==o.meta,o.meta=!!t.metaKey),e}function c(t,s){var c=n.x(s),u=n.y(s);"buttons"in s&&(t=0|s.buttons),(t!==r||c!==i||u!==a||l(s))&&(r=0|t,i=c||0,a=u||0,e&&e(r,i,a,o))}function u(t){c(0,t)}function f(){(r||i||a||o.shift||o.alt||o.meta||o.control)&&(i=a=0,r=0,o.shift=o.alt=o.control=o.meta=!1,e&&e(0,0,0,o))}function h(t){l(t)&&e&&e(r,i,a,o)}function p(t){0===n.buttons(t)?c(0,t):c(r,t)}function d(t){c(r|n.buttons(t),t)}function g(t){c(r&~n.buttons(t),t)}function m(){s||(s=!0,t.addEventListener("mousemove",p),t.addEventListener("mousedown",d),t.addEventListener("mouseup",g),t.addEventListener("mouseleave",u),t.addEventListener("mouseenter",u),t.addEventListener("mouseout",u),t.addEventListener("mouseover",u),t.addEventListener("blur",f),t.addEventListener("keyup",h),t.addEventListener("keydown",h),t.addEventListener("keypress",h),t!==window&&(window.addEventListener("blur",f),window.addEventListener("keyup",h),window.addEventListener("keydown",h),window.addEventListener("keypress",h)))}m();var v={element:t};return Object.defineProperties(v,{enabled:{get:function(){return s},set:function(e){e?m():function(){if(!s)return;s=!1,t.removeEventListener("mousemove",p),t.removeEventListener("mousedown",d),t.removeEventListener("mouseup",g),t.removeEventListener("mouseleave",u),t.removeEventListener("mouseenter",u),t.removeEventListener("mouseout",u),t.removeEventListener("mouseover",u),t.removeEventListener("blur",f),t.removeEventListener("keyup",h),t.removeEventListener("keydown",h),t.removeEventListener("keypress",h),t!==window&&(window.removeEventListener("blur",f),window.removeEventListener("keyup",h),window.removeEventListener("keydown",h),window.removeEventListener("keypress",h))}()},enumerable:!0},buttons:{get:function(){return r},enumerable:!0},x:{get:function(){return i},enumerable:!0},y:{get:function(){return a},enumerable:!0},mods:{get:function(){return o},enumerable:!0}}),v};var n=t("mouse-event")},{"mouse-event":485}],484:[function(t,e,r){var n={left:0,top:0};e.exports=function(t,e,r){e=e||t.currentTarget||t.srcElement,Array.isArray(r)||(r=[0,0]);var i=t.clientX||0,a=t.clientY||0,o=(s=e,s===window||s===document||s===document.body?n:s.getBoundingClientRect());var s;return r[0]=i-o.left,r[1]=a-o.top,r}},{}],485:[function(t,e,r){"use strict";function n(t){return t.target||t.srcElement||window}r.buttons=function(t){if("object"==typeof t){if("buttons"in t)return t.buttons;if("which"in t){if(2===(e=t.which))return 4;if(3===e)return 2;if(e>0)return 1<=0)return 1< 0");"function"!=typeof t.vertex&&e("Must specify vertex creation function");"function"!=typeof t.cell&&e("Must specify cell creation function");"function"!=typeof t.phase&&e("Must specify phase function");for(var w=t.getters||[],T=new Array(b),k=0;k=0?T[k]=!0:T[k]=!1;return function(t,e,r,b,_,w){var T=w.length,k=_.length;if(k<2)throw new Error("ndarray-extract-contour: Dimension must be at least 2");for(var M="extractContour"+_.join("_"),A=[],S=[],E=[],C=0;C0&&z.push(l(C,_[L-1])+"*"+s(_[L-1])),S.push(d(C,_[L])+"=("+z.join("-")+")|0")}for(C=0;C=0;--C)O.push(s(_[C]));S.push("Q=("+O.join("*")+")|0","P=mallocUint32(Q)","V=mallocUint32(Q)","X=0"),S.push(g(0)+"=0");for(L=1;L<1<0;_=_-1&d)x.push("V[X+"+v(_)+"]");x.push(y(0));for(_=0;_=0;--e)N(e,0);var r=[];for(e=0;e0){",p(_[e]),"=1;"),t(e-1,r|1<<_[e]);for(var n=0;n=0?s.push("0"):e.indexOf(-(l+1))>=0?s.push("s["+l+"]-1"):(s.push("-1"),a.push("1"),o.push("s["+l+"]-2"));var c=".lo("+a.join()+").hi("+o.join()+")";if(0===a.length&&(c=""),i>0){n.push("if(1");for(l=0;l=0||e.indexOf(-(l+1))>=0||n.push("&&s[",l,"]>2");n.push("){grad",i,"(src.pick(",s.join(),")",c);for(l=0;l=0||e.indexOf(-(l+1))>=0||n.push(",dst.pick(",s.join(),",",l,")",c);n.push(");")}for(l=0;l1){dst.set(",s.join(),",",u,",0.5*(src.get(",h.join(),")-src.get(",p.join(),")))}else{dst.set(",s.join(),",",u,",0)};"):n.push("if(s[",u,"]>1){diff(",f,",src.pick(",h.join(),")",c,",src.pick(",p.join(),")",c,");}else{zero(",f,");};");break;case"mirror":0===i?n.push("dst.set(",s.join(),",",u,",0);"):n.push("zero(",f,");");break;case"wrap":var d=s.slice(),g=s.slice();e[l]<0?(d[u]="s["+u+"]-2",g[u]="0"):(d[u]="s["+u+"]-1",g[u]="1"),0===i?n.push("if(s[",u,"]>2){dst.set(",s.join(),",",u,",0.5*(src.get(",d.join(),")-src.get(",g.join(),")))}else{dst.set(",s.join(),",",u,",0)};"):n.push("if(s[",u,"]>2){diff(",f,",src.pick(",d.join(),")",c,",src.pick(",g.join(),")",c,");}else{zero(",f,");};");break;default:throw new Error("ndarray-gradient: Invalid boundary condition")}}i>0&&n.push("};")}for(var s=0;s<1<>",rrshift:">>>"};!function(){for(var t in s){var e=s[t];r[t]=o({args:["array","array","array"],body:{args:["a","b","c"],body:"a=b"+e+"c"},funcName:t}),r[t+"eq"]=o({args:["array","array"],body:{args:["a","b"],body:"a"+e+"=b"},rvalue:!0,funcName:t+"eq"}),r[t+"s"]=o({args:["array","array","scalar"],body:{args:["a","b","s"],body:"a=b"+e+"s"},funcName:t+"s"}),r[t+"seq"]=o({args:["array","scalar"],body:{args:["a","s"],body:"a"+e+"=s"},rvalue:!0,funcName:t+"seq"})}}();var l={not:"!",bnot:"~",neg:"-",recip:"1.0/"};!function(){for(var t in l){var e=l[t];r[t]=o({args:["array","array"],body:{args:["a","b"],body:"a="+e+"b"},funcName:t}),r[t+"eq"]=o({args:["array"],body:{args:["a"],body:"a="+e+"a"},rvalue:!0,count:2,funcName:t+"eq"})}}();var c={and:"&&",or:"||",eq:"===",neq:"!==",lt:"<",gt:">",leq:"<=",geq:">="};!function(){for(var t in c){var e=c[t];r[t]=o({args:["array","array","array"],body:{args:["a","b","c"],body:"a=b"+e+"c"},funcName:t}),r[t+"s"]=o({args:["array","array","scalar"],body:{args:["a","b","s"],body:"a=b"+e+"s"},funcName:t+"s"}),r[t+"eq"]=o({args:["array","array"],body:{args:["a","b"],body:"a=a"+e+"b"},rvalue:!0,count:2,funcName:t+"eq"}),r[t+"seq"]=o({args:["array","scalar"],body:{args:["a","s"],body:"a=a"+e+"s"},rvalue:!0,count:2,funcName:t+"seq"})}}();var u=["abs","acos","asin","atan","ceil","cos","exp","floor","log","round","sin","sqrt","tan"];!function(){for(var t=0;tthis_s){this_s=-a}else if(a>this_s){this_s=a}",localVars:[],thisVars:["this_s"]},post:{args:[],localVars:[],thisVars:["this_s"],body:"return this_s"},funcName:"norminf"}),r.norm1=n({args:["array"],pre:{args:[],localVars:[],thisVars:["this_s"],body:"this_s=0"},body:{args:[{name:"a",lvalue:!1,rvalue:!0,count:3}],body:"this_s+=a<0?-a:a",localVars:[],thisVars:["this_s"]},post:{args:[],localVars:[],thisVars:["this_s"],body:"return this_s"},funcName:"norm1"}),r.sup=n({args:["array"],pre:{body:"this_h=-Infinity",args:[],thisVars:["this_h"],localVars:[]},body:{body:"if(_inline_1_arg0_>this_h)this_h=_inline_1_arg0_",args:[{name:"_inline_1_arg0_",lvalue:!1,rvalue:!0,count:2}],thisVars:["this_h"],localVars:[]},post:{body:"return this_h",args:[],thisVars:["this_h"],localVars:[]}}),r.inf=n({args:["array"],pre:{body:"this_h=Infinity",args:[],thisVars:["this_h"],localVars:[]},body:{body:"if(_inline_1_arg0_this_v){this_v=_inline_1_arg1_;for(var _inline_1_k=0;_inline_1_k<_inline_1_arg0_.length;++_inline_1_k){this_i[_inline_1_k]=_inline_1_arg0_[_inline_1_k]}}}",args:[{name:"_inline_1_arg0_",lvalue:!1,rvalue:!0,count:2},{name:"_inline_1_arg1_",lvalue:!1,rvalue:!0,count:2}],thisVars:["this_i","this_v"],localVars:["_inline_1_k"]},post:{body:"{return this_i}",args:[],thisVars:["this_i"],localVars:[]}}),r.random=o({args:["array"],pre:{args:[],body:"this_f=Math.random",thisVars:["this_f"]},body:{args:["a"],body:"a=this_f()",thisVars:["this_f"]},funcName:"random"}),r.assign=o({args:["array","array"],body:{args:["a","b"],body:"a=b"},funcName:"assign"}),r.assigns=o({args:["array","scalar"],body:{args:["a","b"],body:"a=b"},funcName:"assigns"}),r.equals=n({args:["array","array"],pre:i,body:{args:[{name:"x",lvalue:!1,rvalue:!0,count:1},{name:"y",lvalue:!1,rvalue:!0,count:1}],body:"if(x!==y){return false}",localVars:[],thisVars:[]},post:{args:[],localVars:[],thisVars:[],body:"return true"},funcName:"equals"})},{"cwise-compiler":151}],491:[function(t,e,r){"use strict";var n=t("ndarray"),i=t("./doConvert.js");e.exports=function(t,e){for(var r=[],a=t,o=1;Array.isArray(a);)r.push(a.length),o*=a.length,a=a[0];return 0===r.length?n():(e||(e=n(new Float64Array(o),r)),i(e,t),e)}},{"./doConvert.js":492,ndarray:495}],492:[function(t,e,r){e.exports=t("cwise-compiler")({args:["array","scalar","index"],pre:{body:"{}",args:[],thisVars:[],localVars:[]},body:{body:"{\nvar _inline_1_v=_inline_1_arg1_,_inline_1_i\nfor(_inline_1_i=0;_inline_1_i<_inline_1_arg2_.length-1;++_inline_1_i) {\n_inline_1_v=_inline_1_v[_inline_1_arg2_[_inline_1_i]]\n}\n_inline_1_arg0_=_inline_1_v[_inline_1_arg2_[_inline_1_arg2_.length-1]]\n}",args:[{name:"_inline_1_arg0_",lvalue:!0,rvalue:!1,count:1},{name:"_inline_1_arg1_",lvalue:!1,rvalue:!0,count:1},{name:"_inline_1_arg2_",lvalue:!1,rvalue:!0,count:4}],thisVars:[],localVars:["_inline_1_i","_inline_1_v"]},post:{body:"{}",args:[],thisVars:[],localVars:[]},funcName:"convert",blockSize:64})},{"cwise-compiler":151}],493:[function(t,e,r){"use strict";var n=t("typedarray-pool"),i=32;function a(t){switch(t){case"uint8":return[n.mallocUint8,n.freeUint8];case"uint16":return[n.mallocUint16,n.freeUint16];case"uint32":return[n.mallocUint32,n.freeUint32];case"int8":return[n.mallocInt8,n.freeInt8];case"int16":return[n.mallocInt16,n.freeInt16];case"int32":return[n.mallocInt32,n.freeInt32];case"float32":return[n.mallocFloat,n.freeFloat];case"float64":return[n.mallocDouble,n.freeDouble];default:return null}}function o(t){for(var e=[],r=0;r0?s.push(["d",d,"=s",d,"-d",f,"*n",f].join("")):s.push(["d",d,"=s",d].join("")),f=d),0!==(p=t.length-1-l)&&(h>0?s.push(["e",p,"=s",p,"-e",h,"*n",h,",f",p,"=",c[p],"-f",h,"*n",h].join("")):s.push(["e",p,"=s",p,",f",p,"=",c[p]].join("")),h=p)}r.push("var "+s.join(","));var g=["0","n0-1","data","offset"].concat(o(t.length));r.push(["if(n0<=",i,"){","insertionSort(",g.join(","),")}else{","quickSort(",g.join(","),")}"].join("")),r.push("}return "+n);var m=new Function("insertionSort","quickSort",r.join("\n")),v=function(t,e){var r=["'use strict'"],n=["ndarrayInsertionSort",t.join("d"),e].join(""),i=["left","right","data","offset"].concat(o(t.length)),s=a(e),l=["i,j,cptr,ptr=left*s0+offset"];if(t.length>1){for(var c=[],u=1;u1){r.push("dptr=0;sptr=ptr");for(u=t.length-1;u>=0;--u){0!==(p=t[u])&&r.push(["for(i",p,"=0;i",p,"b){break __l}"].join(""));for(u=t.length-1;u>=1;--u)r.push("sptr+=e"+u,"dptr+=f"+u,"}");r.push("dptr=cptr;sptr=cptr-s0");for(u=t.length-1;u>=0;--u){0!==(p=t[u])&&r.push(["for(i",p,"=0;i",p,"=0;--u){0!==(p=t[u])&&r.push(["for(i",p,"=0;i",p,"scratch)){",h("cptr",f("cptr-s0")),"cptr-=s0","}",h("cptr","scratch"));return r.push("}"),t.length>1&&s&&r.push("free(scratch)"),r.push("} return "+n),s?new Function("malloc","free",r.join("\n"))(s[0],s[1]):new Function(r.join("\n"))()}(t,e),y=function(t,e,r){var n=["'use strict'"],s=["ndarrayQuickSort",t.join("d"),e].join(""),l=["left","right","data","offset"].concat(o(t.length)),c=a(e),u=0;n.push(["function ",s,"(",l.join(","),"){"].join(""));var f=["sixth=((right-left+1)/6)|0","index1=left+sixth","index5=right-sixth","index3=(left+right)>>1","index2=index3-sixth","index4=index3+sixth","el1=index1","el2=index2","el3=index3","el4=index4","el5=index5","less=left+1","great=right-1","pivots_are_equal=true","tmp","tmp0","x","y","z","k","ptr0","ptr1","ptr2","comp_pivot1=0","comp_pivot2=0","comp=0"];if(t.length>1){for(var h=[],p=1;p=0;--a){0!==(o=t[a])&&n.push(["for(i",o,"=0;i",o,"1)for(a=0;a1?n.push("ptr_shift+=d"+o):n.push("ptr0+=d"+o),n.push("}"))}}function y(e,r,i,a){if(1===r.length)n.push("ptr0="+d(r[0]));else{for(var o=0;o1)for(o=0;o=1;--o)i&&n.push("pivot_ptr+=f"+o),r.length>1?n.push("ptr_shift+=e"+o):n.push("ptr0+=e"+o),n.push("}")}function x(){t.length>1&&c&&n.push("free(pivot1)","free(pivot2)")}function b(e,r){var i="el"+e,a="el"+r;if(t.length>1){var o="__l"+ ++u;y(o,[i,a],!1,["comp=",g("ptr0"),"-",g("ptr1"),"\n","if(comp>0){tmp0=",i,";",i,"=",a,";",a,"=tmp0;break ",o,"}\n","if(comp<0){break ",o,"}"].join(""))}else n.push(["if(",g(d(i)),">",g(d(a)),"){tmp0=",i,";",i,"=",a,";",a,"=tmp0}"].join(""))}function _(e,r){t.length>1?v([e,r],!1,m("ptr0",g("ptr1"))):n.push(m(d(e),g(d(r))))}function w(e,r,i){if(t.length>1){var a="__l"+ ++u;y(a,[r],!0,[e,"=",g("ptr0"),"-pivot",i,"[pivot_ptr]\n","if(",e,"!==0){break ",a,"}"].join(""))}else n.push([e,"=",g(d(r)),"-pivot",i].join(""))}function T(e,r){t.length>1?v([e,r],!1,["tmp=",g("ptr0"),"\n",m("ptr0",g("ptr1")),"\n",m("ptr1","tmp")].join("")):n.push(["ptr0=",d(e),"\n","ptr1=",d(r),"\n","tmp=",g("ptr0"),"\n",m("ptr0",g("ptr1")),"\n",m("ptr1","tmp")].join(""))}function k(e,r,i){t.length>1?(v([e,r,i],!1,["tmp=",g("ptr0"),"\n",m("ptr0",g("ptr1")),"\n",m("ptr1",g("ptr2")),"\n",m("ptr2","tmp")].join("")),n.push("++"+r,"--"+i)):n.push(["ptr0=",d(e),"\n","ptr1=",d(r),"\n","ptr2=",d(i),"\n","++",r,"\n","--",i,"\n","tmp=",g("ptr0"),"\n",m("ptr0",g("ptr1")),"\n",m("ptr1",g("ptr2")),"\n",m("ptr2","tmp")].join(""))}function M(t,e){T(t,e),n.push("--"+e)}function A(e,r,i){t.length>1?v([e,r],!0,[m("ptr0",g("ptr1")),"\n",m("ptr1",["pivot",i,"[pivot_ptr]"].join(""))].join("")):n.push(m(d(e),g(d(r))),m(d(r),"pivot"+i))}function S(e,r){n.push(["if((",r,"-",e,")<=",i,"){\n","insertionSort(",e,",",r,",data,offset,",o(t.length).join(","),")\n","}else{\n",s,"(",e,",",r,",data,offset,",o(t.length).join(","),")\n","}"].join(""))}function E(e,r,i){t.length>1?(n.push(["__l",++u,":while(true){"].join("")),v([e],!0,["if(",g("ptr0"),"!==pivot",r,"[pivot_ptr]){break __l",u,"}"].join("")),n.push(i,"}")):n.push(["while(",g(d(e)),"===pivot",r,"){",i,"}"].join(""))}return n.push("var "+f.join(",")),b(1,2),b(4,5),b(1,3),b(2,3),b(1,4),b(3,4),b(2,5),b(2,3),b(4,5),t.length>1?v(["el1","el2","el3","el4","el5","index1","index3","index5"],!0,["pivot1[pivot_ptr]=",g("ptr1"),"\n","pivot2[pivot_ptr]=",g("ptr3"),"\n","pivots_are_equal=pivots_are_equal&&(pivot1[pivot_ptr]===pivot2[pivot_ptr])\n","x=",g("ptr0"),"\n","y=",g("ptr2"),"\n","z=",g("ptr4"),"\n",m("ptr5","x"),"\n",m("ptr6","y"),"\n",m("ptr7","z")].join("")):n.push(["pivot1=",g(d("el2")),"\n","pivot2=",g(d("el4")),"\n","pivots_are_equal=pivot1===pivot2\n","x=",g(d("el1")),"\n","y=",g(d("el3")),"\n","z=",g(d("el5")),"\n",m(d("index1"),"x"),"\n",m(d("index3"),"y"),"\n",m(d("index5"),"z")].join("")),_("index2","left"),_("index4","right"),n.push("if(pivots_are_equal){"),n.push("for(k=less;k<=great;++k){"),w("comp","k",1),n.push("if(comp===0){continue}"),n.push("if(comp<0){"),n.push("if(k!==less){"),T("k","less"),n.push("}"),n.push("++less"),n.push("}else{"),n.push("while(true){"),w("comp","great",1),n.push("if(comp>0){"),n.push("great--"),n.push("}else if(comp<0){"),k("k","less","great"),n.push("break"),n.push("}else{"),M("k","great"),n.push("break"),n.push("}"),n.push("}"),n.push("}"),n.push("}"),n.push("}else{"),n.push("for(k=less;k<=great;++k){"),w("comp_pivot1","k",1),n.push("if(comp_pivot1<0){"),n.push("if(k!==less){"),T("k","less"),n.push("}"),n.push("++less"),n.push("}else{"),w("comp_pivot2","k",2),n.push("if(comp_pivot2>0){"),n.push("while(true){"),w("comp","great",2),n.push("if(comp>0){"),n.push("if(--greatindex5){"),E("less",1,"++less"),E("great",2,"--great"),n.push("for(k=less;k<=great;++k){"),w("comp_pivot1","k",1),n.push("if(comp_pivot1===0){"),n.push("if(k!==less){"),T("k","less"),n.push("}"),n.push("++less"),n.push("}else{"),w("comp_pivot2","k",2),n.push("if(comp_pivot2===0){"),n.push("while(true){"),w("comp","great",2),n.push("if(comp===0){"),n.push("if(--great1&&c?new Function("insertionSort","malloc","free",n.join("\n"))(r,c[0],c[1]):new Function("insertionSort",n.join("\n"))(r)}(t,e,v);return m(v,y)}},{"typedarray-pool":595}],494:[function(t,e,r){"use strict";var n=t("./lib/compile_sort.js"),i={};e.exports=function(t){var e=t.order,r=t.dtype,a=[e,r].join(":"),o=i[a];return o||(i[a]=o=n(e,r)),o(t),t}},{"./lib/compile_sort.js":493}],495:[function(t,e,r){var n=t("iota-array"),i=t("is-buffer"),a="undefined"!=typeof Float64Array;function o(t,e){return t[0]-e[0]}function s(){var t,e=this.stride,r=new Array(e.length);for(t=0;tMath.abs(this.stride[1]))?[1,0]:[0,1]}})"):3===e&&a.push("var s0=Math.abs(this.stride[0]),s1=Math.abs(this.stride[1]),s2=Math.abs(this.stride[2]);if(s0>s1){if(s1>s2){return [2,1,0];}else if(s0>s2){return [1,2,0];}else{return [1,0,2];}}else if(s0>s2){return [2,0,1];}else if(s2>s1){return [0,1,2];}else{return [0,2,1];}}})")):a.push("ORDER})")),a.push("proto.set=function "+r+"_set("+l.join(",")+",v){"),i?a.push("return this.data.set("+u+",v)}"):a.push("return this.data["+u+"]=v}"),a.push("proto.get=function "+r+"_get("+l.join(",")+"){"),i?a.push("return this.data.get("+u+")}"):a.push("return this.data["+u+"]}"),a.push("proto.index=function "+r+"_index(",l.join(),"){return "+u+"}"),a.push("proto.hi=function "+r+"_hi("+l.join(",")+"){return new "+r+"(this.data,"+o.map((function(t){return["(typeof i",t,"!=='number'||i",t,"<0)?this.shape[",t,"]:i",t,"|0"].join("")})).join(",")+","+o.map((function(t){return"this.stride["+t+"]"})).join(",")+",this.offset)}");var p=o.map((function(t){return"a"+t+"=this.shape["+t+"]"})),d=o.map((function(t){return"c"+t+"=this.stride["+t+"]"}));a.push("proto.lo=function "+r+"_lo("+l.join(",")+"){var b=this.offset,d=0,"+p.join(",")+","+d.join(","));for(var g=0;g=0){d=i"+g+"|0;b+=c"+g+"*d;a"+g+"-=d}");a.push("return new "+r+"(this.data,"+o.map((function(t){return"a"+t})).join(",")+","+o.map((function(t){return"c"+t})).join(",")+",b)}"),a.push("proto.step=function "+r+"_step("+l.join(",")+"){var "+o.map((function(t){return"a"+t+"=this.shape["+t+"]"})).join(",")+","+o.map((function(t){return"b"+t+"=this.stride["+t+"]"})).join(",")+",c=this.offset,d=0,ceil=Math.ceil");for(g=0;g=0){c=(c+this.stride["+g+"]*i"+g+")|0}else{a.push(this.shape["+g+"]);b.push(this.stride["+g+"])}");return a.push("var ctor=CTOR_LIST[a.length+1];return ctor(this.data,a,b,c)}"),a.push("return function construct_"+r+"(data,shape,stride,offset){return new "+r+"(data,"+o.map((function(t){return"shape["+t+"]"})).join(",")+","+o.map((function(t){return"stride["+t+"]"})).join(",")+",offset)}"),new Function("CTOR_LIST","ORDER",a.join("\n"))(c[t],s)}var c={float32:[],float64:[],int8:[],int16:[],int32:[],uint8:[],uint16:[],uint32:[],array:[],uint8_clamped:[],bigint64:[],biguint64:[],buffer:[],generic:[]};e.exports=function(t,e,r,n){if(void 0===t)return(0,c.array[0])([]);"number"==typeof t&&(t=[t]),void 0===e&&(e=[t.length]);var o=e.length;if(void 0===r){r=new Array(o);for(var s=o-1,u=1;s>=0;--s)r[s]=u,u*=e[s]}if(void 0===n){n=0;for(s=0;st==t>0?a===-1>>>0?(r+=1,a=0):a+=1:0===a?(a=-1>>>0,r-=1):a-=1;return n.pack(a,r)}},{"double-bits":173}],497:[function(t,e,r){var n=Math.PI,i=c(120);function a(t,e,r,n){return["C",t,e,r,n,r,n]}function o(t,e,r,n,i,a){return["C",t/3+2/3*r,e/3+2/3*n,i/3+2/3*r,a/3+2/3*n,i,a]}function s(t,e,r,a,o,c,u,f,h,p){if(p)T=p[0],k=p[1],_=p[2],w=p[3];else{var d=l(t,e,-o);t=d.x,e=d.y;var g=(t-(f=(d=l(f,h,-o)).x))/2,m=(e-(h=d.y))/2,v=g*g/(r*r)+m*m/(a*a);v>1&&(r*=v=Math.sqrt(v),a*=v);var y=r*r,x=a*a,b=(c==u?-1:1)*Math.sqrt(Math.abs((y*x-y*m*m-x*g*g)/(y*m*m+x*g*g)));b==1/0&&(b=1);var _=b*r*m/a+(t+f)/2,w=b*-a*g/r+(e+h)/2,T=Math.asin(((e-w)/a).toFixed(9)),k=Math.asin(((h-w)/a).toFixed(9));(T=t<_?n-T:T)<0&&(T=2*n+T),(k=f<_?n-k:k)<0&&(k=2*n+k),u&&T>k&&(T-=2*n),!u&&k>T&&(k-=2*n)}if(Math.abs(k-T)>i){var M=k,A=f,S=h;k=T+i*(u&&k>T?1:-1);var E=s(f=_+r*Math.cos(k),h=w+a*Math.sin(k),r,a,o,0,u,A,S,[k,M,_,w])}var C=Math.tan((k-T)/4),L=4/3*r*C,I=4/3*a*C,P=[2*t-(t+L*Math.sin(T)),2*e-(e-I*Math.cos(T)),f+L*Math.sin(k),h-I*Math.cos(k),f,h];if(p)return P;E&&(P=P.concat(E));for(var z=0;z7&&(r.push(v.splice(0,7)),v.unshift("C"));break;case"S":var x=p,b=d;"C"!=e&&"S"!=e||(x+=x-n,b+=b-i),v=["C",x,b,v[1],v[2],v[3],v[4]];break;case"T":"Q"==e||"T"==e?(f=2*p-f,h=2*d-h):(f=p,h=d),v=o(p,d,f,h,v[1],v[2]);break;case"Q":f=v[1],h=v[2],v=o(p,d,v[1],v[2],v[3],v[4]);break;case"L":v=a(p,d,v[1],v[2]);break;case"H":v=a(p,d,v[1],d);break;case"V":v=a(p,d,p,v[1]);break;case"Z":v=a(p,d,l,u)}e=y,p=v[v.length-2],d=v[v.length-1],v.length>4?(n=v[v.length-4],i=v[v.length-3]):(n=p,i=d),r.push(v)}return r}},{}],498:[function(t,e,r){r.vertexNormals=function(t,e,r){for(var n=e.length,i=new Array(n),a=void 0===r?1e-6:r,o=0;oa){var b=i[c],_=1/Math.sqrt(m*y);for(x=0;x<3;++x){var w=(x+1)%3,T=(x+2)%3;b[x]+=_*(v[w]*g[T]-v[T]*g[w])}}}for(o=0;oa)for(_=1/Math.sqrt(k),x=0;x<3;++x)b[x]*=_;else for(x=0;x<3;++x)b[x]=0}return i},r.faceNormals=function(t,e,r){for(var n=t.length,i=new Array(n),a=void 0===r?1e-6:r,o=0;oa?1/Math.sqrt(p):0;for(c=0;c<3;++c)h[c]*=p;i[o]=h}return i}},{}],499:[function(t,e,r){ +/* +object-assign +(c) Sindre Sorhus +@license MIT +*/ +"use strict";var n=Object.getOwnPropertySymbols,i=Object.prototype.hasOwnProperty,a=Object.prototype.propertyIsEnumerable;function o(t){if(null==t)throw new TypeError("Object.assign cannot be called with null or undefined");return Object(t)}e.exports=function(){try{if(!Object.assign)return!1;var t=new String("abc");if(t[5]="de","5"===Object.getOwnPropertyNames(t)[0])return!1;for(var e={},r=0;r<10;r++)e["_"+String.fromCharCode(r)]=r;if("0123456789"!==Object.getOwnPropertyNames(e).map((function(t){return e[t]})).join(""))return!1;var n={};return"abcdefghijklmnopqrst".split("").forEach((function(t){n[t]=t})),"abcdefghijklmnopqrst"===Object.keys(Object.assign({},n)).join("")}catch(t){return!1}}()?Object.assign:function(t,e){for(var r,s,l=o(t),c=1;c0){var f=Math.sqrt(u+1);t[0]=.5*(o-l)/f,t[1]=.5*(s-n)/f,t[2]=.5*(r-a)/f,t[3]=.5*f}else{var h=Math.max(e,a,c);f=Math.sqrt(2*h-u+1);e>=h?(t[0]=.5*f,t[1]=.5*(i+r)/f,t[2]=.5*(s+n)/f,t[3]=.5*(o-l)/f):a>=h?(t[0]=.5*(r+i)/f,t[1]=.5*f,t[2]=.5*(l+o)/f,t[3]=.5*(s-n)/f):(t[0]=.5*(n+s)/f,t[1]=.5*(o+l)/f,t[2]=.5*f,t[3]=.5*(r-i)/f)}return t}},{}],501:[function(t,e,r){"use strict";e.exports=function(t){var e=(t=t||{}).center||[0,0,0],r=t.rotation||[0,0,0,1],n=t.radius||1;e=[].slice.call(e,0,3),u(r=[].slice.call(r,0,4),r);var i=new f(r,e,Math.log(n));i.setDistanceLimits(t.zoomMin,t.zoomMax),("eye"in t||"up"in t)&&i.lookAt(0,t.eye,t.center,t.up);return i};var n=t("filtered-vector"),i=t("gl-mat4/lookAt"),a=t("gl-mat4/fromQuat"),o=t("gl-mat4/invert"),s=t("./lib/quatFromFrame");function l(t,e,r){return Math.sqrt(Math.pow(t,2)+Math.pow(e,2)+Math.pow(r,2))}function c(t,e,r,n){return Math.sqrt(Math.pow(t,2)+Math.pow(e,2)+Math.pow(r,2)+Math.pow(n,2))}function u(t,e){var r=e[0],n=e[1],i=e[2],a=e[3],o=c(r,n,i,a);o>1e-6?(t[0]=r/o,t[1]=n/o,t[2]=i/o,t[3]=a/o):(t[0]=t[1]=t[2]=0,t[3]=1)}function f(t,e,r){this.radius=n([r]),this.center=n(e),this.rotation=n(t),this.computedRadius=this.radius.curve(0),this.computedCenter=this.center.curve(0),this.computedRotation=this.rotation.curve(0),this.computedUp=[.1,0,0],this.computedEye=[.1,0,0],this.computedMatrix=[.1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0],this.recalcMatrix(0)}var h=f.prototype;h.lastT=function(){return Math.max(this.radius.lastT(),this.center.lastT(),this.rotation.lastT())},h.recalcMatrix=function(t){this.radius.curve(t),this.center.curve(t),this.rotation.curve(t);var e=this.computedRotation;u(e,e);var r=this.computedMatrix;a(r,e);var n=this.computedCenter,i=this.computedEye,o=this.computedUp,s=Math.exp(this.computedRadius[0]);i[0]=n[0]+s*r[2],i[1]=n[1]+s*r[6],i[2]=n[2]+s*r[10],o[0]=r[1],o[1]=r[5],o[2]=r[9];for(var l=0;l<3;++l){for(var c=0,f=0;f<3;++f)c+=r[l+4*f]*i[f];r[12+l]=-c}},h.getMatrix=function(t,e){this.recalcMatrix(t);var r=this.computedMatrix;if(e){for(var n=0;n<16;++n)e[n]=r[n];return e}return r},h.idle=function(t){this.center.idle(t),this.radius.idle(t),this.rotation.idle(t)},h.flush=function(t){this.center.flush(t),this.radius.flush(t),this.rotation.flush(t)},h.pan=function(t,e,r,n){e=e||0,r=r||0,n=n||0,this.recalcMatrix(t);var i=this.computedMatrix,a=i[1],o=i[5],s=i[9],c=l(a,o,s);a/=c,o/=c,s/=c;var u=i[0],f=i[4],h=i[8],p=u*a+f*o+h*s,d=l(u-=a*p,f-=o*p,h-=s*p);u/=d,f/=d,h/=d;var g=i[2],m=i[6],v=i[10],y=g*a+m*o+v*s,x=g*u+m*f+v*h,b=l(g-=y*a+x*u,m-=y*o+x*f,v-=y*s+x*h);g/=b,m/=b,v/=b;var _=u*e+a*r,w=f*e+o*r,T=h*e+s*r;this.center.move(t,_,w,T);var k=Math.exp(this.computedRadius[0]);k=Math.max(1e-4,k+n),this.radius.set(t,Math.log(k))},h.rotate=function(t,e,r,n){this.recalcMatrix(t),e=e||0,r=r||0;var i=this.computedMatrix,a=i[0],o=i[4],s=i[8],u=i[1],f=i[5],h=i[9],p=i[2],d=i[6],g=i[10],m=e*a+r*u,v=e*o+r*f,y=e*s+r*h,x=-(d*y-g*v),b=-(g*m-p*y),_=-(p*v-d*m),w=Math.sqrt(Math.max(0,1-Math.pow(x,2)-Math.pow(b,2)-Math.pow(_,2))),T=c(x,b,_,w);T>1e-6?(x/=T,b/=T,_/=T,w/=T):(x=b=_=0,w=1);var k=this.computedRotation,M=k[0],A=k[1],S=k[2],E=k[3],C=M*w+E*x+A*_-S*b,L=A*w+E*b+S*x-M*_,I=S*w+E*_+M*b-A*x,P=E*w-M*x-A*b-S*_;if(n){x=p,b=d,_=g;var z=Math.sin(n)/l(x,b,_);x*=z,b*=z,_*=z,P=P*(w=Math.cos(e))-(C=C*w+P*x+L*_-I*b)*x-(L=L*w+P*b+I*x-C*_)*b-(I=I*w+P*_+C*b-L*x)*_}var O=c(C,L,I,P);O>1e-6?(C/=O,L/=O,I/=O,P/=O):(C=L=I=0,P=1),this.rotation.set(t,C,L,I,P)},h.lookAt=function(t,e,r,n){this.recalcMatrix(t),r=r||this.computedCenter,e=e||this.computedEye,n=n||this.computedUp;var a=this.computedMatrix;i(a,e,r,n);var o=this.computedRotation;s(o,a[0],a[1],a[2],a[4],a[5],a[6],a[8],a[9],a[10]),u(o,o),this.rotation.set(t,o[0],o[1],o[2],o[3]);for(var l=0,c=0;c<3;++c)l+=Math.pow(r[c]-e[c],2);this.radius.set(t,.5*Math.log(Math.max(l,1e-6))),this.center.set(t,r[0],r[1],r[2])},h.translate=function(t,e,r,n){this.center.move(t,e||0,r||0,n||0)},h.setMatrix=function(t,e){var r=this.computedRotation;s(r,e[0],e[1],e[2],e[4],e[5],e[6],e[8],e[9],e[10]),u(r,r),this.rotation.set(t,r[0],r[1],r[2],r[3]);var n=this.computedMatrix;o(n,e);var i=n[15];if(Math.abs(i)>1e-6){var a=n[12]/i,l=n[13]/i,c=n[14]/i;this.recalcMatrix(t);var f=Math.exp(this.computedRadius[0]);this.center.set(t,a-n[2]*f,l-n[6]*f,c-n[10]*f),this.radius.idle(t)}else this.center.idle(t),this.radius.idle(t)},h.setDistance=function(t,e){e>0&&this.radius.set(t,Math.log(e))},h.setDistanceLimits=function(t,e){t=t>0?Math.log(t):-1/0,e=e>0?Math.log(e):1/0,e=Math.max(e,t),this.radius.bounds[0][0]=t,this.radius.bounds[1][0]=e},h.getDistanceLimits=function(t){var e=this.radius.bounds;return t?(t[0]=Math.exp(e[0][0]),t[1]=Math.exp(e[1][0]),t):[Math.exp(e[0][0]),Math.exp(e[1][0])]},h.toJSON=function(){return this.recalcMatrix(this.lastT()),{center:this.computedCenter.slice(),rotation:this.computedRotation.slice(),distance:Math.log(this.computedRadius[0]),zoomMin:this.radius.bounds[0][0],zoomMax:this.radius.bounds[1][0]}},h.fromJSON=function(t){var e=this.lastT(),r=t.center;r&&this.center.set(e,r[0],r[1],r[2]);var n=t.rotation;n&&this.rotation.set(e,n[0],n[1],n[2],n[3]);var i=t.distance;i&&i>0&&this.radius.set(e,Math.log(i)),this.setDistanceLimits(t.zoomMin,t.zoomMax)}},{"./lib/quatFromFrame":500,"filtered-vector":242,"gl-mat4/fromQuat":282,"gl-mat4/invert":293,"gl-mat4/lookAt":294}],502:[function(t,e,r){ +/*! + * pad-left + * + * Copyright (c) 2014-2015, Jon Schlinkert. + * Licensed under the MIT license. + */ +"use strict";var n=t("repeat-string");e.exports=function(t,e,r){return n(r="undefined"!=typeof r?r+"":" ",e)+t}},{"repeat-string":541}],503:[function(t,e,r){"use strict";function n(t,e){if("string"!=typeof t)return[t];var r=[t];"string"==typeof e||Array.isArray(e)?e={brackets:e}:e||(e={});var n=e.brackets?Array.isArray(e.brackets)?e.brackets:[e.brackets]:["{}","[]","()"],i=e.escape||"___",a=!!e.flat;n.forEach((function(t){var e=new RegExp(["\\",t[0],"[^\\",t[0],"\\",t[1],"]*\\",t[1]].join("")),n=[];function a(e,a,o){var s=r.push(e.slice(t[0].length,-t[1].length))-1;return n.push(s),i+s+i}r.forEach((function(t,n){for(var i,o=0;t!=i;)if(i=t,t=t.replace(e,a),o++>1e4)throw Error("References have circular dependency. Please, check them.");r[n]=t})),n=n.reverse(),r=r.map((function(e){return n.forEach((function(r){e=e.replace(new RegExp("(\\"+i+r+"\\"+i+")","g"),t[0]+"$1"+t[1])})),e}))}));var o=new RegExp("\\"+i+"([0-9]+)\\"+i);return a?r:function t(e,r,n){for(var i,a=[],s=0;i=o.exec(e);){if(s++>1e4)throw Error("Circular references in parenthesis");a.push(e.slice(0,i.index)),a.push(t(r[i[1]],r)),e=e.slice(i.index+i[0].length)}return a.push(e),a}(r[0],r)}function i(t,e){if(e&&e.flat){var r,n=e&&e.escape||"___",i=t[0];if(!i)return"";for(var a=new RegExp("\\"+n+"([0-9]+)\\"+n),o=0;i!=r;){if(o++>1e4)throw Error("Circular references in "+t);r=i,i=i.replace(a,s)}return i}return t.reduce((function t(e,r){return Array.isArray(r)&&(r=r.reduce(t,"")),e+r}),"");function s(e,r){if(null==t[r])throw Error("Reference "+r+"is undefined");return t[r]}}function a(t,e){return Array.isArray(t)?i(t,e):n(t,e)}a.parse=n,a.stringify=i,e.exports=a},{}],504:[function(t,e,r){"use strict";var n=t("pick-by-alias");e.exports=function(t){var e;arguments.length>1&&(t=arguments);"string"==typeof t?t=t.split(/\s/).map(parseFloat):"number"==typeof t&&(t=[t]);t.length&&"number"==typeof t[0]?e=1===t.length?{width:t[0],height:t[0],x:0,y:0}:2===t.length?{width:t[0],height:t[1],x:0,y:0}:{x:t[0],y:t[1],width:t[2]-t[0]||0,height:t[3]-t[1]||0}:t&&(t=n(t,{left:"x l left Left",top:"y t top Top",width:"w width W Width",height:"h height W Width",bottom:"b bottom Bottom",right:"r right Right"}),e={x:t.left||0,y:t.top||0},null==t.width?t.right?e.width=t.right-e.x:e.width=0:e.width=t.width,null==t.height?t.bottom?e.height=t.bottom-e.y:e.height=0:e.height=t.height);return e}},{"pick-by-alias":511}],505:[function(t,e,r){e.exports=function(t){var e=[];return t.replace(i,(function(t,r,i){var o=r.toLowerCase();for(i=function(t){var e=t.match(a);return e?e.map(Number):[]}(i),"m"==o&&i.length>2&&(e.push([r].concat(i.splice(0,2))),o="l",r="m"==r?"l":"L");;){if(i.length==n[o])return i.unshift(r),e.push(i);if(i.length2){var l=n.lastIndexOf("/");if(l!==n.length-1){-1===l?(n="",i=0):i=(n=n.slice(0,l)).length-1-n.lastIndexOf("/"),a=s,o=0;continue}}else if(2===n.length||1===n.length){n="",i=0,a=s,o=0;continue}e&&(n.length>0?n+="/..":n="..",i=2)}else n.length>0?n+="/"+t.slice(a+1,s):n=t.slice(a+1,s),i=s-a-1;a=s,o=0}else 46===r&&-1!==o?++o:o=-1}return n}var i={resolve:function(){for(var e,i="",a=!1,o=arguments.length-1;o>=-1&&!a;o--){var s;o>=0?s=arguments[o]:(void 0===e&&(e=t.cwd()),s=e),r(s),0!==s.length&&(i=s+"/"+i,a=47===s.charCodeAt(0))}return i=n(i,!a),a?i.length>0?"/"+i:"/":i.length>0?i:"."},normalize:function(t){if(r(t),0===t.length)return".";var e=47===t.charCodeAt(0),i=47===t.charCodeAt(t.length-1);return 0!==(t=n(t,!e)).length||e||(t="."),t.length>0&&i&&(t+="/"),e?"/"+t:t},isAbsolute:function(t){return r(t),t.length>0&&47===t.charCodeAt(0)},join:function(){if(0===arguments.length)return".";for(var t,e=0;e0&&(void 0===t?t=n:t+="/"+n)}return void 0===t?".":i.normalize(t)},relative:function(t,e){if(r(t),r(e),t===e)return"";if((t=i.resolve(t))===(e=i.resolve(e)))return"";for(var n=1;nc){if(47===e.charCodeAt(s+f))return e.slice(s+f+1);if(0===f)return e.slice(s+f)}else o>c&&(47===t.charCodeAt(n+f)?u=f:0===f&&(u=0));break}var h=t.charCodeAt(n+f);if(h!==e.charCodeAt(s+f))break;47===h&&(u=f)}var p="";for(f=n+u+1;f<=a;++f)f!==a&&47!==t.charCodeAt(f)||(0===p.length?p+="..":p+="/..");return p.length>0?p+e.slice(s+u):(s+=u,47===e.charCodeAt(s)&&++s,e.slice(s))},_makeLong:function(t){return t},dirname:function(t){if(r(t),0===t.length)return".";for(var e=t.charCodeAt(0),n=47===e,i=-1,a=!0,o=t.length-1;o>=1;--o)if(47===(e=t.charCodeAt(o))){if(!a){i=o;break}}else a=!1;return-1===i?n?"/":".":n&&1===i?"//":t.slice(0,i)},basename:function(t,e){if(void 0!==e&&"string"!=typeof e)throw new TypeError('"ext" argument must be a string');r(t);var n,i=0,a=-1,o=!0;if(void 0!==e&&e.length>0&&e.length<=t.length){if(e.length===t.length&&e===t)return"";var s=e.length-1,l=-1;for(n=t.length-1;n>=0;--n){var c=t.charCodeAt(n);if(47===c){if(!o){i=n+1;break}}else-1===l&&(o=!1,l=n+1),s>=0&&(c===e.charCodeAt(s)?-1==--s&&(a=n):(s=-1,a=l))}return i===a?a=l:-1===a&&(a=t.length),t.slice(i,a)}for(n=t.length-1;n>=0;--n)if(47===t.charCodeAt(n)){if(!o){i=n+1;break}}else-1===a&&(o=!1,a=n+1);return-1===a?"":t.slice(i,a)},extname:function(t){r(t);for(var e=-1,n=0,i=-1,a=!0,o=0,s=t.length-1;s>=0;--s){var l=t.charCodeAt(s);if(47!==l)-1===i&&(a=!1,i=s+1),46===l?-1===e?e=s:1!==o&&(o=1):-1!==e&&(o=-1);else if(!a){n=s+1;break}}return-1===e||-1===i||0===o||1===o&&e===i-1&&e===n+1?"":t.slice(e,i)},format:function(t){if(null===t||"object"!=typeof t)throw new TypeError('The "pathObject" argument must be of type Object. Received type '+typeof t);return function(t,e){var r=e.dir||e.root,n=e.base||(e.name||"")+(e.ext||"");return r?r===e.root?r+n:r+t+n:n}("/",t)},parse:function(t){r(t);var e={root:"",dir:"",base:"",ext:"",name:""};if(0===t.length)return e;var n,i=t.charCodeAt(0),a=47===i;a?(e.root="/",n=1):n=0;for(var o=-1,s=0,l=-1,c=!0,u=t.length-1,f=0;u>=n;--u)if(47!==(i=t.charCodeAt(u)))-1===l&&(c=!1,l=u+1),46===i?-1===o?o=u:1!==f&&(f=1):-1!==o&&(f=-1);else if(!c){s=u+1;break}return-1===o||-1===l||0===f||1===f&&o===l-1&&o===s+1?-1!==l&&(e.base=e.name=0===s&&a?t.slice(1,l):t.slice(s,l)):(0===s&&a?(e.name=t.slice(1,o),e.base=t.slice(1,l)):(e.name=t.slice(s,o),e.base=t.slice(s,l)),e.ext=t.slice(o,l)),s>0?e.dir=t.slice(0,s-1):a&&(e.dir="/"),e},sep:"/",delimiter:":",win32:null,posix:null};i.posix=i,e.exports=i}).call(this)}).call(this,t("_process"))},{_process:526}],508:[function(t,e,r){(function(t){(function(){(function(){var r,n,i,a,o,s;"undefined"!=typeof performance&&null!==performance&&performance.now?e.exports=function(){return performance.now()}:"undefined"!=typeof t&&null!==t&&t.hrtime?(e.exports=function(){return(r()-o)/1e6},n=t.hrtime,a=(r=function(){var t;return 1e9*(t=n())[0]+t[1]})(),s=1e9*t.uptime(),o=a-s):Date.now?(e.exports=function(){return Date.now()-i},i=Date.now()):(e.exports=function(){return(new Date).getTime()-i},i=(new Date).getTime())}).call(this)}).call(this)}).call(this,t("_process"))},{_process:526}],509:[function(t,e,r){"use strict";e.exports=function(t){var e=t.length;if(e<32){for(var r=1,i=0;i0;--o)a=l[o],r=s[o],s[o]=s[a],s[a]=r,l[o]=l[r],l[r]=a,c=(c+r)*o;return n.freeUint32(l),n.freeUint32(s),c},r.unrank=function(t,e,r){switch(t){case 0:return r||[];case 1:return r?(r[0]=0,r):[0];case 2:return r?(e?(r[0]=0,r[1]=1):(r[0]=1,r[1]=0),r):e?[0,1]:[1,0]}var n,i,a,o=1;for((r=r||new Array(t))[0]=0,a=1;a0;--a)e=e-(n=e/o|0)*o|0,o=o/a|0,i=0|r[a],r[a]=0|r[n],r[n]=0|i;return r}},{"invert-permutation":462,"typedarray-pool":595}],511:[function(t,e,r){"use strict";e.exports=function(t,e,r){var n,a,o={};if("string"==typeof e&&(e=i(e)),Array.isArray(e)){var s={};for(a=0;a0){o=a[u][r][0],l=u;break}s=o[1^l];for(var f=0;f<2;++f)for(var h=a[f][r],p=0;p0&&(o=d,s=g,l=f)}return i||o&&c(o,l),s}function f(t,r){var i=a[r][t][0],o=[t];c(i,r);for(var s=i[1^r];;){for(;s!==t;)o.push(s),s=u(o[o.length-2],s,!1);if(a[0][t].length+a[1][t].length===0)break;var l=o[o.length-1],f=t,h=o[1],p=u(l,f,!0);if(n(e[l],e[f],e[h],e[p])<0)break;o.push(t),s=u(l,f)}return o}function h(t,e){return e[1]===e[e.length-1]}for(o=0;o0;){a[0][o].length;var g=f(o,p);h(0,g)?d.push.apply(d,g):(d.length>0&&l.push(d),d=g)}d.length>0&&l.push(d)}return l};var n=t("compare-angle")},{"compare-angle":132}],513:[function(t,e,r){"use strict";e.exports=function(t,e){for(var r=n(t,e.length),i=new Array(e.length),a=new Array(e.length),o=[],s=0;s0;){var c=o.pop();i[c]=!1;var u=r[c];for(s=0;s0}))).length,m=new Array(g),v=new Array(g);for(p=0;p0;){var B=R.pop(),N=E[B];l(N,(function(t,e){return t-e}));var j,U=N.length,V=F[B];if(0===V){var q=d[B];j=[q]}for(p=0;p=0))if(F[H]=1^V,R.push(H),0===V)D(q=d[H])||(q.reverse(),j.push(q))}0===V&&r.push(j)}return r};var n=t("edges-to-adjacency-list"),i=t("planar-dual"),a=t("point-in-big-polygon"),o=t("two-product"),s=t("robust-sum"),l=t("uniq"),c=t("./lib/trim-leaves");function u(t,e){for(var r=new Array(t),n=0;n0&&e[i]===r[0]))return 1;a=t[i-1]}for(var s=1;a;){var l=a.key,c=n(r,l[0],l[1]);if(l[0][0]0))return 0;s=-1,a=a.right}else if(c>0)a=a.left;else{if(!(c<0))return 0;s=1,a=a.right}}return s}}(v.slabs,v.coordinates);return 0===a.length?y:function(t,e){return function(r){return t(r[0],r[1])?0:e(r)}}(l(a),y)};var n=t("robust-orientation")[3],i=t("slab-decomposition"),a=t("interval-tree-1d"),o=t("binary-search-bounds");function s(){return!0}function l(t){for(var e={},r=0;r=-t},pointBetween:function(e,r,n){var i=e[1]-r[1],a=n[0]-r[0],o=e[0]-r[0],s=n[1]-r[1],l=o*a+i*s;return!(l-t)},pointsSameX:function(e,r){return Math.abs(e[0]-r[0])t!=o-i>t&&(a-c)*(i-u)/(o-u)+c-n>t&&(s=!s),a=c,o=u}return s}};return e}},{}],520:[function(t,e,r){var n={toPolygon:function(t,e){function r(e){if(e.length<=0)return t.segments({inverted:!1,regions:[]});function r(e){var r=e.slice(0,e.length-1);return t.segments({inverted:!1,regions:[r]})}for(var n=r(e[0]),i=1;i0}))}function u(t,n){var i=t.seg,a=n.seg,o=i.start,s=i.end,c=a.start,u=a.end;r&&r.checkIntersection(i,a);var f=e.linesIntersect(o,s,c,u);if(!1===f){if(!e.pointsCollinear(o,s,c))return!1;if(e.pointsSame(o,u)||e.pointsSame(s,c))return!1;var h=e.pointsSame(o,c),p=e.pointsSame(s,u);if(h&&p)return n;var d=!h&&e.pointBetween(o,c,u),g=!p&&e.pointBetween(s,c,u);if(h)return g?l(n,s):l(t,u),n;d&&(p||(g?l(n,s):l(t,u)),l(n,o))}else 0===f.alongA&&(-1===f.alongB?l(t,c):0===f.alongB?l(t,f.pt):1===f.alongB&&l(t,u)),0===f.alongB&&(-1===f.alongA?l(n,o):0===f.alongA?l(n,f.pt):1===f.alongA&&l(n,s));return!1}for(var f=[];!a.isEmpty();){var h=a.getHead();if(r&&r.vert(h.pt[0]),h.isStart){r&&r.segmentNew(h.seg,h.primary);var p=c(h),d=p.before?p.before.ev:null,g=p.after?p.after.ev:null;function m(){if(d){var t=u(h,d);if(t)return t}return!!g&&u(h,g)}r&&r.tempStatus(h.seg,!!d&&d.seg,!!g&&g.seg);var v,y=m();if(y){var x;if(t)(x=null===h.seg.myFill.below||h.seg.myFill.above!==h.seg.myFill.below)&&(y.seg.myFill.above=!y.seg.myFill.above);else y.seg.otherFill=h.seg.myFill;r&&r.segmentUpdate(y.seg),h.other.remove(),h.remove()}if(a.getHead()!==h){r&&r.rewind(h.seg);continue}if(t)x=null===h.seg.myFill.below||h.seg.myFill.above!==h.seg.myFill.below,h.seg.myFill.below=g?g.seg.myFill.above:i,h.seg.myFill.above=x?!h.seg.myFill.below:h.seg.myFill.below;else if(null===h.seg.otherFill)v=g?h.primary===g.primary?g.seg.otherFill.above:g.seg.myFill.above:h.primary?o:i,h.seg.otherFill={above:v,below:v};r&&r.status(h.seg,!!d&&d.seg,!!g&&g.seg),h.other.status=p.insert(n.node({ev:h}))}else{var b=h.status;if(null===b)throw new Error("PolyBool: Zero-length segment detected; your epsilon is probably too small or too large");if(s.exists(b.prev)&&s.exists(b.next)&&u(b.prev.ev,b.next.ev),r&&r.statusRemove(b.ev.seg),b.remove(),!h.primary){var _=h.seg.myFill;h.seg.myFill=h.seg.otherFill,h.seg.otherFill=_}f.push(h.seg)}a.getHead().remove()}return r&&r.done(),f}return t?{addRegion:function(t){for(var n,i,a,o=t[t.length-1],l=0;l=c?(k=1,y=c+2*h+d):y=h*(k=-h/c)+d):(k=0,p>=0?(M=0,y=d):-p>=f?(M=1,y=f+2*p+d):y=p*(M=-p/f)+d);else if(M<0)M=0,h>=0?(k=0,y=d):-h>=c?(k=1,y=c+2*h+d):y=h*(k=-h/c)+d;else{var A=1/T;y=(k*=A)*(c*k+u*(M*=A)+2*h)+M*(u*k+f*M+2*p)+d}else k<0?(b=f+p)>(x=u+h)?(_=b-x)>=(w=c-2*u+f)?(k=1,M=0,y=c+2*h+d):y=(k=_/w)*(c*k+u*(M=1-k)+2*h)+M*(u*k+f*M+2*p)+d:(k=0,b<=0?(M=1,y=f+2*p+d):p>=0?(M=0,y=d):y=p*(M=-p/f)+d):M<0?(b=c+h)>(x=u+p)?(_=b-x)>=(w=c-2*u+f)?(M=1,k=0,y=f+2*p+d):y=(k=1-(M=_/w))*(c*k+u*M+2*h)+M*(u*k+f*M+2*p)+d:(M=0,b<=0?(k=1,y=c+2*h+d):h>=0?(k=0,y=d):y=h*(k=-h/c)+d):(_=f+p-u-h)<=0?(k=0,M=1,y=f+2*p+d):_>=(w=c-2*u+f)?(k=1,M=0,y=c+2*h+d):y=(k=_/w)*(c*k+u*(M=1-k)+2*h)+M*(u*k+f*M+2*p)+d;var S=1-k-M;for(l=0;l1)for(var r=1;r0){var c=t[r-1];if(0===n(s,c)&&a(c)!==l){r-=1;continue}}t[r++]=s}}return t.length=r,t}},{"cell-orientation":117,"compare-cell":133,"compare-oriented-cell":134}],534:[function(t,e,r){"use strict";var n=t("array-bounds"),i=t("color-normalize"),a=t("update-diff"),o=t("pick-by-alias"),s=t("object-assign"),l=t("flatten-vertex-data"),c=t("to-float32"),u=c.float32,f=c.fract32;e.exports=function(t,e){"function"==typeof t?(e||(e={}),e.regl=t):e=t;e.length&&(e.positions=e);if(!(t=e.regl).hasExtension("ANGLE_instanced_arrays"))throw Error("regl-error2d: `ANGLE_instanced_arrays` extension should be enabled");var r,c,p,d,g,m,v=t._gl,y={color:"black",capSize:5,lineWidth:1,opacity:1,viewport:null,range:null,offset:0,count:0,bounds:null,positions:[],errors:[]},x=[];return d=t.buffer({usage:"dynamic",type:"uint8",data:new Uint8Array(0)}),c=t.buffer({usage:"dynamic",type:"float",data:new Uint8Array(0)}),p=t.buffer({usage:"dynamic",type:"float",data:new Uint8Array(0)}),g=t.buffer({usage:"dynamic",type:"float",data:new Uint8Array(0)}),m=t.buffer({usage:"static",type:"float",data:h}),T(e),r=t({vert:"\n\t\tprecision highp float;\n\n\t\tattribute vec2 position, positionFract;\n\t\tattribute vec4 error;\n\t\tattribute vec4 color;\n\n\t\tattribute vec2 direction, lineOffset, capOffset;\n\n\t\tuniform vec4 viewport;\n\t\tuniform float lineWidth, capSize;\n\t\tuniform vec2 scale, scaleFract, translate, translateFract;\n\n\t\tvarying vec4 fragColor;\n\n\t\tvoid main() {\n\t\t\tfragColor = color / 255.;\n\n\t\t\tvec2 pixelOffset = lineWidth * lineOffset + (capSize + lineWidth) * capOffset;\n\n\t\t\tvec2 dxy = -step(.5, direction.xy) * error.xz + step(direction.xy, vec2(-.5)) * error.yw;\n\n\t\t\tvec2 position = position + dxy;\n\n\t\t\tvec2 pos = (position + translate) * scale\n\t\t\t\t+ (positionFract + translateFract) * scale\n\t\t\t\t+ (position + translate) * scaleFract\n\t\t\t\t+ (positionFract + translateFract) * scaleFract;\n\n\t\t\tpos += pixelOffset / viewport.zw;\n\n\t\t\tgl_Position = vec4(pos * 2. - 1., 0, 1);\n\t\t}\n\t\t",frag:"\n\t\tprecision highp float;\n\n\t\tvarying vec4 fragColor;\n\n\t\tuniform float opacity;\n\n\t\tvoid main() {\n\t\t\tgl_FragColor = fragColor;\n\t\t\tgl_FragColor.a *= opacity;\n\t\t}\n\t\t",uniforms:{range:t.prop("range"),lineWidth:t.prop("lineWidth"),capSize:t.prop("capSize"),opacity:t.prop("opacity"),scale:t.prop("scale"),translate:t.prop("translate"),scaleFract:t.prop("scaleFract"),translateFract:t.prop("translateFract"),viewport:function(t,e){return[e.viewport.x,e.viewport.y,t.viewportWidth,t.viewportHeight]}},attributes:{color:{buffer:d,offset:function(t,e){return 4*e.offset},divisor:1},position:{buffer:c,offset:function(t,e){return 8*e.offset},divisor:1},positionFract:{buffer:p,offset:function(t,e){return 8*e.offset},divisor:1},error:{buffer:g,offset:function(t,e){return 16*e.offset},divisor:1},direction:{buffer:m,stride:24,offset:0},lineOffset:{buffer:m,stride:24,offset:8},capOffset:{buffer:m,stride:24,offset:16}},primitive:"triangles",blend:{enable:!0,color:[0,0,0,0],equation:{rgb:"add",alpha:"add"},func:{srcRGB:"src alpha",dstRGB:"one minus src alpha",srcAlpha:"one minus dst alpha",dstAlpha:"one"}},depth:{enable:!1},scissor:{enable:!0,box:t.prop("viewport")},viewport:t.prop("viewport"),stencil:!1,instances:t.prop("count"),count:h.length}),s(b,{update:T,draw:_,destroy:k,regl:t,gl:v,canvas:v.canvas,groups:x}),b;function b(t){t?T(t):null===t&&k(),_()}function _(e){if("number"==typeof e)return w(e);e&&!Array.isArray(e)&&(e=[e]),t._refresh(),x.forEach((function(t,r){t&&(e&&(e[r]?t.draw=!0:t.draw=!1),t.draw?w(r):t.draw=!0)}))}function w(t){"number"==typeof t&&(t=x[t]),null!=t&&t&&t.count&&t.color&&t.opacity&&t.positions&&t.positions.length>1&&(t.scaleRatio=[t.scale[0]*t.viewport.width,t.scale[1]*t.viewport.height],r(t),t.after&&t.after(t))}function T(t){if(t){null!=t.length?"number"==typeof t[0]&&(t=[{positions:t}]):Array.isArray(t)||(t=[t]);var e=0,r=0;if(b.groups=x=t.map((function(t,c){var u=x[c];return t?("function"==typeof t?t={after:t}:"number"==typeof t[0]&&(t={positions:t}),t=o(t,{color:"color colors fill",capSize:"capSize cap capsize cap-size",lineWidth:"lineWidth line-width width line thickness",opacity:"opacity alpha",range:"range dataBox",viewport:"viewport viewBox",errors:"errors error",positions:"positions position data points"}),u||(x[c]=u={id:c,scale:null,translate:null,scaleFract:null,translateFract:null,draw:!0},t=s({},y,t)),a(u,t,[{lineWidth:function(t){return.5*+t},capSize:function(t){return.5*+t},opacity:parseFloat,errors:function(t){return t=l(t),r+=t.length,t},positions:function(t,r){return t=l(t,"float64"),r.count=Math.floor(t.length/2),r.bounds=n(t,2),r.offset=e,e+=r.count,t}},{color:function(t,e){var r=e.count;if(t||(t="transparent"),!Array.isArray(t)||"number"==typeof t[0]){var n=t;t=Array(r);for(var a=0;a 0. && baClipping < length(normalWidth * endBotJoin)) {\n\t\t//handle miter clipping\n\t\tbTopCoord -= normalWidth * endTopJoin;\n\t\tbTopCoord += normalize(endTopJoin * normalWidth) * baClipping;\n\t}\n\n\tif (nextReverse) {\n\t\t//make join rectangular\n\t\tvec2 miterShift = normalWidth * endJoinDirection * miterLimit * .5;\n\t\tfloat normalAdjust = 1. - min(miterLimit / endMiterRatio, 1.);\n\t\tbBotCoord = bCoord + miterShift - normalAdjust * normalWidth * currNormal * .5;\n\t\tbTopCoord = bCoord + miterShift + normalAdjust * normalWidth * currNormal * .5;\n\t}\n\telse if (!prevReverse && abClipping > 0. && abClipping < length(normalWidth * startBotJoin)) {\n\t\t//handle miter clipping\n\t\taBotCoord -= normalWidth * startBotJoin;\n\t\taBotCoord += normalize(startBotJoin * normalWidth) * abClipping;\n\t}\n\n\tvec2 aTopPosition = (aTopCoord) * adjustedScale + translate;\n\tvec2 aBotPosition = (aBotCoord) * adjustedScale + translate;\n\n\tvec2 bTopPosition = (bTopCoord) * adjustedScale + translate;\n\tvec2 bBotPosition = (bBotCoord) * adjustedScale + translate;\n\n\t//position is normalized 0..1 coord on the screen\n\tvec2 position = (aTopPosition * lineTop + aBotPosition * lineBot) * lineStart + (bTopPosition * lineTop + bBotPosition * lineBot) * lineEnd;\n\n\tstartCoord = aCoord * scaleRatio + translate * viewport.zw + viewport.xy;\n\tendCoord = bCoord * scaleRatio + translate * viewport.zw + viewport.xy;\n\n\tgl_Position = vec4(position * 2.0 - 1.0, depth, 1);\n\n\tenableStartMiter = step(dot(currTangent, prevTangent), .5);\n\tenableEndMiter = step(dot(currTangent, nextTangent), .5);\n\n\t//bevel miter cutoffs\n\tif (miterMode == 1.) {\n\t\tif (enableStartMiter == 1.) {\n\t\t\tvec2 startMiterWidth = vec2(startJoinDirection) * thickness * miterLimit * .5;\n\t\t\tstartCutoff = vec4(aCoord, aCoord);\n\t\t\tstartCutoff.zw += vec2(-startJoinDirection.y, startJoinDirection.x) / scaleRatio;\n\t\t\tstartCutoff = startCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\n\t\t\tstartCutoff += viewport.xyxy;\n\t\t\tstartCutoff += startMiterWidth.xyxy;\n\t\t}\n\n\t\tif (enableEndMiter == 1.) {\n\t\t\tvec2 endMiterWidth = vec2(endJoinDirection) * thickness * miterLimit * .5;\n\t\t\tendCutoff = vec4(bCoord, bCoord);\n\t\t\tendCutoff.zw += vec2(-endJoinDirection.y, endJoinDirection.x) / scaleRatio;\n\t\t\tendCutoff = endCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\n\t\t\tendCutoff += viewport.xyxy;\n\t\t\tendCutoff += endMiterWidth.xyxy;\n\t\t}\n\t}\n\n\t//round miter cutoffs\n\telse if (miterMode == 2.) {\n\t\tif (enableStartMiter == 1.) {\n\t\t\tvec2 startMiterWidth = vec2(startJoinDirection) * thickness * abs(dot(startJoinDirection, currNormal)) * .5;\n\t\t\tstartCutoff = vec4(aCoord, aCoord);\n\t\t\tstartCutoff.zw += vec2(-startJoinDirection.y, startJoinDirection.x) / scaleRatio;\n\t\t\tstartCutoff = startCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\n\t\t\tstartCutoff += viewport.xyxy;\n\t\t\tstartCutoff += startMiterWidth.xyxy;\n\t\t}\n\n\t\tif (enableEndMiter == 1.) {\n\t\t\tvec2 endMiterWidth = vec2(endJoinDirection) * thickness * abs(dot(endJoinDirection, currNormal)) * .5;\n\t\t\tendCutoff = vec4(bCoord, bCoord);\n\t\t\tendCutoff.zw += vec2(-endJoinDirection.y, endJoinDirection.x) / scaleRatio;\n\t\t\tendCutoff = endCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\n\t\t\tendCutoff += viewport.xyxy;\n\t\t\tendCutoff += endMiterWidth.xyxy;\n\t\t}\n\t}\n}\n"]),frag:o(["precision highp float;\n#define GLSLIFY 1\n\nuniform sampler2D dashPattern;\nuniform float dashSize, pixelRatio, thickness, opacity, id, miterMode;\n\nvarying vec4 fragColor;\nvarying vec2 tangent;\nvarying vec4 startCutoff, endCutoff;\nvarying vec2 startCoord, endCoord;\nvarying float enableStartMiter, enableEndMiter;\n\nfloat distToLine(vec2 p, vec2 a, vec2 b) {\n\tvec2 diff = b - a;\n\tvec2 perp = normalize(vec2(-diff.y, diff.x));\n\treturn dot(p - a, perp);\n}\n\nvoid main() {\n\tfloat alpha = 1., distToStart, distToEnd;\n\tfloat cutoff = thickness * .5;\n\n\t//bevel miter\n\tif (miterMode == 1.) {\n\t\tif (enableStartMiter == 1.) {\n\t\t\tdistToStart = distToLine(gl_FragCoord.xy, startCutoff.xy, startCutoff.zw);\n\t\t\tif (distToStart < -1.) {\n\t\t\t\tdiscard;\n\t\t\t\treturn;\n\t\t\t}\n\t\t\talpha *= min(max(distToStart + 1., 0.), 1.);\n\t\t}\n\n\t\tif (enableEndMiter == 1.) {\n\t\t\tdistToEnd = distToLine(gl_FragCoord.xy, endCutoff.xy, endCutoff.zw);\n\t\t\tif (distToEnd < -1.) {\n\t\t\t\tdiscard;\n\t\t\t\treturn;\n\t\t\t}\n\t\t\talpha *= min(max(distToEnd + 1., 0.), 1.);\n\t\t}\n\t}\n\n\t// round miter\n\telse if (miterMode == 2.) {\n\t\tif (enableStartMiter == 1.) {\n\t\t\tdistToStart = distToLine(gl_FragCoord.xy, startCutoff.xy, startCutoff.zw);\n\t\t\tif (distToStart < 0.) {\n\t\t\t\tfloat radius = length(gl_FragCoord.xy - startCoord);\n\n\t\t\t\tif(radius > cutoff + .5) {\n\t\t\t\t\tdiscard;\n\t\t\t\t\treturn;\n\t\t\t\t}\n\n\t\t\t\talpha -= smoothstep(cutoff - .5, cutoff + .5, radius);\n\t\t\t}\n\t\t}\n\n\t\tif (enableEndMiter == 1.) {\n\t\t\tdistToEnd = distToLine(gl_FragCoord.xy, endCutoff.xy, endCutoff.zw);\n\t\t\tif (distToEnd < 0.) {\n\t\t\t\tfloat radius = length(gl_FragCoord.xy - endCoord);\n\n\t\t\t\tif(radius > cutoff + .5) {\n\t\t\t\t\tdiscard;\n\t\t\t\t\treturn;\n\t\t\t\t}\n\n\t\t\t\talpha -= smoothstep(cutoff - .5, cutoff + .5, radius);\n\t\t\t}\n\t\t}\n\t}\n\n\tfloat t = fract(dot(tangent, gl_FragCoord.xy) / dashSize) * .5 + .25;\n\tfloat dash = texture2D(dashPattern, vec2(t, .5)).r;\n\n\tgl_FragColor = fragColor;\n\tgl_FragColor.a *= alpha * opacity * dash;\n}\n"]),attributes:{lineEnd:{buffer:r,divisor:0,stride:8,offset:0},lineTop:{buffer:r,divisor:0,stride:8,offset:4},aColor:{buffer:t.prop("colorBuffer"),stride:4,offset:0,divisor:1},bColor:{buffer:t.prop("colorBuffer"),stride:4,offset:4,divisor:1},prevCoord:{buffer:t.prop("positionBuffer"),stride:8,offset:0,divisor:1},aCoord:{buffer:t.prop("positionBuffer"),stride:8,offset:8,divisor:1},bCoord:{buffer:t.prop("positionBuffer"),stride:8,offset:16,divisor:1},nextCoord:{buffer:t.prop("positionBuffer"),stride:8,offset:24,divisor:1}}},n))}catch(t){e=i}return{fill:t({primitive:"triangle",elements:function(t,e){return e.triangles},offset:0,vert:o(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec2 position, positionFract;\n\nuniform vec4 color;\nuniform vec2 scale, scaleFract, translate, translateFract;\nuniform float pixelRatio, id;\nuniform vec4 viewport;\nuniform float opacity;\n\nvarying vec4 fragColor;\n\nconst float MAX_LINES = 256.;\n\nvoid main() {\n\tfloat depth = (MAX_LINES - 4. - id) / (MAX_LINES);\n\n\tvec2 position = position * scale + translate\n + positionFract * scale + translateFract\n + position * scaleFract\n + positionFract * scaleFract;\n\n\tgl_Position = vec4(position * 2.0 - 1.0, depth, 1);\n\n\tfragColor = color / 255.;\n\tfragColor.a *= opacity;\n}\n"]),frag:o(["precision highp float;\n#define GLSLIFY 1\n\nvarying vec4 fragColor;\n\nvoid main() {\n\tgl_FragColor = fragColor;\n}\n"]),uniforms:{scale:t.prop("scale"),color:t.prop("fill"),scaleFract:t.prop("scaleFract"),translateFract:t.prop("translateFract"),translate:t.prop("translate"),opacity:t.prop("opacity"),pixelRatio:t.context("pixelRatio"),id:t.prop("id"),viewport:function(t,e){return[e.viewport.x,e.viewport.y,t.viewportWidth,t.viewportHeight]}},attributes:{position:{buffer:t.prop("positionBuffer"),stride:8,offset:8},positionFract:{buffer:t.prop("positionFractBuffer"),stride:8,offset:8}},blend:n.blend,depth:{enable:!1},scissor:n.scissor,stencil:n.stencil,viewport:n.viewport}),rect:i,miter:e}},m.defaults={dashes:null,join:"miter",miterLimit:1,thickness:10,cap:"square",color:"black",opacity:1,overlay:!1,viewport:null,range:null,close:!1,fill:null},m.prototype.render=function(){for(var t,e=[],r=arguments.length;r--;)e[r]=arguments[r];e.length&&(t=this).update.apply(t,e),this.draw()},m.prototype.draw=function(){for(var t=this,e=[],r=arguments.length;r--;)e[r]=arguments[r];return(e.length?e:this.passes).forEach((function(e,r){var n;if(e&&Array.isArray(e))return(n=t).draw.apply(n,e);"number"==typeof e&&(e=t.passes[e]),e&&e.count>1&&e.opacity&&(t.regl._refresh(),e.fill&&e.triangles&&e.triangles.length>2&&t.shaders.fill(e),e.thickness&&(e.scale[0]*e.viewport.width>m.precisionThreshold||e.scale[1]*e.viewport.height>m.precisionThreshold||"rect"===e.join||!e.join&&(e.thickness<=2||e.count>=m.maxPoints)?t.shaders.rect(e):t.shaders.miter(e)))})),this},m.prototype.update=function(t){var e=this;if(t){null!=t.length?"number"==typeof t[0]&&(t=[{positions:t}]):Array.isArray(t)||(t=[t]);var r=this.regl,o=this.gl;if(t.forEach((function(t,f){var d=e.passes[f];if(void 0!==t)if(null!==t){if("number"==typeof t[0]&&(t={positions:t}),t=s(t,{positions:"positions points data coords",thickness:"thickness lineWidth lineWidths line-width linewidth width stroke-width strokewidth strokeWidth",join:"lineJoin linejoin join type mode",miterLimit:"miterlimit miterLimit",dashes:"dash dashes dasharray dash-array dashArray",color:"color colour stroke colors colours stroke-color strokeColor",fill:"fill fill-color fillColor",opacity:"alpha opacity",overlay:"overlay crease overlap intersect",close:"closed close closed-path closePath",range:"range dataBox",viewport:"viewport viewBox",hole:"holes hole hollow"}),d||(e.passes[f]=d={id:f,scale:null,scaleFract:null,translate:null,translateFract:null,count:0,hole:[],depth:0,dashLength:1,dashTexture:r.texture({channels:1,data:new Uint8Array([255]),width:1,height:1,mag:"linear",min:"linear"}),colorBuffer:r.buffer({usage:"dynamic",type:"uint8",data:new Uint8Array}),positionBuffer:r.buffer({usage:"dynamic",type:"float",data:new Uint8Array}),positionFractBuffer:r.buffer({usage:"dynamic",type:"float",data:new Uint8Array})},t=a({},m.defaults,t)),null!=t.thickness&&(d.thickness=parseFloat(t.thickness)),null!=t.opacity&&(d.opacity=parseFloat(t.opacity)),null!=t.miterLimit&&(d.miterLimit=parseFloat(t.miterLimit)),null!=t.overlay&&(d.overlay=!!t.overlay,ft.length)&&(e=t.length);for(var r=0,n=new Array(e);r 1.0 + delta) {\n\t\tdiscard;\n\t}\n\n\talpha -= smoothstep(1.0 - delta, 1.0 + delta, radius);\n\n\tfloat borderRadius = fragBorderRadius;\n\tfloat ratio = smoothstep(borderRadius - delta, borderRadius + delta, radius);\n\tvec4 color = mix(fragColor, fragBorderColor, ratio);\n\tcolor.a *= alpha * opacity;\n\tgl_FragColor = color;\n}\n"]),l.vert=h(["precision highp float;\n#define GLSLIFY 1\n\nattribute float x, y, xFract, yFract;\nattribute float size, borderSize;\nattribute vec4 colorId, borderColorId;\nattribute float isActive;\n\nuniform vec2 scale, scaleFract, translate, translateFract;\nuniform float pixelRatio;\nuniform bool constPointSize;\nuniform sampler2D palette;\nuniform vec2 paletteSize;\n\nconst float maxSize = 100.;\n\nvarying vec4 fragColor, fragBorderColor;\nvarying float fragBorderRadius, fragWidth;\n\nfloat pointSizeScale = (constPointSize) ? 2. : pixelRatio;\n\nbool isDirect = (paletteSize.x < 1.);\n\nvec4 getColor(vec4 id) {\n return isDirect ? id / 255. : texture2D(palette,\n vec2(\n (id.x + .5) / paletteSize.x,\n (id.y + .5) / paletteSize.y\n )\n );\n}\n\nvoid main() {\n // ignore inactive points\n if (isActive == 0.) return;\n\n vec2 position = vec2(x, y);\n vec2 positionFract = vec2(xFract, yFract);\n\n vec4 color = getColor(colorId);\n vec4 borderColor = getColor(borderColorId);\n\n float size = size * maxSize / 255.;\n float borderSize = borderSize * maxSize / 255.;\n\n gl_PointSize = (size + borderSize) * pointSizeScale;\n\n vec2 pos = (position + translate) * scale\n + (positionFract + translateFract) * scale\n + (position + translate) * scaleFract\n + (positionFract + translateFract) * scaleFract;\n\n gl_Position = vec4(pos * 2. - 1., 0., 1.);\n\n fragBorderRadius = 1. - 2. * borderSize / (size + borderSize);\n fragColor = color;\n fragBorderColor = borderColor.a == 0. || borderSize == 0. ? vec4(color.rgb, 0.) : borderColor;\n fragWidth = 1. / gl_PointSize;\n}\n"]),m&&(l.frag=l.frag.replace("smoothstep","smoothStep"),s.frag=s.frag.replace("smoothstep","smoothStep")),this.drawCircle=t(l)}b.defaults={color:"black",borderColor:"transparent",borderSize:0,size:12,opacity:1,marker:void 0,viewport:null,range:null,pixelSize:null,count:0,offset:0,bounds:null,positions:[],snap:1e4},b.prototype.render=function(){return arguments.length&&this.update.apply(this,arguments),this.draw(),this},b.prototype.draw=function(){for(var t=this,e=arguments.length,r=new Array(e),n=0;nn)?e.tree=u(t,{bounds:f}):n&&n.length&&(e.tree=n),e.tree){var h={primitive:"points",usage:"static",data:e.tree,type:"uint32"};e.elements?e.elements(h):e.elements=o.elements(h)}return i({data:v.float(t),usage:"dynamic"}),a({data:v.fract(t),usage:"dynamic"}),s({data:new Uint8Array(c),type:"uint8",usage:"stream"}),t}},{marker:function(e,r,n){var i=r.activation;if(i.forEach((function(t){return t&&t.destroy&&t.destroy()})),i.length=0,e&&"number"!=typeof e[0]){for(var a=[],s=0,l=Math.min(e.length,r.count);s=0)return a;if(t instanceof Uint8Array||t instanceof Uint8ClampedArray)e=t;else{e=new Uint8Array(t.length);for(var o=0,s=t.length;o4*n&&(this.tooManyColors=!0),this.updatePalette(r),1===i.length?i[0]:i},b.prototype.updatePalette=function(t){if(!this.tooManyColors){var e=this.maxColors,r=this.paletteTexture,n=Math.ceil(.25*t.length/e);if(n>1)for(var i=.25*(t=t.slice()).length%e;i2?(s[0],s[2],n=s[1],i=s[3]):s.length?(n=s[0],i=s[1]):(s.x,n=s.y,s.x+s.width,i=s.y+s.height),l.length>2?(a=l[0],o=l[2],l[1],l[3]):l.length?(a=l[0],o=l[1]):(a=l.x,l.y,o=l.x+l.width,l.y+l.height),[a,n,o,i]}function p(t){if("number"==typeof t)return[t,t,t,t];if(2===t.length)return[t[0],t[1],t[0],t[1]];var e=l(t);return[e.x,e.y,e.x+e.width,e.y+e.height]}e.exports=u,u.prototype.render=function(){for(var t,e=this,r=[],n=arguments.length;n--;)r[n]=arguments[n];return r.length&&(t=this).update.apply(t,r),this.regl.attributes.preserveDrawingBuffer?this.draw():(this.dirty?null==this.planned&&(this.planned=o((function(){e.draw(),e.dirty=!0,e.planned=null}))):(this.draw(),this.dirty=!0,o((function(){e.dirty=!1}))),this)},u.prototype.update=function(){for(var t,e=[],r=arguments.length;r--;)e[r]=arguments[r];if(e.length){for(var n=0;nk))&&(s.lower||!(T>>=e))<<3,(e|=r=(15<(t>>>=r))<<2)|(r=(3<(t>>>=r))<<1)|t>>>r>>1}function s(){function t(t){t:{for(var e=16;268435456>=e;e*=16)if(t<=e){t=e;break t}t=0}return 0<(e=r[o(t)>>2]).length?e.pop():new ArrayBuffer(t)}function e(t){r[o(t.byteLength)>>2].push(t)}var r=a(8,(function(){return[]}));return{alloc:t,free:e,allocType:function(e,r){var n=null;switch(e){case 5120:n=new Int8Array(t(r),0,r);break;case 5121:n=new Uint8Array(t(r),0,r);break;case 5122:n=new Int16Array(t(2*r),0,r);break;case 5123:n=new Uint16Array(t(2*r),0,r);break;case 5124:n=new Int32Array(t(4*r),0,r);break;case 5125:n=new Uint32Array(t(4*r),0,r);break;case 5126:n=new Float32Array(t(4*r),0,r);break;default:return null}return n.length!==r?n.subarray(0,r):n},freeType:function(t){e(t.buffer)}}}function l(t){return!!t&&"object"==typeof t&&Array.isArray(t.shape)&&Array.isArray(t.stride)&&"number"==typeof t.offset&&t.shape.length===t.stride.length&&(Array.isArray(t.data)||X(t.data))}function c(t,e,r,n,i,a){for(var o=0;o(i=s)&&(i=n.buffer.byteLength,5123===f?i>>=1:5125===f&&(i>>=2)),n.vertCount=i,i=o,0>o&&(i=4,1===(o=n.buffer.dimension)&&(i=0),2===o&&(i=1),3===o&&(i=4)),n.primType=i}function o(t){n.elementsCount--,delete s[t.id],t.buffer.destroy(),t.buffer=null}var s={},c=0,u={uint8:5121,uint16:5123};e.oes_element_index_uint&&(u.uint32=5125),i.prototype.bind=function(){this.buffer.bind()};var f=[];return{create:function(t,e){function s(t){if(t)if("number"==typeof t)c(t),f.primType=4,f.vertCount=0|t,f.type=5121;else{var e=null,r=35044,n=-1,i=-1,o=0,h=0;Array.isArray(t)||X(t)||l(t)?e=t:("data"in t&&(e=t.data),"usage"in t&&(r=$[t.usage]),"primitive"in t&&(n=nt[t.primitive]),"count"in t&&(i=0|t.count),"type"in t&&(h=u[t.type]),"length"in t?o=0|t.length:(o=i,5123===h||5122===h?o*=2:5125!==h&&5124!==h||(o*=4))),a(f,e,r,n,i,o,h)}else c(),f.primType=4,f.vertCount=0,f.type=5121;return s}var c=r.create(null,34963,!0),f=new i(c._buffer);return n.elementsCount++,s(t),s._reglType="elements",s._elements=f,s.subdata=function(t,e){return c.subdata(t,e),s},s.destroy=function(){o(f)},s},createStream:function(t){var e=f.pop();return e||(e=new i(r.create(null,34963,!0,!1)._buffer)),a(e,t,35040,-1,-1,0,0),e},destroyStream:function(t){f.push(t)},getElements:function(t){return"function"==typeof t&&t._elements instanceof i?t._elements:null},clear:function(){Z(s).forEach(o)}}}function g(t){for(var e=Y.allocType(5123,t.length),r=0;r>>31<<15,i=(a<<1>>>24)-127,a=a>>13&1023;e[r]=-24>i?n:-14>i?n+(a+1024>>-14-i):15>=i,r.height>>=i,p(r,n[i]),t.mipmask|=1<e;++e)t.images[e]=null;return t}function L(t){for(var e=t.images,r=0;re){for(var r=0;r=--this.refCount&&F(this)}}),o.profile&&(a.getTotalTextureSize=function(){var t=0;return Object.keys(yt).forEach((function(e){t+=yt[e].stats.size})),t}),{create2D:function(e,r){function n(t,e){var r=i.texInfo;I.call(r);var a=C();return"number"==typeof t?A(a,0|t,"number"==typeof e?0|e:0|t):t?(P(r,t),S(a,t)):A(a,1,1),r.genMipmaps&&(a.mipmask=(a.width<<1)-1),i.mipmask=a.mipmask,c(i,a),i.internalformat=a.internalformat,n.width=a.width,n.height=a.height,D(i),E(a,3553),z(r,3553),R(),L(a),o.profile&&(i.stats.size=T(i.internalformat,i.type,a.width,a.height,r.genMipmaps,!1)),n.format=tt[i.internalformat],n.type=et[i.type],n.mag=rt[r.magFilter],n.min=nt[r.minFilter],n.wrapS=it[r.wrapS],n.wrapT=it[r.wrapT],n}var i=new O(3553);return yt[i.id]=i,a.textureCount++,n(e,r),n.subimage=function(t,e,r,a){e|=0,r|=0,a|=0;var o=v();return c(o,i),o.width=0,o.height=0,p(o,t),o.width=o.width||(i.width>>a)-e,o.height=o.height||(i.height>>a)-r,D(i),d(o,3553,e,r,a),R(),k(o),n},n.resize=function(e,r){var a=0|e,s=0|r||a;if(a===i.width&&s===i.height)return n;n.width=i.width=a,n.height=i.height=s,D(i);for(var l=0;i.mipmask>>l;++l){var c=a>>l,u=s>>l;if(!c||!u)break;t.texImage2D(3553,l,i.format,c,u,0,i.format,i.type,null)}return R(),o.profile&&(i.stats.size=T(i.internalformat,i.type,a,s,!1,!1)),n},n._reglType="texture2d",n._texture=i,o.profile&&(n.stats=i.stats),n.destroy=function(){i.decRef()},n},createCube:function(e,r,n,i,s,l){function f(t,e,r,n,i,a){var s,l=h.texInfo;for(I.call(l),s=0;6>s;++s)g[s]=C();if("number"!=typeof t&&t){if("object"==typeof t)if(e)S(g[0],t),S(g[1],e),S(g[2],r),S(g[3],n),S(g[4],i),S(g[5],a);else if(P(l,t),u(h,t),"faces"in t)for(t=t.faces,s=0;6>s;++s)c(g[s],h),S(g[s],t[s]);else for(s=0;6>s;++s)S(g[s],t)}else for(t=0|t||1,s=0;6>s;++s)A(g[s],t,t);for(c(h,g[0]),h.mipmask=l.genMipmaps?(g[0].width<<1)-1:g[0].mipmask,h.internalformat=g[0].internalformat,f.width=g[0].width,f.height=g[0].height,D(h),s=0;6>s;++s)E(g[s],34069+s);for(z(l,34067),R(),o.profile&&(h.stats.size=T(h.internalformat,h.type,f.width,f.height,l.genMipmaps,!0)),f.format=tt[h.internalformat],f.type=et[h.type],f.mag=rt[l.magFilter],f.min=nt[l.minFilter],f.wrapS=it[l.wrapS],f.wrapT=it[l.wrapT],s=0;6>s;++s)L(g[s]);return f}var h=new O(34067);yt[h.id]=h,a.cubeCount++;var g=Array(6);return f(e,r,n,i,s,l),f.subimage=function(t,e,r,n,i){r|=0,n|=0,i|=0;var a=v();return c(a,h),a.width=0,a.height=0,p(a,e),a.width=a.width||(h.width>>i)-r,a.height=a.height||(h.height>>i)-n,D(h),d(a,34069+t,r,n,i),R(),k(a),f},f.resize=function(e){if((e|=0)!==h.width){f.width=h.width=e,f.height=h.height=e,D(h);for(var r=0;6>r;++r)for(var n=0;h.mipmask>>n;++n)t.texImage2D(34069+r,n,h.format,e>>n,e>>n,0,h.format,h.type,null);return R(),o.profile&&(h.stats.size=T(h.internalformat,h.type,f.width,f.height,!1,!0)),f}},f._reglType="textureCube",f._texture=h,o.profile&&(f.stats=h.stats),f.destroy=function(){h.decRef()},f},clear:function(){for(var e=0;er;++r)if(0!=(e.mipmask&1<>r,e.height>>r,0,e.internalformat,e.type,null);else for(var n=0;6>n;++n)t.texImage2D(34069+n,r,e.internalformat,e.width>>r,e.height>>r,0,e.internalformat,e.type,null);z(e.texInfo,e.target)}))}}}function M(t,e,r,n,i,a){function o(t,e,r){this.target=t,this.texture=e,this.renderbuffer=r;var n=t=0;e?(t=e.width,n=e.height):r&&(t=r.width,n=r.height),this.width=t,this.height=n}function s(t){t&&(t.texture&&t.texture._texture.decRef(),t.renderbuffer&&t.renderbuffer._renderbuffer.decRef())}function l(t,e,r){t&&(t.texture?t.texture._texture.refCount+=1:t.renderbuffer._renderbuffer.refCount+=1)}function c(e,r){r&&(r.texture?t.framebufferTexture2D(36160,e,r.target,r.texture._texture.texture,0):t.framebufferRenderbuffer(36160,e,36161,r.renderbuffer._renderbuffer.renderbuffer))}function u(t){var e=3553,r=null,n=null,i=t;return"object"==typeof t&&(i=t.data,"target"in t&&(e=0|t.target)),"texture2d"===(t=i._reglType)||"textureCube"===t?r=i:"renderbuffer"===t&&(n=i,e=36161),new o(e,r,n)}function f(t,e,r,a,s){return r?((t=n.create2D({width:t,height:e,format:a,type:s}))._texture.refCount=0,new o(3553,t,null)):((t=i.create({width:t,height:e,format:a}))._renderbuffer.refCount=0,new o(36161,null,t))}function h(t){return t&&(t.texture||t.renderbuffer)}function p(t,e,r){t&&(t.texture?t.texture.resize(e,r):t.renderbuffer&&t.renderbuffer.resize(e,r),t.width=e,t.height=r)}function d(){this.id=T++,k[this.id]=this,this.framebuffer=t.createFramebuffer(),this.height=this.width=0,this.colorAttachments=[],this.depthStencilAttachment=this.stencilAttachment=this.depthAttachment=null}function g(t){t.colorAttachments.forEach(s),s(t.depthAttachment),s(t.stencilAttachment),s(t.depthStencilAttachment)}function m(e){t.deleteFramebuffer(e.framebuffer),e.framebuffer=null,a.framebufferCount--,delete k[e.id]}function v(e){var n;t.bindFramebuffer(36160,e.framebuffer);var i=e.colorAttachments;for(n=0;ni;++i){for(c=0;ct;++t)r[t].resize(n);return e.width=e.height=n,e},_reglType:"framebufferCube",destroy:function(){r.forEach((function(t){t.destroy()}))}})},clear:function(){Z(k).forEach(m)},restore:function(){x.cur=null,x.next=null,x.dirty=!0,Z(k).forEach((function(e){e.framebuffer=t.createFramebuffer(),v(e)}))}})}function A(){this.w=this.z=this.y=this.x=this.state=0,this.buffer=null,this.size=0,this.normalized=!1,this.type=5126,this.divisor=this.stride=this.offset=0}function S(t,e,r,n,i){function a(){this.id=++c,this.attributes=[];var t=e.oes_vertex_array_object;this.vao=t?t.createVertexArrayOES():null,u[this.id]=this,this.buffers=[]}var o=r.maxAttributes,s=Array(o);for(r=0;rt&&(t=e.stats.uniformsCount)})),t},r.getMaxAttributesCount=function(){var t=0;return h.forEach((function(e){e.stats.attributesCount>t&&(t=e.stats.attributesCount)})),t}),{clear:function(){var e=t.deleteShader.bind(t);Z(c).forEach(e),c={},Z(u).forEach(e),u={},h.forEach((function(e){t.deleteProgram(e.program)})),h.length=0,f={},r.shaderCount=0},program:function(t,e,n,i){var a=f[e];a||(a=f[e]={});var o=a[t];return o&&!i?o:(e=new s(e,t),r.shaderCount++,l(e,n,i),o||(a[t]=e),h.push(e),e)},restore:function(){c={},u={};for(var t=0;t"+e+"?"+i+".constant["+e+"]:0;"})).join(""),"}}else{","if(",s,"(",i,".buffer)){",u,"=",a,".createStream(",34962,",",i,".buffer);","}else{",u,"=",a,".getBuffer(",i,".buffer);","}",f,'="type" in ',i,"?",o.glTypes,"[",i,".type]:",u,".dtype;",l.normalized,"=!!",i,".normalized;"),n("size"),n("offset"),n("stride"),n("divisor"),r("}}"),r.exit("if(",l.isStream,"){",a,".destroyStream(",u,");","}"),l}))})),o}function M(t,e,n,i,o){function s(t){var e=c[t];e&&(h[t]=e)}var l=function(t,e){if("string"==typeof(r=t.static).frag&&"string"==typeof r.vert){if(0>1)",s],");")}function e(){r(l,".drawArraysInstancedANGLE(",[d,g,m,s],");")}p?y?t():(r("if(",p,"){"),t(),r("}else{"),e(),r("}")):e()}function o(){function t(){r(u+".drawElements("+[d,m,v,g+"<<(("+v+"-5121)>>1)"]+");")}function e(){r(u+".drawArrays("+[d,g,m]+");")}p?y?t():(r("if(",p,"){"),t(),r("}else{"),e(),r("}")):e()}var s,l,c=t.shared,u=c.gl,f=c.draw,h=n.draw,p=function(){var i=h.elements,a=e;return i?((i.contextDep&&n.contextDynamic||i.propDep)&&(a=r),i=i.append(t,a)):i=a.def(f,".","elements"),i&&a("if("+i+")"+u+".bindBuffer(34963,"+i+".buffer.buffer);"),i}(),d=i("primitive"),g=i("offset"),m=function(){var i=h.count,a=e;return i?((i.contextDep&&n.contextDynamic||i.propDep)&&(a=r),i=i.append(t,a)):i=a.def(f,".","count"),i}();if("number"==typeof m){if(0===m)return}else r("if(",m,"){"),r.exit("}");K&&(s=i("instances"),l=t.instancing);var v=p+".type",y=h.elements&&R(h.elements);K&&("number"!=typeof s||0<=s)?"string"==typeof s?(r("if(",s,">0){"),a(),r("}else if(",s,"<0){"),o(),r("}")):a():o()}function V(t,e,r,n,i){return i=(e=b()).proc("body",i),K&&(e.instancing=i.def(e.shared.extensions,".angle_instanced_arrays")),t(e,i,r,n),e.compile().body}function H(t,e,r,n){L(t,e),r.useVAO?r.drawVAO?e(t.shared.vao,".setVAO(",r.drawVAO.append(t,e),");"):e(t.shared.vao,".setVAO(",t.shared.vao,".targetVAO);"):(e(t.shared.vao,".setVAO(null);"),N(t,e,r,n.attributes,(function(){return!0}))),j(t,e,r,n.uniforms,(function(){return!0})),U(t,e,e,r)}function G(t,e,r,n){function i(){return!0}t.batchId="a1",L(t,e),N(t,e,r,n.attributes,i),j(t,e,r,n.uniforms,i),U(t,e,e,r)}function Y(t,e,r,n){function i(t){return t.contextDep&&o||t.propDep}function a(t){return!i(t)}L(t,e);var o=r.contextDep,s=e.def(),l=e.def();t.shared.props=l,t.batchId=s;var c=t.scope(),u=t.scope();e(c.entry,"for(",s,"=0;",s,"<","a1",";++",s,"){",l,"=","a0","[",s,"];",u,"}",c.exit),r.needsContext&&A(t,u,r.context),r.needsFramebuffer&&S(t,u,r.framebuffer),C(t,u,r.state,i),r.profile&&i(r.profile)&&I(t,u,r,!1,!0),n?(r.useVAO?r.drawVAO?i(r.drawVAO)?u(t.shared.vao,".setVAO(",r.drawVAO.append(t,u),");"):c(t.shared.vao,".setVAO(",r.drawVAO.append(t,c),");"):c(t.shared.vao,".setVAO(",t.shared.vao,".targetVAO);"):(c(t.shared.vao,".setVAO(null);"),N(t,c,r,n.attributes,a),N(t,u,r,n.attributes,i)),j(t,c,r,n.uniforms,a),j(t,u,r,n.uniforms,i),U(t,c,u,r)):(e=t.global.def("{}"),n=r.shader.progVar.append(t,u),l=u.def(n,".id"),c=u.def(e,"[",l,"]"),u(t.shared.gl,".useProgram(",n,".program);","if(!",c,"){",c,"=",e,"[",l,"]=",t.link((function(e){return V(G,t,r,e,2)})),"(",n,");}",c,".call(this,a0[",s,"],",s,");"))}function W(t,r){function n(e){var n=r.shader[e];n&&i.set(a.shader,"."+e,n.append(t,i))}var i=t.proc("scope",3);t.batchId="a2";var a=t.shared,o=a.current;A(t,i,r.context),r.framebuffer&&r.framebuffer.append(t,i),O(Object.keys(r.state)).forEach((function(e){var n=r.state[e].append(t,i);m(n)?n.forEach((function(r,n){i.set(t.next[e],"["+n+"]",r)})):i.set(a.next,"."+e,n)})),I(t,i,r,!0,!0),["elements","offset","count","instances","primitive"].forEach((function(e){var n=r.draw[e];n&&i.set(a.draw,"."+e,""+n.append(t,i))})),Object.keys(r.uniforms).forEach((function(n){i.set(a.uniforms,"["+e.id(n)+"]",r.uniforms[n].append(t,i))})),Object.keys(r.attributes).forEach((function(e){var n=r.attributes[e].append(t,i),a=t.scopeAttrib(e);Object.keys(new Z).forEach((function(t){i.set(a,"."+t,n[t])}))})),r.scopeVAO&&i.set(a.vao,".targetVAO",r.scopeVAO.append(t,i)),n("vert"),n("frag"),0=--this.refCount&&o(this)},i.profile&&(n.getTotalRenderbufferSize=function(){var t=0;return Object.keys(u).forEach((function(e){t+=u[e].stats.size})),t}),{create:function(e,r){function o(e,r){var n=0,a=0,u=32854;if("object"==typeof e&&e?("shape"in e?(n=0|(a=e.shape)[0],a=0|a[1]):("radius"in e&&(n=a=0|e.radius),"width"in e&&(n=0|e.width),"height"in e&&(a=0|e.height)),"format"in e&&(u=s[e.format])):"number"==typeof e?(n=0|e,a="number"==typeof r?0|r:n):e||(n=a=1),n!==c.width||a!==c.height||u!==c.format)return o.width=c.width=n,o.height=c.height=a,c.format=u,t.bindRenderbuffer(36161,c.renderbuffer),t.renderbufferStorage(36161,u,n,a),i.profile&&(c.stats.size=yt[c.format]*c.width*c.height),o.format=l[c.format],o}var c=new a(t.createRenderbuffer());return u[c.id]=c,n.renderbufferCount++,o(e,r),o.resize=function(e,r){var n=0|e,a=0|r||n;return n===c.width&&a===c.height||(o.width=c.width=n,o.height=c.height=a,t.bindRenderbuffer(36161,c.renderbuffer),t.renderbufferStorage(36161,c.format,n,a),i.profile&&(c.stats.size=yt[c.format]*c.width*c.height)),o},o._reglType="renderbuffer",o._renderbuffer=c,i.profile&&(o.stats=c.stats),o.destroy=function(){c.decRef()},o},clear:function(){Z(u).forEach(o)},restore:function(){Z(u).forEach((function(e){e.renderbuffer=t.createRenderbuffer(),t.bindRenderbuffer(36161,e.renderbuffer),t.renderbufferStorage(36161,e.format,e.width,e.height)})),t.bindRenderbuffer(36161,null)}}},bt=[];bt[6408]=4,bt[6407]=3;var _t=[];_t[5121]=1,_t[5126]=4,_t[36193]=2;var wt=["x","y","z","w"],Tt="blend.func blend.equation stencil.func stencil.opFront stencil.opBack sample.coverage viewport scissor.box polygonOffset.offset".split(" "),kt={0:0,1:1,zero:0,one:1,"src color":768,"one minus src color":769,"src alpha":770,"one minus src alpha":771,"dst color":774,"one minus dst color":775,"dst alpha":772,"one minus dst alpha":773,"constant color":32769,"one minus constant color":32770,"constant alpha":32771,"one minus constant alpha":32772,"src alpha saturate":776},Mt={never:512,less:513,"<":513,equal:514,"=":514,"==":514,"===":514,lequal:515,"<=":515,greater:516,">":516,notequal:517,"!=":517,"!==":517,gequal:518,">=":518,always:519},At={0:0,zero:0,keep:7680,replace:7681,increment:7682,decrement:7683,"increment wrap":34055,"decrement wrap":34056,invert:5386},St={cw:2304,ccw:2305},Et=new D(!1,!1,!1,(function(){}));return function(t){function e(){if(0===J.length)w&&w.update(),tt=null;else{tt=H.next(e),f();for(var t=J.length-1;0<=t;--t){var r=J[t];r&&r(I,null,0)}m.flush(),w&&w.update()}}function r(){!tt&&0=J.length&&n()}}}}function u(){var t=X.viewport,e=X.scissor_box;t[0]=t[1]=e[0]=e[1]=0,I.viewportWidth=I.framebufferWidth=I.drawingBufferWidth=t[2]=e[2]=m.drawingBufferWidth,I.viewportHeight=I.framebufferHeight=I.drawingBufferHeight=t[3]=e[3]=m.drawingBufferHeight}function f(){I.tick+=1,I.time=g(),u(),Y.procs.poll()}function h(){u(),Y.procs.refresh(),w&&w.update()}function g(){return(G()-T)/1e3}if(!(t=i(t)))return null;var m=t.gl,v=m.getContextAttributes();m.isContextLost();var y=function(t,e){function r(e){var r;e=e.toLowerCase();try{r=n[e]=t.getExtension(e)}catch(t){}return!!r}for(var n={},i=0;ie;++e)et(U({framebuffer:t.framebuffer.faces[e]},t),l);else et(t,l);else l(0,t)},prop:q.define.bind(null,1),context:q.define.bind(null,2),this:q.define.bind(null,3),draw:s({}),buffer:function(t){return z.create(t,34962,!1,!1)},elements:function(t){return D.create(t,!1)},texture:F.create2D,cube:F.createCube,renderbuffer:B.create,framebuffer:V.create,framebufferCube:V.createCube,vao:O.createVAO,attributes:v,frame:c,on:function(t,e){var r;switch(t){case"frame":return c(e);case"lost":r=K;break;case"restore":r=Q;break;case"destroy":r=$}return r.push(e),{cancel:function(){for(var t=0;t + * + * Copyright (c) 2014-2015, Jon Schlinkert. + * Licensed under the MIT License. + */ +"use strict";var n,i="";e.exports=function(t,e){if("string"!=typeof t)throw new TypeError("expected a string");if(1===e)return t;if(2===e)return t+t;var r=t.length*e;if(n!==t||"undefined"==typeof n)n=t,i="";else if(i.length>=r)return i.substr(0,r);for(;r>i.length&&e>1;)1&e&&(i+=t),e>>=1,t+=t;return i=(i+=t).substr(0,r)}},{}],542:[function(t,e,r){(function(t){(function(){e.exports=t.performance&&t.performance.now?function(){return performance.now()}:Date.now||function(){return+new Date}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{}],543:[function(t,e,r){"use strict";e.exports=function(t){for(var e=t.length,r=t[t.length-1],n=e,i=e-2;i>=0;--i){var a=r,o=t[i];(l=o-((r=a+o)-a))&&(t[--n]=r,r=l)}var s=0;for(i=n;i>1;return["sum(",t(e.slice(0,r)),",",t(e.slice(r)),")"].join("")}(e);var n}function u(t){return new Function("sum","scale","prod","compress",["function robustDeterminant",t,"(m){return compress(",c(l(t)),")};return robustDeterminant",t].join(""))(i,a,n,o)}var f=[function(){return[0]},function(t){return[t[0][0]]}];!function(){for(;f.length<6;)f.push(u(f.length));for(var t=[],r=["function robustDeterminant(m){switch(m.length){"],n=0;n<6;++n)t.push("det"+n),r.push("case ",n,":return det",n,"(m);");r.push("}var det=CACHE[m.length];if(!det)det=CACHE[m.length]=gen(m.length);return det(m);}return robustDeterminant"),t.push("CACHE","gen",r.join(""));var i=Function.apply(void 0,t);for(e.exports=i.apply(void 0,f.concat([f,u])),n=0;n>1;return["sum(",l(t.slice(0,e)),",",l(t.slice(e)),")"].join("")}function c(t,e){if("m"===t.charAt(0)){if("w"===e.charAt(0)){var r=t.split("[");return["w",e.substr(1),"m",r[0].substr(1)].join("")}return["prod(",t,",",e,")"].join("")}return c(e,t)}function u(t){if(2===t.length)return[["diff(",c(t[0][0],t[1][1]),",",c(t[1][0],t[0][1]),")"].join("")];for(var e=[],r=0;r0&&r.push(","),r.push("[");for(var o=0;o0&&r.push(","),o===i?r.push("+b[",a,"]"):r.push("+A[",a,"][",o,"]");r.push("]")}r.push("]),")}r.push("det(A)]}return ",e);var s=new Function("det",r.join(""));return s(t<6?n[t]:n)}var a=[function(){return[0]},function(t,e){return[[e[0]],[t[0][0]]]}];!function(){for(;a.length<6;)a.push(i(a.length));for(var t=[],r=["function dispatchLinearSolve(A,b){switch(A.length){"],n=0;n<6;++n)t.push("s"+n),r.push("case ",n,":return s",n,"(A,b);");r.push("}var s=CACHE[A.length];if(!s)s=CACHE[A.length]=g(A.length);return s(A,b)}return dispatchLinearSolve"),t.push("CACHE","g",r.join(""));var o=Function.apply(void 0,t);for(e.exports=o.apply(void 0,a.concat([a,i])),n=0;n<6;++n)e.exports[n]=a[n]}()},{"robust-determinant":544}],548:[function(t,e,r){"use strict";var n=t("two-product"),i=t("robust-sum"),a=t("robust-scale"),o=t("robust-subtract");function s(t,e){for(var r=new Array(t.length-1),n=1;n>1;return["sum(",l(t.slice(0,e)),",",l(t.slice(e)),")"].join("")}function c(t){if(2===t.length)return[["sum(prod(",t[0][0],",",t[1][1],"),prod(-",t[0][1],",",t[1][0],"))"].join("")];for(var e=[],r=0;r0){if(a<=0)return o;n=i+a}else{if(!(i<0))return o;if(a>=0)return o;n=-(i+a)}var s=33306690738754716e-32*n;return o>=s||o<=-s?o:f(t,e,r)},function(t,e,r,n){var i=t[0]-n[0],a=e[0]-n[0],o=r[0]-n[0],s=t[1]-n[1],l=e[1]-n[1],c=r[1]-n[1],u=t[2]-n[2],f=e[2]-n[2],p=r[2]-n[2],d=a*c,g=o*l,m=o*s,v=i*c,y=i*l,x=a*s,b=u*(d-g)+f*(m-v)+p*(y-x),_=7771561172376103e-31*((Math.abs(d)+Math.abs(g))*Math.abs(u)+(Math.abs(m)+Math.abs(v))*Math.abs(f)+(Math.abs(y)+Math.abs(x))*Math.abs(p));return b>_||-b>_?b:h(t,e,r,n)}];function d(t){var e=p[t.length];return e||(e=p[t.length]=u(t.length)),e.apply(void 0,t)}!function(){for(;p.length<=5;)p.push(u(p.length));for(var t=[],r=["slow"],n=0;n<=5;++n)t.push("a"+n),r.push("o"+n);var i=["function getOrientation(",t.join(),"){switch(arguments.length){case 0:case 1:return 0;"];for(n=2;n<=5;++n)i.push("case ",n,":return o",n,"(",t.slice(0,n).join(),");");i.push("}var s=new Array(arguments.length);for(var i=0;i0&&o>0||a<0&&o<0)return!1;var s=n(r,t,e),l=n(i,t,e);if(s>0&&l>0||s<0&&l<0)return!1;if(0===a&&0===o&&0===s&&0===l)return function(t,e,r,n){for(var i=0;i<2;++i){var a=t[i],o=e[i],s=Math.min(a,o),l=Math.max(a,o),c=r[i],u=n[i],f=Math.min(c,u);if(Math.max(c,u)=n?(i=f,(l+=1)=n?(i=f,(l+=1)0?1:0}},{}],555:[function(t,e,r){"use strict";e.exports=function(t){return i(n(t))};var n=t("boundary-cells"),i=t("reduce-simplicial-complex")},{"boundary-cells":100,"reduce-simplicial-complex":533}],556:[function(t,e,r){"use strict";e.exports=function(t,e,r,s){r=r||0,"undefined"==typeof s&&(s=function(t){for(var e=t.length,r=0,n=0;n>1,v=E[2*m+1];","if(v===b){return m}","if(b0&&l.push(","),l.push("[");for(var n=0;n0&&l.push(","),l.push("B(C,E,c[",i[0],"],c[",i[1],"])")}l.push("]")}l.push(");")}}for(a=t+1;a>1;--a){a>1,s=a(t[o],e);s<=0?(0===s&&(i=o),r=o+1):s>0&&(n=o-1)}return i}function u(t,e){for(var r=new Array(t.length),i=0,o=r.length;i=t.length||0!==a(t[m],s)););}return r}function f(t,e){if(e<0)return[];for(var r=[],i=(1<>>u&1&&c.push(i[u]);e.push(c)}return s(e)},r.skeleton=f,r.boundary=function(t){for(var e=[],r=0,n=t.length;r>1:(t>>1)-1}function x(t){for(var e=v(t);;){var r=e,n=2*t+1,i=2*(t+1),a=t;if(n0;){var r=y(t);if(r>=0)if(e0){var t=k[0];return m(0,A-1),A-=1,x(0),t}return-1}function w(t,e){var r=k[t];return c[r]===e?t:(c[r]=-1/0,b(t),_(),c[r]=e,b((A+=1)-1))}function T(t){if(!u[t]){u[t]=!0;var e=s[t],r=l[t];s[r]>=0&&(s[r]=e),l[e]>=0&&(l[e]=r),M[e]>=0&&w(M[e],g(e)),M[r]>=0&&w(M[r],g(r))}}var k=[],M=new Array(a);for(f=0;f>1;f>=0;--f)x(f);for(;;){var S=_();if(S<0||c[S]>r)break;T(S)}var E=[];for(f=0;f=0&&r>=0&&e!==r){var n=M[e],i=M[r];n!==i&&L.push([n,i])}})),i.unique(i.normalize(L)),{positions:E,edges:L}};var n=t("robust-orientation"),i=t("simplicial-complex")},{"robust-orientation":548,"simplicial-complex":560}],563:[function(t,e,r){"use strict";e.exports=function(t,e){var r,a,o,s;if(e[0][0]e[1][0]))return i(e,t);r=e[1],a=e[0]}if(t[0][0]t[1][0]))return-i(t,e);o=t[1],s=t[0]}var l=n(r,a,s),c=n(r,a,o);if(l<0){if(c<=0)return l}else if(l>0){if(c>=0)return l}else if(c)return c;if(l=n(s,o,a),c=n(s,o,r),l<0){if(c<=0)return l}else if(l>0){if(c>=0)return l}else if(c)return c;return a[0]-s[0]};var n=t("robust-orientation");function i(t,e){var r,i,a,o;if(e[0][0]e[1][0])){var s=Math.min(t[0][1],t[1][1]),l=Math.max(t[0][1],t[1][1]),c=Math.min(e[0][1],e[1][1]),u=Math.max(e[0][1],e[1][1]);return lu?s-u:l-u}r=e[1],i=e[0]}t[0][1]0)if(e[0]!==o[1][0])r=t,t=t.right;else{if(l=c(t.right,e))return l;t=t.left}else{if(e[0]!==o[1][0])return t;var l;if(l=c(t.right,e))return l;t=t.left}}return r}function u(t,e,r,n){this.y=t,this.index=e,this.start=r,this.closed=n}function f(t,e,r,n){this.x=t,this.segment=e,this.create=r,this.index=n}s.prototype.castUp=function(t){var e=n.le(this.coordinates,t[0]);if(e<0)return-1;this.slabs[e];var r=c(this.slabs[e],t),i=-1;if(r&&(i=r.value),this.coordinates[e]===t[0]){var s=null;if(r&&(s=r.key),e>0){var u=c(this.slabs[e-1],t);u&&(s?o(u.key,s)>0&&(s=u.key,i=u.value):(i=u.value,s=u.key))}var f=this.horizontal[e];if(f.length>0){var h=n.ge(f,t[1],l);if(h=f.length)return i;p=f[h]}}if(p.start)if(s){var d=a(s[0],s[1],[t[0],p.y]);s[0][0]>s[1][0]&&(d=-d),d>0&&(i=p.index)}else i=p.index;else p.y!==t[1]&&(i=p.index)}}}return i}},{"./lib/order-segments":563,"binary-search-bounds":564,"functional-red-black-tree":247,"robust-orientation":548}],566:[function(t,e,r){"use strict";var n=t("robust-dot-product"),i=t("robust-sum");function a(t,e){var r=i(n(t,e),[e[e.length-1]]);return r[r.length-1]}function o(t,e,r,n){var i=-e/(n-e);i<0?i=0:i>1&&(i=1);for(var a=1-i,o=t.length,s=new Array(o),l=0;l0||i>0&&u<0){var f=o(s,u,l,i);r.push(f),n.push(f.slice())}u<0?n.push(l.slice()):u>0?r.push(l.slice()):(r.push(l.slice()),n.push(l.slice())),i=u}return{positive:r,negative:n}},e.exports.positive=function(t,e){for(var r=[],n=a(t[t.length-1],e),i=t[t.length-1],s=t[0],l=0;l0||n>0&&c<0)&&r.push(o(i,c,s,n)),c>=0&&r.push(s.slice()),n=c}return r},e.exports.negative=function(t,e){for(var r=[],n=a(t[t.length-1],e),i=t[t.length-1],s=t[0],l=0;l0||n>0&&c<0)&&r.push(o(i,c,s,n)),c<=0&&r.push(s.slice()),n=c}return r}},{"robust-dot-product":545,"robust-sum":553}],567:[function(t,e,r){!function(){"use strict";var t={not_string:/[^s]/,not_bool:/[^t]/,not_type:/[^T]/,not_primitive:/[^v]/,number:/[diefg]/,numeric_arg:/[bcdiefguxX]/,json:/[j]/,not_json:/[^j]/,text:/^[^\x25]+/,modulo:/^\x25{2}/,placeholder:/^\x25(?:([1-9]\d*)\$|\(([^)]+)\))?(\+)?(0|'[^$])?(-)?(\d+)?(?:\.(\d+))?([b-gijostTuvxX])/,key:/^([a-z_][a-z_\d]*)/i,key_access:/^\.([a-z_][a-z_\d]*)/i,index_access:/^\[(\d+)\]/,sign:/^[+-]/};function e(t){return i(o(t),arguments)}function n(t,r){return e.apply(null,[t].concat(r||[]))}function i(r,n){var i,a,o,s,l,c,u,f,h,p=1,d=r.length,g="";for(a=0;a=0),s.type){case"b":i=parseInt(i,10).toString(2);break;case"c":i=String.fromCharCode(parseInt(i,10));break;case"d":case"i":i=parseInt(i,10);break;case"j":i=JSON.stringify(i,null,s.width?parseInt(s.width):0);break;case"e":i=s.precision?parseFloat(i).toExponential(s.precision):parseFloat(i).toExponential();break;case"f":i=s.precision?parseFloat(i).toFixed(s.precision):parseFloat(i);break;case"g":i=s.precision?String(Number(i.toPrecision(s.precision))):parseFloat(i);break;case"o":i=(parseInt(i,10)>>>0).toString(8);break;case"s":i=String(i),i=s.precision?i.substring(0,s.precision):i;break;case"t":i=String(!!i),i=s.precision?i.substring(0,s.precision):i;break;case"T":i=Object.prototype.toString.call(i).slice(8,-1).toLowerCase(),i=s.precision?i.substring(0,s.precision):i;break;case"u":i=parseInt(i,10)>>>0;break;case"v":i=i.valueOf(),i=s.precision?i.substring(0,s.precision):i;break;case"x":i=(parseInt(i,10)>>>0).toString(16);break;case"X":i=(parseInt(i,10)>>>0).toString(16).toUpperCase()}t.json.test(s.type)?g+=i:(!t.number.test(s.type)||f&&!s.sign?h="":(h=f?"+":"-",i=i.toString().replace(t.sign,"")),c=s.pad_char?"0"===s.pad_char?"0":s.pad_char.charAt(1):" ",u=s.width-(h+i).length,l=s.width&&u>0?c.repeat(u):"",g+=s.align?h+i+l:"0"===c?h+l+i:l+h+i)}return g}var a=Object.create(null);function o(e){if(a[e])return a[e];for(var r,n=e,i=[],o=0;n;){if(null!==(r=t.text.exec(n)))i.push(r[0]);else if(null!==(r=t.modulo.exec(n)))i.push("%");else{if(null===(r=t.placeholder.exec(n)))throw new SyntaxError("[sprintf] unexpected placeholder");if(r[2]){o|=1;var s=[],l=r[2],c=[];if(null===(c=t.key.exec(l)))throw new SyntaxError("[sprintf] failed to parse named argument key");for(s.push(c[1]);""!==(l=l.substring(c[0].length));)if(null!==(c=t.key_access.exec(l)))s.push(c[1]);else{if(null===(c=t.index_access.exec(l)))throw new SyntaxError("[sprintf] failed to parse named argument key");s.push(c[1])}r[2]=s}else o|=2;if(3===o)throw new Error("[sprintf] mixing positional and named placeholders is not (yet) supported");i.push({placeholder:r[0],param_no:r[1],keys:r[2],sign:r[3],pad_char:r[4],align:r[5],width:r[6],precision:r[7],type:r[8]})}n=n.substring(r[0].length)}return a[e]=i}"undefined"!=typeof r&&(r.sprintf=e,r.vsprintf=n),"undefined"!=typeof window&&(window.sprintf=e,window.vsprintf=n)}()},{}],568:[function(t,e,r){"use strict";var n=t("parenthesis");e.exports=function(t,e,r){if(null==t)throw Error("First argument should be a string");if(null==e)throw Error("Separator should be a string or a RegExp");r?("string"==typeof r||Array.isArray(r))&&(r={ignore:r}):r={},null==r.escape&&(r.escape=!0),null==r.ignore?r.ignore=["[]","()","{}","<>",'""',"''","``","\u201c\u201d","\xab\xbb"]:("string"==typeof r.ignore&&(r.ignore=[r.ignore]),r.ignore=r.ignore.map((function(t){return 1===t.length&&(t+=t),t})));var i=n.parse(t,{flat:!0,brackets:r.ignore}),a=i[0].split(e);if(r.escape){for(var o=[],s=0;s0;){e=c[c.length-1];var p=t[e];if(a[e]=0&&s[e].push(o[g])}a[e]=d}else{if(n[e]===r[e]){var m=[],v=[],y=0;for(d=l.length-1;d>=0;--d){var x=l[d];if(i[x]=!1,m.push(x),v.push(s[x]),y+=s[x].length,o[x]=f.length,x===e){l.length=d;break}}f.push(m);var b=new Array(y);for(d=0;d c)|0 },"),"generic"===e&&a.push("getters:[0],");for(var s=[],l=[],c=0;c>>7){");for(c=0;c<1<<(1<128&&c%128==0){f.length>0&&h.push("}}");var p="vExtra"+f.length;a.push("case ",c>>>7,":",p,"(m&0x7f,",l.join(),");break;"),h=["function ",p,"(m,",l.join(),"){switch(m){"],f.push(h)}h.push("case ",127&c,":");for(var d=new Array(r),g=new Array(r),m=new Array(r),v=new Array(r),y=0,x=0;xx)&&!(c&1<<_)!=!(c&1<0&&(M="+"+m[b]+"*c");var A=d[b].length/y*.5,S=.5+v[b]/y*.5;k.push("d"+b+"-"+S+"-"+A+"*("+d[b].join("+")+M+")/("+g[b].join("+")+")")}h.push("a.push([",k.join(),"]);","break;")}a.push("}},"),f.length>0&&h.push("}}");var E=[];for(c=0;c<1<1&&(i=1),i<-1&&(i=-1),(t*n-e*r<0?-1:1)*Math.acos(i)};r.default=function(t){var e=t.px,r=t.py,l=t.cx,c=t.cy,u=t.rx,f=t.ry,h=t.xAxisRotation,p=void 0===h?0:h,d=t.largeArcFlag,g=void 0===d?0:d,m=t.sweepFlag,v=void 0===m?0:m,y=[];if(0===u||0===f)return[];var x=Math.sin(p*i/360),b=Math.cos(p*i/360),_=b*(e-l)/2+x*(r-c)/2,w=-x*(e-l)/2+b*(r-c)/2;if(0===_&&0===w)return[];u=Math.abs(u),f=Math.abs(f);var T=Math.pow(_,2)/Math.pow(u,2)+Math.pow(w,2)/Math.pow(f,2);T>1&&(u*=Math.sqrt(T),f*=Math.sqrt(T));var k=function(t,e,r,n,a,o,l,c,u,f,h,p){var d=Math.pow(a,2),g=Math.pow(o,2),m=Math.pow(h,2),v=Math.pow(p,2),y=d*g-d*v-g*m;y<0&&(y=0),y/=d*v+g*m;var x=(y=Math.sqrt(y)*(l===c?-1:1))*a/o*p,b=y*-o/a*h,_=f*x-u*b+(t+r)/2,w=u*x+f*b+(e+n)/2,T=(h-x)/a,k=(p-b)/o,M=(-h-x)/a,A=(-p-b)/o,S=s(1,0,T,k),E=s(T,k,M,A);return 0===c&&E>0&&(E-=i),1===c&&E<0&&(E+=i),[_,w,S,E]}(e,r,l,c,u,f,g,v,x,b,_,w),M=n(k,4),A=M[0],S=M[1],E=M[2],C=M[3],L=Math.abs(C)/(i/4);Math.abs(1-L)<1e-7&&(L=1);var I=Math.max(Math.ceil(L),1);C/=I;for(var P=0;Pe[2]&&(e[2]=c[u+0]),c[u+1]>e[3]&&(e[3]=c[u+1]);return e}},{"abs-svg-path":65,assert:73,"is-svg-path":471,"normalize-svg-path":573,"parse-svg-path":505}],573:[function(t,e,r){"use strict";e.exports=function(t){for(var e,r=[],o=0,s=0,l=0,c=0,u=null,f=null,h=0,p=0,d=0,g=t.length;d4?(o=m[m.length-4],s=m[m.length-3]):(o=h,s=p),r.push(m)}return r};var n=t("svg-arc-to-cubic-bezier");function i(t,e,r,n){return["C",t,e,r,n,r,n]}function a(t,e,r,n,i,a){return["C",t/3+2/3*r,e/3+2/3*n,i/3+2/3*r,a/3+2/3*n,i,a]}},{"svg-arc-to-cubic-bezier":571}],574:[function(t,e,r){"use strict";var n,i=t("svg-path-bounds"),a=t("parse-svg-path"),o=t("draw-svg-path"),s=t("is-svg-path"),l=t("bitmap-sdf"),c=document.createElement("canvas"),u=c.getContext("2d");e.exports=function(t,e){if(!s(t))throw Error("Argument should be valid svg path string");e||(e={});var r,f;e.shape?(r=e.shape[0],f=e.shape[1]):(r=c.width=e.w||e.width||200,f=c.height=e.h||e.height||200);var h=Math.min(r,f),p=e.stroke||0,d=e.viewbox||e.viewBox||i(t),g=[r/(d[2]-d[0]),f/(d[3]-d[1])],m=Math.min(g[0]||0,g[1]||0)/2;u.fillStyle="black",u.fillRect(0,0,r,f),u.fillStyle="white",p&&("number"!=typeof p&&(p=1),u.strokeStyle=p>0?"white":"black",u.lineWidth=Math.abs(p));if(u.translate(.5*r,.5*f),u.scale(m,m),function(){if(null!=n)return n;var t=document.createElement("canvas").getContext("2d");if(t.canvas.width=t.canvas.height=1,!window.Path2D)return n=!1;var e=new Path2D("M0,0h1v1h-1v-1Z");t.fillStyle="black",t.fill(e);var r=t.getImageData(0,0,1,1);return n=r&&r.data&&255===r.data[3]}()){var v=new Path2D(t);u.fill(v),p&&u.stroke(v)}else{var y=a(t);o(u,y),u.fill(),p&&u.stroke()}return u.setTransform(1,0,0,1,0,0),l(u,{cutoff:null!=e.cutoff?e.cutoff:.5,radius:null!=e.radius?e.radius:.5*h})}},{"bitmap-sdf":98,"draw-svg-path":174,"is-svg-path":471,"parse-svg-path":505,"svg-path-bounds":572}],575:[function(t,e,r){(function(r){(function(){"use strict";e.exports=function t(e,r,i){i=i||{};var o=a[e];o||(o=a[e]={" ":{data:new Float32Array(0),shape:.2}});var s=o[r];if(!s)if(r.length<=1||!/\d/.test(r))s=o[r]=function(t){for(var e=t.cells,r=t.positions,n=new Float32Array(6*e.length),i=0,a=0,o=0;o0&&(f+=.02);var p=new Float32Array(u),d=0,g=-.5*f;for(h=0;h1&&(r-=1),r<1/6?t+6*(e-t)*r:r<.5?e:r<2/3?t+(e-t)*(2/3-r)*6:t}if(t=L(t,360),e=L(e,100),r=L(r,100),0===e)n=i=a=r;else{var s=r<.5?r*(1+e):r+e-r*e,l=2*r-s;n=o(l,s,t+1/3),i=o(l,s,t),a=o(l,s,t-1/3)}return{r:255*n,g:255*i,b:255*a}}(e.h,l,u),f=!0,h="hsl"),e.hasOwnProperty("a")&&(a=e.a));var p,d,g;return a=C(a),{ok:f,format:e.format||h,r:o(255,s(i.r,0)),g:o(255,s(i.g,0)),b:o(255,s(i.b,0)),a:a}}(e);this._originalInput=e,this._r=u.r,this._g=u.g,this._b=u.b,this._a=u.a,this._roundA=a(100*this._a)/100,this._format=l.format||u.format,this._gradientType=l.gradientType,this._r<1&&(this._r=a(this._r)),this._g<1&&(this._g=a(this._g)),this._b<1&&(this._b=a(this._b)),this._ok=u.ok,this._tc_id=i++}function u(t,e,r){t=L(t,255),e=L(e,255),r=L(r,255);var n,i,a=s(t,e,r),l=o(t,e,r),c=(a+l)/2;if(a==l)n=i=0;else{var u=a-l;switch(i=c>.5?u/(2-a-l):u/(a+l),a){case t:n=(e-r)/u+(e>1)+720)%360;--e;)n.h=(n.h+i)%360,a.push(c(n));return a}function A(t,e){e=e||6;for(var r=c(t).toHsv(),n=r.h,i=r.s,a=r.v,o=[],s=1/e;e--;)o.push(c({h:n,s:i,v:a})),a=(a+s)%1;return o}c.prototype={isDark:function(){return this.getBrightness()<128},isLight:function(){return!this.isDark()},isValid:function(){return this._ok},getOriginalInput:function(){return this._originalInput},getFormat:function(){return this._format},getAlpha:function(){return this._a},getBrightness:function(){var t=this.toRgb();return(299*t.r+587*t.g+114*t.b)/1e3},getLuminance:function(){var e,r,n,i=this.toRgb();return e=i.r/255,r=i.g/255,n=i.b/255,.2126*(e<=.03928?e/12.92:t.pow((e+.055)/1.055,2.4))+.7152*(r<=.03928?r/12.92:t.pow((r+.055)/1.055,2.4))+.0722*(n<=.03928?n/12.92:t.pow((n+.055)/1.055,2.4))},setAlpha:function(t){return this._a=C(t),this._roundA=a(100*this._a)/100,this},toHsv:function(){var t=f(this._r,this._g,this._b);return{h:360*t.h,s:t.s,v:t.v,a:this._a}},toHsvString:function(){var t=f(this._r,this._g,this._b),e=a(360*t.h),r=a(100*t.s),n=a(100*t.v);return 1==this._a?"hsv("+e+", "+r+"%, "+n+"%)":"hsva("+e+", "+r+"%, "+n+"%, "+this._roundA+")"},toHsl:function(){var t=u(this._r,this._g,this._b);return{h:360*t.h,s:t.s,l:t.l,a:this._a}},toHslString:function(){var t=u(this._r,this._g,this._b),e=a(360*t.h),r=a(100*t.s),n=a(100*t.l);return 1==this._a?"hsl("+e+", "+r+"%, "+n+"%)":"hsla("+e+", "+r+"%, "+n+"%, "+this._roundA+")"},toHex:function(t){return h(this._r,this._g,this._b,t)},toHexString:function(t){return"#"+this.toHex(t)},toHex8:function(t){return function(t,e,r,n,i){var o=[z(a(t).toString(16)),z(a(e).toString(16)),z(a(r).toString(16)),z(D(n))];if(i&&o[0].charAt(0)==o[0].charAt(1)&&o[1].charAt(0)==o[1].charAt(1)&&o[2].charAt(0)==o[2].charAt(1)&&o[3].charAt(0)==o[3].charAt(1))return o[0].charAt(0)+o[1].charAt(0)+o[2].charAt(0)+o[3].charAt(0);return o.join("")}(this._r,this._g,this._b,this._a,t)},toHex8String:function(t){return"#"+this.toHex8(t)},toRgb:function(){return{r:a(this._r),g:a(this._g),b:a(this._b),a:this._a}},toRgbString:function(){return 1==this._a?"rgb("+a(this._r)+", "+a(this._g)+", "+a(this._b)+")":"rgba("+a(this._r)+", "+a(this._g)+", "+a(this._b)+", "+this._roundA+")"},toPercentageRgb:function(){return{r:a(100*L(this._r,255))+"%",g:a(100*L(this._g,255))+"%",b:a(100*L(this._b,255))+"%",a:this._a}},toPercentageRgbString:function(){return 1==this._a?"rgb("+a(100*L(this._r,255))+"%, "+a(100*L(this._g,255))+"%, "+a(100*L(this._b,255))+"%)":"rgba("+a(100*L(this._r,255))+"%, "+a(100*L(this._g,255))+"%, "+a(100*L(this._b,255))+"%, "+this._roundA+")"},toName:function(){return 0===this._a?"transparent":!(this._a<1)&&(E[h(this._r,this._g,this._b,!0)]||!1)},toFilter:function(t){var e="#"+p(this._r,this._g,this._b,this._a),r=e,n=this._gradientType?"GradientType = 1, ":"";if(t){var i=c(t);r="#"+p(i._r,i._g,i._b,i._a)}return"progid:DXImageTransform.Microsoft.gradient("+n+"startColorstr="+e+",endColorstr="+r+")"},toString:function(t){var e=!!t;t=t||this._format;var r=!1,n=this._a<1&&this._a>=0;return e||!n||"hex"!==t&&"hex6"!==t&&"hex3"!==t&&"hex4"!==t&&"hex8"!==t&&"name"!==t?("rgb"===t&&(r=this.toRgbString()),"prgb"===t&&(r=this.toPercentageRgbString()),"hex"!==t&&"hex6"!==t||(r=this.toHexString()),"hex3"===t&&(r=this.toHexString(!0)),"hex4"===t&&(r=this.toHex8String(!0)),"hex8"===t&&(r=this.toHex8String()),"name"===t&&(r=this.toName()),"hsl"===t&&(r=this.toHslString()),"hsv"===t&&(r=this.toHsvString()),r||this.toHexString()):"name"===t&&0===this._a?this.toName():this.toRgbString()},clone:function(){return c(this.toString())},_applyModification:function(t,e){var r=t.apply(null,[this].concat([].slice.call(e)));return this._r=r._r,this._g=r._g,this._b=r._b,this.setAlpha(r._a),this},lighten:function(){return this._applyModification(v,arguments)},brighten:function(){return this._applyModification(y,arguments)},darken:function(){return this._applyModification(x,arguments)},desaturate:function(){return this._applyModification(d,arguments)},saturate:function(){return this._applyModification(g,arguments)},greyscale:function(){return this._applyModification(m,arguments)},spin:function(){return this._applyModification(b,arguments)},_applyCombination:function(t,e){return t.apply(null,[this].concat([].slice.call(e)))},analogous:function(){return this._applyCombination(M,arguments)},complement:function(){return this._applyCombination(_,arguments)},monochromatic:function(){return this._applyCombination(A,arguments)},splitcomplement:function(){return this._applyCombination(k,arguments)},triad:function(){return this._applyCombination(w,arguments)},tetrad:function(){return this._applyCombination(T,arguments)}},c.fromRatio=function(t,e){if("object"==typeof t){var r={};for(var n in t)t.hasOwnProperty(n)&&(r[n]="a"===n?t[n]:O(t[n]));t=r}return c(t,e)},c.equals=function(t,e){return!(!t||!e)&&c(t).toRgbString()==c(e).toRgbString()},c.random=function(){return c.fromRatio({r:l(),g:l(),b:l()})},c.mix=function(t,e,r){r=0===r?0:r||50;var n=c(t).toRgb(),i=c(e).toRgb(),a=r/100;return c({r:(i.r-n.r)*a+n.r,g:(i.g-n.g)*a+n.g,b:(i.b-n.b)*a+n.b,a:(i.a-n.a)*a+n.a})},c.readability=function(e,r){var n=c(e),i=c(r);return(t.max(n.getLuminance(),i.getLuminance())+.05)/(t.min(n.getLuminance(),i.getLuminance())+.05)},c.isReadable=function(t,e,r){var n,i,a=c.readability(t,e);switch(i=!1,(n=function(t){var e,r;e=((t=t||{level:"AA",size:"small"}).level||"AA").toUpperCase(),r=(t.size||"small").toLowerCase(),"AA"!==e&&"AAA"!==e&&(e="AA");"small"!==r&&"large"!==r&&(r="small");return{level:e,size:r}}(r)).level+n.size){case"AAsmall":case"AAAlarge":i=a>=4.5;break;case"AAlarge":i=a>=3;break;case"AAAsmall":i=a>=7}return i},c.mostReadable=function(t,e,r){var n,i,a,o,s=null,l=0;i=(r=r||{}).includeFallbackColors,a=r.level,o=r.size;for(var u=0;ul&&(l=n,s=c(e[u]));return c.isReadable(t,s,{level:a,size:o})||!i?s:(r.includeFallbackColors=!1,c.mostReadable(t,["#fff","#000"],r))};var S=c.names={aliceblue:"f0f8ff",antiquewhite:"faebd7",aqua:"0ff",aquamarine:"7fffd4",azure:"f0ffff",beige:"f5f5dc",bisque:"ffe4c4",black:"000",blanchedalmond:"ffebcd",blue:"00f",blueviolet:"8a2be2",brown:"a52a2a",burlywood:"deb887",burntsienna:"ea7e5d",cadetblue:"5f9ea0",chartreuse:"7fff00",chocolate:"d2691e",coral:"ff7f50",cornflowerblue:"6495ed",cornsilk:"fff8dc",crimson:"dc143c",cyan:"0ff",darkblue:"00008b",darkcyan:"008b8b",darkgoldenrod:"b8860b",darkgray:"a9a9a9",darkgreen:"006400",darkgrey:"a9a9a9",darkkhaki:"bdb76b",darkmagenta:"8b008b",darkolivegreen:"556b2f",darkorange:"ff8c00",darkorchid:"9932cc",darkred:"8b0000",darksalmon:"e9967a",darkseagreen:"8fbc8f",darkslateblue:"483d8b",darkslategray:"2f4f4f",darkslategrey:"2f4f4f",darkturquoise:"00ced1",darkviolet:"9400d3",deeppink:"ff1493",deepskyblue:"00bfff",dimgray:"696969",dimgrey:"696969",dodgerblue:"1e90ff",firebrick:"b22222",floralwhite:"fffaf0",forestgreen:"228b22",fuchsia:"f0f",gainsboro:"dcdcdc",ghostwhite:"f8f8ff",gold:"ffd700",goldenrod:"daa520",gray:"808080",green:"008000",greenyellow:"adff2f",grey:"808080",honeydew:"f0fff0",hotpink:"ff69b4",indianred:"cd5c5c",indigo:"4b0082",ivory:"fffff0",khaki:"f0e68c",lavender:"e6e6fa",lavenderblush:"fff0f5",lawngreen:"7cfc00",lemonchiffon:"fffacd",lightblue:"add8e6",lightcoral:"f08080",lightcyan:"e0ffff",lightgoldenrodyellow:"fafad2",lightgray:"d3d3d3",lightgreen:"90ee90",lightgrey:"d3d3d3",lightpink:"ffb6c1",lightsalmon:"ffa07a",lightseagreen:"20b2aa",lightskyblue:"87cefa",lightslategray:"789",lightslategrey:"789",lightsteelblue:"b0c4de",lightyellow:"ffffe0",lime:"0f0",limegreen:"32cd32",linen:"faf0e6",magenta:"f0f",maroon:"800000",mediumaquamarine:"66cdaa",mediumblue:"0000cd",mediumorchid:"ba55d3",mediumpurple:"9370db",mediumseagreen:"3cb371",mediumslateblue:"7b68ee",mediumspringgreen:"00fa9a",mediumturquoise:"48d1cc",mediumvioletred:"c71585",midnightblue:"191970",mintcream:"f5fffa",mistyrose:"ffe4e1",moccasin:"ffe4b5",navajowhite:"ffdead",navy:"000080",oldlace:"fdf5e6",olive:"808000",olivedrab:"6b8e23",orange:"ffa500",orangered:"ff4500",orchid:"da70d6",palegoldenrod:"eee8aa",palegreen:"98fb98",paleturquoise:"afeeee",palevioletred:"db7093",papayawhip:"ffefd5",peachpuff:"ffdab9",peru:"cd853f",pink:"ffc0cb",plum:"dda0dd",powderblue:"b0e0e6",purple:"800080",rebeccapurple:"663399",red:"f00",rosybrown:"bc8f8f",royalblue:"4169e1",saddlebrown:"8b4513",salmon:"fa8072",sandybrown:"f4a460",seagreen:"2e8b57",seashell:"fff5ee",sienna:"a0522d",silver:"c0c0c0",skyblue:"87ceeb",slateblue:"6a5acd",slategray:"708090",slategrey:"708090",snow:"fffafa",springgreen:"00ff7f",steelblue:"4682b4",tan:"d2b48c",teal:"008080",thistle:"d8bfd8",tomato:"ff6347",turquoise:"40e0d0",violet:"ee82ee",wheat:"f5deb3",white:"fff",whitesmoke:"f5f5f5",yellow:"ff0",yellowgreen:"9acd32"},E=c.hexNames=function(t){var e={};for(var r in t)t.hasOwnProperty(r)&&(e[t[r]]=r);return e}(S);function C(t){return t=parseFloat(t),(isNaN(t)||t<0||t>1)&&(t=1),t}function L(e,r){(function(t){return"string"==typeof t&&-1!=t.indexOf(".")&&1===parseFloat(t)})(e)&&(e="100%");var n=function(t){return"string"==typeof t&&-1!=t.indexOf("%")}(e);return e=o(r,s(0,parseFloat(e))),n&&(e=parseInt(e*r,10)/100),t.abs(e-r)<1e-6?1:e%r/parseFloat(r)}function I(t){return o(1,s(0,t))}function P(t){return parseInt(t,16)}function z(t){return 1==t.length?"0"+t:""+t}function O(t){return t<=1&&(t=100*t+"%"),t}function D(e){return t.round(255*parseFloat(e)).toString(16)}function R(t){return P(t)/255}var F,B,N,j=(B="[\\s|\\(]+("+(F="(?:[-\\+]?\\d*\\.\\d+%?)|(?:[-\\+]?\\d+%?)")+")[,|\\s]+("+F+")[,|\\s]+("+F+")\\s*\\)?",N="[\\s|\\(]+("+F+")[,|\\s]+("+F+")[,|\\s]+("+F+")[,|\\s]+("+F+")\\s*\\)?",{CSS_UNIT:new RegExp(F),rgb:new RegExp("rgb"+B),rgba:new RegExp("rgba"+N),hsl:new RegExp("hsl"+B),hsla:new RegExp("hsla"+N),hsv:new RegExp("hsv"+B),hsva:new RegExp("hsva"+N),hex3:/^#?([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})$/,hex6:/^#?([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})$/,hex4:/^#?([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})$/,hex8:/^#?([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})$/});function U(t){return!!j.CSS_UNIT.exec(t)}"undefined"!=typeof e&&e.exports?e.exports=c:window.tinycolor=c}(Math)},{}],577:[function(t,e,r){"use strict";e.exports=i,e.exports.float32=e.exports.float=i,e.exports.fract32=e.exports.fract=function(t){if(t.length){for(var e=i(t),r=0,n=e.length;ro&&(o=t[0]),t[1]s&&(s=t[1])}function c(t){switch(t.type){case"GeometryCollection":t.geometries.forEach(c);break;case"Point":l(t.coordinates);break;case"MultiPoint":t.coordinates.forEach(l)}}for(e in t.arcs.forEach((function(t){for(var e,r=-1,l=t.length;++ro&&(o=e[0]),e[1]s&&(s=e[1])})),t.objects)c(t.objects[e]);return[i,a,o,s]}function i(t,e){var r=e.id,n=e.bbox,i=null==e.properties?{}:e.properties,o=a(t,e);return null==r&&null==n?{type:"Feature",properties:i,geometry:o}:null==n?{type:"Feature",id:r,properties:i,geometry:o}:{type:"Feature",id:r,bbox:n,properties:i,geometry:o}}function a(t,e){var n=r(t.transform),i=t.arcs;function a(t,e){e.length&&e.pop();for(var r=i[t<0?~t:t],a=0,o=r.length;a1)n=l(t,e,r);else for(i=0,n=new Array(a=t.arcs.length);i1)for(var a,s,c=1,u=l(i[0]);cu&&(s=i[0],i[0]=i[c],i[c]=s,u=a);return i})).filter((function(t){return t.length>0}))}}function u(t,e){for(var r=0,n=t.length;r>>1;t[i]=2))throw new Error("n must be \u22652");var r,i=(l=t.bbox||n(t))[0],a=l[1],o=l[2],s=l[3];e={scale:[o-i?(o-i)/(r-1):1,s-a?(s-a)/(r-1):1],translate:[i,a]}}var l,c,u=f(e),h=t.objects,p={};function d(t){return u(t)}function g(t){var e;switch(t.type){case"GeometryCollection":e={type:"GeometryCollection",geometries:t.geometries.map(g)};break;case"Point":e={type:"Point",coordinates:d(t.coordinates)};break;case"MultiPoint":e={type:"MultiPoint",coordinates:t.coordinates.map(d)};break;default:return t}return null!=t.id&&(e.id=t.id),null!=t.bbox&&(e.bbox=t.bbox),null!=t.properties&&(e.properties=t.properties),e}for(c in h)p[c]=g(h[c]);return{type:"Topology",bbox:l,transform:e,objects:p,arcs:t.arcs.map((function(t){var e,r=0,n=1,i=t.length,a=new Array(i);for(a[0]=u(t[0],0);++rMath.max(r,n)?i[2]=1:r>Math.max(e,n)?i[0]=1:i[1]=1;for(var a=0,o=0,l=0;l<3;++l)a+=t[l]*t[l],o+=i[l]*t[l];for(l=0;l<3;++l)i[l]-=o/a*t[l];return s(i,i),i}function h(t,e,r,i,a,o,s,l){this.center=n(r),this.up=n(i),this.right=n(a),this.radius=n([o]),this.angle=n([s,l]),this.angle.bounds=[[-1/0,-Math.PI/2],[1/0,Math.PI/2]],this.setDistanceLimits(t,e),this.computedCenter=this.center.curve(0),this.computedUp=this.up.curve(0),this.computedRight=this.right.curve(0),this.computedRadius=this.radius.curve(0),this.computedAngle=this.angle.curve(0),this.computedToward=[0,0,0],this.computedEye=[0,0,0],this.computedMatrix=new Array(16);for(var c=0;c<16;++c)this.computedMatrix[c]=.5;this.recalcMatrix(0)}var p=h.prototype;p.setDistanceLimits=function(t,e){t=t>0?Math.log(t):-1/0,e=e>0?Math.log(e):1/0,e=Math.max(e,t),this.radius.bounds[0][0]=t,this.radius.bounds[1][0]=e},p.getDistanceLimits=function(t){var e=this.radius.bounds[0];return t?(t[0]=Math.exp(e[0][0]),t[1]=Math.exp(e[1][0]),t):[Math.exp(e[0][0]),Math.exp(e[1][0])]},p.recalcMatrix=function(t){this.center.curve(t),this.up.curve(t),this.right.curve(t),this.radius.curve(t),this.angle.curve(t);for(var e=this.computedUp,r=this.computedRight,n=0,i=0,a=0;a<3;++a)i+=e[a]*r[a],n+=e[a]*e[a];var l=Math.sqrt(n),u=0;for(a=0;a<3;++a)r[a]-=e[a]*i/n,u+=r[a]*r[a],e[a]/=l;var f=Math.sqrt(u);for(a=0;a<3;++a)r[a]/=f;var h=this.computedToward;o(h,e,r),s(h,h);var p=Math.exp(this.computedRadius[0]),d=this.computedAngle[0],g=this.computedAngle[1],m=Math.cos(d),v=Math.sin(d),y=Math.cos(g),x=Math.sin(g),b=this.computedCenter,_=m*y,w=v*y,T=x,k=-m*x,M=-v*x,A=y,S=this.computedEye,E=this.computedMatrix;for(a=0;a<3;++a){var C=_*r[a]+w*h[a]+T*e[a];E[4*a+1]=k*r[a]+M*h[a]+A*e[a],E[4*a+2]=C,E[4*a+3]=0}var L=E[1],I=E[5],P=E[9],z=E[2],O=E[6],D=E[10],R=I*D-P*O,F=P*z-L*D,B=L*O-I*z,N=c(R,F,B);R/=N,F/=N,B/=N,E[0]=R,E[4]=F,E[8]=B;for(a=0;a<3;++a)S[a]=b[a]+E[2+4*a]*p;for(a=0;a<3;++a){u=0;for(var j=0;j<3;++j)u+=E[a+4*j]*S[j];E[12+a]=-u}E[15]=1},p.getMatrix=function(t,e){this.recalcMatrix(t);var r=this.computedMatrix;if(e){for(var n=0;n<16;++n)e[n]=r[n];return e}return r};var d=[0,0,0];p.rotate=function(t,e,r,n){if(this.angle.move(t,e,r),n){this.recalcMatrix(t);var i=this.computedMatrix;d[0]=i[2],d[1]=i[6],d[2]=i[10];for(var o=this.computedUp,s=this.computedRight,l=this.computedToward,c=0;c<3;++c)i[4*c]=o[c],i[4*c+1]=s[c],i[4*c+2]=l[c];a(i,i,n,d);for(c=0;c<3;++c)o[c]=i[4*c],s[c]=i[4*c+1];this.up.set(t,o[0],o[1],o[2]),this.right.set(t,s[0],s[1],s[2])}},p.pan=function(t,e,r,n){e=e||0,r=r||0,n=n||0,this.recalcMatrix(t);var i=this.computedMatrix,a=(Math.exp(this.computedRadius[0]),i[1]),o=i[5],s=i[9],l=c(a,o,s);a/=l,o/=l,s/=l;var u=i[0],f=i[4],h=i[8],p=u*a+f*o+h*s,d=c(u-=a*p,f-=o*p,h-=s*p),g=(u/=d)*e+a*r,m=(f/=d)*e+o*r,v=(h/=d)*e+s*r;this.center.move(t,g,m,v);var y=Math.exp(this.computedRadius[0]);y=Math.max(1e-4,y+n),this.radius.set(t,Math.log(y))},p.translate=function(t,e,r,n){this.center.move(t,e||0,r||0,n||0)},p.setMatrix=function(t,e,r,n){var a=1;"number"==typeof r&&(a=0|r),(a<0||a>3)&&(a=1);var o=(a+2)%3;e||(this.recalcMatrix(t),e=this.computedMatrix);var s=e[a],l=e[a+4],f=e[a+8];if(n){var h=Math.abs(s),p=Math.abs(l),d=Math.abs(f),g=Math.max(h,p,d);h===g?(s=s<0?-1:1,l=f=0):d===g?(f=f<0?-1:1,s=l=0):(l=l<0?-1:1,s=f=0)}else{var m=c(s,l,f);s/=m,l/=m,f/=m}var v,y,x=e[o],b=e[o+4],_=e[o+8],w=x*s+b*l+_*f,T=c(x-=s*w,b-=l*w,_-=f*w),k=l*(_/=T)-f*(b/=T),M=f*(x/=T)-s*_,A=s*b-l*x,S=c(k,M,A);if(k/=S,M/=S,A/=S,this.center.jump(t,H,G,Y),this.radius.idle(t),this.up.jump(t,s,l,f),this.right.jump(t,x,b,_),2===a){var E=e[1],C=e[5],L=e[9],I=E*x+C*b+L*_,P=E*k+C*M+L*A;v=R<0?-Math.PI/2:Math.PI/2,y=Math.atan2(P,I)}else{var z=e[2],O=e[6],D=e[10],R=z*s+O*l+D*f,F=z*x+O*b+D*_,B=z*k+O*M+D*A;v=Math.asin(u(R)),y=Math.atan2(B,F)}this.angle.jump(t,y,v),this.recalcMatrix(t);var N=e[2],j=e[6],U=e[10],V=this.computedMatrix;i(V,e);var q=V[15],H=V[12]/q,G=V[13]/q,Y=V[14]/q,W=Math.exp(this.computedRadius[0]);this.center.jump(t,H-N*W,G-j*W,Y-U*W)},p.lastT=function(){return Math.max(this.center.lastT(),this.up.lastT(),this.right.lastT(),this.radius.lastT(),this.angle.lastT())},p.idle=function(t){this.center.idle(t),this.up.idle(t),this.right.idle(t),this.radius.idle(t),this.angle.idle(t)},p.flush=function(t){this.center.flush(t),this.up.flush(t),this.right.flush(t),this.radius.flush(t),this.angle.flush(t)},p.setDistance=function(t,e){e>0&&this.radius.set(t,Math.log(e))},p.lookAt=function(t,e,r,n){this.recalcMatrix(t),e=e||this.computedEye,r=r||this.computedCenter;var i=(n=n||this.computedUp)[0],a=n[1],o=n[2],s=c(i,a,o);if(!(s<1e-6)){i/=s,a/=s,o/=s;var l=e[0]-r[0],f=e[1]-r[1],h=e[2]-r[2],p=c(l,f,h);if(!(p<1e-6)){l/=p,f/=p,h/=p;var d=this.computedRight,g=d[0],m=d[1],v=d[2],y=i*g+a*m+o*v,x=c(g-=y*i,m-=y*a,v-=y*o);if(!(x<.01&&(x=c(g=a*h-o*f,m=o*l-i*h,v=i*f-a*l))<1e-6)){g/=x,m/=x,v/=x,this.up.set(t,i,a,o),this.right.set(t,g,m,v),this.center.set(t,r[0],r[1],r[2]),this.radius.set(t,Math.log(p));var b=a*v-o*m,_=o*g-i*v,w=i*m-a*g,T=c(b,_,w),k=i*l+a*f+o*h,M=g*l+m*f+v*h,A=(b/=T)*l+(_/=T)*f+(w/=T)*h,S=Math.asin(u(k)),E=Math.atan2(A,M),C=this.angle._state,L=C[C.length-1],I=C[C.length-2];L%=2*Math.PI;var P=Math.abs(L+2*Math.PI-E),z=Math.abs(L-E),O=Math.abs(L-2*Math.PI-E);P":(e.length>100&&(e=e.slice(0,99)+"\u2026"),e=e.replace(i,(function(t){switch(t){case"\n":return"\\n";case"\r":return"\\r";case"\u2028":return"\\u2028";case"\u2029":return"\\u2029";default:throw new Error("Unexpected character")}})))}},{"./safe-to-string":586}],588:[function(t,e,r){"use strict";var n=t("../value/is"),i={object:!0,function:!0,undefined:!0};e.exports=function(t){return!!n(t)&&hasOwnProperty.call(i,typeof t)}},{"../value/is":594}],589:[function(t,e,r){"use strict";var n=t("../lib/resolve-exception"),i=t("./is");e.exports=function(t){return i(t)?t:n(t,"%v is not a plain function",arguments[1])}},{"../lib/resolve-exception":585,"./is":590}],590:[function(t,e,r){"use strict";var n=t("../function/is"),i=/^\s*class[\s{/}]/,a=Function.prototype.toString;e.exports=function(t){return!!n(t)&&!i.test(a.call(t))}},{"../function/is":584}],591:[function(t,e,r){"use strict";var n=t("../object/is");e.exports=function(t){if(!n(t))return!1;try{return!!t.constructor&&t.constructor.prototype===t}catch(t){return!1}}},{"../object/is":588}],592:[function(t,e,r){"use strict";var n=t("../value/is"),i=t("../object/is"),a=Object.prototype.toString;e.exports=function(t){if(!n(t))return null;if(i(t)){var e=t.toString;if("function"!=typeof e)return null;if(e===a)return null}try{return""+t}catch(t){return null}}},{"../object/is":588,"../value/is":594}],593:[function(t,e,r){"use strict";var n=t("../lib/resolve-exception"),i=t("./is");e.exports=function(t){return i(t)?t:n(t,"Cannot use %v",arguments[1])}},{"../lib/resolve-exception":585,"./is":594}],594:[function(t,e,r){"use strict";e.exports=function(t){return null!=t}},{}],595:[function(t,e,r){(function(e){(function(){"use strict";var n=t("bit-twiddle"),i=t("dup"),a=t("buffer").Buffer;e.__TYPEDARRAY_POOL||(e.__TYPEDARRAY_POOL={UINT8:i([32,0]),UINT16:i([32,0]),UINT32:i([32,0]),BIGUINT64:i([32,0]),INT8:i([32,0]),INT16:i([32,0]),INT32:i([32,0]),BIGINT64:i([32,0]),FLOAT:i([32,0]),DOUBLE:i([32,0]),DATA:i([32,0]),UINT8C:i([32,0]),BUFFER:i([32,0])});var o="undefined"!=typeof Uint8ClampedArray,s="undefined"!=typeof BigUint64Array,l="undefined"!=typeof BigInt64Array,c=e.__TYPEDARRAY_POOL;c.UINT8C||(c.UINT8C=i([32,0])),c.BIGUINT64||(c.BIGUINT64=i([32,0])),c.BIGINT64||(c.BIGINT64=i([32,0])),c.BUFFER||(c.BUFFER=i([32,0]));var u=c.DATA,f=c.BUFFER;function h(t){if(t){var e=t.length||t.byteLength,r=n.log2(e);u[r].push(t)}}function p(t){t=n.nextPow2(t);var e=n.log2(t),r=u[e];return r.length>0?r.pop():new ArrayBuffer(t)}function d(t){return new Uint8Array(p(t),0,t)}function g(t){return new Uint16Array(p(2*t),0,t)}function m(t){return new Uint32Array(p(4*t),0,t)}function v(t){return new Int8Array(p(t),0,t)}function y(t){return new Int16Array(p(2*t),0,t)}function x(t){return new Int32Array(p(4*t),0,t)}function b(t){return new Float32Array(p(4*t),0,t)}function _(t){return new Float64Array(p(8*t),0,t)}function w(t){return o?new Uint8ClampedArray(p(t),0,t):d(t)}function T(t){return s?new BigUint64Array(p(8*t),0,t):null}function k(t){return l?new BigInt64Array(p(8*t),0,t):null}function M(t){return new DataView(p(t),0,t)}function A(t){t=n.nextPow2(t);var e=n.log2(t),r=f[e];return r.length>0?r.pop():new a(t)}r.free=function(t){if(a.isBuffer(t))f[n.log2(t.length)].push(t);else{if("[object ArrayBuffer]"!==Object.prototype.toString.call(t)&&(t=t.buffer),!t)return;var e=t.length||t.byteLength,r=0|n.log2(e);u[r].push(t)}},r.freeUint8=r.freeUint16=r.freeUint32=r.freeBigUint64=r.freeInt8=r.freeInt16=r.freeInt32=r.freeBigInt64=r.freeFloat32=r.freeFloat=r.freeFloat64=r.freeDouble=r.freeUint8Clamped=r.freeDataView=function(t){h(t.buffer)},r.freeArrayBuffer=h,r.freeBuffer=function(t){f[n.log2(t.length)].push(t)},r.malloc=function(t,e){if(void 0===e||"arraybuffer"===e)return p(t);switch(e){case"uint8":return d(t);case"uint16":return g(t);case"uint32":return m(t);case"int8":return v(t);case"int16":return y(t);case"int32":return x(t);case"float":case"float32":return b(t);case"double":case"float64":return _(t);case"uint8_clamped":return w(t);case"bigint64":return k(t);case"biguint64":return T(t);case"buffer":return A(t);case"data":case"dataview":return M(t);default:return null}return null},r.mallocArrayBuffer=p,r.mallocUint8=d,r.mallocUint16=g,r.mallocUint32=m,r.mallocInt8=v,r.mallocInt16=y,r.mallocInt32=x,r.mallocFloat32=r.mallocFloat=b,r.mallocFloat64=r.mallocDouble=_,r.mallocUint8Clamped=w,r.mallocBigUint64=T,r.mallocBigInt64=k,r.mallocDataView=M,r.mallocBuffer=A,r.clearCache=function(){for(var t=0;t<32;++t)c.UINT8[t].length=0,c.UINT16[t].length=0,c.UINT32[t].length=0,c.INT8[t].length=0,c.INT16[t].length=0,c.INT32[t].length=0,c.FLOAT[t].length=0,c.DOUBLE[t].length=0,c.BIGUINT64[t].length=0,c.BIGINT64[t].length=0,c.UINT8C[t].length=0,u[t].length=0,f[t].length=0}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"bit-twiddle":97,buffer:111,dup:176}],596:[function(t,e,r){"use strict";function n(t){this.roots=new Array(t),this.ranks=new Array(t);for(var e=0;e0&&(a=n.size),n.lineSpacing&&n.lineSpacing>0&&(o=n.lineSpacing),n.styletags&&n.styletags.breaklines&&(s.breaklines=!!n.styletags.breaklines),n.styletags&&n.styletags.bolds&&(s.bolds=!!n.styletags.bolds),n.styletags&&n.styletags.italics&&(s.italics=!!n.styletags.italics),n.styletags&&n.styletags.subscripts&&(s.subscripts=!!n.styletags.subscripts),n.styletags&&n.styletags.superscripts&&(s.superscripts=!!n.styletags.superscripts));return r.font=[n.fontStyle,n.fontVariant,n.fontWeight,a+"px",n.font].filter((function(t){return t})).join(" "),r.textAlign="start",r.textBaseline="alphabetic",r.direction="ltr",h(function(t,e,r,n,a,o){r=r.replace(/\n/g,""),r=!0===o.breaklines?r.replace(/\/g,"\n"):r.replace(/\/g," ");var s="",l=[];for(p=0;p-1?parseInt(t[1+i]):0,l=a>-1?parseInt(r[1+a]):0;s!==l&&(n=n.replace(S(),"?px "),m*=Math.pow(.75,l-s),n=n.replace("?px ",S())),g+=.25*x*(l-s)}if(!0===o.superscripts){var c=t.indexOf("+"),u=r.indexOf("+"),f=c>-1?parseInt(t[1+c]):0,h=u>-1?parseInt(r[1+u]):0;f!==h&&(n=n.replace(S(),"?px "),m*=Math.pow(.75,h-f),n=n.replace("?px ",S())),g-=.25*x*(h-f)}if(!0===o.bolds){var p=t.indexOf("b|")>-1,d=r.indexOf("b|")>-1;!p&&d&&(n=v?n.replace("italic ","italic bold "):"bold "+n),p&&!d&&(n=n.replace("bold ",""))}if(!0===o.italics){var v=t.indexOf("i|")>-1,y=r.indexOf("i|")>-1;!v&&y&&(n="italic "+n),v&&!y&&(n=n.replace("italic ",""))}e.font=n}for(h=0;h",a="",o=i.length,s=a.length,l="+"===e[0]||"-"===e[0],c=0,u=-s;c>-1&&-1!==(c=r.indexOf(i,c))&&-1!==(u=r.indexOf(a,c+o))&&!(u<=c);){for(var f=c;f=u)n[f]=null,r=r.substr(0,f)+" "+r.substr(f+1);else if(null!==n[f]){var h=n[f].indexOf(e[0]);-1===h?n[f]+=e:l&&(n[f]=n[f].substr(0,h+1)+(1+parseInt(n[f][h+1]))+n[f].substr(h+2))}var p=c+o,d=r.substr(p,u-p).indexOf(i);c=-1!==d?d:u+s}return n}function u(t,e){var r=n(t,128);return e?a(r.cells,r.positions,.25):{edges:r.cells,positions:r.positions}}function f(t,e,r,n){var i=u(t,n),a=function(t,e,r){for(var n=e.textAlign||"start",i=e.textBaseline||"alphabetic",a=[1<<30,1<<30],o=[0,0],s=t.length,l=0;l=0?e[a]:i}))},has___:{value:y((function(e){var n=v(e);return n?r in n:t.indexOf(e)>=0}))},set___:{value:y((function(n,i){var a,o=v(n);return o?o[r]=i:(a=t.indexOf(n))>=0?e[a]=i:(a=t.length,e[a]=i,t[a]=n),this}))},delete___:{value:y((function(n){var i,a,o=v(n);return o?r in o&&delete o[r]:!((i=t.indexOf(n))<0)&&(a=t.length-1,t[i]=void 0,e[i]=e[a],t[i]=t[a],t.length=a,e.length=a,!0)}))}})};d.prototype=Object.create(Object.prototype,{get:{value:function(t,e){return this.get___(t,e)},writable:!0,configurable:!0},has:{value:function(t){return this.has___(t)},writable:!0,configurable:!0},set:{value:function(t,e){return this.set___(t,e)},writable:!0,configurable:!0},delete:{value:function(t){return this.delete___(t)},writable:!0,configurable:!0}}),"function"==typeof r?function(){function n(){this instanceof d||x();var e,n=new r,i=void 0,a=!1;return e=t?function(t,e){return n.set(t,e),n.has(t)||(i||(i=new d),i.set(t,e)),this}:function(t,e){if(a)try{n.set(t,e)}catch(r){i||(i=new d),i.set___(t,e)}else n.set(t,e);return this},Object.create(d.prototype,{get___:{value:y((function(t,e){return i?n.has(t)?n.get(t):i.get___(t,e):n.get(t,e)}))},has___:{value:y((function(t){return n.has(t)||!!i&&i.has___(t)}))},set___:{value:y(e)},delete___:{value:y((function(t){var e=!!n.delete(t);return i&&i.delete___(t)||e}))},permitHostObjects___:{value:y((function(t){if(t!==g)throw new Error("bogus call to permitHostObjects___");a=!0}))}})}t&&"undefined"!=typeof Proxy&&(Proxy=void 0),n.prototype=d.prototype,e.exports=n,Object.defineProperty(WeakMap.prototype,"constructor",{value:WeakMap,enumerable:!1,configurable:!0,writable:!0})}():("undefined"!=typeof Proxy&&(Proxy=void 0),e.exports=d)}function g(t){t.permitHostObjects___&&t.permitHostObjects___(g)}function m(t){return!("weakmap:"==t.substr(0,"weakmap:".length)&&"___"===t.substr(t.length-3))}function v(t){if(t!==Object(t))throw new TypeError("Not an object: "+t);var e=t[l];if(e&&e.key===t)return e;if(s(t)){e={key:t};try{return o(t,l,{value:e,writable:!1,enumerable:!1,configurable:!1}),e}catch(t){return}}}function y(t){return t.prototype=null,Object.freeze(t)}function x(){h||"undefined"==typeof console||(h=!0,console.warn("WeakMap should be invoked as new WeakMap(), not WeakMap(). This will be an error in the future."))}}()},{}],603:[function(t,e,r){var n=t("./hidden-store.js");e.exports=function(){var t={};return function(e){if(("object"!=typeof e||null===e)&&"function"!=typeof e)throw new Error("Weakmap-shim: Key must be object");var r=e.valueOf(t);return r&&r.identity===t?r:n(e,t)}}},{"./hidden-store.js":604}],604:[function(t,e,r){e.exports=function(t,e){var r={identity:e},n=t.valueOf;return Object.defineProperty(t,"valueOf",{value:function(t){return t!==e?n.apply(this,arguments):r},writable:!0}),r}},{}],605:[function(t,e,r){var n=t("./create-store.js");e.exports=function(){var t=n();return{get:function(e,r){var n=t(e);return n.hasOwnProperty("value")?n.value:r},set:function(e,r){return t(e).value=r,this},has:function(e){return"value"in t(e)},delete:function(e){return delete t(e).value}}}},{"./create-store.js":603}],606:[function(t,e,r){var n=t("get-canvas-context");e.exports=function(t){return n("webgl",t)}},{"get-canvas-context":249}],607:[function(t,e,r){var n=t("../main"),i=t("object-assign"),a=n.instance();function o(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}o.prototype=new n.baseCalendar,i(o.prototype,{name:"Chinese",jdEpoch:1721425.5,hasYearZero:!1,minMonth:0,firstMonth:0,minDay:1,regionalOptions:{"":{name:"Chinese",epochs:["BEC","EC"],monthNumbers:function(t,e){if("string"==typeof t){var r=t.match(l);return r?r[0]:""}var n=this._validateYear(t),i=t.month(),a=""+this.toChineseMonth(n,i);return e&&a.length<2&&(a="0"+a),this.isIntercalaryMonth(n,i)&&(a+="i"),a},monthNames:function(t){if("string"==typeof t){var e=t.match(c);return e?e[0]:""}var r=this._validateYear(t),n=t.month(),i=["\u4e00\u6708","\u4e8c\u6708","\u4e09\u6708","\u56db\u6708","\u4e94\u6708","\u516d\u6708","\u4e03\u6708","\u516b\u6708","\u4e5d\u6708","\u5341\u6708","\u5341\u4e00\u6708","\u5341\u4e8c\u6708"][this.toChineseMonth(r,n)-1];return this.isIntercalaryMonth(r,n)&&(i="\u95f0"+i),i},monthNamesShort:function(t){if("string"==typeof t){var e=t.match(u);return e?e[0]:""}var r=this._validateYear(t),n=t.month(),i=["\u4e00","\u4e8c","\u4e09","\u56db","\u4e94","\u516d","\u4e03","\u516b","\u4e5d","\u5341","\u5341\u4e00","\u5341\u4e8c"][this.toChineseMonth(r,n)-1];return this.isIntercalaryMonth(r,n)&&(i="\u95f0"+i),i},parseMonth:function(t,e){t=this._validateYear(t);var r,n=parseInt(e);if(isNaN(n))"\u95f0"===e[0]&&(r=!0,e=e.substring(1)),"\u6708"===e[e.length-1]&&(e=e.substring(0,e.length-1)),n=1+["\u4e00","\u4e8c","\u4e09","\u56db","\u4e94","\u516d","\u4e03","\u516b","\u4e5d","\u5341","\u5341\u4e00","\u5341\u4e8c"].indexOf(e);else{var i=e[e.length-1];r="i"===i||"I"===i}return this.toMonthIndex(t,n,r)},dayNames:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],dayNamesShort:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],dayNamesMin:["Su","Mo","Tu","We","Th","Fr","Sa"],digits:null,dateFormat:"yyyy/mm/dd",firstDay:1,isRTL:!1}},_validateYear:function(t,e){if(t.year&&(t=t.year()),"number"!=typeof t||t<1888||t>2111)throw e.replace(/\{0\}/,this.local.name);return t},toMonthIndex:function(t,e,r){var i=this.intercalaryMonth(t);if(r&&e!==i||e<1||e>12)throw n.local.invalidMonth.replace(/\{0\}/,this.local.name);return i?!r&&e<=i?e-1:e:e-1},toChineseMonth:function(t,e){t.year&&(e=(t=t.year()).month());var r=this.intercalaryMonth(t);if(e<0||e>(r?12:11))throw n.local.invalidMonth.replace(/\{0\}/,this.local.name);return r?e>13},isIntercalaryMonth:function(t,e){t.year&&(e=(t=t.year()).month());var r=this.intercalaryMonth(t);return!!r&&r===e},leapYear:function(t){return 0!==this.intercalaryMonth(t)},weekOfYear:function(t,e,r){var i,o=this._validateYear(t,n.local.invalidyear),s=h[o-h[0]],l=s>>9&4095,c=s>>5&15,u=31&s;(i=a.newDate(l,c,u)).add(4-(i.dayOfWeek()||7),"d");var f=this.toJD(t,e,r)-i.toJD();return 1+Math.floor(f/7)},monthsInYear:function(t){return this.leapYear(t)?13:12},daysInMonth:function(t,e){t.year&&(e=t.month(),t=t.year()),t=this._validateYear(t);var r=f[t-f[0]];if(e>(r>>13?12:11))throw n.local.invalidMonth.replace(/\{0\}/,this.local.name);return r&1<<12-e?30:29},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,s,r,n.local.invalidDate);t=this._validateYear(i.year()),e=i.month(),r=i.day();var o=this.isIntercalaryMonth(t,e),s=this.toChineseMonth(t,e),l=function(t,e,r,n,i){var a,o,s;if("object"==typeof t)o=t,a=e||{};else{var l;if(!("number"==typeof t&&t>=1888&&t<=2111))throw new Error("Lunar year outside range 1888-2111");if(!("number"==typeof e&&e>=1&&e<=12))throw new Error("Lunar month outside range 1 - 12");if(!("number"==typeof r&&r>=1&&r<=30))throw new Error("Lunar day outside range 1 - 30");"object"==typeof n?(l=!1,a=n):(l=!!n,a=i||{}),o={year:t,month:e,day:r,isIntercalary:l}}s=o.day-1;var c,u=f[o.year-f[0]],p=u>>13;c=p&&(o.month>p||o.isIntercalary)?o.month:o.month-1;for(var d=0;d>9&4095,(g>>5&15)-1,(31&g)+s);return a.year=m.getFullYear(),a.month=1+m.getMonth(),a.day=m.getDate(),a}(t,s,r,o);return a.toJD(l.year,l.month,l.day)},fromJD:function(t){var e=a.fromJD(t),r=function(t,e,r,n){var i,a;if("object"==typeof t)i=t,a=e||{};else{if(!("number"==typeof t&&t>=1888&&t<=2111))throw new Error("Solar year outside range 1888-2111");if(!("number"==typeof e&&e>=1&&e<=12))throw new Error("Solar month outside range 1 - 12");if(!("number"==typeof r&&r>=1&&r<=31))throw new Error("Solar day outside range 1 - 31");i={year:t,month:e,day:r},a=n||{}}var o=h[i.year-h[0]],s=i.year<<9|i.month<<5|i.day;a.year=s>=o?i.year:i.year-1,o=h[a.year-h[0]];var l,c=new Date(o>>9&4095,(o>>5&15)-1,31&o),u=new Date(i.year,i.month-1,i.day);l=Math.round((u-c)/864e5);var p,d=f[a.year-f[0]];for(p=0;p<13;p++){var g=d&1<<12-p?30:29;if(l>13;!m||p=2&&n<=6},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return{century:o[Math.floor((i.year()-1)/100)+1]||""}},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year()+(i.year()<0?1:0),e=i.month(),(r=i.day())+(e>1?16:0)+(e>2?32*(e-2):0)+400*(t-1)+this.jdEpoch-1},fromJD:function(t){t=Math.floor(t+.5)-Math.floor(this.jdEpoch)-1;var e=Math.floor(t/400)+1;t-=400*(e-1),t+=t>15?16:0;var r=Math.floor(t/32)+1,n=t-32*(r-1)+1;return this.newDate(e<=0?e-1:e,r,n)}});var o={20:"Fruitbat",21:"Anchovy"};n.calendars.discworld=a},{"../main":621,"object-assign":499}],610:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Ethiopian",jdEpoch:1724220.5,daysPerMonth:[30,30,30,30,30,30,30,30,30,30,30,30,5],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Ethiopian",epochs:["BEE","EE"],monthNames:["Meskerem","Tikemet","Hidar","Tahesas","Tir","Yekatit","Megabit","Miazia","Genbot","Sene","Hamle","Nehase","Pagume"],monthNamesShort:["Mes","Tik","Hid","Tah","Tir","Yek","Meg","Mia","Gen","Sen","Ham","Neh","Pag"],dayNames:["Ehud","Segno","Maksegno","Irob","Hamus","Arb","Kidame"],dayNamesShort:["Ehu","Seg","Mak","Iro","Ham","Arb","Kid"],dayNamesMin:["Eh","Se","Ma","Ir","Ha","Ar","Ki"],digits:null,dateFormat:"dd/mm/yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return(t=e.year()+(e.year()<0?1:0))%4==3||t%4==-1},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear||n.regionalOptions[""].invalidYear),13},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(13===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return(t=i.year())<0&&t++,i.day()+30*(i.month()-1)+365*(t-1)+Math.floor(t/4)+this.jdEpoch-1},fromJD:function(t){var e=Math.floor(t)+.5-this.jdEpoch,r=Math.floor((e-Math.floor((e+366)/1461))/365)+1;r<=0&&r--,e=Math.floor(t)+.5-this.newDate(r,1,1).toJD();var n=Math.floor(e/30)+1,i=e-30*(n-1)+1;return this.newDate(r,n,i)}}),n.calendars.ethiopian=a},{"../main":621,"object-assign":499}],611:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}function o(t,e){return t-e*Math.floor(t/e)}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Hebrew",jdEpoch:347995.5,daysPerMonth:[30,29,30,29,30,29,30,29,30,29,30,29,29],hasYearZero:!1,minMonth:1,firstMonth:7,minDay:1,regionalOptions:{"":{name:"Hebrew",epochs:["BAM","AM"],monthNames:["Nisan","Iyar","Sivan","Tammuz","Av","Elul","Tishrei","Cheshvan","Kislev","Tevet","Shevat","Adar","Adar II"],monthNamesShort:["Nis","Iya","Siv","Tam","Av","Elu","Tis","Che","Kis","Tev","She","Ada","Ad2"],dayNames:["Yom Rishon","Yom Sheni","Yom Shlishi","Yom Revi'i","Yom Chamishi","Yom Shishi","Yom Shabbat"],dayNamesShort:["Ris","She","Shl","Rev","Cha","Shi","Sha"],dayNamesMin:["Ri","She","Shl","Re","Ch","Shi","Sha"],digits:null,dateFormat:"dd/mm/yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return this._leapYear(e.year())},_leapYear:function(t){return o(7*(t=t<0?t+1:t)+1,19)<7},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),this._leapYear(t.year?t.year():t)?13:12},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){return t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year(),this.toJD(-1===t?1:t+1,7,1)-this.toJD(t,7,1)},daysInMonth:function(t,e){return t.year&&(e=t.month(),t=t.year()),this._validate(t,e,this.minDay,n.local.invalidMonth),12===e&&this.leapYear(t)||8===e&&5===o(this.daysInYear(t),10)?30:9===e&&3===o(this.daysInYear(t),10)?29:this.daysPerMonth[e-1]},weekDay:function(t,e,r){return 6!==this.dayOfWeek(t,e,r)},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return{yearType:(this.leapYear(i)?"embolismic":"common")+" "+["deficient","regular","complete"][this.daysInYear(i)%10-3]}},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=t<=0?t+1:t,o=this.jdEpoch+this._delay1(a)+this._delay2(a)+r+1;if(e<7){for(var s=7;s<=this.monthsInYear(t);s++)o+=this.daysInMonth(t,s);for(s=1;s=this.toJD(-1===e?1:e+1,7,1);)e++;for(var r=tthis.toJD(e,r,this.daysInMonth(e,r));)r++;var n=t-this.toJD(e,r,1)+1;return this.newDate(e,r,n)}}),n.calendars.hebrew=a},{"../main":621,"object-assign":499}],612:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Islamic",jdEpoch:1948439.5,daysPerMonth:[30,29,30,29,30,29,30,29,30,29,30,29],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Islamic",epochs:["BH","AH"],monthNames:["Muharram","Safar","Rabi' al-awwal","Rabi' al-thani","Jumada al-awwal","Jumada al-thani","Rajab","Sha'aban","Ramadan","Shawwal","Dhu al-Qi'dah","Dhu al-Hijjah"],monthNamesShort:["Muh","Saf","Rab1","Rab2","Jum1","Jum2","Raj","Sha'","Ram","Shaw","DhuQ","DhuH"],dayNames:["Yawm al-ahad","Yawm al-ithnayn","Yawm ath-thulaathaa'","Yawm al-arbi'aa'","Yawm al-kham\u012bs","Yawm al-jum'a","Yawm as-sabt"],dayNamesShort:["Aha","Ith","Thu","Arb","Kha","Jum","Sab"],dayNamesMin:["Ah","It","Th","Ar","Kh","Ju","Sa"],digits:null,dateFormat:"yyyy/mm/dd",firstDay:6,isRTL:!1}},leapYear:function(t){return(11*this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year()+14)%30<11},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){return this.leapYear(t)?355:354},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year(),e=i.month(),t=t<=0?t+1:t,(r=i.day())+Math.ceil(29.5*(e-1))+354*(t-1)+Math.floor((3+11*t)/30)+this.jdEpoch-1},fromJD:function(t){t=Math.floor(t)+.5;var e=Math.floor((30*(t-this.jdEpoch)+10646)/10631);e=e<=0?e-1:e;var r=Math.min(12,Math.ceil((t-29-this.toJD(e,1,1))/29.5)+1),n=t-this.toJD(e,r,1)+1;return this.newDate(e,r,n)}}),n.calendars.islamic=a},{"../main":621,"object-assign":499}],613:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Julian",jdEpoch:1721423.5,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Julian",epochs:["BC","AD"],monthNames:["January","February","March","April","May","June","July","August","September","October","November","December"],monthNamesShort:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"],dayNames:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],dayNamesShort:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],dayNamesMin:["Su","Mo","Tu","We","Th","Fr","Sa"],digits:null,dateFormat:"mm/dd/yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return(t=e.year()<0?e.year()+1:e.year())%4==0},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(4-(n.dayOfWeek()||7),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year(),e=i.month(),r=i.day(),t<0&&t++,e<=2&&(t--,e+=12),Math.floor(365.25*(t+4716))+Math.floor(30.6001*(e+1))+r-1524.5},fromJD:function(t){var e=Math.floor(t+.5)+1524,r=Math.floor((e-122.1)/365.25),n=Math.floor(365.25*r),i=Math.floor((e-n)/30.6001),a=i-Math.floor(i<14?1:13),o=r-Math.floor(a>2?4716:4715),s=e-n-Math.floor(30.6001*i);return o<=0&&o--,this.newDate(o,a,s)}}),n.calendars.julian=a},{"../main":621,"object-assign":499}],614:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}function o(t,e){return t-e*Math.floor(t/e)}function s(t,e){return o(t-1,e)+1}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Mayan",jdEpoch:584282.5,hasYearZero:!0,minMonth:0,firstMonth:0,minDay:0,regionalOptions:{"":{name:"Mayan",epochs:["",""],monthNames:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17"],monthNamesShort:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17"],dayNames:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17","18","19"],dayNamesShort:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17","18","19"],dayNamesMin:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17","18","19"],digits:null,dateFormat:"YYYY.m.d",firstDay:0,isRTL:!1,haabMonths:["Pop","Uo","Zip","Zotz","Tzec","Xul","Yaxkin","Mol","Chen","Yax","Zac","Ceh","Mac","Kankin","Muan","Pax","Kayab","Cumku","Uayeb"],tzolkinMonths:["Imix","Ik","Akbal","Kan","Chicchan","Cimi","Manik","Lamat","Muluc","Oc","Chuen","Eb","Ben","Ix","Men","Cib","Caban","Etznab","Cauac","Ahau"]}},leapYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),!1},formatYear:function(t){t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year();var e=Math.floor(t/400);return t%=400,t+=t<0?400:0,e+"."+Math.floor(t/20)+"."+t%20},forYear:function(t){if((t=t.split(".")).length<3)throw"Invalid Mayan year";for(var e=0,r=0;r19||r>0&&n<0)throw"Invalid Mayan year";e=20*e+n}return e},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),18},weekOfYear:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate),0},daysInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),360},daysInMonth:function(t,e){return this._validate(t,e,this.minDay,n.local.invalidMonth),20},daysInWeek:function(){return 5},dayOfWeek:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate).day()},weekDay:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate),!0},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate).toJD(),a=this._toHaab(i),o=this._toTzolkin(i);return{haabMonthName:this.local.haabMonths[a[0]-1],haabMonth:a[0],haabDay:a[1],tzolkinDayName:this.local.tzolkinMonths[o[0]-1],tzolkinDay:o[0],tzolkinTrecena:o[1]}},_toHaab:function(t){var e=o((t-=this.jdEpoch)+8+340,365);return[Math.floor(e/20)+1,o(e,20)]},_toTzolkin:function(t){return[s((t-=this.jdEpoch)+20,20),s(t+4,13)]},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return i.day()+20*i.month()+360*i.year()+this.jdEpoch},fromJD:function(t){t=Math.floor(t)+.5-this.jdEpoch;var e=Math.floor(t/360);t%=360,t+=t<0?360:0;var r=Math.floor(t/20),n=t%20;return this.newDate(e,r,n)}}),n.calendars.mayan=a},{"../main":621,"object-assign":499}],615:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar;var o=n.instance("gregorian");i(a.prototype,{name:"Nanakshahi",jdEpoch:2257673.5,daysPerMonth:[31,31,31,31,31,30,30,30,30,30,30,30],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Nanakshahi",epochs:["BN","AN"],monthNames:["Chet","Vaisakh","Jeth","Harh","Sawan","Bhadon","Assu","Katak","Maghar","Poh","Magh","Phagun"],monthNamesShort:["Che","Vai","Jet","Har","Saw","Bha","Ass","Kat","Mgr","Poh","Mgh","Pha"],dayNames:["Somvaar","Mangalvar","Budhvaar","Veervaar","Shukarvaar","Sanicharvaar","Etvaar"],dayNamesShort:["Som","Mangal","Budh","Veer","Shukar","Sanichar","Et"],dayNamesMin:["So","Ma","Bu","Ve","Sh","Sa","Et"],digits:null,dateFormat:"dd-mm-yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear||n.regionalOptions[""].invalidYear);return o.leapYear(e.year()+(e.year()<1?1:0)+1469)},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(1-(n.dayOfWeek()||7),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidMonth);(t=i.year())<0&&t++;for(var a=i.day(),s=1;s=this.toJD(e+1,1,1);)e++;for(var r=t-Math.floor(this.toJD(e,1,1)+.5)+1,n=1;r>this.daysInMonth(e,n);)r-=this.daysInMonth(e,n),n++;return this.newDate(e,n,r)}}),n.calendars.nanakshahi=a},{"../main":621,"object-assign":499}],616:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Nepali",jdEpoch:1700709.5,daysPerMonth:[31,31,32,32,31,30,30,29,30,29,30,30],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,daysPerYear:365,regionalOptions:{"":{name:"Nepali",epochs:["BBS","ABS"],monthNames:["Baisakh","Jestha","Ashadh","Shrawan","Bhadra","Ashwin","Kartik","Mangsir","Paush","Mangh","Falgun","Chaitra"],monthNamesShort:["Bai","Je","As","Shra","Bha","Ash","Kar","Mang","Pau","Ma","Fal","Chai"],dayNames:["Aaitabaar","Sombaar","Manglbaar","Budhabaar","Bihibaar","Shukrabaar","Shanibaar"],dayNamesShort:["Aaita","Som","Mangl","Budha","Bihi","Shukra","Shani"],dayNamesMin:["Aai","So","Man","Bu","Bi","Shu","Sha"],digits:null,dateFormat:"dd/mm/yyyy",firstDay:1,isRTL:!1}},leapYear:function(t){return this.daysInYear(t)!==this.daysPerYear},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){if(t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year(),"undefined"==typeof this.NEPALI_CALENDAR_DATA[t])return this.daysPerYear;for(var e=0,r=this.minMonth;r<=12;r++)e+=this.NEPALI_CALENDAR_DATA[t][r];return e},daysInMonth:function(t,e){return t.year&&(e=t.month(),t=t.year()),this._validate(t,e,this.minDay,n.local.invalidMonth),"undefined"==typeof this.NEPALI_CALENDAR_DATA[t]?this.daysPerMonth[e-1]:this.NEPALI_CALENDAR_DATA[t][e]},weekDay:function(t,e,r){return 6!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=n.instance(),o=0,s=e,l=t;this._createMissingCalendarData(t);var c=t-(s>9||9===s&&r>=this.NEPALI_CALENDAR_DATA[l][0]?56:57);for(9!==e&&(o=r,s--);9!==s;)s<=0&&(s=12,l--),o+=this.NEPALI_CALENDAR_DATA[l][s],s--;return 9===e?(o+=r-this.NEPALI_CALENDAR_DATA[l][0])<0&&(o+=a.daysInYear(c)):o+=this.NEPALI_CALENDAR_DATA[l][9]-this.NEPALI_CALENDAR_DATA[l][0],a.newDate(c,1,1).add(o,"d").toJD()},fromJD:function(t){var e=n.instance().fromJD(t),r=e.year(),i=e.dayOfYear(),a=r+56;this._createMissingCalendarData(a);for(var o=9,s=this.NEPALI_CALENDAR_DATA[a][0],l=this.NEPALI_CALENDAR_DATA[a][o]-s+1;i>l;)++o>12&&(o=1,a++),l+=this.NEPALI_CALENDAR_DATA[a][o];var c=this.NEPALI_CALENDAR_DATA[a][o]-(l-i);return this.newDate(a,o,c)},_createMissingCalendarData:function(t){var e=this.daysPerMonth.slice(0);e.unshift(17);for(var r=t-1;r0?474:473))%2820+474+38)%2816<682},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-(n.dayOfWeek()+1)%7,"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=t-(t>=0?474:473),s=474+o(a,2820);return r+(e<=7?31*(e-1):30*(e-1)+6)+Math.floor((682*s-110)/2816)+365*(s-1)+1029983*Math.floor(a/2820)+this.jdEpoch-1},fromJD:function(t){var e=(t=Math.floor(t)+.5)-this.toJD(475,1,1),r=Math.floor(e/1029983),n=o(e,1029983),i=2820;if(1029982!==n){var a=Math.floor(n/366),s=o(n,366);i=Math.floor((2134*a+2816*s+2815)/1028522)+a+1}var l=i+2820*r+474;l=l<=0?l-1:l;var c=t-this.toJD(l,1,1)+1,u=c<=186?Math.ceil(c/31):Math.ceil((c-6)/30),f=t-this.toJD(l,u,1)+1;return this.newDate(l,u,f)}}),n.calendars.persian=a,n.calendars.jalali=a},{"../main":621,"object-assign":499}],618:[function(t,e,r){var n=t("../main"),i=t("object-assign"),a=n.instance();function o(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}o.prototype=new n.baseCalendar,i(o.prototype,{name:"Taiwan",jdEpoch:2419402.5,yearsOffset:1911,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Taiwan",epochs:["BROC","ROC"],monthNames:["January","February","March","April","May","June","July","August","September","October","November","December"],monthNamesShort:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"],dayNames:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],dayNamesShort:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],dayNamesMin:["Su","Mo","Tu","We","Th","Fr","Sa"],digits:null,dateFormat:"yyyy/mm/dd",firstDay:1,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(e.year());return a.leapYear(t)},weekOfYear:function(t,e,r){var i=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(i.year());return a.weekOfYear(t,i.month(),i.day())},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=this._t2gYear(i.year());return a.toJD(t,i.month(),i.day())},fromJD:function(t){var e=a.fromJD(t),r=this._g2tYear(e.year());return this.newDate(r,e.month(),e.day())},_t2gYear:function(t){return t+this.yearsOffset+(t>=-this.yearsOffset&&t<=-1?1:0)},_g2tYear:function(t){return t-this.yearsOffset-(t>=1&&t<=this.yearsOffset?1:0)}}),n.calendars.taiwan=o},{"../main":621,"object-assign":499}],619:[function(t,e,r){var n=t("../main"),i=t("object-assign"),a=n.instance();function o(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}o.prototype=new n.baseCalendar,i(o.prototype,{name:"Thai",jdEpoch:1523098.5,yearsOffset:543,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Thai",epochs:["BBE","BE"],monthNames:["January","February","March","April","May","June","July","August","September","October","November","December"],monthNamesShort:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"],dayNames:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],dayNamesShort:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],dayNamesMin:["Su","Mo","Tu","We","Th","Fr","Sa"],digits:null,dateFormat:"dd/mm/yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(e.year());return a.leapYear(t)},weekOfYear:function(t,e,r){var i=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(i.year());return a.weekOfYear(t,i.month(),i.day())},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=this._t2gYear(i.year());return a.toJD(t,i.month(),i.day())},fromJD:function(t){var e=a.fromJD(t),r=this._g2tYear(e.year());return this.newDate(r,e.month(),e.day())},_t2gYear:function(t){return t-this.yearsOffset-(t>=1&&t<=this.yearsOffset?1:0)},_g2tYear:function(t){return t+this.yearsOffset+(t>=-this.yearsOffset&&t<=-1?1:0)}}),n.calendars.thai=o},{"../main":621,"object-assign":499}],620:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"UmmAlQura",hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Umm al-Qura",epochs:["BH","AH"],monthNames:["Al-Muharram","Safar","Rabi' al-awwal","Rabi' Al-Thani","Jumada Al-Awwal","Jumada Al-Thani","Rajab","Sha'aban","Ramadan","Shawwal","Dhu al-Qi'dah","Dhu al-Hijjah"],monthNamesShort:["Muh","Saf","Rab1","Rab2","Jum1","Jum2","Raj","Sha'","Ram","Shaw","DhuQ","DhuH"],dayNames:["Yawm al-Ahad","Yawm al-Ithnain","Yawm al-Thal\u0101th\u0101\u2019","Yawm al-Arba\u2018\u0101\u2019","Yawm al-Kham\u012bs","Yawm al-Jum\u2018a","Yawm al-Sabt"],dayNamesMin:["Ah","Ith","Th","Ar","Kh","Ju","Sa"],digits:null,dateFormat:"yyyy/mm/dd",firstDay:6,isRTL:!0}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return 355===this.daysInYear(e.year())},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){for(var e=0,r=1;r<=12;r++)e+=this.daysInMonth(t,r);return e},daysInMonth:function(t,e){for(var r=this._validate(t,e,this.minDay,n.local.invalidMonth).toJD()-24e5+.5,i=0,a=0;ar)return o[i]-o[i-1];i++}return 30},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate),a=12*(i.year()-1)+i.month()-15292;return i.day()+o[a-1]-1+24e5-.5},fromJD:function(t){for(var e=t-24e5+.5,r=0,n=0;ne);n++)r++;var i=r+15292,a=Math.floor((i-1)/12),s=a+1,l=i-12*a,c=e-o[r-1]+1;return this.newDate(s,l,c)},isValid:function(t,e,r){var i=n.baseCalendar.prototype.isValid.apply(this,arguments);return i&&(i=(t=null!=t.year?t.year:t)>=1276&&t<=1500),i},_validate:function(t,e,r,i){var a=n.baseCalendar.prototype._validate.apply(this,arguments);if(a.year<1276||a.year>1500)throw i.replace(/\{0\}/,this.local.name);return a}}),n.calendars.ummalqura=a;var o=[20,50,79,109,138,168,197,227,256,286,315,345,374,404,433,463,492,522,551,581,611,641,670,700,729,759,788,818,847,877,906,936,965,995,1024,1054,1083,1113,1142,1172,1201,1231,1260,1290,1320,1350,1379,1409,1438,1468,1497,1527,1556,1586,1615,1645,1674,1704,1733,1763,1792,1822,1851,1881,1910,1940,1969,1999,2028,2058,2087,2117,2146,2176,2205,2235,2264,2294,2323,2353,2383,2413,2442,2472,2501,2531,2560,2590,2619,2649,2678,2708,2737,2767,2796,2826,2855,2885,2914,2944,2973,3003,3032,3062,3091,3121,3150,3180,3209,3239,3268,3298,3327,3357,3386,3416,3446,3476,3505,3535,3564,3594,3623,3653,3682,3712,3741,3771,3800,3830,3859,3889,3918,3948,3977,4007,4036,4066,4095,4125,4155,4185,4214,4244,4273,4303,4332,4362,4391,4421,4450,4480,4509,4539,4568,4598,4627,4657,4686,4716,4745,4775,4804,4834,4863,4893,4922,4952,4981,5011,5040,5070,5099,5129,5158,5188,5218,5248,5277,5307,5336,5366,5395,5425,5454,5484,5513,5543,5572,5602,5631,5661,5690,5720,5749,5779,5808,5838,5867,5897,5926,5956,5985,6015,6044,6074,6103,6133,6162,6192,6221,6251,6281,6311,6340,6370,6399,6429,6458,6488,6517,6547,6576,6606,6635,6665,6694,6724,6753,6783,6812,6842,6871,6901,6930,6960,6989,7019,7048,7078,7107,7137,7166,7196,7225,7255,7284,7314,7344,7374,7403,7433,7462,7492,7521,7551,7580,7610,7639,7669,7698,7728,7757,7787,7816,7846,7875,7905,7934,7964,7993,8023,8053,8083,8112,8142,8171,8201,8230,8260,8289,8319,8348,8378,8407,8437,8466,8496,8525,8555,8584,8614,8643,8673,8702,8732,8761,8791,8821,8850,8880,8909,8938,8968,8997,9027,9056,9086,9115,9145,9175,9205,9234,9264,9293,9322,9352,9381,9410,9440,9470,9499,9529,9559,9589,9618,9648,9677,9706,9736,9765,9794,9824,9853,9883,9913,9943,9972,10002,10032,10061,10090,10120,10149,10178,10208,10237,10267,10297,10326,10356,10386,10415,10445,10474,10504,10533,10562,10592,10621,10651,10680,10710,10740,10770,10799,10829,10858,10888,10917,10947,10976,11005,11035,11064,11094,11124,11153,11183,11213,11242,11272,11301,11331,11360,11389,11419,11448,11478,11507,11537,11567,11596,11626,11655,11685,11715,11744,11774,11803,11832,11862,11891,11921,11950,11980,12010,12039,12069,12099,12128,12158,12187,12216,12246,12275,12304,12334,12364,12393,12423,12453,12483,12512,12542,12571,12600,12630,12659,12688,12718,12747,12777,12807,12837,12866,12896,12926,12955,12984,13014,13043,13072,13102,13131,13161,13191,13220,13250,13280,13310,13339,13368,13398,13427,13456,13486,13515,13545,13574,13604,13634,13664,13693,13723,13752,13782,13811,13840,13870,13899,13929,13958,13988,14018,14047,14077,14107,14136,14166,14195,14224,14254,14283,14313,14342,14372,14401,14431,14461,14490,14520,14550,14579,14609,14638,14667,14697,14726,14756,14785,14815,14844,14874,14904,14933,14963,14993,15021,15051,15081,15110,15140,15169,15199,15228,15258,15287,15317,15347,15377,15406,15436,15465,15494,15524,15553,15582,15612,15641,15671,15701,15731,15760,15790,15820,15849,15878,15908,15937,15966,15996,16025,16055,16085,16114,16144,16174,16204,16233,16262,16292,16321,16350,16380,16409,16439,16468,16498,16528,16558,16587,16617,16646,16676,16705,16734,16764,16793,16823,16852,16882,16912,16941,16971,17001,17030,17060,17089,17118,17148,17177,17207,17236,17266,17295,17325,17355,17384,17414,17444,17473,17502,17532,17561,17591,17620,17650,17679,17709,17738,17768,17798,17827,17857,17886,17916,17945,17975,18004,18034,18063,18093,18122,18152,18181,18211,18241,18270,18300,18330,18359,18388,18418,18447,18476,18506,18535,18565,18595,18625,18654,18684,18714,18743,18772,18802,18831,18860,18890,18919,18949,18979,19008,19038,19068,19098,19127,19156,19186,19215,19244,19274,19303,19333,19362,19392,19422,19452,19481,19511,19540,19570,19599,19628,19658,19687,19717,19746,19776,19806,19836,19865,19895,19924,19954,19983,20012,20042,20071,20101,20130,20160,20190,20219,20249,20279,20308,20338,20367,20396,20426,20455,20485,20514,20544,20573,20603,20633,20662,20692,20721,20751,20780,20810,20839,20869,20898,20928,20957,20987,21016,21046,21076,21105,21135,21164,21194,21223,21253,21282,21312,21341,21371,21400,21430,21459,21489,21519,21548,21578,21607,21637,21666,21696,21725,21754,21784,21813,21843,21873,21902,21932,21962,21991,22021,22050,22080,22109,22138,22168,22197,22227,22256,22286,22316,22346,22375,22405,22434,22464,22493,22522,22552,22581,22611,22640,22670,22700,22730,22759,22789,22818,22848,22877,22906,22936,22965,22994,23024,23054,23083,23113,23143,23173,23202,23232,23261,23290,23320,23349,23379,23408,23438,23467,23497,23527,23556,23586,23616,23645,23674,23704,23733,23763,23792,23822,23851,23881,23910,23940,23970,23999,24029,24058,24088,24117,24147,24176,24206,24235,24265,24294,24324,24353,24383,24413,24442,24472,24501,24531,24560,24590,24619,24648,24678,24707,24737,24767,24796,24826,24856,24885,24915,24944,24974,25003,25032,25062,25091,25121,25150,25180,25210,25240,25269,25299,25328,25358,25387,25416,25446,25475,25505,25534,25564,25594,25624,25653,25683,25712,25742,25771,25800,25830,25859,25888,25918,25948,25977,26007,26037,26067,26096,26126,26155,26184,26214,26243,26272,26302,26332,26361,26391,26421,26451,26480,26510,26539,26568,26598,26627,26656,26686,26715,26745,26775,26805,26834,26864,26893,26923,26952,26982,27011,27041,27070,27099,27129,27159,27188,27218,27248,27277,27307,27336,27366,27395,27425,27454,27484,27513,27542,27572,27602,27631,27661,27691,27720,27750,27779,27809,27838,27868,27897,27926,27956,27985,28015,28045,28074,28104,28134,28163,28193,28222,28252,28281,28310,28340,28369,28399,28428,28458,28488,28517,28547,28577,28607,28636,28665,28695,28724,28754,28783,28813,28843,28872,28901,28931,28960,28990,29019,29049,29078,29108,29137,29167,29196,29226,29255,29285,29315,29345,29375,29404,29434,29463,29492,29522,29551,29580,29610,29640,29669,29699,29729,29759,29788,29818,29847,29876,29906,29935,29964,29994,30023,30053,30082,30112,30141,30171,30200,30230,30259,30289,30318,30348,30378,30408,30437,30467,30496,30526,30555,30585,30614,30644,30673,30703,30732,30762,30791,30821,30850,30880,30909,30939,30968,30998,31027,31057,31086,31116,31145,31175,31204,31234,31263,31293,31322,31352,31381,31411,31441,31471,31500,31530,31559,31589,31618,31648,31676,31706,31736,31766,31795,31825,31854,31884,31913,31943,31972,32002,32031,32061,32090,32120,32150,32180,32209,32239,32268,32298,32327,32357,32386,32416,32445,32475,32504,32534,32563,32593,32622,32652,32681,32711,32740,32770,32799,32829,32858,32888,32917,32947,32976,33006,33035,33065,33094,33124,33153,33183,33213,33243,33272,33302,33331,33361,33390,33420,33450,33479,33509,33539,33568,33598,33627,33657,33686,33716,33745,33775,33804,33834,33863,33893,33922,33952,33981,34011,34040,34069,34099,34128,34158,34187,34217,34247,34277,34306,34336,34365,34395,34424,34454,34483,34512,34542,34571,34601,34631,34660,34690,34719,34749,34778,34808,34837,34867,34896,34926,34955,34985,35015,35044,35074,35103,35133,35162,35192,35222,35251,35280,35310,35340,35370,35399,35429,35458,35488,35517,35547,35576,35605,35635,35665,35694,35723,35753,35782,35811,35841,35871,35901,35930,35960,35989,36019,36048,36078,36107,36136,36166,36195,36225,36254,36284,36314,36343,36373,36403,36433,36462,36492,36521,36551,36580,36610,36639,36669,36698,36728,36757,36786,36816,36845,36875,36904,36934,36963,36993,37022,37052,37081,37111,37141,37170,37200,37229,37259,37288,37318,37347,37377,37406,37436,37465,37495,37524,37554,37584,37613,37643,37672,37701,37731,37760,37790,37819,37849,37878,37908,37938,37967,37997,38027,38056,38085,38115,38144,38174,38203,38233,38262,38292,38322,38351,38381,38410,38440,38469,38499,38528,38558,38587,38617,38646,38676,38705,38735,38764,38794,38823,38853,38882,38912,38941,38971,39001,39030,39059,39089,39118,39148,39178,39208,39237,39267,39297,39326,39355,39385,39414,39444,39473,39503,39532,39562,39592,39621,39650,39680,39709,39739,39768,39798,39827,39857,39886,39916,39946,39975,40005,40035,40064,40094,40123,40153,40182,40212,40241,40271,40300,40330,40359,40389,40418,40448,40477,40507,40536,40566,40595,40625,40655,40685,40714,40744,40773,40803,40832,40862,40892,40921,40951,40980,41009,41039,41068,41098,41127,41157,41186,41216,41245,41275,41304,41334,41364,41393,41422,41452,41481,41511,41540,41570,41599,41629,41658,41688,41718,41748,41777,41807,41836,41865,41894,41924,41953,41983,42012,42042,42072,42102,42131,42161,42190,42220,42249,42279,42308,42337,42367,42397,42426,42456,42485,42515,42545,42574,42604,42633,42662,42692,42721,42751,42780,42810,42839,42869,42899,42929,42958,42988,43017,43046,43076,43105,43135,43164,43194,43223,43253,43283,43312,43342,43371,43401,43430,43460,43489,43519,43548,43578,43607,43637,43666,43696,43726,43755,43785,43814,43844,43873,43903,43932,43962,43991,44021,44050,44080,44109,44139,44169,44198,44228,44258,44287,44317,44346,44375,44405,44434,44464,44493,44523,44553,44582,44612,44641,44671,44700,44730,44759,44788,44818,44847,44877,44906,44936,44966,44996,45025,45055,45084,45114,45143,45172,45202,45231,45261,45290,45320,45350,45380,45409,45439,45468,45498,45527,45556,45586,45615,45644,45674,45704,45733,45763,45793,45823,45852,45882,45911,45940,45970,45999,46028,46058,46088,46117,46147,46177,46206,46236,46265,46295,46324,46354,46383,46413,46442,46472,46501,46531,46560,46590,46620,46649,46679,46708,46738,46767,46797,46826,46856,46885,46915,46944,46974,47003,47033,47063,47092,47122,47151,47181,47210,47240,47269,47298,47328,47357,47387,47417,47446,47476,47506,47535,47565,47594,47624,47653,47682,47712,47741,47771,47800,47830,47860,47890,47919,47949,47978,48008,48037,48066,48096,48125,48155,48184,48214,48244,48273,48303,48333,48362,48392,48421,48450,48480,48509,48538,48568,48598,48627,48657,48687,48717,48746,48776,48805,48834,48864,48893,48922,48952,48982,49011,49041,49071,49100,49130,49160,49189,49218,49248,49277,49306,49336,49365,49395,49425,49455,49484,49514,49543,49573,49602,49632,49661,49690,49720,49749,49779,49809,49838,49868,49898,49927,49957,49986,50016,50045,50075,50104,50133,50163,50192,50222,50252,50281,50311,50340,50370,50400,50429,50459,50488,50518,50547,50576,50606,50635,50665,50694,50724,50754,50784,50813,50843,50872,50902,50931,50960,50990,51019,51049,51078,51108,51138,51167,51197,51227,51256,51286,51315,51345,51374,51403,51433,51462,51492,51522,51552,51582,51611,51641,51670,51699,51729,51758,51787,51816,51846,51876,51906,51936,51965,51995,52025,52054,52083,52113,52142,52171,52200,52230,52260,52290,52319,52349,52379,52408,52438,52467,52497,52526,52555,52585,52614,52644,52673,52703,52733,52762,52792,52822,52851,52881,52910,52939,52969,52998,53028,53057,53087,53116,53146,53176,53205,53235,53264,53294,53324,53353,53383,53412,53441,53471,53500,53530,53559,53589,53619,53648,53678,53708,53737,53767,53796,53825,53855,53884,53913,53943,53973,54003,54032,54062,54092,54121,54151,54180,54209,54239,54268,54297,54327,54357,54387,54416,54446,54476,54505,54535,54564,54593,54623,54652,54681,54711,54741,54770,54800,54830,54859,54889,54919,54948,54977,55007,55036,55066,55095,55125,55154,55184,55213,55243,55273,55302,55332,55361,55391,55420,55450,55479,55508,55538,55567,55597,55627,55657,55686,55716,55745,55775,55804,55834,55863,55892,55922,55951,55981,56011,56040,56070,56100,56129,56159,56188,56218,56247,56276,56306,56335,56365,56394,56424,56454,56483,56513,56543,56572,56601,56631,56660,56690,56719,56749,56778,56808,56837,56867,56897,56926,56956,56985,57015,57044,57074,57103,57133,57162,57192,57221,57251,57280,57310,57340,57369,57399,57429,57458,57487,57517,57546,57576,57605,57634,57664,57694,57723,57753,57783,57813,57842,57871,57901,57930,57959,57989,58018,58048,58077,58107,58137,58167,58196,58226,58255,58285,58314,58343,58373,58402,58432,58461,58491,58521,58551,58580,58610,58639,58669,58698,58727,58757,58786,58816,58845,58875,58905,58934,58964,58994,59023,59053,59082,59111,59141,59170,59200,59229,59259,59288,59318,59348,59377,59407,59436,59466,59495,59525,59554,59584,59613,59643,59672,59702,59731,59761,59791,59820,59850,59879,59909,59939,59968,59997,60027,60056,60086,60115,60145,60174,60204,60234,60264,60293,60323,60352,60381,60411,60440,60469,60499,60528,60558,60588,60618,60648,60677,60707,60736,60765,60795,60824,60853,60883,60912,60942,60972,61002,61031,61061,61090,61120,61149,61179,61208,61237,61267,61296,61326,61356,61385,61415,61445,61474,61504,61533,61563,61592,61621,61651,61680,61710,61739,61769,61799,61828,61858,61888,61917,61947,61976,62006,62035,62064,62094,62123,62153,62182,62212,62242,62271,62301,62331,62360,62390,62419,62448,62478,62507,62537,62566,62596,62625,62655,62685,62715,62744,62774,62803,62832,62862,62891,62921,62950,62980,63009,63039,63069,63099,63128,63157,63187,63216,63246,63275,63305,63334,63363,63393,63423,63453,63482,63512,63541,63571,63600,63630,63659,63689,63718,63747,63777,63807,63836,63866,63895,63925,63955,63984,64014,64043,64073,64102,64131,64161,64190,64220,64249,64279,64309,64339,64368,64398,64427,64457,64486,64515,64545,64574,64603,64633,64663,64692,64722,64752,64782,64811,64841,64870,64899,64929,64958,64987,65017,65047,65076,65106,65136,65166,65195,65225,65254,65283,65313,65342,65371,65401,65431,65460,65490,65520,65549,65579,65608,65638,65667,65697,65726,65755,65785,65815,65844,65874,65903,65933,65963,65992,66022,66051,66081,66110,66140,66169,66199,66228,66258,66287,66317,66346,66376,66405,66435,66465,66494,66524,66553,66583,66612,66641,66671,66700,66730,66760,66789,66819,66849,66878,66908,66937,66967,66996,67025,67055,67084,67114,67143,67173,67203,67233,67262,67292,67321,67351,67380,67409,67439,67468,67497,67527,67557,67587,67617,67646,67676,67705,67735,67764,67793,67823,67852,67882,67911,67941,67971,68e3,68030,68060,68089,68119,68148,68177,68207,68236,68266,68295,68325,68354,68384,68414,68443,68473,68502,68532,68561,68591,68620,68650,68679,68708,68738,68768,68797,68827,68857,68886,68916,68946,68975,69004,69034,69063,69092,69122,69152,69181,69211,69240,69270,69300,69330,69359,69388,69418,69447,69476,69506,69535,69565,69595,69624,69654,69684,69713,69743,69772,69802,69831,69861,69890,69919,69949,69978,70008,70038,70067,70097,70126,70156,70186,70215,70245,70274,70303,70333,70362,70392,70421,70451,70481,70510,70540,70570,70599,70629,70658,70687,70717,70746,70776,70805,70835,70864,70894,70924,70954,70983,71013,71042,71071,71101,71130,71159,71189,71218,71248,71278,71308,71337,71367,71397,71426,71455,71485,71514,71543,71573,71602,71632,71662,71691,71721,71751,71781,71810,71839,71869,71898,71927,71957,71986,72016,72046,72075,72105,72135,72164,72194,72223,72253,72282,72311,72341,72370,72400,72429,72459,72489,72518,72548,72577,72607,72637,72666,72695,72725,72754,72784,72813,72843,72872,72902,72931,72961,72991,73020,73050,73080,73109,73139,73168,73197,73227,73256,73286,73315,73345,73375,73404,73434,73464,73493,73523,73552,73581,73611,73640,73669,73699,73729,73758,73788,73818,73848,73877,73907,73936,73965,73995,74024,74053,74083,74113,74142,74172,74202,74231,74261,74291,74320,74349,74379,74408,74437,74467,74497,74526,74556,74586,74615,74645,74675,74704,74733,74763,74792,74822,74851,74881,74910,74940,74969,74999,75029,75058,75088,75117,75147,75176,75206,75235,75264,75294,75323,75353,75383,75412,75442,75472,75501,75531,75560,75590,75619,75648,75678,75707,75737,75766,75796,75826,75856,75885,75915,75944,75974,76003,76032,76062,76091,76121,76150,76180,76210,76239,76269,76299,76328,76358,76387,76416,76446,76475,76505,76534,76564,76593,76623,76653,76682,76712,76741,76771,76801,76830,76859,76889,76918,76948,76977,77007,77036,77066,77096,77125,77155,77185,77214,77243,77273,77302,77332,77361,77390,77420,77450,77479,77509,77539,77569,77598,77627,77657,77686,77715,77745,77774,77804,77833,77863,77893,77923,77952,77982,78011,78041,78070,78099,78129,78158,78188,78217,78247,78277,78307,78336,78366,78395,78425,78454,78483,78513,78542,78572,78601,78631,78661,78690,78720,78750,78779,78808,78838,78867,78897,78926,78956,78985,79015,79044,79074,79104,79133,79163,79192,79222,79251,79281,79310,79340,79369,79399,79428,79458,79487,79517,79546,79576,79606,79635,79665,79695,79724,79753,79783,79812,79841,79871,79900,79930,79960,79990]},{"../main":621,"object-assign":499}],621:[function(t,e,r){var n=t("object-assign");function i(){this.regionalOptions=[],this.regionalOptions[""]={invalidCalendar:"Calendar {0} not found",invalidDate:"Invalid {0} date",invalidMonth:"Invalid {0} month",invalidYear:"Invalid {0} year",differentCalendars:"Cannot mix {0} and {1} dates"},this.local=this.regionalOptions[""],this.calendars={},this._localCals={}}function a(t,e,r,n){if(this._calendar=t,this._year=e,this._month=r,this._day=n,0===this._calendar._validateLevel&&!this._calendar.isValid(this._year,this._month,this._day))throw(c.local.invalidDate||c.regionalOptions[""].invalidDate).replace(/\{0\}/,this._calendar.local.name)}function o(t,e){return"000000".substring(0,e-(t=""+t).length)+t}function s(){this.shortYearCutoff="+10"}function l(t){this.local=this.regionalOptions[t]||this.regionalOptions[""]}n(i.prototype,{instance:function(t,e){t=(t||"gregorian").toLowerCase(),e=e||"";var r=this._localCals[t+"-"+e];if(!r&&this.calendars[t]&&(r=new this.calendars[t](e),this._localCals[t+"-"+e]=r),!r)throw(this.local.invalidCalendar||this.regionalOptions[""].invalidCalendar).replace(/\{0\}/,t);return r},newDate:function(t,e,r,n,i){return(n=(null!=t&&t.year?t.calendar():"string"==typeof n?this.instance(n,i):n)||this.instance()).newDate(t,e,r)},substituteDigits:function(t){return function(e){return(e+"").replace(/[0-9]/g,(function(e){return t[e]}))}},substituteChineseDigits:function(t,e){return function(r){for(var n="",i=0;r>0;){var a=r%10;n=(0===a?"":t[a]+e[i])+n,i++,r=Math.floor(r/10)}return 0===n.indexOf(t[1]+e[1])&&(n=n.substr(1)),n||t[0]}}}),n(a.prototype,{newDate:function(t,e,r){return this._calendar.newDate(null==t?this:t,e,r)},year:function(t){return 0===arguments.length?this._year:this.set(t,"y")},month:function(t){return 0===arguments.length?this._month:this.set(t,"m")},day:function(t){return 0===arguments.length?this._day:this.set(t,"d")},date:function(t,e,r){if(!this._calendar.isValid(t,e,r))throw(c.local.invalidDate||c.regionalOptions[""].invalidDate).replace(/\{0\}/,this._calendar.local.name);return this._year=t,this._month=e,this._day=r,this},leapYear:function(){return this._calendar.leapYear(this)},epoch:function(){return this._calendar.epoch(this)},formatYear:function(){return this._calendar.formatYear(this)},monthOfYear:function(){return this._calendar.monthOfYear(this)},weekOfYear:function(){return this._calendar.weekOfYear(this)},daysInYear:function(){return this._calendar.daysInYear(this)},dayOfYear:function(){return this._calendar.dayOfYear(this)},daysInMonth:function(){return this._calendar.daysInMonth(this)},dayOfWeek:function(){return this._calendar.dayOfWeek(this)},weekDay:function(){return this._calendar.weekDay(this)},extraInfo:function(){return this._calendar.extraInfo(this)},add:function(t,e){return this._calendar.add(this,t,e)},set:function(t,e){return this._calendar.set(this,t,e)},compareTo:function(t){if(this._calendar.name!==t._calendar.name)throw(c.local.differentCalendars||c.regionalOptions[""].differentCalendars).replace(/\{0\}/,this._calendar.local.name).replace(/\{1\}/,t._calendar.local.name);var e=this._year!==t._year?this._year-t._year:this._month!==t._month?this.monthOfYear()-t.monthOfYear():this._day-t._day;return 0===e?0:e<0?-1:1},calendar:function(){return this._calendar},toJD:function(){return this._calendar.toJD(this)},fromJD:function(t){return this._calendar.fromJD(t)},toJSDate:function(){return this._calendar.toJSDate(this)},fromJSDate:function(t){return this._calendar.fromJSDate(t)},toString:function(){return(this.year()<0?"-":"")+o(Math.abs(this.year()),4)+"-"+o(this.month(),2)+"-"+o(this.day(),2)}}),n(s.prototype,{_validateLevel:0,newDate:function(t,e,r){return null==t?this.today():(t.year&&(this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate),r=t.day(),e=t.month(),t=t.year()),new a(this,t,e,r))},today:function(){return this.fromJSDate(new Date)},epoch:function(t){return this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[""].invalidYear).year()<0?this.local.epochs[0]:this.local.epochs[1]},formatYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[""].invalidYear);return(e.year()<0?"-":"")+o(Math.abs(e.year()),4)},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[""].invalidYear),12},monthOfYear:function(t,e){var r=this._validate(t,e,this.minDay,c.local.invalidMonth||c.regionalOptions[""].invalidMonth);return(r.month()+this.monthsInYear(r)-this.firstMonth)%this.monthsInYear(r)+this.minMonth},fromMonthOfYear:function(t,e){var r=(e+this.firstMonth-2*this.minMonth)%this.monthsInYear(t)+this.minMonth;return this._validate(t,r,this.minDay,c.local.invalidMonth||c.regionalOptions[""].invalidMonth),r},daysInYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[""].invalidYear);return this.leapYear(e)?366:365},dayOfYear:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate);return n.toJD()-this.newDate(n.year(),this.fromMonthOfYear(n.year(),this.minMonth),this.minDay).toJD()+1},daysInWeek:function(){return 7},dayOfWeek:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate);return(Math.floor(this.toJD(n))+2)%this.daysInWeek()},extraInfo:function(t,e,r){return this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate),{}},add:function(t,e,r){return this._validate(t,this.minMonth,this.minDay,c.local.invalidDate||c.regionalOptions[""].invalidDate),this._correctAdd(t,this._add(t,e,r),e,r)},_add:function(t,e,r){if(this._validateLevel++,"d"===r||"w"===r){var n=t.toJD()+e*("w"===r?this.daysInWeek():1),i=t.calendar().fromJD(n);return this._validateLevel--,[i.year(),i.month(),i.day()]}try{var a=t.year()+("y"===r?e:0),o=t.monthOfYear()+("m"===r?e:0);i=t.day();"y"===r?(t.month()!==this.fromMonthOfYear(a,o)&&(o=this.newDate(a,t.month(),this.minDay).monthOfYear()),o=Math.min(o,this.monthsInYear(a)),i=Math.min(i,this.daysInMonth(a,this.fromMonthOfYear(a,o)))):"m"===r&&(!function(t){for(;oe-1+t.minMonth;)a++,o-=e,e=t.monthsInYear(a)}(this),i=Math.min(i,this.daysInMonth(a,this.fromMonthOfYear(a,o))));var s=[a,this.fromMonthOfYear(a,o),i];return this._validateLevel--,s}catch(t){throw this._validateLevel--,t}},_correctAdd:function(t,e,r,n){if(!(this.hasYearZero||"y"!==n&&"m"!==n||0!==e[0]&&t.year()>0==e[0]>0)){var i={y:[1,1,"y"],m:[1,this.monthsInYear(-1),"m"],w:[this.daysInWeek(),this.daysInYear(-1),"d"],d:[1,this.daysInYear(-1),"d"]}[n],a=r<0?-1:1;e=this._add(t,r*i[0]+a*i[1],i[2])}return t.date(e[0],e[1],e[2])},set:function(t,e,r){this._validate(t,this.minMonth,this.minDay,c.local.invalidDate||c.regionalOptions[""].invalidDate);var n="y"===r?e:t.year(),i="m"===r?e:t.month(),a="d"===r?e:t.day();return"y"!==r&&"m"!==r||(a=Math.min(a,this.daysInMonth(n,i))),t.date(n,i,a)},isValid:function(t,e,r){this._validateLevel++;var n=this.hasYearZero||0!==t;if(n){var i=this.newDate(t,e,this.minDay);n=e>=this.minMonth&&e-this.minMonth=this.minDay&&r-this.minDay13.5?13:1),c=i-(l>2.5?4716:4715);return c<=0&&c--,this.newDate(c,l,s)},toJSDate:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate),i=new Date(n.year(),n.month()-1,n.day());return i.setHours(0),i.setMinutes(0),i.setSeconds(0),i.setMilliseconds(0),i.setHours(i.getHours()>12?i.getHours()+2:0),i},fromJSDate:function(t){return this.newDate(t.getFullYear(),t.getMonth()+1,t.getDate())}});var c=e.exports=new i;c.cdate=a,c.baseCalendar=s,c.calendars.gregorian=l},{"object-assign":499}],622:[function(t,e,r){var n=t("object-assign"),i=t("./main");n(i.regionalOptions[""],{invalidArguments:"Invalid arguments",invalidFormat:"Cannot format a date from another calendar",missingNumberAt:"Missing number at position {0}",unknownNameAt:"Unknown name at position {0}",unexpectedLiteralAt:"Unexpected literal at position {0}",unexpectedText:"Additional text found at end"}),i.local=i.regionalOptions[""],n(i.cdate.prototype,{formatDate:function(t,e){return"string"!=typeof t&&(e=t,t=""),this._calendar.formatDate(t||"",this,e)}}),n(i.baseCalendar.prototype,{UNIX_EPOCH:i.instance().newDate(1970,1,1).toJD(),SECS_PER_DAY:86400,TICKS_EPOCH:i.instance().jdEpoch,TICKS_PER_DAY:864e9,ATOM:"yyyy-mm-dd",COOKIE:"D, dd M yyyy",FULL:"DD, MM d, yyyy",ISO_8601:"yyyy-mm-dd",JULIAN:"J",RFC_822:"D, d M yy",RFC_850:"DD, dd-M-yy",RFC_1036:"D, d M yy",RFC_1123:"D, d M yyyy",RFC_2822:"D, d M yyyy",RSS:"D, d M yy",TICKS:"!",TIMESTAMP:"@",W3C:"yyyy-mm-dd",formatDate:function(t,e,r){if("string"!=typeof t&&(r=e,e=t,t=""),!e)return"";if(e.calendar()!==this)throw i.local.invalidFormat||i.regionalOptions[""].invalidFormat;t=t||this.local.dateFormat;for(var n,a,o,s,l=(r=r||{}).dayNamesShort||this.local.dayNamesShort,c=r.dayNames||this.local.dayNames,u=r.monthNumbers||this.local.monthNumbers,f=r.monthNamesShort||this.local.monthNamesShort,h=r.monthNames||this.local.monthNames,p=(r.calculateWeek||this.local.calculateWeek,function(e,r){for(var n=1;w+n1}),d=function(t,e,r,n){var i=""+e;if(p(t,n))for(;i.length1},x=function(t,r){var n=y(t,r),a=[2,3,n?4:2,n?4:2,10,11,20]["oyYJ@!".indexOf(t)+1],o=new RegExp("^-?\\d{1,"+a+"}"),s=e.substring(M).match(o);if(!s)throw(i.local.missingNumberAt||i.regionalOptions[""].missingNumberAt).replace(/\{0\}/,M);return M+=s[0].length,parseInt(s[0],10)},b=this,_=function(){if("function"==typeof l){y("m");var t=l.call(b,e.substring(M));return M+=t.length,t}return x("m")},w=function(t,r,n,a){for(var o=y(t,a)?n:r,s=0;s-1){p=1,d=g;for(var E=this.daysInMonth(h,p);d>E;E=this.daysInMonth(h,p))p++,d-=E}return f>-1?this.fromJD(f):this.newDate(h,p,d)},determineDate:function(t,e,r,n,i){r&&"object"!=typeof r&&(i=n,n=r,r=null),"string"!=typeof n&&(i=n,n="");var a=this;return e=e?e.newDate():null,t=null==t?e:"string"==typeof t?function(t){try{return a.parseDate(n,t,i)}catch(t){}for(var e=((t=t.toLowerCase()).match(/^c/)&&r?r.newDate():null)||a.today(),o=/([+-]?[0-9]+)\s*(d|w|m|y)?/g,s=o.exec(t);s;)e.add(parseInt(s[1],10),s[2]||"d"),s=o.exec(t);return e}(t):"number"==typeof t?isNaN(t)||t===1/0||t===-1/0?e:a.today().add(t,"d"):a.newDate(t)}})},{"./main":621,"object-assign":499}],623:[function(t,e,r){e.exports=t("cwise-compiler")({args:["array",{offset:[1],array:0},"scalar","scalar","index"],pre:{body:"{}",args:[],thisVars:[],localVars:[]},post:{body:"{}",args:[],thisVars:[],localVars:[]},body:{body:"{\n var _inline_1_da = _inline_1_arg0_ - _inline_1_arg3_\n var _inline_1_db = _inline_1_arg1_ - _inline_1_arg3_\n if((_inline_1_da >= 0) !== (_inline_1_db >= 0)) {\n _inline_1_arg2_.push(_inline_1_arg4_[0] + 0.5 + 0.5 * (_inline_1_da + _inline_1_db) / (_inline_1_da - _inline_1_db))\n }\n }",args:[{name:"_inline_1_arg0_",lvalue:!1,rvalue:!0,count:1},{name:"_inline_1_arg1_",lvalue:!1,rvalue:!0,count:1},{name:"_inline_1_arg2_",lvalue:!1,rvalue:!0,count:1},{name:"_inline_1_arg3_",lvalue:!1,rvalue:!0,count:2},{name:"_inline_1_arg4_",lvalue:!1,rvalue:!0,count:1}],thisVars:[],localVars:["_inline_1_da","_inline_1_db"]},funcName:"zeroCrossings"})},{"cwise-compiler":151}],624:[function(t,e,r){"use strict";e.exports=function(t,e){var r=[];return e=+e||0,n(t.hi(t.shape[0]-1),r,e),r};var n=t("./lib/zc-core")},{"./lib/zc-core":623}],625:[function(t,e,r){"use strict";e.exports=[{path:"",backoff:0},{path:"M-2.4,-3V3L0.6,0Z",backoff:.6},{path:"M-3.7,-2.5V2.5L1.3,0Z",backoff:1.3},{path:"M-4.45,-3L-1.65,-0.2V0.2L-4.45,3L1.55,0Z",backoff:1.55},{path:"M-2.2,-2.2L-0.2,-0.2V0.2L-2.2,2.2L-1.4,3L1.6,0L-1.4,-3Z",backoff:1.6},{path:"M-4.4,-2.1L-0.6,-0.2V0.2L-4.4,2.1L-4,3L2,0L-4,-3Z",backoff:2},{path:"M2,0A2,2 0 1,1 0,-2A2,2 0 0,1 2,0Z",backoff:0,noRotate:!0},{path:"M2,2V-2H-2V2Z",backoff:0,noRotate:!0}]},{}],626:[function(t,e,r){"use strict";var n=t("./arrow_paths"),i=t("../../plots/font_attributes"),a=t("../../plots/cartesian/constants"),o=t("../../plot_api/plot_template").templatedArray;t("../../constants/axis_placeable_objects");e.exports=o("annotation",{visible:{valType:"boolean",dflt:!0,editType:"calc+arraydraw"},text:{valType:"string",editType:"calc+arraydraw"},textangle:{valType:"angle",dflt:0,editType:"calc+arraydraw"},font:i({editType:"calc+arraydraw",colorEditType:"arraydraw"}),width:{valType:"number",min:1,dflt:null,editType:"calc+arraydraw"},height:{valType:"number",min:1,dflt:null,editType:"calc+arraydraw"},opacity:{valType:"number",min:0,max:1,dflt:1,editType:"arraydraw"},align:{valType:"enumerated",values:["left","center","right"],dflt:"center",editType:"arraydraw"},valign:{valType:"enumerated",values:["top","middle","bottom"],dflt:"middle",editType:"arraydraw"},bgcolor:{valType:"color",dflt:"rgba(0,0,0,0)",editType:"arraydraw"},bordercolor:{valType:"color",dflt:"rgba(0,0,0,0)",editType:"arraydraw"},borderpad:{valType:"number",min:0,dflt:1,editType:"calc+arraydraw"},borderwidth:{valType:"number",min:0,dflt:1,editType:"calc+arraydraw"},showarrow:{valType:"boolean",dflt:!0,editType:"calc+arraydraw"},arrowcolor:{valType:"color",editType:"arraydraw"},arrowhead:{valType:"integer",min:0,max:n.length,dflt:1,editType:"arraydraw"},startarrowhead:{valType:"integer",min:0,max:n.length,dflt:1,editType:"arraydraw"},arrowside:{valType:"flaglist",flags:["end","start"],extras:["none"],dflt:"end",editType:"arraydraw"},arrowsize:{valType:"number",min:.3,dflt:1,editType:"calc+arraydraw"},startarrowsize:{valType:"number",min:.3,dflt:1,editType:"calc+arraydraw"},arrowwidth:{valType:"number",min:.1,editType:"calc+arraydraw"},standoff:{valType:"number",min:0,dflt:0,editType:"calc+arraydraw"},startstandoff:{valType:"number",min:0,dflt:0,editType:"calc+arraydraw"},ax:{valType:"any",editType:"calc+arraydraw"},ay:{valType:"any",editType:"calc+arraydraw"},axref:{valType:"enumerated",dflt:"pixel",values:["pixel",a.idRegex.x.toString()],editType:"calc"},ayref:{valType:"enumerated",dflt:"pixel",values:["pixel",a.idRegex.y.toString()],editType:"calc"},xref:{valType:"enumerated",values:["paper",a.idRegex.x.toString()],editType:"calc"},x:{valType:"any",editType:"calc+arraydraw"},xanchor:{valType:"enumerated",values:["auto","left","center","right"],dflt:"auto",editType:"calc+arraydraw"},xshift:{valType:"number",dflt:0,editType:"calc+arraydraw"},yref:{valType:"enumerated",values:["paper",a.idRegex.y.toString()],editType:"calc"},y:{valType:"any",editType:"calc+arraydraw"},yanchor:{valType:"enumerated",values:["auto","top","middle","bottom"],dflt:"auto",editType:"calc+arraydraw"},yshift:{valType:"number",dflt:0,editType:"calc+arraydraw"},clicktoshow:{valType:"enumerated",values:[!1,"onoff","onout"],dflt:!1,editType:"arraydraw"},xclick:{valType:"any",editType:"arraydraw"},yclick:{valType:"any",editType:"arraydraw"},hovertext:{valType:"string",editType:"arraydraw"},hoverlabel:{bgcolor:{valType:"color",editType:"arraydraw"},bordercolor:{valType:"color",editType:"arraydraw"},font:i({editType:"arraydraw"}),editType:"arraydraw"},captureevents:{valType:"boolean",editType:"arraydraw"},editType:"calc",_deprecated:{ref:{valType:"string",editType:"calc"}}})},{"../../constants/axis_placeable_objects":746,"../../plot_api/plot_template":817,"../../plots/cartesian/constants":834,"../../plots/font_attributes":856,"./arrow_paths":625}],627:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../plots/cartesian/axes"),a=t("./draw").draw;function o(t){var e=t._fullLayout;n.filterVisible(e.annotations).forEach((function(e){var r=i.getFromId(t,e.xref),n=i.getFromId(t,e.yref),a=i.getRefType(e.xref),o=i.getRefType(e.yref);e._extremes={},"range"===a&&s(e,r),"range"===o&&s(e,n)}))}function s(t,e){var r,n=e._id,a=n.charAt(0),o=t[a],s=t["a"+a],l=t[a+"ref"],c=t["a"+a+"ref"],u=t["_"+a+"padplus"],f=t["_"+a+"padminus"],h={x:1,y:-1}[a]*t[a+"shift"],p=3*t.arrowsize*t.arrowwidth||0,d=p+h,g=p-h,m=3*t.startarrowsize*t.arrowwidth||0,v=m+h,y=m-h;if(c===l){var x=i.findExtremes(e,[e.r2c(o)],{ppadplus:d,ppadminus:g}),b=i.findExtremes(e,[e.r2c(s)],{ppadplus:Math.max(u,v),ppadminus:Math.max(f,y)});r={min:[x.min[0],b.min[0]],max:[x.max[0],b.max[0]]}}else v=s?v+s:v,y=s?y-s:y,r=i.findExtremes(e,[e.r2c(o)],{ppadplus:Math.max(u,d,v),ppadminus:Math.max(f,g,y)});t._extremes[n]=r}e.exports=function(t){var e=t._fullLayout;if(n.filterVisible(e.annotations).length&&t._fullData.length)return n.syncOrAsync([a,o],t)}},{"../../lib":778,"../../plots/cartesian/axes":828,"./draw":632}],628:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry"),a=t("../../plot_api/plot_template").arrayEditor;function o(t,e){var r,n,i,a,o,l,c,u=t._fullLayout.annotations,f=[],h=[],p=[],d=(e||[]).length;for(r=0;r0||r.explicitOff.length>0},onClick:function(t,e){var r,s,l=o(t,e),c=l.on,u=l.off.concat(l.explicitOff),f={},h=t._fullLayout.annotations;if(!c.length&&!u.length)return;for(r=0;r2/3?"right":"center"),{center:0,middle:0,left:.5,bottom:-.5,right:-.5,top:.5}[e]}for(var W=!1,X=["x","y"],Z=0;Z1)&&(nt===rt?((pt=it.r2fraction(e["a"+et]))<0||pt>1)&&(W=!0):W=!0),J=it._offset+it.r2p(e[et]),$=.5}else{var dt="domain"===ht;"x"===et?(Q=e[et],J=dt?it._offset+it._length*Q:J=T.l+T.w*Q):(Q=1-e[et],J=dt?it._offset+it._length*Q:J=T.t+T.h*Q),$=e.showarrow?.5:Q}if(e.showarrow){ft.head=J;var gt=e["a"+et];if(tt=ot*H(.5,e.xanchor)-st*H(.5,e.yanchor),nt===rt){var mt=l.getRefType(nt);"domain"===mt?("y"===et&&(gt=1-gt),ft.tail=it._offset+it._length*gt):"paper"===mt?"y"===et?(gt=1-gt,ft.tail=T.t+T.h*gt):ft.tail=T.l+T.w*gt:ft.tail=it._offset+it.r2p(gt),K=tt}else ft.tail=J+gt,K=tt+gt;ft.text=ft.tail+tt;var vt=w["x"===et?"width":"height"];if("paper"===rt&&(ft.head=o.constrain(ft.head,1,vt-1)),"pixel"===nt){var yt=-Math.max(ft.tail-3,ft.text),xt=Math.min(ft.tail+3,ft.text)-vt;yt>0?(ft.tail+=yt,ft.text+=yt):xt>0&&(ft.tail-=xt,ft.text-=xt)}ft.tail+=ut,ft.head+=ut}else K=tt=lt*H($,ct),ft.text=J+tt;ft.text+=ut,tt+=ut,K+=ut,e["_"+et+"padplus"]=lt/2+K,e["_"+et+"padminus"]=lt/2-K,e["_"+et+"size"]=lt,e["_"+et+"shift"]=tt}if(W)R.remove();else{var bt=0,_t=0;if("left"!==e.align&&(bt=(M-b)*("center"===e.align?.5:1)),"top"!==e.valign&&(_t=(D-_)*("middle"===e.valign?.5:1)),f)n.select("svg").attr({x:N+bt-1,y:N+_t}).call(u.setClipUrl,U?C:null,t);else{var wt=N+_t-g.top,Tt=N+bt-g.left;G.call(h.positionText,Tt,wt).call(u.setClipUrl,U?C:null,t)}V.select("rect").call(u.setRect,N,N,M,D),j.call(u.setRect,F/2,F/2,B-F,q-F),R.call(u.setTranslate,Math.round(L.x.text-B/2),Math.round(L.y.text-q/2)),z.attr({transform:"rotate("+I+","+L.x.text+","+L.y.text+")"});var kt,Mt=function(r,n){P.selectAll(".annotation-arrow-g").remove();var l=L.x.head,f=L.y.head,h=L.x.tail+r,p=L.y.tail+n,g=L.x.text+r,b=L.y.text+n,_=o.rotationXYMatrix(I,g,b),w=o.apply2DTransform(_),M=o.apply2DTransform2(_),C=+j.attr("width"),O=+j.attr("height"),D=g-.5*C,F=D+C,B=b-.5*O,N=B+O,U=[[D,B,D,N],[D,N,F,N],[F,N,F,B],[F,B,D,B]].map(M);if(!U.reduce((function(t,e){return t^!!o.segmentsIntersect(l,f,l+1e6,f+1e6,e[0],e[1],e[2],e[3])}),!1)){U.forEach((function(t){var e=o.segmentsIntersect(h,p,l,f,t[0],t[1],t[2],t[3]);e&&(h=e.x,p=e.y)}));var V=e.arrowwidth,q=e.arrowcolor,H=e.arrowside,G=P.append("g").style({opacity:c.opacity(q)}).classed("annotation-arrow-g",!0),Y=G.append("path").attr("d","M"+h+","+p+"L"+l+","+f).style("stroke-width",V+"px").call(c.stroke,c.rgb(q));if(m(Y,H,e),k.annotationPosition&&Y.node().parentNode&&!a){var W=l,X=f;if(e.standoff){var Z=Math.sqrt(Math.pow(l-h,2)+Math.pow(f-p,2));W+=e.standoff*(h-l)/Z,X+=e.standoff*(p-f)/Z}var J,K,Q=G.append("path").classed("annotation-arrow",!0).classed("anndrag",!0).classed("cursor-move",!0).attr({d:"M3,3H-3V-3H3ZM0,0L"+(h-W)+","+(p-X),transform:s(W,X)}).style("stroke-width",V+6+"px").call(c.stroke,"rgba(0,0,0,0)").call(c.fill,"rgba(0,0,0,0)");d.init({element:Q.node(),gd:t,prepFn:function(){var t=u.getTranslate(R);J=t.x,K=t.y,v&&v.autorange&&A(v._name+".autorange",!0),x&&x.autorange&&A(x._name+".autorange",!0)},moveFn:function(t,r){var n=w(J,K),i=n[0]+t,a=n[1]+r;R.call(u.setTranslate,i,a),S("x",y(v,t,"x",T,e)),S("y",y(x,r,"y",T,e)),e.axref===e.xref&&S("ax",y(v,t,"ax",T,e)),e.ayref===e.yref&&S("ay",y(x,r,"ay",T,e)),G.attr("transform",s(t,r)),z.attr({transform:"rotate("+I+","+i+","+a+")"})},doneFn:function(){i.call("_guiRelayout",t,E());var e=document.querySelector(".js-notes-box-panel");e&&e.redraw(e.selectedObj)}})}}};if(e.showarrow&&Mt(0,0),O)d.init({element:R.node(),gd:t,prepFn:function(){kt=z.attr("transform")},moveFn:function(t,r){var n="pointer";if(e.showarrow)e.axref===e.xref?S("ax",y(v,t,"ax",T,e)):S("ax",e.ax+t),e.ayref===e.yref?S("ay",y(x,r,"ay",T.w,e)):S("ay",e.ay+r),Mt(t,r);else{if(a)return;var i,o;if(v)i=y(v,t,"x",T,e);else{var l=e._xsize/T.w,c=e.x+(e._xshift-e.xshift)/T.w-l/2;i=d.align(c+t/T.w,l,0,1,e.xanchor)}if(x)o=y(x,r,"y",T,e);else{var u=e._ysize/T.h,f=e.y-(e._yshift+e.yshift)/T.h-u/2;o=d.align(f-r/T.h,u,0,1,e.yanchor)}S("x",i),S("y",o),v&&x||(n=d.getCursor(v?.5:i,x?.5:o,e.xanchor,e.yanchor))}z.attr({transform:s(t,r)+kt}),p(R,n)},clickFn:function(r,n){e.captureevents&&t.emit("plotly_clickannotation",Y(n))},doneFn:function(){p(R),i.call("_guiRelayout",t,E());var e=document.querySelector(".js-notes-box-panel");e&&e.redraw(e.selectedObj)}})}}}e.exports={draw:function(t){var e=t._fullLayout;e._infolayer.selectAll(".annotation").remove();for(var r=0;r=0,x=e.indexOf("end")>=0,b=d.backoff*m+r.standoff,_=g.backoff*v+r.startstandoff;if("line"===p.nodeName){o={x:+t.attr("x1"),y:+t.attr("y1")},u={x:+t.attr("x2"),y:+t.attr("y2")};var w=o.x-u.x,T=o.y-u.y;if(h=(f=Math.atan2(T,w))+Math.PI,b&&_&&b+_>Math.sqrt(w*w+T*T))return void O();if(b){if(b*b>w*w+T*T)return void O();var k=b*Math.cos(f),M=b*Math.sin(f);u.x+=k,u.y+=M,t.attr({x2:u.x,y2:u.y})}if(_){if(_*_>w*w+T*T)return void O();var A=_*Math.cos(f),S=_*Math.sin(f);o.x-=A,o.y-=S,t.attr({x1:o.x,y1:o.y})}}else if("path"===p.nodeName){var E=p.getTotalLength(),C="";if(E1){c=!0;break}}c?t.fullLayout._infolayer.select(".annotation-"+t.id+'[data-index="'+s+'"]').remove():(l._pdata=i(t.glplot.cameraParams,[e.xaxis.r2l(l.x)*r[0],e.yaxis.r2l(l.y)*r[1],e.zaxis.r2l(l.z)*r[2]]),n(t.graphDiv,l,s,t.id,l._xa,l._ya))}}},{"../../plots/gl3d/project":879,"../annotations/draw":632}],639:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib");e.exports={moduleType:"component",name:"annotations3d",schema:{subplots:{scene:{annotations:t("./attributes")}}},layoutAttributes:t("./attributes"),handleDefaults:t("./defaults"),includeBasePlot:function(t,e){var r=n.subplotsRegistry.gl3d;if(!r)return;for(var a=r.attrRegex,o=Object.keys(t),s=0;s=0))return t;if(3===o)n[o]>1&&(n[o]=1);else if(n[o]>=1)return t}var s=Math.round(255*n[0])+", "+Math.round(255*n[1])+", "+Math.round(255*n[2]);return a?"rgba("+s+", "+n[3]+")":"rgb("+s+")"}a.tinyRGB=function(t){var e=t.toRgb();return"rgb("+Math.round(e.r)+", "+Math.round(e.g)+", "+Math.round(e.b)+")"},a.rgb=function(t){return a.tinyRGB(n(t))},a.opacity=function(t){return t?n(t).getAlpha():0},a.addOpacity=function(t,e){var r=n(t).toRgb();return"rgba("+Math.round(r.r)+", "+Math.round(r.g)+", "+Math.round(r.b)+", "+e+")"},a.combine=function(t,e){var r=n(t).toRgb();if(1===r.a)return n(t).toRgbString();var i=n(e||l).toRgb(),a=1===i.a?i:{r:255*(1-i.a)+i.r*i.a,g:255*(1-i.a)+i.g*i.a,b:255*(1-i.a)+i.b*i.a},o={r:a.r*(1-r.a)+r.r*r.a,g:a.g*(1-r.a)+r.g*r.a,b:a.b*(1-r.a)+r.b*r.a};return n(o).toRgbString()},a.contrast=function(t,e,r){var i=n(t);return 1!==i.getAlpha()&&(i=n(a.combine(t,l))),(i.isDark()?e?i.lighten(e):l:r?i.darken(r):s).toString()},a.stroke=function(t,e){var r=n(e);t.style({stroke:a.tinyRGB(r),"stroke-opacity":r.getAlpha()})},a.fill=function(t,e){var r=n(e);t.style({fill:a.tinyRGB(r),"fill-opacity":r.getAlpha()})},a.clean=function(t){if(t&&"object"==typeof t){var e,r,n,i,o=Object.keys(t);for(e=0;e0?n>=l:n<=l));i++)n>u&&n0?n>=l:n<=l));i++)n>r[0]&&n1){var J=Math.pow(10,Math.floor(Math.log(Z)/Math.LN10));W*=J*c.roundUp(Z/J,[2,5,10]),(Math.abs(L.start)/L.size+1e-6)%1<2e-6&&(Y.tick0=0)}Y.dtick=W}Y.domain=[q+j,q+F-j],Y.setScale(),t.attr("transform",u(Math.round(l.l),Math.round(l.t)));var K,Q=t.select("."+M.cbtitleunshift).attr("transform",u(-Math.round(l.l),-Math.round(l.t))),$=t.select("."+M.cbaxis),tt=0;function et(n,i){var a={propContainer:Y,propName:e._propPrefix+"title",traceIndex:e._traceIndex,_meta:e._meta,placeholder:o._dfltTitle.colorbar,containerGroup:t.select("."+M.cbtitle)},s="h"===n.charAt(0)?n.substr(1):"h"+n;t.selectAll("."+s+",."+s+"-math-group").remove(),g.draw(r,n,f(a,i||{}))}return c.syncOrAsync([a.previousPromises,function(){if(-1!==["top","bottom"].indexOf(A)){var t,r=l.l+(e.x+B)*l.w,n=Y.title.font.size;t="top"===A?(1-(q+F-j))*l.h+l.t+3+.75*n:(1-(q+j))*l.h+l.t-3-.25*n,et(Y._id+"title",{attributes:{x:r,y:t,"text-anchor":"start"}})}},function(){if(-1!==["top","bottom"].indexOf(A)){var a=t.select("."+M.cbtitle),o=a.select("text"),f=[-e.outlinewidth/2,e.outlinewidth/2],h=a.select(".h"+Y._id+"title-math-group").node(),d=15.6;if(o.node()&&(d=parseInt(o.node().style.fontSize,10)*w),h?(tt=p.bBox(h).height)>d&&(f[1]-=(tt-d)/2):o.node()&&!o.classed(M.jsPlaceholder)&&(tt=p.bBox(o.node()).height),tt){if(tt+=5,"top"===A)Y.domain[1]-=tt/l.h,f[1]*=-1;else{Y.domain[0]+=tt/l.h;var g=m.lineCount(o);f[1]+=(1-g)*d}a.attr("transform",u(f[0],f[1])),Y.setScale()}}t.selectAll("."+M.cbfills+",."+M.cblines).attr("transform",u(0,Math.round(l.h*(1-Y.domain[1])))),$.attr("transform",u(0,Math.round(-l.t)));var y=t.select("."+M.cbfills).selectAll("rect."+M.cbfill).attr("style","").data(P);y.enter().append("rect").classed(M.cbfill,!0).style("stroke","none"),y.exit().remove();var x=S.map(Y.c2p).map(Math.round).sort((function(t,e){return t-e}));y.each((function(t,a){var o=[0===a?S[0]:(P[a]+P[a-1])/2,a===P.length-1?S[1]:(P[a]+P[a+1])/2].map(Y.c2p).map(Math.round);o[1]=c.constrain(o[1]+(o[1]>o[0])?1:-1,x[0],x[1]);var s=n.select(this).attr({x:U,width:Math.max(O,2),y:n.min(o),height:Math.max(n.max(o)-n.min(o),2)});if(e._fillgradient)p.gradient(s,r,e._id,"vertical",e._fillgradient,"fill");else{var l=C(t).replace("e-","");s.attr("fill",i(l).toHexString())}}));var b=t.select("."+M.cblines).selectAll("path."+M.cbline).data(v.color&&v.width?z:[]);b.enter().append("path").classed(M.cbline,!0),b.exit().remove(),b.each((function(t){n.select(this).attr("d","M"+U+","+(Math.round(Y.c2p(t))+v.width/2%1)+"h"+O).call(p.lineGroupStyle,v.width,E(t),v.dash)})),$.selectAll("g."+Y._id+"tick,path").remove();var _=U+O+(e.outlinewidth||0)/2-("outside"===e.ticks?1:0),T=s.calcTicks(Y),k=s.getTickSigns(Y)[2];return s.drawTicks(r,Y,{vals:"inside"===Y.ticks?s.clipEnds(Y,T):T,layer:$,path:s.makeTickPath(Y,_,k),transFn:s.makeTransTickFn(Y)}),s.drawLabels(r,Y,{vals:T,layer:$,transFn:s.makeTransTickLabelFn(Y),labelFns:s.makeLabelFns(Y,_)})},function(){if(-1===["top","bottom"].indexOf(A)){var t=Y.title.font.size,e=Y._offset+Y._length/2,i=l.l+(Y.position||0)*l.w+("right"===Y.side?10+t*(Y.showticklabels?1:.5):-10-t*(Y.showticklabels?.5:0));et("h"+Y._id+"title",{avoid:{selection:n.select(r).selectAll("g."+Y._id+"tick"),side:A,offsetLeft:l.l,offsetTop:0,maxShift:o.width},attributes:{x:i,y:e,"text-anchor":"middle"},transform:{rotate:"-90",offset:0}})}},a.previousPromises,function(){var n=O+e.outlinewidth/2;if(-1===Y.ticklabelposition.indexOf("inside")&&(n+=p.bBox($.node()).width),(K=Q.select("text")).node()&&!K.classed(M.jsPlaceholder)){var i,o=Q.select(".h"+Y._id+"title-math-group").node();i=o&&-1!==["top","bottom"].indexOf(A)?p.bBox(o).width:p.bBox(Q.node()).right-U-l.l,n=Math.max(n,i)}var s=2*e.xpad+n+e.borderwidth+e.outlinewidth/2,c=H-G;t.select("."+M.cbbg).attr({x:U-e.xpad-(e.borderwidth+e.outlinewidth)/2,y:G-N,width:Math.max(s,2),height:Math.max(c+2*N,2)}).call(d.fill,e.bgcolor).call(d.stroke,e.bordercolor).style("stroke-width",e.borderwidth),t.selectAll("."+M.cboutline).attr({x:U,y:G+e.ypad+("top"===A?tt:0),width:Math.max(O,2),height:Math.max(c-2*e.ypad-tt,2)}).call(d.stroke,e.outlinecolor).style({fill:"none","stroke-width":e.outlinewidth});var f=({center:.5,right:1}[e.xanchor]||0)*s;t.attr("transform",u(l.l-f,l.t));var h={},g=T[e.yanchor],m=k[e.yanchor];"pixels"===e.lenmode?(h.y=e.y,h.t=c*g,h.b=c*m):(h.t=h.b=0,h.yt=e.y+e.len*g,h.yb=e.y-e.len*m);var v=T[e.xanchor],y=k[e.xanchor];if("pixels"===e.thicknessmode)h.x=e.x,h.l=s*v,h.r=s*y;else{var x=s-O;h.l=x*v,h.r=x*y,h.xl=e.x-e.thickness*v,h.xr=e.x+e.thickness*y}a.autoMargin(r,e._id,h)}],r)}(r,e,t);v&&v.then&&(t._promises||[]).push(v),t._context.edits.colorbarPosition&&function(t,e,r){var n,i,a,s=r._fullLayout._size;l.init({element:t.node(),gd:r,prepFn:function(){n=t.attr("transform"),h(t)},moveFn:function(r,o){t.attr("transform",n+u(r,o)),i=l.align(e._xLeftFrac+r/s.w,e._thickFrac,0,1,e.xanchor),a=l.align(e._yBottomFrac-o/s.h,e._lenFrac,0,1,e.yanchor);var c=l.getCursor(i,a,e.xanchor,e.yanchor);h(t,c)},doneFn:function(){if(h(t),void 0!==i&&void 0!==a){var n={};n[e._propPrefix+"x"]=i,n[e._propPrefix+"y"]=a,void 0!==e._traceIndex?o.call("_guiRestyle",r,n,e._traceIndex):o.call("_guiRelayout",r,n)}}})}(r,e,t)})),e.exit().each((function(e){a.autoMargin(t,e._id)})).remove(),e.order()}}},{"../../constants/alignment":745,"../../lib":778,"../../lib/extend":768,"../../lib/setcursor":799,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"../../plots/cartesian/axis_defaults":830,"../../plots/cartesian/layout_attributes":842,"../../plots/cartesian/position_defaults":845,"../../plots/plots":891,"../../registry":911,"../color":643,"../colorscale/helpers":654,"../dragelement":662,"../drawing":665,"../titles":738,"./constants":645,d3:169,tinycolor2:576}],648:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t){return n.isPlainObject(t.colorbar)}},{"../../lib":778}],649:[function(t,e,r){"use strict";e.exports={moduleType:"component",name:"colorbar",attributes:t("./attributes"),supplyDefaults:t("./defaults"),draw:t("./draw").draw,hasColorbar:t("./has_colorbar")}},{"./attributes":644,"./defaults":646,"./draw":647,"./has_colorbar":648}],650:[function(t,e,r){"use strict";var n=t("../colorbar/attributes"),i=t("../../lib/regex").counter,a=t("./scales.js").scales;Object.keys(a);function o(t){return"`"+t+"`"}e.exports=function(t,e){t=t||"";var r,s=(e=e||{}).cLetter||"c",l=("onlyIfNumerical"in e?e.onlyIfNumerical:Boolean(t),"noScale"in e?e.noScale:"marker.line"===t),c="showScaleDflt"in e?e.showScaleDflt:"z"===s,u="string"==typeof e.colorscaleDflt?a[e.colorscaleDflt]:null,f=e.editTypeOverride||"",h=t?t+".":"";"colorAttr"in e?(r=e.colorAttr,e.colorAttr):o(h+(r={z:"z",c:"color"}[s]));var p=s+"auto",d=s+"min",g=s+"max",m=s+"mid",v=(o(h+p),o(h+d),o(h+g),{});v[d]=v[g]=void 0;var y={};y[p]=!1;var x={};return"color"===r&&(x.color={valType:"color",arrayOk:!0,editType:f||"style"},e.anim&&(x.color.anim=!0)),x[p]={valType:"boolean",dflt:!0,editType:"calc",impliedEdits:v},x[d]={valType:"number",dflt:null,editType:f||"plot",impliedEdits:y},x[g]={valType:"number",dflt:null,editType:f||"plot",impliedEdits:y},x[m]={valType:"number",dflt:null,editType:"calc",impliedEdits:v},x.colorscale={valType:"colorscale",editType:"calc",dflt:u,impliedEdits:{autocolorscale:!1}},x.autocolorscale={valType:"boolean",dflt:!1!==e.autoColorDflt,editType:"calc",impliedEdits:{colorscale:void 0}},x.reversescale={valType:"boolean",dflt:!1,editType:"plot"},l||(x.showscale={valType:"boolean",dflt:c,editType:"calc"},x.colorbar=n),e.noColorAxis||(x.coloraxis={valType:"subplotid",regex:i("coloraxis"),dflt:null,editType:"calc"}),x}},{"../../lib/regex":795,"../colorbar/attributes":644,"./scales.js":658}],651:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../lib"),a=t("./helpers").extractOpts;e.exports=function(t,e,r){var o,s=t._fullLayout,l=r.vals,c=r.containerStr,u=c?i.nestedProperty(e,c).get():e,f=a(u),h=!1!==f.auto,p=f.min,d=f.max,g=f.mid,m=function(){return i.aggNums(Math.min,null,l)},v=function(){return i.aggNums(Math.max,null,l)};(void 0===p?p=m():h&&(p=u._colorAx&&n(p)?Math.min(p,m()):m()),void 0===d?d=v():h&&(d=u._colorAx&&n(d)?Math.max(d,v()):v()),h&&void 0!==g&&(d-g>g-p?p=g-(d-g):d-g=0?s.colorscale.sequential:s.colorscale.sequentialminus,f._sync("colorscale",o))}},{"../../lib":778,"./helpers":654,"fast-isnumeric":241}],652:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./helpers").hasColorscale,a=t("./helpers").extractOpts;e.exports=function(t,e){function r(t,e){var r=t["_"+e];void 0!==r&&(t[e]=r)}function o(t,i){var o=i.container?n.nestedProperty(t,i.container).get():t;if(o)if(o.coloraxis)o._colorAx=e[o.coloraxis];else{var s=a(o),l=s.auto;(l||void 0===s.min)&&r(o,i.min),(l||void 0===s.max)&&r(o,i.max),s.autocolorscale&&r(o,"colorscale")}}for(var s=0;s=0;n--,i++){var a=t[n];r[i]=[1-a[0],a[1]]}return r}function d(t,e){e=e||{};for(var r=t.domain,o=t.range,l=o.length,c=new Array(l),u=0;u4/3-s?o:s}},{}],660:[function(t,e,r){"use strict";var n=t("../../lib"),i=[["sw-resize","s-resize","se-resize"],["w-resize","move","e-resize"],["nw-resize","n-resize","ne-resize"]];e.exports=function(t,e,r,a){return t="left"===r?0:"center"===r?1:"right"===r?2:n.constrain(Math.floor(3*t),0,2),e="bottom"===a?0:"middle"===a?1:"top"===a?2:n.constrain(Math.floor(3*e),0,2),i[e][t]}},{"../../lib":778}],661:[function(t,e,r){"use strict";r.selectMode=function(t){return"lasso"===t||"select"===t},r.drawMode=function(t){return"drawclosedpath"===t||"drawopenpath"===t||"drawline"===t||"drawrect"===t||"drawcircle"===t},r.openMode=function(t){return"drawline"===t||"drawopenpath"===t},r.rectMode=function(t){return"select"===t||"drawline"===t||"drawrect"===t||"drawcircle"===t},r.freeMode=function(t){return"lasso"===t||"drawclosedpath"===t||"drawopenpath"===t},r.selectingOrDrawing=function(t){return r.freeMode(t)||r.rectMode(t)}},{}],662:[function(t,e,r){"use strict";var n=t("mouse-event-offset"),i=t("has-hover"),a=t("has-passive-events"),o=t("../../lib").removeElement,s=t("../../plots/cartesian/constants"),l=e.exports={};l.align=t("./align"),l.getCursor=t("./cursor");var c=t("./unhover");function u(){var t=document.createElement("div");t.className="dragcover";var e=t.style;return e.position="fixed",e.left=0,e.right=0,e.top=0,e.bottom=0,e.zIndex=999999999,e.background="none",document.body.appendChild(t),t}function f(t){return n(t.changedTouches?t.changedTouches[0]:t,document.body)}l.unhover=c.wrapped,l.unhoverRaw=c.raw,l.init=function(t){var e,r,n,c,h,p,d,g,m=t.gd,v=1,y=m._context.doubleClickDelay,x=t.element;m._mouseDownTime||(m._mouseDownTime=0),x.style.pointerEvents="all",x.onmousedown=_,a?(x._ontouchstart&&x.removeEventListener("touchstart",x._ontouchstart),x._ontouchstart=_,x.addEventListener("touchstart",_,{passive:!1})):x.ontouchstart=_;var b=t.clampFn||function(t,e,r){return Math.abs(t)y&&(v=Math.max(v-1,1)),m._dragged)t.doneFn&&t.doneFn();else if(t.clickFn&&t.clickFn(v,p),!g){var r;try{r=new MouseEvent("click",e)}catch(t){var n=f(e);(r=document.createEvent("MouseEvents")).initMouseEvent("click",e.bubbles,e.cancelable,e.view,e.detail,e.screenX,e.screenY,n[0],n[1],e.ctrlKey,e.altKey,e.shiftKey,e.metaKey,e.button,e.relatedTarget)}d.dispatchEvent(r)}m._dragging=!1,m._dragged=!1}else m._dragged=!1}},l.coverSlip=u},{"../../lib":778,"../../plots/cartesian/constants":834,"./align":659,"./cursor":660,"./unhover":663,"has-hover":440,"has-passive-events":441,"mouse-event-offset":484}],663:[function(t,e,r){"use strict";var n=t("../../lib/events"),i=t("../../lib/throttle"),a=t("../../lib/dom").getGraphDiv,o=t("../fx/constants"),s=e.exports={};s.wrapped=function(t,e,r){(t=a(t))._fullLayout&&i.clear(t._fullLayout._uid+o.HOVERID),s.raw(t,e,r)},s.raw=function(t,e){var r=t._fullLayout,i=t._hoverdata;e||(e={}),e.target&&!1===n.triggerHandler(t,"plotly_beforehover",e)||(r._hoverlayer.selectAll("g").remove(),r._hoverlayer.selectAll("line").remove(),r._hoverlayer.selectAll("circle").remove(),t._hoverdata=void 0,e.target&&i&&t.emit("plotly_unhover",{event:e,points:i}))}},{"../../lib/dom":766,"../../lib/events":767,"../../lib/throttle":804,"../fx/constants":677}],664:[function(t,e,r){"use strict";r.dash={valType:"string",values:["solid","dot","dash","longdash","dashdot","longdashdot"],dflt:"solid",editType:"style"}},{}],665:[function(t,e,r){"use strict";var n=t("d3"),i=t("fast-isnumeric"),a=t("tinycolor2"),o=t("../../registry"),s=t("../color"),l=t("../colorscale"),c=t("../../lib"),u=c.strTranslate,f=t("../../lib/svg_text_utils"),h=t("../../constants/xmlns_namespaces"),p=t("../../constants/alignment").LINE_SPACING,d=t("../../constants/interactions").DESELECTDIM,g=t("../../traces/scatter/subtypes"),m=t("../../traces/scatter/make_bubble_size_func"),v=t("../../components/fx/helpers").appendArrayPointValue,y=e.exports={};y.font=function(t,e,r,n){c.isPlainObject(e)&&(n=e.color,r=e.size,e=e.family),e&&t.style("font-family",e),r+1&&t.style("font-size",r+"px"),n&&t.call(s.fill,n)},y.setPosition=function(t,e,r){t.attr("x",e).attr("y",r)},y.setSize=function(t,e,r){t.attr("width",e).attr("height",r)},y.setRect=function(t,e,r,n,i){t.call(y.setPosition,e,r).call(y.setSize,n,i)},y.translatePoint=function(t,e,r,n){var a=r.c2p(t.x),o=n.c2p(t.y);return!!(i(a)&&i(o)&&e.node())&&("text"===e.node().nodeName?e.attr("x",a).attr("y",o):e.attr("transform",u(a,o)),!0)},y.translatePoints=function(t,e,r){t.each((function(t){var i=n.select(this);y.translatePoint(t,i,e,r)}))},y.hideOutsideRangePoint=function(t,e,r,n,i,a){e.attr("display",r.isPtWithinRange(t,i)&&n.isPtWithinRange(t,a)?null:"none")},y.hideOutsideRangePoints=function(t,e){if(e._hasClipOnAxisFalse){var r=e.xaxis,i=e.yaxis;t.each((function(e){var a=e[0].trace,s=a.xcalendar,l=a.ycalendar,c=o.traceIs(a,"bar-like")?".bartext":".point,.textpoint";t.selectAll(c).each((function(t){y.hideOutsideRangePoint(t,n.select(this),r,i,s,l)}))}))}},y.crispRound=function(t,e,r){return e&&i(e)?t._context.staticPlot?e:e<1?1:Math.round(e):r||0},y.singleLineStyle=function(t,e,r,n,i){e.style("fill","none");var a=(((t||[])[0]||{}).trace||{}).line||{},o=r||a.width||0,l=i||a.dash||"";s.stroke(e,n||a.color),y.dashLine(e,l,o)},y.lineGroupStyle=function(t,e,r,i){t.style("fill","none").each((function(t){var a=(((t||[])[0]||{}).trace||{}).line||{},o=e||a.width||0,l=i||a.dash||"";n.select(this).call(s.stroke,r||a.color).call(y.dashLine,l,o)}))},y.dashLine=function(t,e,r){r=+r||0,e=y.dashStyle(e,r),t.style({"stroke-dasharray":e,"stroke-width":r+"px"})},y.dashStyle=function(t,e){e=+e||1;var r=Math.max(e,3);return"solid"===t?t="":"dot"===t?t=r+"px,"+r+"px":"dash"===t?t=3*r+"px,"+3*r+"px":"longdash"===t?t=5*r+"px,"+5*r+"px":"dashdot"===t?t=3*r+"px,"+r+"px,"+r+"px,"+r+"px":"longdashdot"===t&&(t=5*r+"px,"+2*r+"px,"+r+"px,"+2*r+"px"),t},y.singleFillStyle=function(t){var e=(((n.select(t.node()).data()[0]||[])[0]||{}).trace||{}).fillcolor;e&&t.call(s.fill,e)},y.fillGroupStyle=function(t){t.style("stroke-width",0).each((function(t){var e=n.select(this);t[0].trace&&e.call(s.fill,t[0].trace.fillcolor)}))};var x=t("./symbol_defs");y.symbolNames=[],y.symbolFuncs=[],y.symbolNeedLines={},y.symbolNoDot={},y.symbolNoFill={},y.symbolList=[],Object.keys(x).forEach((function(t){var e=x[t],r=e.n;y.symbolList.push(r,String(r),t,r+100,String(r+100),t+"-open"),y.symbolNames[r]=t,y.symbolFuncs[r]=e.f,e.needLine&&(y.symbolNeedLines[r]=!0),e.noDot?y.symbolNoDot[r]=!0:y.symbolList.push(r+200,String(r+200),t+"-dot",r+300,String(r+300),t+"-open-dot"),e.noFill&&(y.symbolNoFill[r]=!0)}));var b=y.symbolNames.length;function _(t,e){var r=t%100;return y.symbolFuncs[r](e)+(t>=200?"M0,0.5L0.5,0L0,-0.5L-0.5,0Z":"")}y.symbolNumber=function(t){if(i(t))t=+t;else if("string"==typeof t){var e=0;t.indexOf("-open")>0&&(e=100,t=t.replace("-open","")),t.indexOf("-dot")>0&&(e+=200,t=t.replace("-dot","")),(t=y.symbolNames.indexOf(t))>=0&&(t+=e)}return t%100>=b||t>=400?0:Math.floor(Math.max(t,0))};var w={x1:1,x2:0,y1:0,y2:0},T={x1:0,x2:0,y1:1,y2:0},k=n.format("~.1f"),M={radial:{node:"radialGradient"},radialreversed:{node:"radialGradient",reversed:!0},horizontal:{node:"linearGradient",attrs:w},horizontalreversed:{node:"linearGradient",attrs:w,reversed:!0},vertical:{node:"linearGradient",attrs:T},verticalreversed:{node:"linearGradient",attrs:T,reversed:!0}};y.gradient=function(t,e,r,i,o,l){for(var u=o.length,f=M[i],h=new Array(u),p=0;p"+v(t);d._gradientUrlQueryParts[y]=1},y.initGradients=function(t){var e=t._fullLayout;c.ensureSingle(e._defs,"g","gradients").selectAll("linearGradient,radialGradient").remove(),e._gradientUrlQueryParts={}},y.pointStyle=function(t,e,r){if(t.size()){var i=y.makePointStyleFns(e);t.each((function(t){y.singlePointStyle(t,n.select(this),e,i,r)}))}},y.singlePointStyle=function(t,e,r,n,i){var a=r.marker,o=a.line;if(e.style("opacity",n.selectedOpacityFn?n.selectedOpacityFn(t):void 0===t.mo?a.opacity:t.mo),n.ms2mrc){var l;l="various"===t.ms||"various"===a.size?3:n.ms2mrc(t.ms),t.mrc=l,n.selectedSizeFn&&(l=t.mrc=n.selectedSizeFn(t));var u=y.symbolNumber(t.mx||a.symbol)||0;t.om=u%200>=100,e.attr("d",_(u,l))}var f,h,p,d=!1;if(t.so)p=o.outlierwidth,h=o.outliercolor,f=a.outliercolor;else{var g=(o||{}).width;p=(t.mlw+1||g+1||(t.trace?(t.trace.marker.line||{}).width:0)+1)-1||0,h="mlc"in t?t.mlcc=n.lineScale(t.mlc):c.isArrayOrTypedArray(o.color)?s.defaultLine:o.color,c.isArrayOrTypedArray(a.color)&&(f=s.defaultLine,d=!0),f="mc"in t?t.mcc=n.markerScale(t.mc):a.color||"rgba(0,0,0,0)",n.selectedColorFn&&(f=n.selectedColorFn(t))}if(t.om)e.call(s.stroke,f).style({"stroke-width":(p||1)+"px",fill:"none"});else{e.style("stroke-width",(t.isBlank?0:p)+"px");var m=a.gradient,v=t.mgt;if(v?d=!0:v=m&&m.type,Array.isArray(v)&&(v=v[0],M[v]||(v=0)),v&&"none"!==v){var x=t.mgc;x?d=!0:x=m.color;var b=r.uid;d&&(b+="-"+t.i),y.gradient(e,i,b,v,[[0,x],[1,f]],"fill")}else s.fill(e,f);p&&s.stroke(e,h)}},y.makePointStyleFns=function(t){var e={},r=t.marker;return e.markerScale=y.tryColorscale(r,""),e.lineScale=y.tryColorscale(r,"line"),o.traceIs(t,"symbols")&&(e.ms2mrc=g.isBubble(t)?m(t):function(){return(r.size||6)/2}),t.selectedpoints&&c.extendFlat(e,y.makeSelectedPointStyleFns(t)),e},y.makeSelectedPointStyleFns=function(t){var e={},r=t.selected||{},n=t.unselected||{},i=t.marker||{},a=r.marker||{},s=n.marker||{},l=i.opacity,u=a.opacity,f=s.opacity,h=void 0!==u,p=void 0!==f;(c.isArrayOrTypedArray(l)||h||p)&&(e.selectedOpacityFn=function(t){var e=void 0===t.mo?i.opacity:t.mo;return t.selected?h?u:e:p?f:d*e});var g=i.color,m=a.color,v=s.color;(m||v)&&(e.selectedColorFn=function(t){var e=t.mcc||g;return t.selected?m||e:v||e});var y=i.size,x=a.size,b=s.size,_=void 0!==x,w=void 0!==b;return o.traceIs(t,"symbols")&&(_||w)&&(e.selectedSizeFn=function(t){var e=t.mrc||y/2;return t.selected?_?x/2:e:w?b/2:e}),e},y.makeSelectedTextStyleFns=function(t){var e={},r=t.selected||{},n=t.unselected||{},i=t.textfont||{},a=r.textfont||{},o=n.textfont||{},l=i.color,c=a.color,u=o.color;return e.selectedTextColorFn=function(t){var e=t.tc||l;return t.selected?c||e:u||(c?e:s.addOpacity(e,d))},e},y.selectedPointStyle=function(t,e){if(t.size()&&e.selectedpoints){var r=y.makeSelectedPointStyleFns(e),i=e.marker||{},a=[];r.selectedOpacityFn&&a.push((function(t,e){t.style("opacity",r.selectedOpacityFn(e))})),r.selectedColorFn&&a.push((function(t,e){s.fill(t,r.selectedColorFn(e))})),r.selectedSizeFn&&a.push((function(t,e){var n=e.mx||i.symbol||0,a=r.selectedSizeFn(e);t.attr("d",_(y.symbolNumber(n),a)),e.mrc2=a})),a.length&&t.each((function(t){for(var e=n.select(this),r=0;r0?r:0}y.textPointStyle=function(t,e,r){if(t.size()){var i;if(e.selectedpoints){var a=y.makeSelectedTextStyleFns(e);i=a.selectedTextColorFn}var o=e.texttemplate,s=r._fullLayout;t.each((function(t){var a=n.select(this),l=o?c.extractOption(t,e,"txt","texttemplate"):c.extractOption(t,e,"tx","text");if(l||0===l){if(o){var u=e._module.formatLabels?e._module.formatLabels(t,e,s):{},h={};v(h,e,t.i);var p=e._meta||{};l=c.texttemplateString(l,u,s._d3locale,h,t,p)}var d=t.tp||e.textposition,g=E(t,e),m=i?i(t):t.tc||e.textfont.color;a.call(y.font,t.tf||e.textfont.family,g,m).text(l).call(f.convertToTspans,r).call(S,d,g,t.mrc)}else a.remove()}))}},y.selectedTextStyle=function(t,e){if(t.size()&&e.selectedpoints){var r=y.makeSelectedTextStyleFns(e);t.each((function(t){var i=n.select(this),a=r.selectedTextColorFn(t),o=t.tp||e.textposition,l=E(t,e);s.fill(i,a),S(i,o,l,t.mrc2||t.mrc)}))}};function C(t,e,r,i){var a=t[0]-e[0],o=t[1]-e[1],s=r[0]-e[0],l=r[1]-e[1],c=Math.pow(a*a+o*o,.25),u=Math.pow(s*s+l*l,.25),f=(u*u*a-c*c*s)*i,h=(u*u*o-c*c*l)*i,p=3*u*(c+u),d=3*c*(c+u);return[[n.round(e[0]+(p&&f/p),2),n.round(e[1]+(p&&h/p),2)],[n.round(e[0]-(d&&f/d),2),n.round(e[1]-(d&&h/d),2)]]}y.smoothopen=function(t,e){if(t.length<3)return"M"+t.join("L");var r,n="M"+t[0],i=[];for(r=1;r=1e4&&(y.savedBBoxes={},P=0),r&&(y.savedBBoxes[r]=m),P++,c.extendFlat({},m)},y.setClipUrl=function(t,e,r){t.attr("clip-path",O(e,r))},y.getTranslate=function(t){var e=(t[t.attr?"attr":"getAttribute"]("transform")||"").replace(/.*\btranslate\((-?\d*\.?\d*)[^-\d]*(-?\d*\.?\d*)[^\d].*/,(function(t,e,r){return[e,r].join(" ")})).split(" ");return{x:+e[0]||0,y:+e[1]||0}},y.setTranslate=function(t,e,r){var n=t.attr?"attr":"getAttribute",i=t.attr?"attr":"setAttribute",a=t[n]("transform")||"";return e=e||0,r=r||0,a=a.replace(/(\btranslate\(.*?\);?)/,"").trim(),a=(a+=u(e,r)).trim(),t[i]("transform",a),a},y.getScale=function(t){var e=(t[t.attr?"attr":"getAttribute"]("transform")||"").replace(/.*\bscale\((\d*\.?\d*)[^\d]*(\d*\.?\d*)[^\d].*/,(function(t,e,r){return[e,r].join(" ")})).split(" ");return{x:+e[0]||1,y:+e[1]||1}},y.setScale=function(t,e,r){var n=t.attr?"attr":"getAttribute",i=t.attr?"attr":"setAttribute",a=t[n]("transform")||"";return e=e||1,r=r||1,a=a.replace(/(\bscale\(.*?\);?)/,"").trim(),a=(a+="scale("+e+","+r+")").trim(),t[i]("transform",a),a};var D=/\s*sc.*/;y.setPointGroupScale=function(t,e,r){if(e=e||1,r=r||1,t){var n=1===e&&1===r?"":"scale("+e+","+r+")";t.each((function(){var t=(this.getAttribute("transform")||"").replace(D,"");t=(t+=n).trim(),this.setAttribute("transform",t)}))}};var R=/translate\([^)]*\)\s*$/;y.setTextPointsScale=function(t,e,r){t&&t.each((function(){var t,i=n.select(this),a=i.select("text");if(a.node()){var o=parseFloat(a.attr("x")||0),s=parseFloat(a.attr("y")||0),l=(i.attr("transform")||"").match(R);t=1===e&&1===r?[]:[u(o,s),"scale("+e+","+r+")",u(-o,-s)],l&&t.push(l),i.attr("transform",t.join(""))}}))}},{"../../components/fx/helpers":679,"../../constants/alignment":745,"../../constants/interactions":752,"../../constants/xmlns_namespaces":754,"../../lib":778,"../../lib/svg_text_utils":803,"../../registry":911,"../../traces/scatter/make_bubble_size_func":1204,"../../traces/scatter/subtypes":1212,"../color":643,"../colorscale":655,"./symbol_defs":666,d3:169,"fast-isnumeric":241,tinycolor2:576}],666:[function(t,e,r){"use strict";var n=t("d3");e.exports={circle:{n:0,f:function(t){var e=n.round(t,2);return"M"+e+",0A"+e+","+e+" 0 1,1 0,-"+e+"A"+e+","+e+" 0 0,1 "+e+",0Z"}},square:{n:1,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"H-"+e+"V-"+e+"H"+e+"Z"}},diamond:{n:2,f:function(t){var e=n.round(1.3*t,2);return"M"+e+",0L0,"+e+"L-"+e+",0L0,-"+e+"Z"}},cross:{n:3,f:function(t){var e=n.round(.4*t,2),r=n.round(1.2*t,2);return"M"+r+","+e+"H"+e+"V"+r+"H-"+e+"V"+e+"H-"+r+"V-"+e+"H-"+e+"V-"+r+"H"+e+"V-"+e+"H"+r+"Z"}},x:{n:4,f:function(t){var e=n.round(.8*t/Math.sqrt(2),2),r="l"+e+","+e,i="l"+e+",-"+e,a="l-"+e+",-"+e,o="l-"+e+","+e;return"M0,"+e+r+i+a+i+a+o+a+o+r+o+r+"Z"}},"triangle-up":{n:5,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return"M-"+e+","+n.round(t/2,2)+"H"+e+"L0,-"+n.round(t,2)+"Z"}},"triangle-down":{n:6,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return"M-"+e+",-"+n.round(t/2,2)+"H"+e+"L0,"+n.round(t,2)+"Z"}},"triangle-left":{n:7,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return"M"+n.round(t/2,2)+",-"+e+"V"+e+"L-"+n.round(t,2)+",0Z"}},"triangle-right":{n:8,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return"M-"+n.round(t/2,2)+",-"+e+"V"+e+"L"+n.round(t,2)+",0Z"}},"triangle-ne":{n:9,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return"M-"+r+",-"+e+"H"+e+"V"+r+"Z"}},"triangle-se":{n:10,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return"M"+e+",-"+r+"V"+e+"H-"+r+"Z"}},"triangle-sw":{n:11,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return"M"+r+","+e+"H-"+e+"V-"+r+"Z"}},"triangle-nw":{n:12,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return"M-"+e+","+r+"V-"+e+"H"+r+"Z"}},pentagon:{n:13,f:function(t){var e=n.round(.951*t,2),r=n.round(.588*t,2),i=n.round(-t,2),a=n.round(-.309*t,2);return"M"+e+","+a+"L"+r+","+n.round(.809*t,2)+"H-"+r+"L-"+e+","+a+"L0,"+i+"Z"}},hexagon:{n:14,f:function(t){var e=n.round(t,2),r=n.round(t/2,2),i=n.round(t*Math.sqrt(3)/2,2);return"M"+i+",-"+r+"V"+r+"L0,"+e+"L-"+i+","+r+"V-"+r+"L0,-"+e+"Z"}},hexagon2:{n:15,f:function(t){var e=n.round(t,2),r=n.round(t/2,2),i=n.round(t*Math.sqrt(3)/2,2);return"M-"+r+","+i+"H"+r+"L"+e+",0L"+r+",-"+i+"H-"+r+"L-"+e+",0Z"}},octagon:{n:16,f:function(t){var e=n.round(.924*t,2),r=n.round(.383*t,2);return"M-"+r+",-"+e+"H"+r+"L"+e+",-"+r+"V"+r+"L"+r+","+e+"H-"+r+"L-"+e+","+r+"V-"+r+"Z"}},star:{n:17,f:function(t){var e=1.4*t,r=n.round(.225*e,2),i=n.round(.951*e,2),a=n.round(.363*e,2),o=n.round(.588*e,2),s=n.round(-e,2),l=n.round(-.309*e,2),c=n.round(.118*e,2),u=n.round(.809*e,2);return"M"+r+","+l+"H"+i+"L"+a+","+c+"L"+o+","+u+"L0,"+n.round(.382*e,2)+"L-"+o+","+u+"L-"+a+","+c+"L-"+i+","+l+"H-"+r+"L0,"+s+"Z"}},hexagram:{n:18,f:function(t){var e=n.round(.66*t,2),r=n.round(.38*t,2),i=n.round(.76*t,2);return"M-"+i+",0l-"+r+",-"+e+"h"+i+"l"+r+",-"+e+"l"+r+","+e+"h"+i+"l-"+r+","+e+"l"+r+","+e+"h-"+i+"l-"+r+","+e+"l-"+r+",-"+e+"h-"+i+"Z"}},"star-triangle-up":{n:19,f:function(t){var e=n.round(t*Math.sqrt(3)*.8,2),r=n.round(.8*t,2),i=n.round(1.6*t,2),a=n.round(4*t,2),o="A "+a+","+a+" 0 0 1 ";return"M-"+e+","+r+o+e+","+r+o+"0,-"+i+o+"-"+e+","+r+"Z"}},"star-triangle-down":{n:20,f:function(t){var e=n.round(t*Math.sqrt(3)*.8,2),r=n.round(.8*t,2),i=n.round(1.6*t,2),a=n.round(4*t,2),o="A "+a+","+a+" 0 0 1 ";return"M"+e+",-"+r+o+"-"+e+",-"+r+o+"0,"+i+o+e+",-"+r+"Z"}},"star-square":{n:21,f:function(t){var e=n.round(1.1*t,2),r=n.round(2*t,2),i="A "+r+","+r+" 0 0 1 ";return"M-"+e+",-"+e+i+"-"+e+","+e+i+e+","+e+i+e+",-"+e+i+"-"+e+",-"+e+"Z"}},"star-diamond":{n:22,f:function(t){var e=n.round(1.4*t,2),r=n.round(1.9*t,2),i="A "+r+","+r+" 0 0 1 ";return"M-"+e+",0"+i+"0,"+e+i+e+",0"+i+"0,-"+e+i+"-"+e+",0Z"}},"diamond-tall":{n:23,f:function(t){var e=n.round(.7*t,2),r=n.round(1.4*t,2);return"M0,"+r+"L"+e+",0L0,-"+r+"L-"+e+",0Z"}},"diamond-wide":{n:24,f:function(t){var e=n.round(1.4*t,2),r=n.round(.7*t,2);return"M0,"+r+"L"+e+",0L0,-"+r+"L-"+e+",0Z"}},hourglass:{n:25,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"H-"+e+"L"+e+",-"+e+"H-"+e+"Z"},noDot:!0},bowtie:{n:26,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"V-"+e+"L-"+e+","+e+"V-"+e+"Z"},noDot:!0},"circle-cross":{n:27,f:function(t){var e=n.round(t,2);return"M0,"+e+"V-"+e+"M"+e+",0H-"+e+"M"+e+",0A"+e+","+e+" 0 1,1 0,-"+e+"A"+e+","+e+" 0 0,1 "+e+",0Z"},needLine:!0,noDot:!0},"circle-x":{n:28,f:function(t){var e=n.round(t,2),r=n.round(t/Math.sqrt(2),2);return"M"+r+","+r+"L-"+r+",-"+r+"M"+r+",-"+r+"L-"+r+","+r+"M"+e+",0A"+e+","+e+" 0 1,1 0,-"+e+"A"+e+","+e+" 0 0,1 "+e+",0Z"},needLine:!0,noDot:!0},"square-cross":{n:29,f:function(t){var e=n.round(t,2);return"M0,"+e+"V-"+e+"M"+e+",0H-"+e+"M"+e+","+e+"H-"+e+"V-"+e+"H"+e+"Z"},needLine:!0,noDot:!0},"square-x":{n:30,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"L-"+e+",-"+e+"M"+e+",-"+e+"L-"+e+","+e+"M"+e+","+e+"H-"+e+"V-"+e+"H"+e+"Z"},needLine:!0,noDot:!0},"diamond-cross":{n:31,f:function(t){var e=n.round(1.3*t,2);return"M"+e+",0L0,"+e+"L-"+e+",0L0,-"+e+"ZM0,-"+e+"V"+e+"M-"+e+",0H"+e},needLine:!0,noDot:!0},"diamond-x":{n:32,f:function(t){var e=n.round(1.3*t,2),r=n.round(.65*t,2);return"M"+e+",0L0,"+e+"L-"+e+",0L0,-"+e+"ZM-"+r+",-"+r+"L"+r+","+r+"M-"+r+","+r+"L"+r+",-"+r},needLine:!0,noDot:!0},"cross-thin":{n:33,f:function(t){var e=n.round(1.4*t,2);return"M0,"+e+"V-"+e+"M"+e+",0H-"+e},needLine:!0,noDot:!0,noFill:!0},"x-thin":{n:34,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"L-"+e+",-"+e+"M"+e+",-"+e+"L-"+e+","+e},needLine:!0,noDot:!0,noFill:!0},asterisk:{n:35,f:function(t){var e=n.round(1.2*t,2),r=n.round(.85*t,2);return"M0,"+e+"V-"+e+"M"+e+",0H-"+e+"M"+r+","+r+"L-"+r+",-"+r+"M"+r+",-"+r+"L-"+r+","+r},needLine:!0,noDot:!0,noFill:!0},hash:{n:36,f:function(t){var e=n.round(t/2,2),r=n.round(t,2);return"M"+e+","+r+"V-"+r+"m-"+r+",0V"+r+"M"+r+","+e+"H-"+r+"m0,-"+r+"H"+r},needLine:!0,noFill:!0},"y-up":{n:37,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return"M-"+e+","+i+"L0,0M"+e+","+i+"L0,0M0,-"+r+"L0,0"},needLine:!0,noDot:!0,noFill:!0},"y-down":{n:38,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return"M-"+e+",-"+i+"L0,0M"+e+",-"+i+"L0,0M0,"+r+"L0,0"},needLine:!0,noDot:!0,noFill:!0},"y-left":{n:39,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return"M"+i+","+e+"L0,0M"+i+",-"+e+"L0,0M-"+r+",0L0,0"},needLine:!0,noDot:!0,noFill:!0},"y-right":{n:40,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return"M-"+i+","+e+"L0,0M-"+i+",-"+e+"L0,0M"+r+",0L0,0"},needLine:!0,noDot:!0,noFill:!0},"line-ew":{n:41,f:function(t){var e=n.round(1.4*t,2);return"M"+e+",0H-"+e},needLine:!0,noDot:!0,noFill:!0},"line-ns":{n:42,f:function(t){var e=n.round(1.4*t,2);return"M0,"+e+"V-"+e},needLine:!0,noDot:!0,noFill:!0},"line-ne":{n:43,f:function(t){var e=n.round(t,2);return"M"+e+",-"+e+"L-"+e+","+e},needLine:!0,noDot:!0,noFill:!0},"line-nw":{n:44,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"L-"+e+",-"+e},needLine:!0,noDot:!0,noFill:!0},"arrow-up":{n:45,f:function(t){var e=n.round(t,2);return"M0,0L-"+e+","+n.round(2*t,2)+"H"+e+"Z"},noDot:!0},"arrow-down":{n:46,f:function(t){var e=n.round(t,2);return"M0,0L-"+e+",-"+n.round(2*t,2)+"H"+e+"Z"},noDot:!0},"arrow-left":{n:47,f:function(t){var e=n.round(2*t,2),r=n.round(t,2);return"M0,0L"+e+",-"+r+"V"+r+"Z"},noDot:!0},"arrow-right":{n:48,f:function(t){var e=n.round(2*t,2),r=n.round(t,2);return"M0,0L-"+e+",-"+r+"V"+r+"Z"},noDot:!0},"arrow-bar-up":{n:49,f:function(t){var e=n.round(t,2);return"M-"+e+",0H"+e+"M0,0L-"+e+","+n.round(2*t,2)+"H"+e+"Z"},needLine:!0,noDot:!0},"arrow-bar-down":{n:50,f:function(t){var e=n.round(t,2);return"M-"+e+",0H"+e+"M0,0L-"+e+",-"+n.round(2*t,2)+"H"+e+"Z"},needLine:!0,noDot:!0},"arrow-bar-left":{n:51,f:function(t){var e=n.round(2*t,2),r=n.round(t,2);return"M0,-"+r+"V"+r+"M0,0L"+e+",-"+r+"V"+r+"Z"},needLine:!0,noDot:!0},"arrow-bar-right":{n:52,f:function(t){var e=n.round(2*t,2),r=n.round(t,2);return"M0,-"+r+"V"+r+"M0,0L-"+e+",-"+r+"V"+r+"Z"},needLine:!0,noDot:!0}}},{d3:169}],667:[function(t,e,r){"use strict";e.exports={visible:{valType:"boolean",editType:"calc"},type:{valType:"enumerated",values:["percent","constant","sqrt","data"],editType:"calc"},symmetric:{valType:"boolean",editType:"calc"},array:{valType:"data_array",editType:"calc"},arrayminus:{valType:"data_array",editType:"calc"},value:{valType:"number",min:0,dflt:10,editType:"calc"},valueminus:{valType:"number",min:0,dflt:10,editType:"calc"},traceref:{valType:"integer",min:0,dflt:0,editType:"style"},tracerefminus:{valType:"integer",min:0,dflt:0,editType:"style"},copy_ystyle:{valType:"boolean",editType:"plot"},copy_zstyle:{valType:"boolean",editType:"style"},color:{valType:"color",editType:"style"},thickness:{valType:"number",min:0,dflt:2,editType:"style"},width:{valType:"number",min:0,editType:"plot"},editType:"calc",_deprecated:{opacity:{valType:"number",editType:"style"}}}},{}],668:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../registry"),a=t("../../plots/cartesian/axes"),o=t("../../lib"),s=t("./compute_error");function l(t,e,r,i){var l=e["error_"+i]||{},c=[];if(l.visible&&-1!==["linear","log"].indexOf(r.type)){for(var u=s(l),f=0;f0;e.each((function(e){var f,h=e[0].trace,p=h.error_x||{},d=h.error_y||{};h.ids&&(f=function(t){return t.id});var g=o.hasMarkers(h)&&h.marker.maxdisplayed>0;d.visible||p.visible||(e=[]);var m=n.select(this).selectAll("g.errorbar").data(e,f);if(m.exit().remove(),e.length){p.visible||m.selectAll("path.xerror").remove(),d.visible||m.selectAll("path.yerror").remove(),m.style("opacity",1);var v=m.enter().append("g").classed("errorbar",!0);u&&v.style("opacity",0).transition().duration(s.duration).style("opacity",1),a.setClipUrl(m,r.layerClipId,t),m.each((function(t){var e=n.select(this),r=function(t,e,r){var n={x:e.c2p(t.x),y:r.c2p(t.y)};void 0!==t.yh&&(n.yh=r.c2p(t.yh),n.ys=r.c2p(t.ys),i(n.ys)||(n.noYS=!0,n.ys=r.c2p(t.ys,!0)));void 0!==t.xh&&(n.xh=e.c2p(t.xh),n.xs=e.c2p(t.xs),i(n.xs)||(n.noXS=!0,n.xs=e.c2p(t.xs,!0)));return n}(t,l,c);if(!g||t.vis){var a,o=e.select("path.yerror");if(d.visible&&i(r.x)&&i(r.yh)&&i(r.ys)){var f=d.width;a="M"+(r.x-f)+","+r.yh+"h"+2*f+"m-"+f+",0V"+r.ys,r.noYS||(a+="m-"+f+",0h"+2*f),!o.size()?o=e.append("path").style("vector-effect","non-scaling-stroke").classed("yerror",!0):u&&(o=o.transition().duration(s.duration).ease(s.easing)),o.attr("d",a)}else o.remove();var h=e.select("path.xerror");if(p.visible&&i(r.y)&&i(r.xh)&&i(r.xs)){var m=(p.copy_ystyle?d:p).width;a="M"+r.xh+","+(r.y-m)+"v"+2*m+"m0,-"+m+"H"+r.xs,r.noXS||(a+="m0,-"+m+"v"+2*m),!h.size()?h=e.append("path").style("vector-effect","non-scaling-stroke").classed("xerror",!0):u&&(h=h.transition().duration(s.duration).ease(s.easing)),h.attr("d",a)}else h.remove()}}))}}))}},{"../../traces/scatter/subtypes":1212,"../drawing":665,d3:169,"fast-isnumeric":241}],673:[function(t,e,r){"use strict";var n=t("d3"),i=t("../color");e.exports=function(t){t.each((function(t){var e=t[0].trace,r=e.error_y||{},a=e.error_x||{},o=n.select(this);o.selectAll("path.yerror").style("stroke-width",r.thickness+"px").call(i.stroke,r.color),a.copy_ystyle&&(a=r),o.selectAll("path.xerror").style("stroke-width",a.thickness+"px").call(i.stroke,a.color)}))}},{"../color":643,d3:169}],674:[function(t,e,r){"use strict";var n=t("../../plots/font_attributes"),i=t("./layout_attributes").hoverlabel,a=t("../../lib/extend").extendFlat;e.exports={hoverlabel:{bgcolor:a({},i.bgcolor,{arrayOk:!0}),bordercolor:a({},i.bordercolor,{arrayOk:!0}),font:n({arrayOk:!0,editType:"none"}),align:a({},i.align,{arrayOk:!0}),namelength:a({},i.namelength,{arrayOk:!0}),editType:"none"}}},{"../../lib/extend":768,"../../plots/font_attributes":856,"./layout_attributes":684}],675:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry");function a(t,e,r,i){i=i||n.identity,Array.isArray(t)&&(e[0][r]=i(t))}e.exports=function(t){var e=t.calcdata,r=t._fullLayout;function o(t){return function(e){return n.coerceHoverinfo({hoverinfo:e},{_module:t._module},r)}}for(var s=0;s=0&&r.indexb[0]._length||tt<0||tt>_[0]._length)return d.unhoverRaw(t,e)}if(e.pointerX=$+b[0]._offset,e.pointerY=tt+_[0]._offset,C="xval"in e?v.flat(s,e.xval):v.p2c(b,$),I="yval"in e?v.flat(s,e.yval):v.p2c(_,tt),!i(C[0])||!i(I[0]))return o.warn("Fx.hover failed",e,t),d.unhoverRaw(t,e)}var nt=1/0;function it(t,r){for(F=0;FY&&(Z.splice(0,Y),nt=Z[0].distance),g&&0!==X&&0===Z.length){G.distance=X,G.index=!1;var f=N._module.hoverPoints(G,q,H,"closest",l._hoverlayer);if(f&&(f=f.filter((function(t){return t.spikeDistance<=X}))),f&&f.length){var h,d=f.filter((function(t){return t.xa.showspikes&&"hovered data"!==t.xa.spikesnap}));if(d.length){var m=d[0];i(m.x0)&&i(m.y0)&&(h=ot(m),(!K.vLinePoint||K.vLinePoint.spikeDistance>h.spikeDistance)&&(K.vLinePoint=h))}var y=f.filter((function(t){return t.ya.showspikes&&"hovered data"!==t.ya.spikesnap}));if(y.length){var x=y[0];i(x.x0)&&i(x.y0)&&(h=ot(x),(!K.hLinePoint||K.hLinePoint.spikeDistance>h.spikeDistance)&&(K.hLinePoint=h))}}}}}function at(t,e){for(var r,n=null,i=1/0,a=0;a1||Z.length>1)||"closest"===S&&Q&&Z.length>1,At=p.combine(l.plot_bgcolor||p.background,l.paper_bgcolor),St={hovermode:S,rotateLabels:Mt,bgColor:At,container:l._hoverlayer,outerContainer:l._paperdiv,commonLabelOpts:l.hoverlabel,hoverdistance:l.hoverdistance},Et=L(Z,St,t);v.isUnifiedHover(S)||(!function(t,e,r){var n,i,a,o,s,l,c,u=0,f=1,h=t.size(),p=new Array(h),d=0;function g(t){var e=t[0],r=t[t.length-1];if(i=e.pmin-e.pos-e.dp+e.size,a=r.pos+r.dp+r.size-e.pmax,i>.01){for(s=t.length-1;s>=0;s--)t[s].dp+=i;n=!1}if(!(a<.01)){if(i<-.01){for(s=t.length-1;s>=0;s--)t[s].dp-=a;n=!1}if(n){var c=0;for(o=0;oe.pmax&&c++;for(o=t.length-1;o>=0&&!(c<=0);o--)(l=t[o]).pos>e.pmax-1&&(l.del=!0,c--);for(o=0;o=0;s--)t[s].dp-=a;for(o=t.length-1;o>=0&&!(c<=0);o--)(l=t[o]).pos+l.dp+l.size>e.pmax&&(l.del=!0,c--)}}}t.each((function(t){var n=t[e],i="x"===n._id.charAt(0),a=n.range;0===d&&a&&a[0]>a[1]!==i&&(f=-1),p[d++]=[{datum:t,traceIndex:t.trace.index,dp:0,pos:t.pos,posref:t.posref,size:t.by*(i?T:1)/2,pmin:0,pmax:i?r.width:r.height}]})),p.sort((function(t,e){return t[0].posref-e[0].posref||f*(e[0].traceIndex-t[0].traceIndex)}));for(;!n&&u<=h;){for(u++,n=!0,o=0;o.01&&y.pmin===x.pmin&&y.pmax===x.pmax){for(s=v.length-1;s>=0;s--)v[s].dp+=i;for(m.push.apply(m,v),p.splice(o+1,1),c=0,s=m.length-1;s>=0;s--)c+=m[s].dp;for(a=c/m.length,s=m.length-1;s>=0;s--)m[s].dp-=a;n=!1}else o++}p.forEach(g)}for(o=p.length-1;o>=0;o--){var b=p[o];for(s=b.length-1;s>=0;s--){var _=b[s],w=_.datum;w.offset=_.dp,w.del=_.del}}}(Et,Mt?"xa":"ya",l),P(Et,Mt,l._invScaleX,l._invScaleY));if(e.target&&e.target.tagName){var Ct=m.getComponentMethod("annotations","hasClickToShow")(t,_t);f(n.select(e.target),Ct?"pointer":"")}if(!e.target||a||!function(t,e,r){if(!r||r.length!==t._hoverdata.length)return!0;for(var n=r.length-1;n>=0;n--){var i=r[n],a=t._hoverdata[n];if(i.curveNumber!==a.curveNumber||String(i.pointNumber)!==String(a.pointNumber)||String(i.pointNumbers)!==String(a.pointNumbers))return!0}return!1}(t,0,bt))return;bt&&t.emit("plotly_unhover",{event:e,points:bt});t.emit("plotly_hover",{event:e,points:t._hoverdata,xaxes:b,yaxes:_,xvals:C,yvals:I})}(t,e,r,a)}))},r.loneHover=function(t,e){var r=!0;Array.isArray(t)||(r=!1,t=[t]);var i=t.map((function(t){return{color:t.color||p.defaultLine,x0:t.x0||t.x||0,x1:t.x1||t.x||0,y0:t.y0||t.y||0,y1:t.y1||t.y||0,xLabel:t.xLabel,yLabel:t.yLabel,zLabel:t.zLabel,text:t.text,name:t.name,idealAlign:t.idealAlign,borderColor:t.borderColor,fontFamily:t.fontFamily,fontSize:t.fontSize,fontColor:t.fontColor,nameLength:t.nameLength,textAlign:t.textAlign,trace:t.trace||{index:0,hoverinfo:""},xa:{_offset:0},ya:{_offset:0},index:0,hovertemplate:t.hovertemplate||!1,eventData:t.eventData||!1,hovertemplateLabels:t.hovertemplateLabels||!1}})),a=n.select(e.container),o=e.outerContainer?n.select(e.outerContainer):a,s={hovermode:"closest",rotateLabels:!1,bgColor:e.bgColor||p.background,container:a,outerContainer:o},l=L(i,s,e.gd),c=0,u=0;l.sort((function(t,e){return t.y0-e.y0})).each((function(t,r){var n=t.y0-t.by/2;t.offset=n-5([\s\S]*)<\/extra>/;function L(t,e,r){var i=r._fullLayout,a=e.hovermode,c=e.rotateLabels,f=e.bgColor,d=e.container,g=e.outerContainer,m=e.commonLabelOpts||{},w=e.fontFamily||y.HOVERFONT,T=e.fontSize||y.HOVERFONTSIZE,k=t[0],M=k.xa,C=k.ya,L="y"===a.charAt(0)?"yLabel":"xLabel",P=k[L],z=(String(P)||"").split(" ")[0],O=g.node().getBoundingClientRect(),D=O.top,R=O.width,F=O.height,B=void 0!==P&&k.distance<=e.hoverdistance&&("x"===a||"y"===a);if(B){var N,j,U=!0;for(N=0;Ni.width-E?(y=i.width-E,l.attr("d","M"+(E-A)+",0L"+E+","+_+A+"v"+_+(2*S+b.height)+"H-"+E+"V"+_+A+"H"+(E-2*A)+"Z")):l.attr("d","M0,0L"+A+","+_+A+"H"+(S+b.width/2)+"v"+_+(2*S+b.height)+"H-"+(S+b.width/2)+"V"+_+A+"H-"+A+"Z")}else{var L,I,z;"right"===C.side?(L="start",I=1,z="",y=M._offset+M._length):(L="end",I=-1,z="-",y=M._offset),x=C._offset+(k.y0+k.y1)/2,c.attr("text-anchor",L),l.attr("d","M0,0L"+z+A+","+A+"V"+(S+b.height/2)+"h"+z+(2*S+b.width)+"V-"+(S+b.height/2)+"H"+z+A+"V-"+A+"Z");var O,R=b.height/2,F=D-b.top-R,B="clip"+i._uid+"commonlabel"+C._id;if(y=0?et-=it:et+=2*S;var at=nt.height+2*S,ot=tt+at>=F;return at<=F&&(tt<=D?tt=C._offset+2*S:ot&&(tt=F-at)),rt.attr("transform",s(et,tt)),rt}var st=d.selectAll("g.hovertext").data(t,(function(t){return E(t)}));return st.enter().append("g").classed("hovertext",!0).each((function(){var t=n.select(this);t.append("rect").call(p.fill,p.addOpacity(f,.8)),t.append("text").classed("name",!0),t.append("path").style("stroke-width","1px"),t.append("text").classed("nums",!0).call(h.font,w,T)})),st.exit().remove(),st.each((function(t){var e=n.select(this).attr("transform",""),o=t.color;Array.isArray(o)&&(o=o[t.eventData[0].pointNumber]);var d=t.bgcolor||o,g=p.combine(p.opacity(d)?d:p.defaultLine,f),m=p.combine(p.opacity(o)?o:p.defaultLine,f),v=t.borderColor||p.contrast(g),y=I(t,B,a,i,P,e),x=y[0],b=y[1],k=e.select("text.nums").call(h.font,t.fontFamily||w,t.fontSize||T,t.fontColor||v).text(x).attr("data-notex",1).call(u.positionText,0,0).call(u.convertToTspans,r),M=e.select("text.name"),E=0,C=0;if(b&&b!==x){M.call(h.font,t.fontFamily||w,t.fontSize||T,m).text(b).attr("data-notex",1).call(u.positionText,0,0).call(u.convertToTspans,r);var L=M.node().getBoundingClientRect();E=L.width+2*S,C=L.height+2*S}else M.remove(),e.select("rect").remove();e.select("path").style({fill:g,stroke:v});var z,O,N=k.node().getBoundingClientRect(),j=t.xa._offset+(t.x0+t.x1)/2,U=t.ya._offset+(t.y0+t.y1)/2,V=Math.abs(t.x1-t.x0),q=Math.abs(t.y1-t.y0),H=N.width+A+S+E;if(t.ty0=D-N.top,t.bx=N.width+2*S,t.by=Math.max(N.height+2*S,C),t.anchor="start",t.txwidth=N.width,t.tx2width=E,t.offset=0,c)t.pos=j,z=U+q/2+H<=F,O=U-q/2-H>=0,"top"!==t.idealAlign&&z||!O?z?(U+=q/2,t.anchor="start"):t.anchor="middle":(U-=q/2,t.anchor="end");else if(t.pos=U,z=j+V/2+H<=R,O=j-V/2-H>=0,"left"!==t.idealAlign&&z||!O)if(z)j+=V/2,t.anchor="start";else{t.anchor="middle";var G=H/2,Y=j+G-R,W=j-G;Y>0&&(j-=Y),W<0&&(j+=-W)}else j-=V/2,t.anchor="end";k.attr("text-anchor",t.anchor),E&&M.attr("text-anchor",t.anchor),e.attr("transform",s(j,U)+(c?l(_):""))})),st}function I(t,e,r,n,i,a){var s="",l="";void 0!==t.nameOverride&&(t.name=t.nameOverride),t.name&&(t.trace._meta&&(t.name=o.templateString(t.name,t.trace._meta)),s=R(t.name,t.nameLength)),void 0!==t.zLabel?(void 0!==t.xLabel&&(l+="x: "+t.xLabel+"
"),void 0!==t.yLabel&&(l+="y: "+t.yLabel+"
"),"choropleth"!==t.trace.type&&"choroplethmapbox"!==t.trace.type&&(l+=(l?"z: ":"")+t.zLabel)):e&&t[r.charAt(0)+"Label"]===i?l=t[("x"===r.charAt(0)?"y":"x")+"Label"]||"":void 0===t.xLabel?void 0!==t.yLabel&&"scattercarpet"!==t.trace.type&&(l=t.yLabel):l=void 0===t.yLabel?t.xLabel:"("+t.xLabel+", "+t.yLabel+")",!t.text&&0!==t.text||Array.isArray(t.text)||(l+=(l?"
":"")+t.text),void 0!==t.extraText&&(l+=(l?"
":"")+t.extraText),a&&""===l&&!t.hovertemplate&&(""===s&&a.remove(),l=s);var c=n._d3locale,u=t.hovertemplate||!1,f=t.hovertemplateLabels||t,h=t.eventData[0]||{};return u&&(l=(l=o.hovertemplateString(u,f,c,h,t.trace._meta)).replace(C,(function(e,r){return s=R(r,t.nameLength),""}))),[l,s]}function P(t,e,r,i){var a=function(t){return t*r},o=function(t){return t*i};t.each((function(t){var r=n.select(this);if(t.del)return r.remove();var i=r.select("text.nums"),s=t.anchor,l="end"===s?-1:1,c={start:1,end:-1,middle:0}[s],f=c*(A+S),p=f+c*(t.txwidth+S),d=0,g=t.offset,m="middle"===s;m&&(f-=t.tx2width/2,p+=t.txwidth/2+S),e&&(g*=-M,d=t.offset*k),r.select("path").attr("d",m?"M-"+a(t.bx/2+t.tx2width/2)+","+o(g-t.by/2)+"h"+a(t.bx)+"v"+o(t.by)+"h-"+a(t.bx)+"Z":"M0,0L"+a(l*A+d)+","+o(A+g)+"v"+o(t.by/2-A)+"h"+a(l*t.bx)+"v-"+o(t.by)+"H"+a(l*A+d)+"V"+o(g-A)+"Z");var v=d+f,y=g+t.ty0-t.by/2+S,x=t.textAlign||"auto";"auto"!==x&&("left"===x&&"start"!==s?(i.attr("text-anchor","start"),v=m?-t.bx/2-t.tx2width/2+S:-t.bx-S):"right"===x&&"end"!==s&&(i.attr("text-anchor","end"),v=m?t.bx/2-t.tx2width/2-S:t.bx+S)),i.call(u.positionText,a(v),o(y)),t.tx2width&&(r.select("text.name").call(u.positionText,a(p+c*S+d),o(g+t.ty0-t.by/2+S)),r.select("rect").call(h.setRect,a(p+(c-1)*t.tx2width/2+d),o(g-t.by/2-1),a(t.tx2width),o(t.by+2)))}))}function z(t,e){var r=t.index,n=t.trace||{},a=t.cd[0],s=t.cd[r]||{};function l(t){return t||i(t)&&0===t}var c=Array.isArray(r)?function(t,e){var i=o.castOption(a,r,t);return l(i)?i:o.extractOption({},n,"",e)}:function(t,e){return o.extractOption(s,n,t,e)};function u(e,r,n){var i=c(r,n);l(i)&&(t[e]=i)}if(u("hoverinfo","hi","hoverinfo"),u("bgcolor","hbg","hoverlabel.bgcolor"),u("borderColor","hbc","hoverlabel.bordercolor"),u("fontFamily","htf","hoverlabel.font.family"),u("fontSize","hts","hoverlabel.font.size"),u("fontColor","htc","hoverlabel.font.color"),u("nameLength","hnl","hoverlabel.namelength"),u("textAlign","hta","hoverlabel.align"),t.posref="y"===e||"closest"===e&&"h"===n.orientation?t.xa._offset+(t.x0+t.x1)/2:t.ya._offset+(t.y0+t.y1)/2,t.x0=o.constrain(t.x0,0,t.xa._length),t.x1=o.constrain(t.x1,0,t.xa._length),t.y0=o.constrain(t.y0,0,t.ya._length),t.y1=o.constrain(t.y1,0,t.ya._length),void 0!==t.xLabelVal&&(t.xLabel="xLabel"in t?t.xLabel:g.hoverLabelText(t.xa,t.xLabelVal),t.xVal=t.xa.c2d(t.xLabelVal)),void 0!==t.yLabelVal&&(t.yLabel="yLabel"in t?t.yLabel:g.hoverLabelText(t.ya,t.yLabelVal),t.yVal=t.ya.c2d(t.yLabelVal)),void 0!==t.zLabelVal&&void 0===t.zLabel&&(t.zLabel=String(t.zLabelVal)),!(isNaN(t.xerr)||"log"===t.xa.type&&t.xerr<=0)){var f=g.tickText(t.xa,t.xa.c2l(t.xerr),"hover").text;void 0!==t.xerrneg?t.xLabel+=" +"+f+" / -"+g.tickText(t.xa,t.xa.c2l(t.xerrneg),"hover").text:t.xLabel+=" \xb1 "+f,"x"===e&&(t.distance+=1)}if(!(isNaN(t.yerr)||"log"===t.ya.type&&t.yerr<=0)){var h=g.tickText(t.ya,t.ya.c2l(t.yerr),"hover").text;void 0!==t.yerrneg?t.yLabel+=" +"+h+" / -"+g.tickText(t.ya,t.ya.c2l(t.yerrneg),"hover").text:t.yLabel+=" \xb1 "+h,"y"===e&&(t.distance+=1)}var p=t.hoverinfo||t.trace.hoverinfo;return p&&"all"!==p&&(-1===(p=Array.isArray(p)?p:p.split("+")).indexOf("x")&&(t.xLabel=void 0),-1===p.indexOf("y")&&(t.yLabel=void 0),-1===p.indexOf("z")&&(t.zLabel=void 0),-1===p.indexOf("text")&&(t.text=void 0),-1===p.indexOf("name")&&(t.name=void 0)),t}function O(t,e,r){var n,i,o=r.container,s=r.fullLayout,l=s._size,c=r.event,u=!!e.hLinePoint,f=!!e.vLinePoint;if(o.selectAll(".spikeline").remove(),f||u){var d=p.combine(s.plot_bgcolor,s.paper_bgcolor);if(u){var m,v,y=e.hLinePoint;n=y&&y.xa,"cursor"===(i=y&&y.ya).spikesnap?(m=c.pointerX,v=c.pointerY):(m=n._offset+y.x,v=i._offset+y.y);var x,b,_=a.readability(y.color,d)<1.5?p.contrast(d):y.color,w=i.spikemode,T=i.spikethickness,k=i.spikecolor||_,M=g.getPxPosition(t,i);if(-1!==w.indexOf("toaxis")||-1!==w.indexOf("across")){if(-1!==w.indexOf("toaxis")&&(x=M,b=m),-1!==w.indexOf("across")){var A=i._counterDomainMin,S=i._counterDomainMax;"free"===i.anchor&&(A=Math.min(A,i.position),S=Math.max(S,i.position)),x=l.l+A*l.w,b=l.l+S*l.w}o.insert("line",":first-child").attr({x1:x,x2:b,y1:v,y2:v,"stroke-width":T,stroke:k,"stroke-dasharray":h.dashStyle(i.spikedash,T)}).classed("spikeline",!0).classed("crisp",!0),o.insert("line",":first-child").attr({x1:x,x2:b,y1:v,y2:v,"stroke-width":T+2,stroke:d}).classed("spikeline",!0).classed("crisp",!0)}-1!==w.indexOf("marker")&&o.insert("circle",":first-child").attr({cx:M+("right"!==i.side?T:-T),cy:v,r:T,fill:k}).classed("spikeline",!0)}if(f){var E,C,L=e.vLinePoint;n=L&&L.xa,i=L&&L.ya,"cursor"===n.spikesnap?(E=c.pointerX,C=c.pointerY):(E=n._offset+L.x,C=i._offset+L.y);var I,P,z=a.readability(L.color,d)<1.5?p.contrast(d):L.color,O=n.spikemode,D=n.spikethickness,R=n.spikecolor||z,F=g.getPxPosition(t,n);if(-1!==O.indexOf("toaxis")||-1!==O.indexOf("across")){if(-1!==O.indexOf("toaxis")&&(I=F,P=C),-1!==O.indexOf("across")){var B=n._counterDomainMin,N=n._counterDomainMax;"free"===n.anchor&&(B=Math.min(B,n.position),N=Math.max(N,n.position)),I=l.t+(1-N)*l.h,P=l.t+(1-B)*l.h}o.insert("line",":first-child").attr({x1:E,x2:E,y1:I,y2:P,"stroke-width":D,stroke:R,"stroke-dasharray":h.dashStyle(n.spikedash,D)}).classed("spikeline",!0).classed("crisp",!0),o.insert("line",":first-child").attr({x1:E,x2:E,y1:I,y2:P,"stroke-width":D+2,stroke:d}).classed("spikeline",!0).classed("crisp",!0)}-1!==O.indexOf("marker")&&o.insert("circle",":first-child").attr({cx:E,cy:F-("top"!==n.side?D:-D),r:D,fill:R}).classed("spikeline",!0)}}}function D(t,e){return!e||(e.vLinePoint!==t._spikepoints.vLinePoint||e.hLinePoint!==t._spikepoints.hLinePoint)}function R(t,e){return u.plainText(t||"",{len:e,allowedTags:["br","sub","sup","b","i","em"]})}},{"../../lib":778,"../../lib/events":767,"../../lib/override_cursor":789,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"../../registry":911,"../color":643,"../dragelement":662,"../drawing":665,"../legend/defaults":695,"../legend/draw":696,"./constants":677,"./helpers":679,d3:169,"fast-isnumeric":241,tinycolor2:576}],681:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../color"),a=t("./helpers").isUnifiedHover;e.exports=function(t,e,r,o){function s(t){o.font[t]||(o.font[t]=e.legend?e.legend.font[t]:e.font[t])}o=o||{},e&&a(e.hovermode)&&(o.font||(o.font={}),s("size"),s("family"),s("color"),e.legend?(o.bgcolor||(o.bgcolor=i.combine(e.legend.bgcolor,e.paper_bgcolor)),o.bordercolor||(o.bordercolor=e.legend.bordercolor)):o.bgcolor||(o.bgcolor=e.paper_bgcolor)),r("hoverlabel.bgcolor",o.bgcolor),r("hoverlabel.bordercolor",o.bordercolor),r("hoverlabel.namelength",o.namelength),n.coerceFont(r,"hoverlabel.font",o.font),r("hoverlabel.align",o.align)}},{"../../lib":778,"../color":643,"./helpers":679}],682:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e,r){function a(r,a){return void 0!==e[r]?e[r]:n.coerce(t,e,i,r,a)}var o,s=a("clickmode");return e._has("cartesian")?s.indexOf("select")>-1?o="closest":(e._isHoriz=function(t,e){for(var r=e._scatterStackOpts||{},n=0;n1){if(!h&&!p&&!d)"independent"===k("pattern")&&(h=!0);m._hasSubplotGrid=h;var x,b,_="top to bottom"===k("roworder"),w=h?.2:.1,T=h?.3:.1;g&&e._splomGridDflt&&(x=e._splomGridDflt.xside,b=e._splomGridDflt.yside),m._domains={x:u("x",k,w,x,y),y:u("y",k,T,b,v,_)}}else delete e.grid}function k(t,e){return n.coerce(r,m,l,t,e)}},contentDefaults:function(t,e){var r=e.grid;if(r&&r._domains){var n,i,a,o,s,l,u,h=t.grid||{},p=e._subplots,d=r._hasSubplotGrid,g=r.rows,m=r.columns,v="independent"===r.pattern,y=r._axisMap={};if(d){var x=h.subplots||[];l=r.subplots=new Array(g);var b=1;for(n=0;n1);if(!1!==g||c.uirevision){var m=a.newContainer(e,"legend");if(_("uirevision",e.uirevision),!1!==g){_("bgcolor",e.paper_bgcolor),_("bordercolor"),_("borderwidth"),i.coerceFont(_,"font",e.font);var v,y,x,b=_("orientation");"h"===b?(v=0,n.getComponentMethod("rangeslider","isVisible")(t.xaxis)?(y=1.1,x="bottom"):(y=-.1,x="top")):(v=1.02,y=1,x="auto"),_("traceorder",h),l.isGrouped(e.legend)&&_("tracegroupgap"),_("itemsizing"),_("itemwidth"),_("itemclick"),_("itemdoubleclick"),_("x",v),_("xanchor"),_("y",y),_("yanchor",x),_("valign"),i.noneOrAll(c,m,["x","y"]),_("title.text")&&(_("title.side","h"===b?"left":"top"),i.coerceFont(_,"title.font",e.font))}}function _(t,e){return i.coerce(c,m,o,t,e)}}},{"../../lib":778,"../../plot_api/plot_template":817,"../../plots/layout_attributes":882,"../../registry":911,"./attributes":693,"./helpers":699}],696:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../plots/plots"),o=t("../../registry"),s=t("../../lib/events"),l=t("../dragelement"),c=t("../drawing"),u=t("../color"),f=t("../../lib/svg_text_utils"),h=t("./handle_click"),p=t("./constants"),d=t("../../constants/alignment"),g=d.LINE_SPACING,m=d.FROM_TL,v=d.FROM_BR,y=t("./get_legend_data"),x=t("./style"),b=t("./helpers");function _(t,e,r,n,i){var a=r.data()[0][0].trace,l={event:i,node:r.node(),curveNumber:a.index,expandedIndex:a._expandedIndex,data:t.data,layout:t.layout,frames:t._transitionData._frames,config:t._context,fullData:t._fullData,fullLayout:t._fullLayout};if(a._group&&(l.group=a._group),o.traceIs(a,"pie-like")&&(l.label=r.datum()[0].label),!1!==s.triggerHandler(t,"plotly_legendclick",l))if(1===n)e._clickTimeout=setTimeout((function(){h(r,t,n)}),t._context.doubleClickDelay);else if(2===n){e._clickTimeout&&clearTimeout(e._clickTimeout),t._legendMouseDownTime=0,!1!==s.triggerHandler(t,"plotly_legenddoubleclick",l)&&h(r,t,n)}}function w(t,e,r){var n,a=t.data()[0][0],s=a.trace,l=o.traceIs(s,"pie-like"),u=s.index,h=r._main&&e._context.edits.legendText&&!l,d=r._maxNameLength;r.entries?n=a.text:(n=l?a.label:s.name,s._meta&&(n=i.templateString(n,s._meta)));var g=i.ensureSingle(t,"text","legendtext");g.attr("text-anchor","start").call(c.font,r.font).text(h?T(n,d):n);var m=r.itemwidth+2*p.itemGap;f.positionText(g,m,0),h?g.call(f.makeEditable,{gd:e,text:n}).call(M,t,e,r).on("edit",(function(n){this.text(T(n,d)).call(M,t,e,r);var s=a.trace._fullInput||{},l={};if(o.hasTransform(s,"groupby")){var c=o.getTransformIndices(s,"groupby"),f=c[c.length-1],h=i.keyedContainer(s,"transforms["+f+"].styles","target","value.name");h.set(a.trace._group,n),l=h.constructUpdate()}else l.name=n;return o.call("_guiRestyle",e,l,u)})):M(g,t,e,r)}function T(t,e){var r=Math.max(4,e);if(t&&t.trim().length>=r/2)return t;for(var n=r-(t=t||"").length;n>0;n--)t+=" ";return t}function k(t,e){var r,a=e._context.doubleClickDelay,o=1,s=i.ensureSingle(t,"rect","legendtoggle",(function(t){e._context.staticPlot||t.style("cursor","pointer").attr("pointer-events","all"),t.call(u.fill,"rgba(0,0,0,0)")}));e._context.staticPlot||(s.on("mousedown",(function(){(r=(new Date).getTime())-e._legendMouseDownTimea&&(o=Math.max(o-1,1)),_(e,r,t,o,n.event)}})))}function M(t,e,r,n){n._main||t.attr("data-notex",!0),f.convertToTspans(t,r,(function(){!function(t,e,r){var n=t.data()[0][0];if(r._main&&n&&!n.trace.showlegend)return void t.remove();var i=t.select("g[class*=math-group]"),a=i.node();r||(r=e._fullLayout.legend);var o,s,l=r.borderwidth,u=(n?r:r.title).font.size*g;if(a){var h=c.bBox(a);o=h.height,s=h.width,n?c.setTranslate(i,0,.25*o):c.setTranslate(i,l,.75*o+l)}else{var d=t.select(n?".legendtext":".legendtitletext"),m=f.lineCount(d),v=d.node();o=u*m,s=v?c.bBox(v).width:0;var y=u*((m-1)/2-.3);if(n){var x=r.itemwidth+2*p.itemGap;f.positionText(d,x,-y)}else f.positionText(d,p.titlePad+l,u+l)}n?(n.lineHeight=u,n.height=Math.max(o,16)+3,n.width=s):(r._titleWidth=s,r._titleHeight=o)}(e,r,n)}))}function A(t){return i.isRightAnchor(t)?"right":i.isCenterAnchor(t)?"center":"left"}function S(t){return i.isBottomAnchor(t)?"bottom":i.isMiddleAnchor(t)?"middle":"top"}e.exports=function(t,e){var r,s=t._fullLayout,f="legend"+s._uid;if(e?(r=e.layer,f+="-hover"):((e=s.legend||{})._main=!0,r=s._infolayer),r){var h;if(t._legendMouseDownTime||(t._legendMouseDownTime=0),e._main){if(!t.calcdata)return;h=s.showlegend&&y(t.calcdata,e)}else{if(!e.entries)return;h=y(e.entries,e)}var d=s.hiddenlabels||[];if(e._main&&(!s.showlegend||!h.length))return r.selectAll(".legend").remove(),s._topdefs.select("#"+f).remove(),a.autoMargin(t,"legend");var g=i.ensureSingle(r,"g","legend",(function(t){e._main&&t.attr("pointer-events","all")})),T=i.ensureSingleById(s._topdefs,"clipPath",f,(function(t){t.append("rect")})),E=i.ensureSingle(g,"rect","bg",(function(t){t.attr("shape-rendering","crispEdges")}));E.call(u.stroke,e.bordercolor).call(u.fill,e.bgcolor).style("stroke-width",e.borderwidth+"px");var C=i.ensureSingle(g,"g","scrollbox"),L=e.title;if(e._titleWidth=0,e._titleHeight=0,L.text){var I=i.ensureSingle(C,"text","legendtitletext");I.attr("text-anchor","start").call(c.font,L.font).text(L.text),M(I,C,t,e)}else C.selectAll(".legendtitletext").remove();var P=i.ensureSingle(g,"rect","scrollbar",(function(t){t.attr(p.scrollBarEnterAttrs).call(u.fill,p.scrollBarColor)})),z=C.selectAll("g.groups").data(h);z.enter().append("g").attr("class","groups"),z.exit().remove();var O=z.selectAll("g.traces").data(i.identity);O.enter().append("g").attr("class","traces"),O.exit().remove(),O.style("opacity",(function(t){var e=t[0].trace;return o.traceIs(e,"pie-like")?-1!==d.indexOf(t[0].label)?.5:1:"legendonly"===e.visible?.5:1})).each((function(){n.select(this).call(w,t,e)})).call(x,t,e).each((function(){e._main&&n.select(this).call(k,t)})),i.syncOrAsync([a.previousPromises,function(){return function(t,e,r,i){var a=t._fullLayout;i||(i=a.legend);var o=a._size,s=b.isVertical(i),l=b.isGrouped(i),u=i.borderwidth,f=2*u,h=p.itemGap,d=i.itemwidth+2*h,g=2*(u+h),m=S(i),v=i.y<0||0===i.y&&"top"===m,y=i.y>1||1===i.y&&"bottom"===m;i._maxHeight=Math.max(v||y?a.height/2:o.h,30);var x=0;i._width=0,i._height=0;var _=function(t){var e=0,r=0,n=t.title.side;n&&(-1!==n.indexOf("left")&&(e=t._titleWidth),-1!==n.indexOf("top")&&(r=t._titleHeight));return[e,r]}(i);if(s)r.each((function(t){var e=t[0].height;c.setTranslate(this,u+_[0],u+_[1]+i._height+e/2+h),i._height+=e,i._width=Math.max(i._width,t[0].width)})),x=d+i._width,i._width+=h+d+f,i._height+=g,l&&(e.each((function(t,e){c.setTranslate(this,0,e*i.tracegroupgap)})),i._height+=(i._lgroupsLength-1)*i.tracegroupgap);else{var w=A(i),T=i.x<0||0===i.x&&"right"===w,k=i.x>1||1===i.x&&"left"===w,M=y||v,E=a.width/2;i._maxWidth=Math.max(T?M&&"left"===w?o.l+o.w:E:k?M&&"right"===w?o.r+o.w:E:o.w,2*d);var C=0,L=0;r.each((function(t){var e=t[0].width+d;C=Math.max(C,e),L+=e})),x=null;var I=0;if(l){var P=0,z=0,O=0;e.each((function(){var t=0,e=0;n.select(this).selectAll("g.traces").each((function(r){var n=r[0].height;c.setTranslate(this,_[0],_[1]+u+h+n/2+e),e+=n,t=Math.max(t,d+r[0].width)})),P=Math.max(P,e);var r=t+h;r+u+z>i._maxWidth&&(I=Math.max(I,z),z=0,O+=P+i.tracegroupgap,P=e),c.setTranslate(this,z,O),z+=r})),i._width=Math.max(I,z)+u,i._height=O+P+g}else{var D=r.size(),R=L+f+(D-1)*h=i._maxWidth&&(I=Math.max(I,j),B=0,N+=F,i._height+=F,F=0),c.setTranslate(this,_[0]+u+B,_[1]+u+N+e/2+h),j=B+r+h,B+=n,F=Math.max(F,e)})),R?(i._width=B+f,i._height=F+g):(i._width=Math.max(I,j)+f,i._height+=F+g)}}i._width=Math.ceil(Math.max(i._width+_[0],i._titleWidth+2*(u+p.titlePad))),i._height=Math.ceil(Math.max(i._height+_[1],i._titleHeight+2*(u+p.itemGap))),i._effHeight=Math.min(i._height,i._maxHeight);var U=t._context.edits,V=U.legendText||U.legendPosition;r.each((function(t){var e=n.select(this).select(".legendtoggle"),r=t[0].height,i=V?d:x||d+t[0].width;s||(i+=h/2),c.setRect(e,0,-r/2,i,r)}))}(t,z,O,e)},function(){if(!e._main||!function(t){var e=t._fullLayout.legend,r=A(e),n=S(e);return a.autoMargin(t,"legend",{x:e.x,y:e.y,l:e._width*m[r],r:e._width*v[r],b:e._effHeight*v[n],t:e._effHeight*m[n]})}(t)){var u,h,d,y,x=s._size,b=e.borderwidth,w=x.l+x.w*e.x-m[A(e)]*e._width,k=x.t+x.h*(1-e.y)-m[S(e)]*e._effHeight;if(e._main&&s.margin.autoexpand){var M=w,L=k;w=i.constrain(w,0,s.width-e._width),k=i.constrain(k,0,s.height-e._effHeight),w!==M&&i.log("Constrain legend.x to make legend fit inside graph"),k!==L&&i.log("Constrain legend.y to make legend fit inside graph")}if(e._main&&c.setTranslate(g,w,k),P.on(".drag",null),g.on("wheel",null),!e._main||e._height<=e._maxHeight||t._context.staticPlot){var I=e._effHeight;e._main||(I=e._height),E.attr({width:e._width-b,height:I-b,x:b/2,y:b/2}),c.setTranslate(C,0,0),T.select("rect").attr({width:e._width-2*b,height:I-2*b,x:b,y:b}),c.setClipUrl(C,f,t),c.setRect(P,0,0,0,0),delete e._scrollY}else{var z,O,D,R=Math.max(p.scrollBarMinHeight,e._effHeight*e._effHeight/e._height),F=e._effHeight-R-2*p.scrollBarMargin,B=e._height-e._effHeight,N=F/B,j=Math.min(e._scrollY||0,B);E.attr({width:e._width-2*b+p.scrollBarWidth+p.scrollBarMargin,height:e._effHeight-b,x:b/2,y:b/2}),T.select("rect").attr({width:e._width-2*b+p.scrollBarWidth+p.scrollBarMargin,height:e._effHeight-2*b,x:b,y:b+j}),c.setClipUrl(C,f,t),q(j,R,N),g.on("wheel",(function(){q(j=i.constrain(e._scrollY+n.event.deltaY/F*B,0,B),R,N),0!==j&&j!==B&&n.event.preventDefault()}));var U=n.behavior.drag().on("dragstart",(function(){var t=n.event.sourceEvent;z="touchstart"===t.type?t.changedTouches[0].clientY:t.clientY,D=j})).on("drag",(function(){var t=n.event.sourceEvent;2===t.buttons||t.ctrlKey||(O="touchmove"===t.type?t.changedTouches[0].clientY:t.clientY,q(j=function(t,e,r){var n=(r-e)/N+t;return i.constrain(n,0,B)}(D,z,O),R,N))}));P.call(U);var V=n.behavior.drag().on("dragstart",(function(){var t=n.event.sourceEvent;"touchstart"===t.type&&(z=t.changedTouches[0].clientY,D=j)})).on("drag",(function(){var t=n.event.sourceEvent;"touchmove"===t.type&&(O=t.changedTouches[0].clientY,q(j=function(t,e,r){var n=(e-r)/N+t;return i.constrain(n,0,B)}(D,z,O),R,N))}));C.call(V)}if(t._context.edits.legendPosition)g.classed("cursor-move",!0),l.init({element:g.node(),gd:t,prepFn:function(){var t=c.getTranslate(g);d=t.x,y=t.y},moveFn:function(t,r){var n=d+t,i=y+r;c.setTranslate(g,n,i),u=l.align(n,0,x.l,x.l+x.w,e.xanchor),h=l.align(i,0,x.t+x.h,x.t,e.yanchor)},doneFn:function(){void 0!==u&&void 0!==h&&o.call("_guiRelayout",t,{"legend.x":u,"legend.y":h})},clickFn:function(e,n){var i=r.selectAll("g.traces").filter((function(){var t=this.getBoundingClientRect();return n.clientX>=t.left&&n.clientX<=t.right&&n.clientY>=t.top&&n.clientY<=t.bottom}));i.size()>0&&_(t,g,i,e,n)}})}function q(r,n,i){e._scrollY=t._fullLayout.legend._scrollY=r,c.setTranslate(C,0,-r),c.setRect(P,e._width,p.scrollBarMargin+r*i,p.scrollBarWidth,n),T.select("rect").attr("y",b+r)}}],t)}}},{"../../constants/alignment":745,"../../lib":778,"../../lib/events":767,"../../lib/svg_text_utils":803,"../../plots/plots":891,"../../registry":911,"../color":643,"../dragelement":662,"../drawing":665,"./constants":694,"./get_legend_data":697,"./handle_click":698,"./helpers":699,"./style":701,d3:169}],697:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("./helpers");e.exports=function(t,e){var r,a,o={},s=[],l=!1,c={},u=0,f=0,h=e._main;function p(t,r){if(""!==t&&i.isGrouped(e))-1===s.indexOf(t)?(s.push(t),l=!0,o[t]=[[r]]):o[t].push([r]);else{var n="~~i"+u;s.push(n),o[n]=[[r]],u++}}for(r=0;r0))return 0;i=e.width}return m?n:Math.min(i,r)};function _(t,e,r){var a=t[0].trace,o=a.marker||{},s=o.line||{},c=r?a.visible&&a.type===r:i.traceIs(a,"bar"),u=n.select(e).select("g.legendpoints").selectAll("path.legend"+r).data(c?[t]:[]);u.enter().append("path").classed("legend"+r,!0).attr("d","M6,6H-6V-6H6Z").attr("transform",x),u.exit().remove(),u.each((function(t){var e=n.select(this),r=t[0],i=b(r.mlw,o.line,5,2);e.style("stroke-width",i+"px").call(l.fill,r.mc||o.color),i&&l.stroke(e,r.mlc||s.color)}))}function w(t,e,r){var o=t[0],s=o.trace,l=r?s.visible&&s.type===r:i.traceIs(s,r),c=n.select(e).select("g.legendpoints").selectAll("path.legend"+r).data(l?[t]:[]);if(c.enter().append("path").classed("legend"+r,!0).attr("d","M6,6H-6V-6H6Z").attr("transform",x),c.exit().remove(),c.size()){var u=(s.marker||{}).line,p=b(h(u.width,o.pts),u,5,2),d=a.minExtend(s,{marker:{line:{width:p}}});d.marker.line.color=u.color;var g=a.minExtend(o,{trace:d});f(c,g,d)}}t.each((function(t){var e=n.select(this),i=a.ensureSingle(e,"g","layers");i.style("opacity",t[0].trace.opacity);var s=r.valign,l=t[0].lineHeight,c=t[0].height;if("middle"!==s&&l&&c){var u={top:1,bottom:-1}[s]*(.5*(l-c+3));i.attr("transform",o(0,u))}else i.attr("transform",null);i.selectAll("g.legendfill").data([t]).enter().append("g").classed("legendfill",!0),i.selectAll("g.legendlines").data([t]).enter().append("g").classed("legendlines",!0);var f=i.selectAll("g.legendsymbols").data([t]);f.enter().append("g").classed("legendsymbols",!0),f.selectAll("g.legendpoints").data([t]).enter().append("g").classed("legendpoints",!0)})).each((function(t){var r,i=t[0].trace,o=[];if(i.visible)switch(i.type){case"histogram2d":case"heatmap":o=[["M-15,-2V4H15V-2Z"]],r=!0;break;case"choropleth":case"choroplethmapbox":o=[["M-6,-6V6H6V-6Z"]],r=!0;break;case"densitymapbox":o=[["M-6,0 a6,6 0 1,0 12,0 a 6,6 0 1,0 -12,0"]],r="radial";break;case"cone":o=[["M-6,2 A2,2 0 0,0 -6,6 V6L6,4Z"],["M-6,-6 A2,2 0 0,0 -6,-2 L6,-4Z"],["M-6,-2 A2,2 0 0,0 -6,2 L6,0Z"]],r=!1;break;case"streamtube":o=[["M-6,2 A2,2 0 0,0 -6,6 H6 A2,2 0 0,1 6,2 Z"],["M-6,-6 A2,2 0 0,0 -6,-2 H6 A2,2 0 0,1 6,-6 Z"],["M-6,-2 A2,2 0 0,0 -6,2 H6 A2,2 0 0,1 6,-2 Z"]],r=!1;break;case"surface":o=[["M-6,-6 A2,3 0 0,0 -6,0 H6 A2,3 0 0,1 6,-6 Z"],["M-6,1 A2,3 0 0,1 -6,6 H6 A2,3 0 0,0 6,0 Z"]],r=!0;break;case"mesh3d":o=[["M-6,6H0L-6,-6Z"],["M6,6H0L6,-6Z"],["M-6,-6H6L0,6Z"]],r=!1;break;case"volume":o=[["M-6,6H0L-6,-6Z"],["M6,6H0L6,-6Z"],["M-6,-6H6L0,6Z"]],r=!0;break;case"isosurface":o=[["M-6,6H0L-6,-6Z"],["M6,6H0L6,-6Z"],["M-6,-6 A12,24 0 0,0 6,-6 L0,6Z"]],r=!1}var u=n.select(this).select("g.legendpoints").selectAll("path.legend3dandfriends").data(o);u.enter().append("path").classed("legend3dandfriends",!0).attr("transform",x).style("stroke-miterlimit",1),u.exit().remove(),u.each((function(t,o){var u,f=n.select(this),h=c(i),p=h.colorscale,g=h.reversescale;if(p){if(!r){var m=p.length;u=0===o?p[g?m-1:0][1]:1===o?p[g?0:m-1][1]:p[Math.floor((m-1)/2)][1]}}else{var v=i.vertexcolor||i.facecolor||i.color;u=a.isArrayOrTypedArray(v)?v[o]||v[0]:v}f.attr("d",t[0]),u?f.call(l.fill,u):f.call((function(t){if(t.size()){var n="legendfill-"+i.uid;s.gradient(t,e,n,d(g,"radial"===r),p,"fill")}}))}))})).each((function(t){var e=t[0].trace,r="waterfall"===e.type;if(t[0]._distinct&&r){var i=t[0].trace[t[0].dir].marker;return t[0].mc=i.color,t[0].mlw=i.line.width,t[0].mlc=i.line.color,_(t,this,"waterfall")}var a=[];e.visible&&r&&(a=t[0].hasTotals?[["increasing","M-6,-6V6H0Z"],["totals","M6,6H0L-6,-6H-0Z"],["decreasing","M6,6V-6H0Z"]]:[["increasing","M-6,-6V6H6Z"],["decreasing","M6,6V-6H-6Z"]]);var o=n.select(this).select("g.legendpoints").selectAll("path.legendwaterfall").data(a);o.enter().append("path").classed("legendwaterfall",!0).attr("transform",x).style("stroke-miterlimit",1),o.exit().remove(),o.each((function(t){var r=n.select(this),i=e[t[0]].marker,a=b(void 0,i.line,5,2);r.attr("d",t[1]).style("stroke-width",a+"px").call(l.fill,i.color),a&&r.call(l.stroke,i.line.color)}))})).each((function(t){_(t,this,"funnel")})).each((function(t){_(t,this)})).each((function(t){var r=t[0].trace,o=n.select(this).select("g.legendpoints").selectAll("path.legendbox").data(r.visible&&i.traceIs(r,"box-violin")?[t]:[]);o.enter().append("path").classed("legendbox",!0).attr("d","M6,6H-6V-6H6Z").attr("transform",x),o.exit().remove(),o.each((function(){var t=n.select(this);if("all"!==r.boxpoints&&"all"!==r.points||0!==l.opacity(r.fillcolor)||0!==l.opacity((r.line||{}).color)){var i=b(void 0,r.line,5,2);t.style("stroke-width",i+"px").call(l.fill,r.fillcolor),i&&l.stroke(t,r.line.color)}else{var c=a.minExtend(r,{marker:{size:m?12:a.constrain(r.marker.size,2,16),sizeref:1,sizemin:1,sizemode:"diameter"}});o.call(s.pointStyle,c,e)}}))})).each((function(t){w(t,this,"funnelarea")})).each((function(t){w(t,this,"pie")})).each((function(t){var r,i,o=t[0],l=o.trace,f=l.visible&&l.fill&&"none"!==l.fill,h=u.hasLines(l),p=l.contours,g=!1,m=!1,y=c(l),x=y.colorscale,_=y.reversescale;if(p){var w=p.coloring;"lines"===w?g=!0:h="none"===w||"heatmap"===w||p.showlines,"constraint"===p.type?f="="!==p._operation:"fill"!==w&&"heatmap"!==w||(m=!0)}var T=u.hasMarkers(l)||u.hasText(l),k=f||m,M=h||g,A=T||!k?"M5,0":M?"M5,-2":"M5,-3",S=n.select(this),E=S.select(".legendfill").selectAll("path").data(f||m?[t]:[]);if(E.enter().append("path").classed("js-fill",!0),E.exit().remove(),E.attr("d",A+"h"+v+"v6h-"+v+"z").call(f?s.fillGroupStyle:function(t){if(t.size()){var r="legendfill-"+l.uid;s.gradient(t,e,r,d(_),x,"fill")}}),h||g){var C=b(void 0,l.line,10,5);i=a.minExtend(l,{line:{width:C}}),r=[a.minExtend(o,{trace:i})]}var L=S.select(".legendlines").selectAll("path").data(h||g?[r]:[]);L.enter().append("path").classed("js-line",!0),L.exit().remove(),L.attr("d",A+(g?"l"+v+",0.0001":"h"+v)).call(h?s.lineGroupStyle:function(t){if(t.size()){var r="legendline-"+l.uid;s.lineGroupStyle(t),s.gradient(t,e,r,d(_),x,"stroke")}})})).each((function(t){var r,i,o=t[0],l=o.trace,c=u.hasMarkers(l),f=u.hasText(l),h=u.hasLines(l);function p(t,e,r,n){var i=a.nestedProperty(l,t).get(),o=a.isArrayOrTypedArray(i)&&e?e(i):i;if(m&&o&&void 0!==n&&(o=n),r){if(or[1])return r[1]}return o}function d(t){return o._distinct&&o.index&&t[o.index]?t[o.index]:t[0]}if(c||f||h){var g={},v={};if(c){g.mc=p("marker.color",d),g.mx=p("marker.symbol",d),g.mo=p("marker.opacity",a.mean,[.2,1]),g.mlc=p("marker.line.color",d),g.mlw=p("marker.line.width",a.mean,[0,5],2),v.marker={sizeref:1,sizemin:1,sizemode:"diameter"};var y=p("marker.size",a.mean,[2,16],12);g.ms=y,v.marker.size=y}h&&(v.line={width:p("line.width",d,[0,10],5)}),f&&(g.tx="Aa",g.tp=p("textposition",d),g.ts=10,g.tc=p("textfont.color",d),g.tf=p("textfont.family",d)),r=[a.minExtend(o,g)],(i=a.minExtend(l,v)).selectedpoints=null,i.texttemplate=null}var b=n.select(this).select("g.legendpoints"),_=b.selectAll("path.scatterpts").data(c?r:[]);_.enter().insert("path",":first-child").classed("scatterpts",!0).attr("transform",x),_.exit().remove(),_.call(s.pointStyle,i,e),c&&(r[0].mrc=3);var w=b.selectAll("g.pointtext").data(f?r:[]);w.enter().append("g").classed("pointtext",!0).append("text").attr("transform",x),w.exit().remove(),w.selectAll("text").call(s.textPointStyle,i,e)})).each((function(t){var e=t[0].trace,r=n.select(this).select("g.legendpoints").selectAll("path.legendcandle").data(e.visible&&"candlestick"===e.type?[t,t]:[]);r.enter().append("path").classed("legendcandle",!0).attr("d",(function(t,e){return e?"M-15,0H-8M-8,6V-6H8Z":"M15,0H8M8,-6V6H-8Z"})).attr("transform",x).style("stroke-miterlimit",1),r.exit().remove(),r.each((function(t,r){var i=n.select(this),a=e[r?"increasing":"decreasing"],o=b(void 0,a.line,5,2);i.style("stroke-width",o+"px").call(l.fill,a.fillcolor),o&&l.stroke(i,a.line.color)}))})).each((function(t){var e=t[0].trace,r=n.select(this).select("g.legendpoints").selectAll("path.legendohlc").data(e.visible&&"ohlc"===e.type?[t,t]:[]);r.enter().append("path").classed("legendohlc",!0).attr("d",(function(t,e){return e?"M-15,0H0M-8,-6V0":"M15,0H0M8,6V0"})).attr("transform",x).style("stroke-miterlimit",1),r.exit().remove(),r.each((function(t,r){var i=n.select(this),a=e[r?"increasing":"decreasing"],o=b(void 0,a.line,5,2);i.style("fill","none").call(s.dashLine,a.line.dash,o),o&&l.stroke(i,a.line.color)}))}))}},{"../../lib":778,"../../registry":911,"../../traces/pie/helpers":1166,"../../traces/pie/style_one":1172,"../../traces/scatter/subtypes":1212,"../color":643,"../colorscale/helpers":654,"../drawing":665,"./constants":694,d3:169}],702:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../plots/plots"),a=t("../../plots/cartesian/axis_ids"),o=t("../../fonts/ploticon"),s=t("../shapes/draw").eraseActiveShape,l=t("../../lib"),c=l._,u=e.exports={};function f(t,e){var r,i,o=e.currentTarget,s=o.getAttribute("data-attr"),l=o.getAttribute("data-val")||!0,c=t._fullLayout,u={},f=a.list(t,null,!0),h=c._cartesianSpikesEnabled;if("zoom"===s){var p,d="in"===l?.5:2,g=(1+d)/2,m=(1-d)/2;for(i=0;i1?(E=["toggleHover"],C=["resetViews"]):d?(S=["zoomInGeo","zoomOutGeo"],E=["hoverClosestGeo"],C=["resetGeo"]):p?(E=["hoverClosest3d"],C=["resetCameraDefault3d","resetCameraLastSave3d"]):x?(S=["zoomInMapbox","zoomOutMapbox"],E=["toggleHover"],C=["resetViewMapbox"]):v?E=["hoverClosestGl2d"]:g?E=["hoverClosestPie"]:_?(E=["hoverClosestCartesian","hoverCompareCartesian"],C=["resetViewSankey"]):E=["toggleHover"];h&&(E=["toggleSpikelines","hoverClosestCartesian","hoverCompareCartesian"]);(function(t){for(var e=0;e0)){var g=function(t,e,r){for(var n=r.filter((function(r){return e[r].anchor===t._id})),i=0,a=0;a=n.max)e=F[r+1];else if(t=n.pmax)e=F[r+1];else if(t0?h+c:c;return{ppad:c,ppadplus:u?d:g,ppadminus:u?g:d}}return{ppad:c}}function u(t,e,r,n,i){var s="category"===t.type||"multicategory"===t.type?t.r2c:t.d2c;if(void 0!==e)return[s(e),s(r)];if(n){var l,c,u,f,h=1/0,p=-1/0,d=n.match(a.segmentRE);for("date"===t.type&&(s=o.decodeDate(s)),l=0;lp&&(p=f)));return p>=h?[h,p]:void 0}}e.exports=function(t){var e=t._fullLayout,r=n.filterVisible(e.shapes);if(r.length&&t._fullData.length)for(var o=0;oy?(k=f,E="y0",M=y,C="y1"):(k=y,E="y1",M=f,C="y0");Z(n),Q(s,r),function(t,e,r){var n=e.xref,i=e.yref,o=a.getFromId(r,n),s=a.getFromId(r,i),l="";"paper"===n||o.autorange||(l+=n);"paper"===i||s.autorange||(l+=i);u.setClipUrl(t,l?"clip"+r._fullLayout._uid+l:null,r)}(e,r,t),X.moveFn="move"===z?J:K,X.altKey=n.altKey},doneFn:function(){if(v(t))return;p(e),$(s),b(e,t,r),n.call("_guiRelayout",t,l.getUpdateObj())},clickFn:function(){if(v(t))return;$(s)}};function Z(r){if(v(t))z=null;else if(R)z="path"===r.target.tagName?"move":"start-point"===r.target.attributes["data-line-point"].value?"resize-over-start-point":"resize-over-end-point";else{var n=X.element.getBoundingClientRect(),i=n.right-n.left,a=n.bottom-n.top,o=r.clientX-n.left,s=r.clientY-n.top,l=!F&&i>10&&a>10&&!r.shiftKey?h.getCursor(o/i,1-s/a):"move";p(e,l),z=l.split("-")[0]}}function J(n,i){if("path"===r.type){var a=function(t){return t},o=a,l=a;O?B("xanchor",r.xanchor=G(x+n)):(o=function(t){return G(q(t)+n)},N&&"date"===N.type&&(o=g.encodeDate(o))),D?B("yanchor",r.yanchor=Y(T+i)):(l=function(t){return Y(H(t)+i)},U&&"date"===U.type&&(l=g.encodeDate(l))),B("path",r.path=w(P,o,l))}else O?B("xanchor",r.xanchor=G(x+n)):(B("x0",r.x0=G(c+n)),B("x1",r.x1=G(m+n))),D?B("yanchor",r.yanchor=Y(T+i)):(B("y0",r.y0=Y(f+i)),B("y1",r.y1=Y(y+i)));e.attr("d",_(t,r)),Q(s,r)}function K(n,i){if(F){var a=function(t){return t},o=a,l=a;O?B("xanchor",r.xanchor=G(x+n)):(o=function(t){return G(q(t)+n)},N&&"date"===N.type&&(o=g.encodeDate(o))),D?B("yanchor",r.yanchor=Y(T+i)):(l=function(t){return Y(H(t)+i)},U&&"date"===U.type&&(l=g.encodeDate(l))),B("path",r.path=w(P,o,l))}else if(R){if("resize-over-start-point"===z){var u=c+n,h=D?f-i:f+i;B("x0",r.x0=O?u:G(u)),B("y0",r.y0=D?h:Y(h))}else if("resize-over-end-point"===z){var p=m+n,d=D?y-i:y+i;B("x1",r.x1=O?p:G(p)),B("y1",r.y1=D?d:Y(d))}}else{var v=function(t){return-1!==z.indexOf(t)},b=v("n"),j=v("s"),V=v("w"),W=v("e"),X=b?k+i:k,Z=j?M+i:M,J=V?A+n:A,K=W?S+n:S;D&&(b&&(X=k-i),j&&(Z=M-i)),(!D&&Z-X>10||D&&X-Z>10)&&(B(E,r[E]=D?X:Y(X)),B(C,r[C]=D?Z:Y(Z))),K-J>10&&(B(L,r[L]=O?J:G(J)),B(I,r[I]=O?K:G(K)))}e.attr("d",_(t,r)),Q(s,r)}function Q(t,e){(O||D)&&function(){var r="path"!==e.type,n=t.selectAll(".visual-cue").data([0]);n.enter().append("path").attr({fill:"#fff","fill-rule":"evenodd",stroke:"#000","stroke-width":1}).classed("visual-cue",!0);var a=q(O?e.xanchor:i.midRange(r?[e.x0,e.x1]:g.extractPathCoords(e.path,d.paramIsX))),o=H(D?e.yanchor:i.midRange(r?[e.y0,e.y1]:g.extractPathCoords(e.path,d.paramIsY)));if(a=g.roundPositionForSharpStrokeRendering(a,1),o=g.roundPositionForSharpStrokeRendering(o,1),O&&D){var s="M"+(a-1-1)+","+(o-1-1)+"h-8v2h8 v8h2v-8 h8v-2h-8 v-8h-2 Z";n.attr("d",s)}else if(O){var l="M"+(a-1-1)+","+(o-9-1)+"v18 h2 v-18 Z";n.attr("d",l)}else{var c="M"+(a-9-1)+","+(o-1-1)+"h18 v2 h-18 Z";n.attr("d",c)}}()}function $(t){t.selectAll(".visual-cue").remove()}h.init(X),W.node().onmousemove=Z}(t,O,l,e,r,z):!0===l.editable&&O.style("pointer-events",I||c.opacity(S)*A<=.5?"stroke":"all");O.node().addEventListener("click",(function(){return function(t,e){if(!y(t))return;var r=+e.node().getAttribute("data-index");if(r>=0){if(r===t._fullLayout._activeShapeIndex)return void T(t);t._fullLayout._activeShapeIndex=r,t._fullLayout._deactivateShape=T,m(t)}}(t,O)}))}}function b(t,e,r){var n=(r.xref+r.yref).replace(/paper/g,"").replace(/[xyz][1-9]* *domain/g,"");u.setClipUrl(t,n?"clip"+e._fullLayout._uid+n:null,e)}function _(t,e){var r,n,o,s,l,c,u,f,h=e.type,p=a.getRefType(e.xref),m=a.getRefType(e.yref),v=a.getFromId(t,e.xref),y=a.getFromId(t,e.yref),x=t._fullLayout._size;if(v?"domain"===p?n=function(t){return v._offset+v._length*t}:(r=g.shapePositionToRange(v),n=function(t){return v._offset+v.r2p(r(t,!0))}):n=function(t){return x.l+x.w*t},y?"domain"===m?s=function(t){return y._offset+y._length*(1-t)}:(o=g.shapePositionToRange(y),s=function(t){return y._offset+y.r2p(o(t,!0))}):s=function(t){return x.t+x.h*(1-t)},"path"===h)return v&&"date"===v.type&&(n=g.decodeDate(n)),y&&"date"===y.type&&(s=g.decodeDate(s)),function(t,e,r){var n=t.path,a=t.xsizemode,o=t.ysizemode,s=t.xanchor,l=t.yanchor;return n.replace(d.segmentRE,(function(t){var n=0,c=t.charAt(0),u=d.paramIsX[c],f=d.paramIsY[c],h=d.numParams[c],p=t.substr(1).replace(d.paramRE,(function(t){return u[n]?t="pixel"===a?e(s)+Number(t):e(t):f[n]&&(t="pixel"===o?r(l)-Number(t):r(t)),++n>h&&(t="X"),t}));return n>h&&(p=p.replace(/[\s,]*X.*/,""),i.log("Ignoring extra params in segment "+t)),c+p}))}(e,n,s);if("pixel"===e.xsizemode){var b=n(e.xanchor);l=b+e.x0,c=b+e.x1}else l=n(e.x0),c=n(e.x1);if("pixel"===e.ysizemode){var _=s(e.yanchor);u=_-e.y0,f=_-e.y1}else u=s(e.y0),f=s(e.y1);if("line"===h)return"M"+l+","+u+"L"+c+","+f;if("rect"===h)return"M"+l+","+u+"H"+c+"V"+f+"H"+l+"Z";var w=(l+c)/2,T=(u+f)/2,k=Math.abs(w-l),M=Math.abs(T-u),A="A"+k+","+M,S=w+k+","+T;return"M"+S+A+" 0 1,1 "+(w+","+(T-M))+A+" 0 0,1 "+S+"Z"}function w(t,e,r){return t.replace(d.segmentRE,(function(t){var n=0,i=t.charAt(0),a=d.paramIsX[i],o=d.paramIsY[i],s=d.numParams[i];return i+t.substr(1).replace(d.paramRE,(function(t){return n>=s||(a[n]?t=e(t):o[n]&&(t=r(t)),n++),t}))}))}function T(t){y(t)&&(t._fullLayout._activeShapeIndex>=0&&(l(t),delete t._fullLayout._activeShapeIndex,m(t)))}e.exports={draw:m,drawOne:x,eraseActiveShape:function(t){if(!y(t))return;l(t);var e=t._fullLayout._activeShapeIndex,r=(t.layout||{}).shapes||[];if(e=0&&f(v),r.attr("d",g(e)),M&&!h)&&(k=function(t,e){for(var r=0;r1&&(2!==t.length||"Z"!==t[1][0])&&(0===T&&(t[0][0]="M"),e[w]=t,y(),x())}}()}}function P(t,r){!function(t,r){if(e.length)for(var n=0;n0&&l0&&(s=s.transition().duration(e.transition.duration).ease(e.transition.easing)),s.attr("transform",l(o-.5*f.gripWidth,e._dims.currentValueTotalHeight))}}function E(t,e){var r=t._dims;return r.inputAreaStart+f.stepInset+(r.inputAreaLength-2*f.stepInset)*Math.min(1,Math.max(0,e))}function C(t,e){var r=t._dims;return Math.min(1,Math.max(0,(e-f.stepInset-r.inputAreaStart)/(r.inputAreaLength-2*f.stepInset-2*r.inputAreaStart)))}function L(t,e,r){var n=r._dims,i=s.ensureSingle(t,"rect",f.railTouchRectClass,(function(n){n.call(M,e,t,r).style("pointer-events","all")}));i.attr({width:n.inputAreaLength,height:Math.max(n.inputAreaWidth,f.tickOffset+r.ticklen+n.labelHeight)}).call(a.fill,r.bgcolor).attr("opacity",0),o.setTranslate(i,0,n.currentValueTotalHeight)}function I(t,e){var r=e._dims,n=r.inputAreaLength-2*f.railInset,i=s.ensureSingle(t,"rect",f.railRectClass);i.attr({width:n,height:f.railWidth,rx:f.railRadius,ry:f.railRadius,"shape-rendering":"crispEdges"}).call(a.stroke,e.bordercolor).call(a.fill,e.bgcolor).style("stroke-width",e.borderwidth+"px"),o.setTranslate(i,f.railInset,.5*(r.inputAreaWidth-f.railWidth)+r.currentValueTotalHeight)}e.exports=function(t){var e=t._fullLayout,r=function(t,e){for(var r=t[f.name],n=[],i=0;i0?[0]:[]);function s(e){e._commandObserver&&(e._commandObserver.remove(),delete e._commandObserver),i.autoMargin(t,m(e))}if(a.enter().append("g").classed(f.containerClassName,!0).style("cursor","ew-resize"),a.exit().each((function(){n.select(this).selectAll("g."+f.groupClassName).each(s)})).remove(),0!==r.length){var l=a.selectAll("g."+f.groupClassName).data(r,v);l.enter().append("g").classed(f.groupClassName,!0),l.exit().each(s).remove();for(var c=0;c0||h<0){var v={left:[-d,0],right:[d,0],top:[0,-d],bottom:[0,d]}[b.side];e.attr("transform",l(v[0],v[1]))}}}return D.call(R),z&&(E?D.on(".opacity",null):(M=0,A=!0,D.text(y).on("mouseover.opacity",(function(){n.select(this).transition().duration(h.SHOW_PLACEHOLDER).style("opacity",1)})).on("mouseout.opacity",(function(){n.select(this).transition().duration(h.HIDE_PLACEHOLDER).style("opacity",0)}))),D.call(f.makeEditable,{gd:t}).on("edit",(function(e){void 0!==x?o.call("_guiRestyle",t,v,e,x):o.call("_guiRelayout",t,v,e)})).on("cancel",(function(){this.text(this.attr("data-unformatted")).call(R)})).on("input",(function(t){this.text(t||" ").call(f.positionText,_.x,_.y)}))),D.classed("js-placeholder",A),T}}},{"../../constants/alignment":745,"../../constants/interactions":752,"../../lib":778,"../../lib/svg_text_utils":803,"../../plots/plots":891,"../../registry":911,"../color":643,"../drawing":665,d3:169,"fast-isnumeric":241}],739:[function(t,e,r){"use strict";var n=t("../../plots/font_attributes"),i=t("../color/attributes"),a=t("../../lib/extend").extendFlat,o=t("../../plot_api/edit_types").overrideAll,s=t("../../plots/pad_attributes"),l=t("../../plot_api/plot_template").templatedArray,c=l("button",{visible:{valType:"boolean"},method:{valType:"enumerated",values:["restyle","relayout","animate","update","skip"],dflt:"restyle"},args:{valType:"info_array",freeLength:!0,items:[{valType:"any"},{valType:"any"},{valType:"any"}]},args2:{valType:"info_array",freeLength:!0,items:[{valType:"any"},{valType:"any"},{valType:"any"}]},label:{valType:"string",dflt:""},execute:{valType:"boolean",dflt:!0}});e.exports=o(l("updatemenu",{_arrayAttrRegexps:[/^updatemenus\[(0|[1-9][0-9]+)\]\.buttons/],visible:{valType:"boolean"},type:{valType:"enumerated",values:["dropdown","buttons"],dflt:"dropdown"},direction:{valType:"enumerated",values:["left","right","up","down"],dflt:"down"},active:{valType:"integer",min:-1,dflt:0},showactive:{valType:"boolean",dflt:!0},buttons:c,x:{valType:"number",min:-2,max:3,dflt:-.05},xanchor:{valType:"enumerated",values:["auto","left","center","right"],dflt:"right"},y:{valType:"number",min:-2,max:3,dflt:1},yanchor:{valType:"enumerated",values:["auto","top","middle","bottom"],dflt:"top"},pad:a(s({editType:"arraydraw"}),{}),font:n({}),bgcolor:{valType:"color"},bordercolor:{valType:"color",dflt:i.borderLine},borderwidth:{valType:"number",min:0,dflt:1,editType:"arraydraw"}}),"arraydraw","from-root")},{"../../lib/extend":768,"../../plot_api/edit_types":810,"../../plot_api/plot_template":817,"../../plots/font_attributes":856,"../../plots/pad_attributes":890,"../color/attributes":642}],740:[function(t,e,r){"use strict";e.exports={name:"updatemenus",containerClassName:"updatemenu-container",headerGroupClassName:"updatemenu-header-group",headerClassName:"updatemenu-header",headerArrowClassName:"updatemenu-header-arrow",dropdownButtonGroupClassName:"updatemenu-dropdown-button-group",dropdownButtonClassName:"updatemenu-dropdown-button",buttonClassName:"updatemenu-button",itemRectClassName:"updatemenu-item-rect",itemTextClassName:"updatemenu-item-text",menuIndexAttrName:"updatemenu-active-index",autoMarginIdRoot:"updatemenu-",blankHeaderOpts:{label:" "},minWidth:30,minHeight:30,textPadX:24,arrowPadX:16,rx:2,ry:2,textOffsetX:12,textOffsetY:3,arrowOffsetX:4,gapButtonHeader:5,gapButton:2,activeColor:"#F4FAFF",hoverColor:"#F4FAFF",arrowSymbol:{left:"\u25c4",right:"\u25ba",up:"\u25b2",down:"\u25bc"}}},{}],741:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../plots/array_container_defaults"),a=t("./attributes"),o=t("./constants").name,s=a.buttons;function l(t,e,r){function o(r,i){return n.coerce(t,e,a,r,i)}o("visible",i(t,e,{name:"buttons",handleItemDefaults:c}).length>0)&&(o("active"),o("direction"),o("type"),o("showactive"),o("x"),o("y"),n.noneOrAll(t,e,["x","y"]),o("xanchor"),o("yanchor"),o("pad.t"),o("pad.r"),o("pad.b"),o("pad.l"),n.coerceFont(o,"font",r.font),o("bgcolor",r.paper_bgcolor),o("bordercolor"),o("borderwidth"))}function c(t,e){function r(r,i){return n.coerce(t,e,s,r,i)}r("visible","skip"===t.method||Array.isArray(t.args))&&(r("method"),r("args"),r("args2"),r("label"),r("execute"))}e.exports=function(t,e){i(t,e,{name:o,handleItemDefaults:l})}},{"../../lib":778,"../../plots/array_container_defaults":823,"./attributes":739,"./constants":740}],742:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../plots/plots"),a=t("../color"),o=t("../drawing"),s=t("../../lib"),l=t("../../lib/svg_text_utils"),c=t("../../plot_api/plot_template").arrayEditor,u=t("../../constants/alignment").LINE_SPACING,f=t("./constants"),h=t("./scrollbox");function p(t){return t._index}function d(t,e){return+t.attr(f.menuIndexAttrName)===e._index}function g(t,e,r,n,i,a,o,s){e.active=o,c(t.layout,f.name,e).applyUpdate("active",o),"buttons"===e.type?v(t,n,null,null,e):"dropdown"===e.type&&(i.attr(f.menuIndexAttrName,"-1"),m(t,n,i,a,e),s||v(t,n,i,a,e))}function m(t,e,r,n,i){var a=s.ensureSingle(e,"g",f.headerClassName,(function(t){t.style("pointer-events","all")})),l=i._dims,c=i.active,u=i.buttons[c]||f.blankHeaderOpts,h={y:i.pad.t,yPad:0,x:i.pad.l,xPad:0,index:0},p={width:l.headerWidth,height:l.headerHeight};a.call(y,i,u,t).call(A,i,h,p),s.ensureSingle(e,"text",f.headerArrowClassName,(function(t){t.attr("text-anchor","end").call(o.font,i.font).text(f.arrowSymbol[i.direction])})).attr({x:l.headerWidth-f.arrowOffsetX+i.pad.l,y:l.headerHeight/2+f.textOffsetY+i.pad.t}),a.on("click",(function(){r.call(S,String(d(r,i)?-1:i._index)),v(t,e,r,n,i)})),a.on("mouseover",(function(){a.call(w)})),a.on("mouseout",(function(){a.call(T,i)})),o.setTranslate(e,l.lx,l.ly)}function v(t,e,r,a,o){r||(r=e).attr("pointer-events","all");var l=function(t){return-1==+t.attr(f.menuIndexAttrName)}(r)&&"buttons"!==o.type?[]:o.buttons,c="dropdown"===o.type?f.dropdownButtonClassName:f.buttonClassName,u=r.selectAll("g."+c).data(s.filterVisible(l)),h=u.enter().append("g").classed(c,!0),p=u.exit();"dropdown"===o.type?(h.attr("opacity","0").transition().attr("opacity","1"),p.transition().attr("opacity","0").remove()):p.remove();var d=0,m=0,v=o._dims,x=-1!==["up","down"].indexOf(o.direction);"dropdown"===o.type&&(x?m=v.headerHeight+f.gapButtonHeader:d=v.headerWidth+f.gapButtonHeader),"dropdown"===o.type&&"up"===o.direction&&(m=-f.gapButtonHeader+f.gapButton-v.openHeight),"dropdown"===o.type&&"left"===o.direction&&(d=-f.gapButtonHeader+f.gapButton-v.openWidth);var b={x:v.lx+d+o.pad.l,y:v.ly+m+o.pad.t,yPad:f.gapButton,xPad:f.gapButton,index:0},k={l:b.x+o.borderwidth,t:b.y+o.borderwidth};u.each((function(s,l){var c=n.select(this);c.call(y,o,s,t).call(A,o,b),c.on("click",(function(){n.event.defaultPrevented||(s.execute&&(s.args2&&o.active===l?(g(t,o,0,e,r,a,-1),i.executeAPICommand(t,s.method,s.args2)):(g(t,o,0,e,r,a,l),i.executeAPICommand(t,s.method,s.args))),t.emit("plotly_buttonclicked",{menu:o,button:s,active:o.active}))})),c.on("mouseover",(function(){c.call(w)})),c.on("mouseout",(function(){c.call(T,o),u.call(_,o)}))})),u.call(_,o),x?(k.w=Math.max(v.openWidth,v.headerWidth),k.h=b.y-k.t):(k.w=b.x-k.l,k.h=Math.max(v.openHeight,v.headerHeight)),k.direction=o.direction,a&&(u.size()?function(t,e,r,n,i,a){var o,s,l,c=i.direction,u="up"===c||"down"===c,h=i._dims,p=i.active;if(u)for(s=0,l=0;l0?[0]:[]);if(o.enter().append("g").classed(f.containerClassName,!0).style("cursor","pointer"),o.exit().each((function(){n.select(this).selectAll("g."+f.headerGroupClassName).each(a)})).remove(),0!==r.length){var l=o.selectAll("g."+f.headerGroupClassName).data(r,p);l.enter().append("g").classed(f.headerGroupClassName,!0);for(var c=s.ensureSingle(o,"g",f.dropdownButtonGroupClassName,(function(t){t.style("pointer-events","all")})),u=0;uw,M=s.barLength+2*s.barPad,A=s.barWidth+2*s.barPad,S=d,E=m+v;E+A>c&&(E=c-A);var C=this.container.selectAll("rect.scrollbar-horizontal").data(k?[0]:[]);C.exit().on(".drag",null).remove(),C.enter().append("rect").classed("scrollbar-horizontal",!0).call(i.fill,s.barColor),k?(this.hbar=C.attr({rx:s.barRadius,ry:s.barRadius,x:S,y:E,width:M,height:A}),this._hbarXMin=S+M/2,this._hbarTranslateMax=w-M):(delete this.hbar,delete this._hbarXMin,delete this._hbarTranslateMax);var L=v>T,I=s.barWidth+2*s.barPad,P=s.barLength+2*s.barPad,z=d+g,O=m;z+I>l&&(z=l-I);var D=this.container.selectAll("rect.scrollbar-vertical").data(L?[0]:[]);D.exit().on(".drag",null).remove(),D.enter().append("rect").classed("scrollbar-vertical",!0).call(i.fill,s.barColor),L?(this.vbar=D.attr({rx:s.barRadius,ry:s.barRadius,x:z,y:O,width:I,height:P}),this._vbarYMin=O+P/2,this._vbarTranslateMax=T-P):(delete this.vbar,delete this._vbarYMin,delete this._vbarTranslateMax);var R=this.id,F=u-.5,B=L?f+I+.5:f+.5,N=h-.5,j=k?p+A+.5:p+.5,U=o._topdefs.selectAll("#"+R).data(k||L?[0]:[]);if(U.exit().remove(),U.enter().append("clipPath").attr("id",R).append("rect"),k||L?(this._clipRect=U.select("rect").attr({x:Math.floor(F),y:Math.floor(N),width:Math.ceil(B)-Math.floor(F),height:Math.ceil(j)-Math.floor(N)}),this.container.call(a.setClipUrl,R,this.gd),this.bg.attr({x:d,y:m,width:g,height:v})):(this.bg.attr({width:0,height:0}),this.container.on("wheel",null).on(".drag",null).call(a.setClipUrl,null),delete this._clipRect),k||L){var V=n.behavior.drag().on("dragstart",(function(){n.event.sourceEvent.preventDefault()})).on("drag",this._onBoxDrag.bind(this));this.container.on("wheel",null).on("wheel",this._onBoxWheel.bind(this)).on(".drag",null).call(V);var q=n.behavior.drag().on("dragstart",(function(){n.event.sourceEvent.preventDefault(),n.event.sourceEvent.stopPropagation()})).on("drag",this._onBarDrag.bind(this));k&&this.hbar.on(".drag",null).call(q),L&&this.vbar.on(".drag",null).call(q)}this.setTranslate(e,r)},s.prototype.disable=function(){(this.hbar||this.vbar)&&(this.bg.attr({width:0,height:0}),this.container.on("wheel",null).on(".drag",null).call(a.setClipUrl,null),delete this._clipRect),this.hbar&&(this.hbar.on(".drag",null),this.hbar.remove(),delete this.hbar,delete this._hbarXMin,delete this._hbarTranslateMax),this.vbar&&(this.vbar.on(".drag",null),this.vbar.remove(),delete this.vbar,delete this._vbarYMin,delete this._vbarTranslateMax)},s.prototype._onBoxDrag=function(){var t=this.translateX,e=this.translateY;this.hbar&&(t-=n.event.dx),this.vbar&&(e-=n.event.dy),this.setTranslate(t,e)},s.prototype._onBoxWheel=function(){var t=this.translateX,e=this.translateY;this.hbar&&(t+=n.event.deltaY),this.vbar&&(e+=n.event.deltaY),this.setTranslate(t,e)},s.prototype._onBarDrag=function(){var t=this.translateX,e=this.translateY;if(this.hbar){var r=t+this._hbarXMin,i=r+this._hbarTranslateMax;t=(o.constrain(n.event.x,r,i)-r)/(i-r)*(this.position.w-this._box.w)}if(this.vbar){var a=e+this._vbarYMin,s=a+this._vbarTranslateMax;e=(o.constrain(n.event.y,a,s)-a)/(s-a)*(this.position.h-this._box.h)}this.setTranslate(t,e)},s.prototype.setTranslate=function(t,e){var r=this.position.w-this._box.w,n=this.position.h-this._box.h;if(t=o.constrain(t||0,0,r),e=o.constrain(e||0,0,n),this.translateX=t,this.translateY=e,this.container.call(a.setTranslate,this._box.l-this.position.l-t,this._box.t-this.position.t-e),this._clipRect&&this._clipRect.attr({x:Math.floor(this.position.l+t-.5),y:Math.floor(this.position.t+e-.5)}),this.hbar){var i=t/r;this.hbar.call(a.setTranslate,t+i*this._hbarTranslateMax,e)}if(this.vbar){var s=e/n;this.vbar.call(a.setTranslate,t,e+s*this._vbarTranslateMax)}}},{"../../lib":778,"../color":643,"../drawing":665,d3:169}],745:[function(t,e,r){"use strict";e.exports={FROM_BL:{left:0,center:.5,right:1,bottom:0,middle:.5,top:1},FROM_TL:{left:0,center:.5,right:1,bottom:1,middle:.5,top:0},FROM_BR:{left:1,center:.5,right:0,bottom:0,middle:.5,top:1},LINE_SPACING:1.3,CAP_SHIFT:.7,MID_SHIFT:.35,OPPOSITE_SIDE:{left:"right",right:"left",top:"bottom",bottom:"top"}}},{}],746:[function(t,e,r){"use strict";e.exports={axisRefDescription:function(t,e,r){return["If set to a",t,"axis id (e.g. *"+t+"* or","*"+t+"2*), the `"+t+"` position refers to a",t,"coordinate. If set to *paper*, the `"+t+"`","position refers to the distance from the",e,"of the plotting","area in normalized coordinates where *0* (*1*) corresponds to the",e,"("+r+"). If set to a",t,"axis ID followed by","*domain* (separated by a space), the position behaves like for","*paper*, but refers to the distance in fractions of the domain","length from the",e,"of the domain of that axis: e.g.,","*"+t+"2 domain* refers to the domain of the second",t," axis and a",t,"position of 0.5 refers to the","point between the",e,"and the",r,"of the domain of the","second",t,"axis."].join(" ")}}},{}],747:[function(t,e,r){"use strict";e.exports={INCREASING:{COLOR:"#3D9970",SYMBOL:"\u25b2"},DECREASING:{COLOR:"#FF4136",SYMBOL:"\u25bc"}}},{}],748:[function(t,e,r){"use strict";e.exports={FORMAT_LINK:"https://github.com/d3/d3-3.x-api-reference/blob/master/Formatting.md#d3_format",DATE_FORMAT_LINK:"https://github.com/d3/d3-time-format#locale_format"}},{}],749:[function(t,e,r){"use strict";e.exports={COMPARISON_OPS:["=","!=","<",">=",">","<="],COMPARISON_OPS2:["=","<",">=",">","<="],INTERVAL_OPS:["[]","()","[)","(]","][",")(","](",")["],SET_OPS:["{}","}{"],CONSTRAINT_REDUCTION:{"=":"=","<":"<","<=":"<",">":">",">=":">","[]":"[]","()":"[]","[)":"[]","(]":"[]","][":"][",")(":"][","](":"][",")[":"]["}}},{}],750:[function(t,e,r){"use strict";e.exports={solid:[[],0],dot:[[.5,1],200],dash:[[.5,1],50],longdash:[[.5,1],10],dashdot:[[.5,.625,.875,1],50],longdashdot:[[.5,.7,.8,1],10]}},{}],751:[function(t,e,r){"use strict";e.exports={circle:"\u25cf","circle-open":"\u25cb",square:"\u25a0","square-open":"\u25a1",diamond:"\u25c6","diamond-open":"\u25c7",cross:"+",x:"\u274c"}},{}],752:[function(t,e,r){"use strict";e.exports={SHOW_PLACEHOLDER:100,HIDE_PLACEHOLDER:1e3,DESELECTDIM:.2}},{}],753:[function(t,e,r){"use strict";e.exports={BADNUM:void 0,FP_SAFE:Number.MAX_VALUE/1e4,ONEMAXYEAR:316224e5,ONEAVGYEAR:315576e5,ONEMINYEAR:31536e6,ONEMAXQUARTER:79488e5,ONEAVGQUARTER:78894e5,ONEMINQUARTER:76896e5,ONEMAXMONTH:26784e5,ONEAVGMONTH:26298e5,ONEMINMONTH:24192e5,ONEWEEK:6048e5,ONEDAY:864e5,ONEHOUR:36e5,ONEMIN:6e4,ONESEC:1e3,EPOCHJD:2440587.5,ALMOST_EQUAL:.999999,LOG_CLIP:10,MINUS_SIGN:"\u2212"}},{}],754:[function(t,e,r){"use strict";r.xmlns="http://www.w3.org/2000/xmlns/",r.svg="http://www.w3.org/2000/svg",r.xlink="http://www.w3.org/1999/xlink",r.svgAttrs={xmlns:r.svg,"xmlns:xlink":r.xlink}},{}],755:[function(t,e,r){"use strict";r.version=t("./version").version,t("es6-promise").polyfill(),t("../build/plotcss"),t("./fonts/mathjax_config")();for(var n=t("./registry"),i=r.register=n.register,a=t("./plot_api"),o=Object.keys(a),s=0;splotly-logomark"}}},{}],758:[function(t,e,r){"use strict";r.isLeftAnchor=function(t){return"left"===t.xanchor||"auto"===t.xanchor&&t.x<=1/3},r.isCenterAnchor=function(t){return"center"===t.xanchor||"auto"===t.xanchor&&t.x>1/3&&t.x<2/3},r.isRightAnchor=function(t){return"right"===t.xanchor||"auto"===t.xanchor&&t.x>=2/3},r.isTopAnchor=function(t){return"top"===t.yanchor||"auto"===t.yanchor&&t.y>=2/3},r.isMiddleAnchor=function(t){return"middle"===t.yanchor||"auto"===t.yanchor&&t.y>1/3&&t.y<2/3},r.isBottomAnchor=function(t){return"bottom"===t.yanchor||"auto"===t.yanchor&&t.y<=1/3}},{}],759:[function(t,e,r){"use strict";var n=t("./mod"),i=n.mod,a=n.modHalf,o=Math.PI,s=2*o;function l(t){return Math.abs(t[1]-t[0])>s-1e-14}function c(t,e){return a(e-t,s)}function u(t,e){if(l(e))return!0;var r,n;e[0](n=i(n,s))&&(n+=s);var a=i(t,s),o=a+s;return a>=r&&a<=n||o>=r&&o<=n}function f(t,e,r,n,i,a,c){i=i||0,a=a||0;var u,f,h,p,d,g=l([r,n]);function m(t,e){return[t*Math.cos(e)+i,a-t*Math.sin(e)]}g?(u=0,f=o,h=s):r=i&&t<=a);var i,a},pathArc:function(t,e,r,n,i){return f(null,t,e,r,n,i,0)},pathSector:function(t,e,r,n,i){return f(null,t,e,r,n,i,1)},pathAnnulus:function(t,e,r,n,i,a){return f(t,e,r,n,i,a,1)}}},{"./mod":785}],760:[function(t,e,r){"use strict";var n=Array.isArray,i="undefined"!=typeof ArrayBuffer&&ArrayBuffer.isView?ArrayBuffer:{isView:function(){return!1}},a="undefined"==typeof DataView?function(){}:DataView;function o(t){return i.isView(t)&&!(t instanceof a)}function s(t){return n(t)||o(t)}function l(t,e,r){if(s(t)){if(s(t[0])){for(var n=r,i=0;ii.max?e.set(r):e.set(+t)}},integer:{coerceFunction:function(t,e,r,i){t%1||!n(t)||void 0!==i.min&&ti.max?e.set(r):e.set(+t)}},string:{coerceFunction:function(t,e,r,n){if("string"!=typeof t){var i="number"==typeof t;!0!==n.strict&&i?e.set(String(t)):e.set(r)}else n.noBlank&&!t?e.set(r):e.set(t)}},color:{coerceFunction:function(t,e,r){i(t).isValid()?e.set(t):e.set(r)}},colorlist:{coerceFunction:function(t,e,r){Array.isArray(t)&&t.length&&t.every((function(t){return i(t).isValid()}))?e.set(t):e.set(r)}},colorscale:{coerceFunction:function(t,e,r){e.set(o.get(t,r))}},angle:{coerceFunction:function(t,e,r){"auto"===t?e.set("auto"):n(t)?e.set(u(+t,360)):e.set(r)}},subplotid:{coerceFunction:function(t,e,r,n){var i=n.regex||c(r);"string"==typeof t&&i.test(t)?e.set(t):e.set(r)},validateFunction:function(t,e){var r=e.dflt;return t===r||"string"==typeof t&&!!c(r).test(t)}},flaglist:{coerceFunction:function(t,e,r,n){if("string"==typeof t)if(-1===(n.extras||[]).indexOf(t)){for(var i=t.split("+"),a=0;a=n&&t<=i?t:u}if("string"!=typeof t&&"number"!=typeof t)return u;t=String(t);var c=_(e),v=t.charAt(0);!c||"G"!==v&&"g"!==v||(t=t.substr(1),e="");var w=c&&"chinese"===e.substr(0,7),T=t.match(w?x:y);if(!T)return u;var k=T[1],M=T[3]||"1",A=Number(T[5]||1),S=Number(T[7]||0),E=Number(T[9]||0),C=Number(T[11]||0);if(c){if(2===k.length)return u;var L;k=Number(k);try{var I=m.getComponentMethod("calendars","getCal")(e);if(w){var P="i"===M.charAt(M.length-1);M=parseInt(M,10),L=I.newDate(k,I.toMonthIndex(k,M,P),A)}else L=I.newDate(k,Number(M),A)}catch(t){return u}return L?(L.toJD()-g)*f+S*h+E*p+C*d:u}k=2===k.length?(Number(k)+2e3-b)%100+b:Number(k),M-=1;var z=new Date(Date.UTC(2e3,M,A,S,E));return z.setUTCFullYear(k),z.getUTCMonth()!==M||z.getUTCDate()!==A?u:z.getTime()+C*d},n=r.MIN_MS=r.dateTime2ms("-9999"),i=r.MAX_MS=r.dateTime2ms("9999-12-31 23:59:59.9999"),r.isDateTime=function(t,e){return r.dateTime2ms(t,e)!==u};var T=90*f,k=3*h,M=5*p;function A(t,e,r,n,i){if((e||r||n||i)&&(t+=" "+w(e,2)+":"+w(r,2),(n||i)&&(t+=":"+w(n,2),i))){for(var a=4;i%10==0;)a-=1,i/=10;t+="."+w(i,a)}return t}r.ms2DateTime=function(t,e,r){if("number"!=typeof t||!(t>=n&&t<=i))return u;e||(e=0);var a,o,s,c,y,x,b=Math.floor(10*l(t+.05,1)),w=Math.round(t-b/10);if(_(r)){var S=Math.floor(w/f)+g,E=Math.floor(l(t,f));try{a=m.getComponentMethod("calendars","getCal")(r).fromJD(S).formatDate("yyyy-mm-dd")}catch(t){a=v("G%Y-%m-%d")(new Date(w))}if("-"===a.charAt(0))for(;a.length<11;)a="-0"+a.substr(1);else for(;a.length<10;)a="0"+a;o=e=n+f&&t<=i-f))return u;var e=Math.floor(10*l(t+.05,1)),r=new Date(Math.round(t-e/10));return A(a("%Y-%m-%d")(r),r.getHours(),r.getMinutes(),r.getSeconds(),10*r.getUTCMilliseconds()+e)},r.cleanDate=function(t,e,n){if(t===u)return e;if(r.isJSDate(t)||"number"==typeof t&&isFinite(t)){if(_(n))return s.error("JS Dates and milliseconds are incompatible with world calendars",t),e;if(!(t=r.ms2DateTimeLocal(+t))&&void 0!==e)return e}else if(!r.isDateTime(t,n))return s.error("unrecognized date",t),e;return t};var S=/%\d?f/g;function E(t,e,r,n){t=t.replace(S,(function(t){var r=Math.min(+t.charAt(1)||6,6);return(e/1e3%1+2).toFixed(r).substr(2).replace(/0+$/,"")||"0"}));var i=new Date(Math.floor(e+.05));if(_(n))try{t=m.getComponentMethod("calendars","worldCalFmt")(t,e,n)}catch(t){return"Invalid"}return r(t)(i)}var C=[59,59.9,59.99,59.999,59.9999];r.formatDate=function(t,e,r,n,i,a){if(i=_(i)&&i,!e)if("y"===r)e=a.year;else if("m"===r)e=a.month;else{if("d"!==r)return function(t,e){var r=l(t+.05,f),n=w(Math.floor(r/h),2)+":"+w(l(Math.floor(r/p),60),2);if("M"!==e){o(e)||(e=0);var i=(100+Math.min(l(t/d,60),C[e])).toFixed(e).substr(1);e>0&&(i=i.replace(/0+$/,"").replace(/[\.]$/,"")),n+=":"+i}return n}(t,r)+"\n"+E(a.dayMonthYear,t,n,i);e=a.dayMonth+"\n"+a.year}return E(e,t,n,i)};var L=3*f;r.incrementMonth=function(t,e,r){r=_(r)&&r;var n=l(t,f);if(t=Math.round(t-n),r)try{var i=Math.round(t/f)+g,a=m.getComponentMethod("calendars","getCal")(r),o=a.fromJD(i);return e%12?a.add(o,e,"m"):a.add(o,e/12,"y"),(o.toJD()-g)*f+n}catch(e){s.error("invalid ms "+t+" in calendar "+r)}var c=new Date(t+L);return c.setUTCMonth(c.getUTCMonth()+e)+n-L},r.findExactDates=function(t,e){for(var r,n,i=0,a=0,s=0,l=0,c=_(e)&&m.getComponentMethod("calendars","getCal")(e),u=0;u0&&t[e+1][0]<0)return e;return null}switch(e="RUS"===s||"FJI"===s?function(t){var e;if(null===c(t))e=t;else for(e=new Array(t.length),i=0;ie?r[n++]=[t[i][0]+360,t[i][1]]:i===e?(r[n++]=t[i],r[n++]=[t[i][0],-90]):r[n++]=t[i];var a=h.tester(r);a.pts.pop(),l.push(a)}:function(t){l.push(h.tester(t))},a.type){case"MultiPolygon":for(r=0;ri&&(i=c,e=l)}else e=r;return o.default(e).geometry.coordinates}(u),n.fIn=t,n.fOut=u,s.push(u)}else c.log(["Location",n.loc,"does not have a valid GeoJSON geometry.","Traces with locationmode *geojson-id* only support","*Polygon* and *MultiPolygon* geometries."].join(" "))}delete i[r]}switch(r.type){case"FeatureCollection":var h=r.features;for(n=0;n100?(clearInterval(a),n("Unexpected error while fetching from "+t)):void i++}),50)}))}for(var o=0;o0&&(r.push(i),i=[])}return i.length>0&&r.push(i),r},r.makeLine=function(t){return 1===t.length?{type:"LineString",coordinates:t[0]}:{type:"MultiLineString",coordinates:t}},r.makePolygon=function(t){if(1===t.length)return{type:"Polygon",coordinates:t};for(var e=new Array(t.length),r=0;r1||g<0||g>1?null:{x:t+l*g,y:e+f*g}}function l(t,e,r,n,i){var a=n*t+i*e;if(a<0)return n*n+i*i;if(a>r){var o=n-t,s=i-e;return o*o+s*s}var l=n*e-i*t;return l*l/r}r.segmentsIntersect=s,r.segmentDistance=function(t,e,r,n,i,a,o,c){if(s(t,e,r,n,i,a,o,c))return 0;var u=r-t,f=n-e,h=o-i,p=c-a,d=u*u+f*f,g=h*h+p*p,m=Math.min(l(u,f,d,i-t,a-e),l(u,f,d,o-t,c-e),l(h,p,g,t-i,e-a),l(h,p,g,r-i,n-a));return Math.sqrt(m)},r.getTextLocation=function(t,e,r,s){if(t===i&&s===a||(n={},i=t,a=s),n[r])return n[r];var l=t.getPointAtLength(o(r-s/2,e)),c=t.getPointAtLength(o(r+s/2,e)),u=Math.atan((c.y-l.y)/(c.x-l.x)),f=t.getPointAtLength(o(r,e)),h={x:(4*f.x+l.x+c.x)/6,y:(4*f.y+l.y+c.y)/6,theta:u};return n[r]=h,h},r.clearLocationCache=function(){i=null},r.getVisibleSegment=function(t,e,r){var n,i,a=e.left,o=e.right,s=e.top,l=e.bottom,c=0,u=t.getTotalLength(),f=u;function h(e){var r=t.getPointAtLength(e);0===e?n=r:e===u&&(i=r);var c=r.xo?r.x-o:0,f=r.yl?r.y-l:0;return Math.sqrt(c*c+f*f)}for(var p=h(c);p;){if((c+=p+r)>f)return;p=h(c)}for(p=h(f);p;){if(c>(f-=p+r))return;p=h(f)}return{min:c,max:f,len:f-c,total:u,isClosed:0===c&&f===u&&Math.abs(n.x-i.x)<.1&&Math.abs(n.y-i.y)<.1}},r.findPointOnPath=function(t,e,r,n){for(var i,a,o,s=(n=n||{}).pathLength||t.getTotalLength(),l=n.tolerance||.001,c=n.iterationLimit||30,u=t.getPointAtLength(0)[r]>t.getPointAtLength(s)[r]?-1:1,f=0,h=0,p=s;f0?p=i:h=i,f++}return a}},{"./mod":785}],774:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("tinycolor2"),a=t("color-normalize"),o=t("../components/colorscale"),s=t("../components/color/attributes").defaultLine,l=t("./array").isArrayOrTypedArray,c=a(s);function u(t,e){var r=t;return r[3]*=e,r}function f(t){if(n(t))return c;var e=a(t);return e.length?e:c}function h(t){return n(t)?t:1}e.exports={formatColor:function(t,e,r){var n,i,s,p,d,g=t.color,m=l(g),v=l(e),y=o.extractOpts(t),x=[];if(n=void 0!==y.colorscale?o.makeColorScaleFuncFromTrace(t):f,i=m?function(t,e){return void 0===t[e]?c:a(n(t[e]))}:f,s=v?function(t,e){return void 0===t[e]?1:h(t[e])}:h,m||v)for(var b=0;b1?(r*t+r*e)/r:t+e,i=String(n).length;if(i>16){var a=String(e).length;if(i>=String(t).length+a){var o=parseFloat(n).toPrecision(12);-1===o.indexOf("e+")&&(n=+o)}}return n}},{}],778:[function(t,e,r){"use strict";var n=t("d3"),i=t("d3-time-format").utcFormat,a=t("fast-isnumeric"),o=t("../constants/numerical"),s=o.FP_SAFE,l=o.BADNUM,c=e.exports={};c.nestedProperty=t("./nested_property"),c.keyedContainer=t("./keyed_container"),c.relativeAttr=t("./relative_attr"),c.isPlainObject=t("./is_plain_object"),c.toLogRange=t("./to_log_range"),c.relinkPrivateKeys=t("./relink_private");var u=t("./array");c.isTypedArray=u.isTypedArray,c.isArrayOrTypedArray=u.isArrayOrTypedArray,c.isArray1D=u.isArray1D,c.ensureArray=u.ensureArray,c.concat=u.concat,c.maxRowLength=u.maxRowLength,c.minRowLength=u.minRowLength;var f=t("./mod");c.mod=f.mod,c.modHalf=f.modHalf;var h=t("./coerce");c.valObjectMeta=h.valObjectMeta,c.coerce=h.coerce,c.coerce2=h.coerce2,c.coerceFont=h.coerceFont,c.coerceHoverinfo=h.coerceHoverinfo,c.coerceSelectionMarkerOpacity=h.coerceSelectionMarkerOpacity,c.validate=h.validate;var p=t("./dates");c.dateTime2ms=p.dateTime2ms,c.isDateTime=p.isDateTime,c.ms2DateTime=p.ms2DateTime,c.ms2DateTimeLocal=p.ms2DateTimeLocal,c.cleanDate=p.cleanDate,c.isJSDate=p.isJSDate,c.formatDate=p.formatDate,c.incrementMonth=p.incrementMonth,c.dateTick0=p.dateTick0,c.dfltRange=p.dfltRange,c.findExactDates=p.findExactDates,c.MIN_MS=p.MIN_MS,c.MAX_MS=p.MAX_MS;var d=t("./search");c.findBin=d.findBin,c.sorterAsc=d.sorterAsc,c.sorterDes=d.sorterDes,c.distinctVals=d.distinctVals,c.roundUp=d.roundUp,c.sort=d.sort,c.findIndexOfMin=d.findIndexOfMin;var g=t("./stats");c.aggNums=g.aggNums,c.len=g.len,c.mean=g.mean,c.median=g.median,c.midRange=g.midRange,c.variance=g.variance,c.stdev=g.stdev,c.interp=g.interp;var m=t("./matrix");c.init2dArray=m.init2dArray,c.transposeRagged=m.transposeRagged,c.dot=m.dot,c.translationMatrix=m.translationMatrix,c.rotationMatrix=m.rotationMatrix,c.rotationXYMatrix=m.rotationXYMatrix,c.apply3DTransform=m.apply3DTransform,c.apply2DTransform=m.apply2DTransform,c.apply2DTransform2=m.apply2DTransform2,c.convertCssMatrix=m.convertCssMatrix,c.inverseTransformMatrix=m.inverseTransformMatrix;var v=t("./angles");c.deg2rad=v.deg2rad,c.rad2deg=v.rad2deg,c.angleDelta=v.angleDelta,c.angleDist=v.angleDist,c.isFullCircle=v.isFullCircle,c.isAngleInsideSector=v.isAngleInsideSector,c.isPtInsideSector=v.isPtInsideSector,c.pathArc=v.pathArc,c.pathSector=v.pathSector,c.pathAnnulus=v.pathAnnulus;var y=t("./anchor_utils");c.isLeftAnchor=y.isLeftAnchor,c.isCenterAnchor=y.isCenterAnchor,c.isRightAnchor=y.isRightAnchor,c.isTopAnchor=y.isTopAnchor,c.isMiddleAnchor=y.isMiddleAnchor,c.isBottomAnchor=y.isBottomAnchor;var x=t("./geometry2d");c.segmentsIntersect=x.segmentsIntersect,c.segmentDistance=x.segmentDistance,c.getTextLocation=x.getTextLocation,c.clearLocationCache=x.clearLocationCache,c.getVisibleSegment=x.getVisibleSegment,c.findPointOnPath=x.findPointOnPath;var b=t("./extend");c.extendFlat=b.extendFlat,c.extendDeep=b.extendDeep,c.extendDeepAll=b.extendDeepAll,c.extendDeepNoArrays=b.extendDeepNoArrays;var _=t("./loggers");c.log=_.log,c.warn=_.warn,c.error=_.error;var w=t("./regex");c.counterRegex=w.counter;var T=t("./throttle");c.throttle=T.throttle,c.throttleDone=T.done,c.clearThrottle=T.clear;var k=t("./dom");function M(t){var e={};for(var r in t)for(var n=t[r],i=0;is?l:a(t)?Number(t):l:l},c.isIndex=function(t,e){return!(void 0!==e&&t>=e)&&(a(t)&&t>=0&&t%1==0)},c.noop=t("./noop"),c.identity=t("./identity"),c.repeat=function(t,e){for(var r=new Array(e),n=0;nr?Math.max(r,Math.min(e,t)):Math.max(e,Math.min(r,t))},c.bBoxIntersect=function(t,e,r){return r=r||0,t.left<=e.right+r&&e.left<=t.right+r&&t.top<=e.bottom+r&&e.top<=t.bottom+r},c.simpleMap=function(t,e,r,n,i){for(var a=t.length,o=new Array(a),s=0;s=Math.pow(2,r)?i>10?(c.warn("randstr failed uniqueness"),l):t(e,r,n,(i||0)+1):l},c.OptionControl=function(t,e){t||(t={}),e||(e="opt");var r={optionList:[],_newoption:function(n){n[e]=t,r[n.name]=n,r.optionList.push(n)}};return r["_"+e]=t,r},c.smooth=function(t,e){if((e=Math.round(e)||0)<2)return t;var r,n,i,a,o=t.length,s=2*o,l=2*e-1,c=new Array(l),u=new Array(o);for(r=0;r=s&&(i-=s*Math.floor(i/s)),i<0?i=-1-i:i>=o&&(i=s-1-i),a+=t[i]*c[n];u[r]=a}return u},c.syncOrAsync=function(t,e,r){var n;function i(){return c.syncOrAsync(t,e,r)}for(;t.length;)if((n=(0,t.splice(0,1)[0])(e))&&n.then)return n.then(i).then(void 0,c.promiseError);return r&&r(e)},c.stripTrailingSlash=function(t){return"/"===t.substr(-1)?t.substr(0,t.length-1):t},c.noneOrAll=function(t,e,r){if(t){var n,i=!1,a=!0;for(n=0;n0?e:0}))},c.fillArray=function(t,e,r,n){if(n=n||c.identity,c.isArrayOrTypedArray(t))for(var i=0;i1?i+o[1]:"";if(a&&(o.length>1||s.length>4||r))for(;n.test(s);)s=s.replace(n,"$1"+a+"$2");return s+l},c.TEMPLATE_STRING_REGEX=/%{([^\s%{}:]*)([:|\|][^}]*)?}/g;var I=/^\w*$/;c.templateString=function(t,e){var r={};return t.replace(c.TEMPLATE_STRING_REGEX,(function(t,n){var i;return I.test(n)?i=e[n]:(r[n]=r[n]||c.nestedProperty(e,n).get,i=r[n]()),c.isValidTextValue(i)?i:""}))};var P={max:10,count:0,name:"hovertemplate"};c.hovertemplateString=function(){return D.apply(P,arguments)};var z={max:10,count:0,name:"texttemplate"};c.texttemplateString=function(){return D.apply(z,arguments)};var O=/^[:|\|]/;function D(t,e,r){var a=this,o=arguments;e||(e={});var s={};return t.replace(c.TEMPLATE_STRING_REGEX,(function(t,l,u){var f,h,p,d;for(p=3;p=48&&o<=57,c=s>=48&&s<=57;if(l&&(n=10*n+o-48),c&&(i=10*i+s-48),!l||!c){if(n!==i)return n-i;if(o!==s)return o-s}}return i-n};var R=2e9;c.seedPseudoRandom=function(){R=2e9},c.pseudoRandom=function(){var t=R;return R=(69069*R+1)%4294967296,Math.abs(R-t)<429496729?c.pseudoRandom():R/4294967296},c.fillText=function(t,e,r){var n=Array.isArray(r)?function(t){r.push(t)}:function(t){r.text=t},i=c.extractOption(t,e,"htx","hovertext");if(c.isValidTextValue(i))return n(i);var a=c.extractOption(t,e,"tx","text");return c.isValidTextValue(a)?n(a):void 0},c.isValidTextValue=function(t){return t||0===t},c.formatPercent=function(t,e){e=e||0;for(var r=(Math.round(100*t*Math.pow(10,e))*Math.pow(.1,e)).toFixed(e)+"%",n=0;n1&&(u=1):u=0,c.strTranslate(i-u*(r+o),a-u*(n+s))+c.strScale(u)+(l?"rotate("+l+(e?"":" "+r+" "+n)+")":"")},c.ensureUniformFontSize=function(t,e){var r=c.extendFlat({},e);return r.size=Math.max(e.size,t._fullLayout.uniformtext.minsize||0),r},c.join2=function(t,e,r){var n=t.length;return n>1?t.slice(0,-1).join(e)+r+t[n-1]:t.join(e)}},{"../constants/numerical":753,"./anchor_utils":758,"./angles":759,"./array":760,"./clean_number":761,"./clear_responsive":763,"./coerce":764,"./dates":765,"./dom":766,"./extend":768,"./filter_unique":769,"./filter_visible":770,"./geometry2d":773,"./identity":776,"./increment":777,"./is_plain_object":779,"./keyed_container":780,"./localize":781,"./loggers":782,"./make_trace_groups":783,"./matrix":784,"./mod":785,"./nested_property":786,"./noop":787,"./notifier":788,"./preserve_drawing_buffer":792,"./push_unique":793,"./regex":795,"./relative_attr":796,"./relink_private":797,"./search":798,"./stats":801,"./throttle":804,"./to_log_range":805,d3:169,"d3-time-format":166,"fast-isnumeric":241}],779:[function(t,e,r){"use strict";e.exports=function(t){return window&&window.process&&window.process.versions?"[object Object]"===Object.prototype.toString.call(t):"[object Object]"===Object.prototype.toString.call(t)&&Object.getPrototypeOf(t)===Object.prototype}},{}],780:[function(t,e,r){"use strict";var n=t("./nested_property"),i=/^\w*$/;e.exports=function(t,e,r,a){var o,s,l;r=r||"name",a=a||"value";var c={};e&&e.length?(l=n(t,e),s=l.get()):s=t,e=e||"";var u={};if(s)for(o=0;o2)return c[e]=2|c[e],h.set(t,null);if(f){for(o=e;o1){var e=["LOG:"];for(t=0;t1){var r=[];for(t=0;t"),"long")}},a.warn=function(){var t;if(n.logging>0){var e=["WARN:"];for(t=0;t0){var r=[];for(t=0;t"),"stick")}},a.error=function(){var t;if(n.logging>0){var e=["ERROR:"];for(t=0;t0){var r=[];for(t=0;t"),"stick")}}},{"../plot_api/plot_config":815,"./notifier":788}],783:[function(t,e,r){"use strict";var n=t("d3");e.exports=function(t,e,r){var i=t.selectAll("g."+r.replace(/\s/g,".")).data(e,(function(t){return t[0].trace.uid}));i.exit().remove(),i.enter().append("g").attr("class",r),i.order();var a=t.classed("rangeplot")?"nodeRangePlot3":"node3";return i.each((function(t){t[0][a]=n.select(this)})),i}},{d3:169}],784:[function(t,e,r){"use strict";var n=t("gl-mat4");r.init2dArray=function(t,e){for(var r=new Array(t),n=0;ne/2?t-Math.round(t/e)*e:t}}},{}],786:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("./array").isArrayOrTypedArray;function a(t,e){return function(){var r,n,o,s,l,c=t;for(s=0;s/g),l=0;la||c===i||cs)&&(!e||!l(t))}:function(t,e){var l=t[0],c=t[1];if(l===i||la||c===i||cs)return!1;var u,f,h,p,d,g=r.length,m=r[0][0],v=r[0][1],y=0;for(u=1;uMath.max(f,m)||c>Math.max(h,v)))if(cu||Math.abs(n(o,h))>i)return!0;return!1},a.filter=function(t,e){var r=[t[0]],n=0,i=0;function o(o){t.push(o);var s=r.length,l=n;r.splice(i+1);for(var c=l+1;c1&&o(t.pop());return{addPt:o,raw:t,filtered:r}}},{"../constants/numerical":753,"./matrix":784}],791:[function(t,e,r){(function(r){(function(){"use strict";var n=t("./show_no_webgl_msg"),i=t("regl");e.exports=function(t,e){var a=t._fullLayout,o=!0;return a._glcanvas.each((function(n){if(!n.regl&&(!n.pick||a._has("parcoords"))){try{n.regl=i({canvas:this,attributes:{antialias:!n.pick,preserveDrawingBuffer:!0},pixelRatio:t._context.plotGlPixelRatio||r.devicePixelRatio,extensions:e||[]})}catch(t){o=!1}n.regl||(o=!1),o&&this.addEventListener("webglcontextlost",(function(e){t&&t.emit&&t.emit("plotly_webglcontextlost",{event:e,layer:n.key})}),!1)}})),o||n({container:a._glcontainer.node()}),o}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"./show_no_webgl_msg":800,regl:540}],792:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("is-mobile");e.exports=function(t){var e;if("string"!=typeof(e=t&&t.hasOwnProperty("userAgent")?t.userAgent:function(){var t;"undefined"!=typeof navigator&&(t=navigator.userAgent);t&&t.headers&&"string"==typeof t.headers["user-agent"]&&(t=t.headers["user-agent"]);return t}()))return!0;var r=i({ua:{headers:{"user-agent":e}},tablet:!0,featureDetect:!1});if(!r)for(var a=e.split(" "),o=1;o-1;s--){var l=a[s];if("Version/"===l.substr(0,8)){var c=l.substr(8).split(".")[0];if(n(c)&&(c=+c),c>=13)return!0}}}return r}},{"fast-isnumeric":241,"is-mobile":467}],793:[function(t,e,r){"use strict";e.exports=function(t,e){if(e instanceof RegExp){for(var r=e.toString(),n=0;ni.queueLength&&(t.undoQueue.queue.shift(),t.undoQueue.index--))},startSequence:function(t){t.undoQueue=t.undoQueue||{index:0,queue:[],sequence:!1},t.undoQueue.sequence=!0,t.undoQueue.beginSequence=!0},stopSequence:function(t){t.undoQueue=t.undoQueue||{index:0,queue:[],sequence:!1},t.undoQueue.sequence=!1,t.undoQueue.beginSequence=!1},undo:function(t){var e,r;if(t.framework&&t.framework.isPolar)t.framework.undo();else if(!(void 0===t.undoQueue||isNaN(t.undoQueue.index)||t.undoQueue.index<=0)){for(t.undoQueue.index--,e=t.undoQueue.queue[t.undoQueue.index],t.undoQueue.inSequence=!0,r=0;r=t.undoQueue.queue.length)){for(e=t.undoQueue.queue[t.undoQueue.index],t.undoQueue.inSequence=!0,r=0;re}function u(t,e){return t>=e}r.findBin=function(t,e,r){if(n(e.start))return r?Math.ceil((t-e.start)/e.size-1e-9)-1:Math.floor((t-e.start)/e.size+1e-9);var a,o,f=0,h=e.length,p=0,d=h>1?(e[h-1]-e[0])/(h-1):1;for(o=d>=0?r?s:l:r?u:c,t+=1e-9*d*(r?-1:1)*(d>=0?1:-1);f90&&i.log("Long binary search..."),f-1},r.sorterAsc=function(t,e){return t-e},r.sorterDes=function(t,e){return e-t},r.distinctVals=function(t,e){var n,i=(e||{}).unitMinDiff,a=t.slice();for(a.sort(r.sorterAsc),n=a.length-1;n>-1&&a[n]===o;n--);var s=1;i||(s=a[n]-a[0]||1);for(var l,c=s/(n||1)/1e4,u=[],f=0;f<=n;f++){var h=a[f],p=h-l;void 0===l?(u.push(h),l=h):p>c&&(s=Math.min(s,p),u.push(h),l=h)}return{vals:u,minDiff:s}},r.roundUp=function(t,e,r){for(var n,i=0,a=e.length-1,o=0,s=r?0:1,l=r?1:0,c=r?Math.ceil:Math.floor;i0&&(n=1),r&&n)return t.sort(e)}return n?t:t.reverse()},r.findIndexOfMin=function(t,e){e=e||a;for(var r,n=1/0,i=0;ia.length)&&(o=a.length),n(e)||(e=!1),i(a[0])){for(l=new Array(o),s=0;st.length-1)return t[t.length-1];var r=e%1;return r*t[Math.ceil(e)]+(1-r)*t[Math.floor(e)]}},{"./array":760,"fast-isnumeric":241}],802:[function(t,e,r){"use strict";var n=t("color-normalize");e.exports=function(t){return t?n(t):[0,0,0,1]}},{"color-normalize":125}],803:[function(t,e,r){"use strict";var n=t("d3"),i=t("../lib"),a=i.strTranslate,o=t("../constants/xmlns_namespaces"),s=t("../constants/alignment").LINE_SPACING;function l(t,e){return t.node().getBoundingClientRect()[e]}var c=/([^$]*)([$]+[^$]*[$]+)([^$]*)/;r.convertToTspans=function(t,e,A){var S=t.text(),C=!t.attr("data-notex")&&"undefined"!=typeof MathJax&&S.match(c),L=n.select(t.node().parentNode);if(!L.empty()){var I=t.attr("class")?t.attr("class").split(" ")[0]:"text";return I+="-math",L.selectAll("svg."+I).remove(),L.selectAll("g."+I+"-group").remove(),t.style("display",null).attr({"data-unformatted":S,"data-math":"N"}),C?(e&&e._promises||[]).push(new Promise((function(e){t.style("display","none");var r=parseInt(t.node().style.fontSize,10),o={fontSize:r};!function(t,e,r){var a,o,s,l;MathJax.Hub.Queue((function(){return o=i.extendDeepAll({},MathJax.Hub.config),s=MathJax.Hub.processSectionDelay,void 0!==MathJax.Hub.processSectionDelay&&(MathJax.Hub.processSectionDelay=0),MathJax.Hub.Config({messageStyle:"none",tex2jax:{inlineMath:[["$","$"],["\\(","\\)"]]},displayAlign:"left"})}),(function(){if("SVG"!==(a=MathJax.Hub.config.menuSettings.renderer))return MathJax.Hub.setRenderer("SVG")}),(function(){var r="math-output-"+i.randstr({},64);return l=n.select("body").append("div").attr({id:r}).style({visibility:"hidden",position:"absolute"}).style({"font-size":e.fontSize+"px"}).text(t.replace(u,"\\lt ").replace(f,"\\gt ")),MathJax.Hub.Typeset(l.node())}),(function(){var e=n.select("body").select("#MathJax_SVG_glyphs");if(l.select(".MathJax_SVG").empty()||!l.select("svg").node())i.log("There was an error in the tex syntax.",t),r();else{var o=l.select("svg").node().getBoundingClientRect();r(l.select(".MathJax_SVG"),e,o)}if(l.remove(),"SVG"!==a)return MathJax.Hub.setRenderer(a)}),(function(){return void 0!==s&&(MathJax.Hub.processSectionDelay=s),MathJax.Hub.Config(o)}))}(C[2],o,(function(n,i,o){L.selectAll("svg."+I).remove(),L.selectAll("g."+I+"-group").remove();var s=n&&n.select("svg");if(!s||!s.node())return P(),void e();var c=L.append("g").classed(I+"-group",!0).attr({"pointer-events":"none","data-unformatted":S,"data-math":"Y"});c.node().appendChild(s.node()),i&&i.node()&&s.node().insertBefore(i.node().cloneNode(!0),s.node().firstChild),s.attr({class:I,height:o.height,preserveAspectRatio:"xMinYMin meet"}).style({overflow:"visible","pointer-events":"none"});var u=t.node().style.fill||"black",f=s.select("g");f.attr({fill:u,stroke:u});var h=l(f,"width"),p=l(f,"height"),d=+t.attr("x")-h*{start:0,middle:.5,end:1}[t.attr("text-anchor")||"start"],g=-(r||l(t,"height"))/4;"y"===I[0]?(c.attr({transform:"rotate("+[-90,+t.attr("x"),+t.attr("y")]+")"+a(-h/2,g-p/2)}),s.attr({x:+t.attr("x"),y:+t.attr("y")})):"l"===I[0]?s.attr({x:t.attr("x"),y:g-p/2}):"a"===I[0]&&0!==I.indexOf("atitle")?s.attr({x:0,y:g}):s.attr({x:d,y:+t.attr("y")+g-p/2}),A&&A.call(t,c),e(c)}))}))):P(),t}function P(){L.empty()||(I=t.attr("class")+"-math",L.select("svg."+I).remove()),t.text("").style("white-space","pre"),function(t,e){e=e.replace(m," ");var r,a=!1,l=[],c=-1;function u(){c++;var e=document.createElementNS(o.svg,"tspan");n.select(e).attr({class:"line",dy:c*s+"em"}),t.appendChild(e),r=e;var i=l;if(l=[{node:e}],i.length>1)for(var a=1;a doesnt match end tag <"+t+">. Pretending it did match.",e),r=l[l.length-1].node}else i.log("Ignoring unexpected end tag .",e)}x.test(e)?u():(r=t,l=[{node:t}]);for(var C=e.split(v),L=0;L|>|>)/g;var h={sup:"font-size:70%",sub:"font-size:70%",b:"font-weight:bold",i:"font-style:italic",a:"cursor:pointer",span:"",em:"font-style:italic;font-weight:bold"},p={sub:"0.3em",sup:"-0.6em"},d={sub:"-0.21em",sup:"0.42em"},g=["http:","https:","mailto:","",void 0,":"],m=r.NEWLINES=/(\r\n?|\n)/g,v=/(<[^<>]*>)/,y=/<(\/?)([^ >]*)(\s+(.*))?>/i,x=//i;r.BR_TAG_ALL=//gi;var b=/(^|[\s"'])style\s*=\s*("([^"]*);?"|'([^']*);?')/i,_=/(^|[\s"'])href\s*=\s*("([^"]*)"|'([^']*)')/i,w=/(^|[\s"'])target\s*=\s*("([^"\s]*)"|'([^'\s]*)')/i,T=/(^|[\s"'])popup\s*=\s*("([\w=,]*)"|'([\w=,]*)')/i;function k(t,e){if(!t)return null;var r=t.match(e),n=r&&(r[3]||r[4]);return n&&E(n)}var M=/(^|;)\s*color:/;r.plainText=function(t,e){for(var r=void 0!==(e=e||{}).len&&-1!==e.len?e.len:1/0,n=void 0!==e.allowedTags?e.allowedTags:["br"],i="...".length,a=t.split(v),o=[],s="",l=0,c=0;ci?o.push(u.substr(0,d-i)+"..."):o.push(u.substr(0,d));break}s=""}}return o.join("")};var A={mu:"\u03bc",amp:"&",lt:"<",gt:">",nbsp:"\xa0",times:"\xd7",plusmn:"\xb1",deg:"\xb0"},S=/&(#\d+|#x[\da-fA-F]+|[a-z]+);/g;function E(t){return t.replace(S,(function(t,e){return("#"===e.charAt(0)?function(t){if(t>1114111)return;var e=String.fromCodePoint;if(e)return e(t);var r=String.fromCharCode;return t<=65535?r(t):r(55232+(t>>10),t%1024+56320)}("x"===e.charAt(1)?parseInt(e.substr(2),16):parseInt(e.substr(1),10)):A[e])||t}))}function C(t,e,r){var n,a,o,s=r.horizontalAlign,l=r.verticalAlign||"top",c=t.node().getBoundingClientRect(),u=e.node().getBoundingClientRect();return a="bottom"===l?function(){return c.bottom-n.height}:"middle"===l?function(){return c.top+(c.height-n.height)/2}:function(){return c.top},o="right"===s?function(){return c.right-n.width}:"center"===s?function(){return c.left+(c.width-n.width)/2}:function(){return c.left},function(){n=this.node().getBoundingClientRect();var t=o()-u.left,e=a()-u.top,s=r.gd||{};if(r.gd){s._fullLayout._calcInverseTransform(s);var l=i.apply3DTransform(s._fullLayout._invTransform)(t,e);t=l[0],e=l[1]}return this.style({top:e+"px",left:t+"px","z-index":1e3}),this}}r.convertEntities=E,r.sanitizeHTML=function(t){t=t.replace(m," ");for(var e=document.createElement("p"),r=e,i=[],a=t.split(v),o=0;oa.ts+e?l():a.timer=setTimeout((function(){l(),a.timer=null}),e)},r.done=function(t){var e=n[t];return e&&e.timer?new Promise((function(t){var r=e.onDone;e.onDone=function(){r&&r(),t(),e.onDone=null}})):Promise.resolve()},r.clear=function(t){if(t)i(n[t]),delete n[t];else for(var e in n)r.clear(e)}},{}],805:[function(t,e,r){"use strict";var n=t("fast-isnumeric");e.exports=function(t,e){if(t>0)return Math.log(t)/Math.LN10;var r=Math.log(Math.min(e[0],e[1]))/Math.LN10;return n(r)||(r=Math.log(Math.max(e[0],e[1]))/Math.LN10-6),r}},{"fast-isnumeric":241}],806:[function(t,e,r){"use strict";var n=e.exports={},i=t("../plots/geo/constants").locationmodeToLayer,a=t("topojson-client").feature;n.getTopojsonName=function(t){return[t.scope.replace(/ /g,"-"),"_",t.resolution.toString(),"m"].join("")},n.getTopojsonPath=function(t,e){return t+e+".json"},n.getTopojsonFeatures=function(t,e){var r=i[t.locationmode],n=e.objects[r];return a(e,n).features}},{"../plots/geo/constants":858,"topojson-client":579}],807:[function(t,e,r){"use strict";e.exports={moduleType:"locale",name:"en-US",dictionary:{"Click to enter Colorscale title":"Click to enter Colorscale title"},format:{date:"%m/%d/%Y"}}},{}],808:[function(t,e,r){"use strict";e.exports={moduleType:"locale",name:"en",dictionary:{"Click to enter Colorscale title":"Click to enter Colourscale title"},format:{days:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],shortDays:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],months:["January","February","March","April","May","June","July","August","September","October","November","December"],shortMonths:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"],periods:["AM","PM"],dateTime:"%a %b %e %X %Y",date:"%d/%m/%Y",time:"%H:%M:%S",decimal:".",thousands:",",grouping:[3],currency:["$",""],year:"%Y",month:"%b %Y",dayMonth:"%b %-d",dayMonthYear:"%b %-d, %Y"}}},{}],809:[function(t,e,r){"use strict";var n=t("../registry");e.exports=function(t){for(var e,r,i=n.layoutArrayContainers,a=n.layoutArrayRegexes,o=t.split("[")[0],s=0;s0&&o.log("Clearing previous rejected promises from queue."),t._promises=[]},r.cleanLayout=function(t){var e,n;t||(t={}),t.xaxis1&&(t.xaxis||(t.xaxis=t.xaxis1),delete t.xaxis1),t.yaxis1&&(t.yaxis||(t.yaxis=t.yaxis1),delete t.yaxis1),t.scene1&&(t.scene||(t.scene=t.scene1),delete t.scene1);var a=(s.subplotsRegistry.cartesian||{}).attrRegex,l=(s.subplotsRegistry.polar||{}).attrRegex,f=(s.subplotsRegistry.ternary||{}).attrRegex,h=(s.subplotsRegistry.gl3d||{}).attrRegex,g=Object.keys(t);for(e=0;e3?(z.x=1.02,z.xanchor="left"):z.x<-2&&(z.x=-.02,z.xanchor="right"),z.y>3?(z.y=1.02,z.yanchor="bottom"):z.y<-2&&(z.y=-.02,z.yanchor="top")),d(t),"rotate"===t.dragmode&&(t.dragmode="orbit"),c.clean(t),t.template&&t.template.layout&&r.cleanLayout(t.template.layout),t},r.cleanData=function(t){for(var e=0;e0)return t.substr(0,e)}r.hasParent=function(t,e){for(var r=b(e);r;){if(r in t)return!0;r=b(r)}return!1};var _=["x","y","z"];r.clearAxisTypes=function(t,e,r){for(var n=0;n1&&a.warn("Full array edits are incompatible with other edits",f);var y=r[""][""];if(c(y))e.set(null);else{if(!Array.isArray(y))return a.warn("Unrecognized full array edit value",f,y),!0;e.set(y)}return!g&&(h(m,v),p(t),!0)}var x,b,_,w,T,k,M,A,S=Object.keys(r).map(Number).sort(o),E=e.get(),C=E||[],L=u(v,f).get(),I=[],P=-1,z=C.length;for(x=0;xC.length-(M?0:1))a.warn("index out of range",f,_);else if(void 0!==k)T.length>1&&a.warn("Insertion & removal are incompatible with edits to the same index.",f,_),c(k)?I.push(_):M?("add"===k&&(k={}),C.splice(_,0,k),L&&L.splice(_,0,{})):a.warn("Unrecognized full object edit value",f,_,k),-1===P&&(P=_);else for(b=0;b=0;x--)C.splice(I[x],1),L&&L.splice(I[x],1);if(C.length?E||e.set(C):e.set(null),g)return!1;if(h(m,v),d!==i){var O;if(-1===P)O=S;else{for(z=Math.max(C.length,z),O=[],x=0;x=P);x++)O.push(_);for(x=P;x=t.data.length||i<-t.data.length)throw new Error(r+" must be valid indices for gd.data.");if(e.indexOf(i,n+1)>-1||i>=0&&e.indexOf(-t.data.length+i)>-1||i<0&&e.indexOf(t.data.length+i)>-1)throw new Error("each index in "+r+" must be unique.")}}function O(t,e,r){if(!Array.isArray(t.data))throw new Error("gd.data must be an array.");if("undefined"==typeof e)throw new Error("currentIndices is a required argument.");if(Array.isArray(e)||(e=[e]),z(t,e,"currentIndices"),"undefined"==typeof r||Array.isArray(r)||(r=[r]),"undefined"!=typeof r&&z(t,r,"newIndices"),"undefined"!=typeof r&&e.length!==r.length)throw new Error("current and new indices must be of equal length.")}function D(t,e,r,n,a){!function(t,e,r,n){var i=o.isPlainObject(n);if(!Array.isArray(t.data))throw new Error("gd.data must be an array");if(!o.isPlainObject(e))throw new Error("update must be a key:value object");if("undefined"==typeof r)throw new Error("indices must be an integer or array of integers");for(var a in z(t,r,"indices"),e){if(!Array.isArray(e[a])||e[a].length!==r.length)throw new Error("attribute "+a+" must be an array of length equal to indices array length");if(i&&(!(a in n)||!Array.isArray(n[a])||n[a].length!==e[a].length))throw new Error("when maxPoints is set as a key:value object it must contain a 1:1 corrispondence with the keys and number of traces in the update object")}}(t,e,r,n);for(var l=function(t,e,r,n){var a,l,c,u,f,h=o.isPlainObject(n),p=[];for(var d in Array.isArray(r)||(r=[r]),r=P(r,t.data.length-1),e)for(var g=0;g-1?l(r,r.replace("titlefont","title.font")):r.indexOf("titleposition")>-1?l(r,r.replace("titleposition","title.position")):r.indexOf("titleside")>-1?l(r,r.replace("titleside","title.side")):r.indexOf("titleoffset")>-1&&l(r,r.replace("titleoffset","title.offset")):l(r,r.replace("title","title.text"));function l(e,r){t[r]=t[e],delete t[e]}}function q(t,e,r){if(t=o.getGraphDiv(t),T.clearPromiseQueue(t),t.framework&&t.framework.isPolar)return Promise.resolve(t);var n={};if("string"==typeof e)n[e]=r;else{if(!o.isPlainObject(e))return o.warn("Relayout fail.",e,r),Promise.reject();n=o.extendFlat({},e)}Object.keys(n).length&&(t.changed=!0);var i=Z(t,n),a=i.flags;a.calc&&(t.calcdata=void 0);var s=[h.previousPromises];a.layoutReplot?s.push(k.layoutReplot):Object.keys(n).length&&(H(t,a,i)||h.supplyDefaults(t),a.legend&&s.push(k.doLegend),a.layoutstyle&&s.push(k.layoutStyles),a.axrange&&G(s,i.rangesAltered),a.ticks&&s.push(k.doTicksRelayout),a.modebar&&s.push(k.doModeBar),a.camera&&s.push(k.doCamera),a.colorbars&&s.push(k.doColorBars),s.push(E)),s.push(h.rehover,h.redrag),c.add(t,q,[t,i.undoit],q,[t,i.redoit]);var l=o.syncOrAsync(s,t);return l&&l.then||(l=Promise.resolve(t)),l.then((function(){return t.emit("plotly_relayout",i.eventData),t}))}function H(t,e,r){var n=t._fullLayout;if(!e.axrange)return!1;for(var i in e)if("axrange"!==i&&e[i])return!1;for(var a in r.rangesAltered){var o=d.id2name(a),s=t.layout[o],l=n[o];if(l.autorange=s.autorange,s.range&&(l.range=s.range.slice()),l.cleanRange(),l._matchGroup)for(var c in l._matchGroup)if(c!==a){var u=n[d.id2name(c)];u.autorange=l.autorange,u.range=l.range.slice(),u._input.range=l.range.slice()}}return!0}function G(t,e){var r=e?function(t){var r=[],n=!0;for(var i in e){var a=d.getFromId(t,i);if(r.push(i),-1!==(a.ticklabelposition||"").indexOf("inside")&&a._anchorAxis&&r.push(a._anchorAxis._id),a._matchGroup)for(var o in a._matchGroup)e[o]||r.push(o);a.automargin&&(n=!1)}return d.draw(t,r,{skipTitle:n})}:function(t){return d.draw(t,"redraw")};t.push(b,k.doAutoRangeAndConstraints,r,k.drawData,k.finalDraw)}var Y=/^[xyz]axis[0-9]*\.range(\[[0|1]\])?$/,W=/^[xyz]axis[0-9]*\.autorange$/,X=/^[xyz]axis[0-9]*\.domain(\[[0|1]\])?$/;function Z(t,e){var r,n,i,a=t.layout,l=t._fullLayout,c=l._guiEditing,h=N(l._preGUI,c),p=Object.keys(e),g=d.list(t),m=o.extendDeepAll({},e),v={};for(V(e),p=Object.keys(e),n=0;n0&&"string"!=typeof z.parts[D];)D--;var R=z.parts[D],F=z.parts[D-1]+"."+R,j=z.parts.slice(0,D).join("."),U=s(t.layout,j).get(),q=s(l,j).get(),H=z.get();if(void 0!==O){k[P]=O,S[P]="reverse"===R?O:B(H);var G=f.getLayoutValObject(l,z.parts);if(G&&G.impliedEdits&&null!==O)for(var Z in G.impliedEdits)E(o.relativeAttr(P,Z),G.impliedEdits[Z]);if(-1!==["width","height"].indexOf(P))if(O){E("autosize",null);var K="height"===P?"width":"height";E(K,l[K])}else l[P]=t._initialAutoSize[P];else if("autosize"===P)E("width",O?null:l.width),E("height",O?null:l.height);else if(F.match(Y))I(F),s(l,j+"._inputRange").set(null);else if(F.match(W)){I(F),s(l,j+"._inputRange").set(null);var Q=s(l,j).get();Q._inputDomain&&(Q._input.domain=Q._inputDomain.slice())}else F.match(X)&&s(l,j+"._inputDomain").set(null);if("type"===R){C=U;var $="linear"===q.type&&"log"===O,tt="log"===q.type&&"linear"===O;if($||tt){if(C&&C.range)if(q.autorange)$&&(C.range=C.range[1]>C.range[0]?[1,2]:[2,1]);else{var et=C.range[0],rt=C.range[1];$?(et<=0&&rt<=0&&E(j+".autorange",!0),et<=0?et=rt/1e6:rt<=0&&(rt=et/1e6),E(j+".range[0]",Math.log(et)/Math.LN10),E(j+".range[1]",Math.log(rt)/Math.LN10)):(E(j+".range[0]",Math.pow(10,et)),E(j+".range[1]",Math.pow(10,rt)))}else E(j+".autorange",!0);Array.isArray(l._subplots.polar)&&l._subplots.polar.length&&l[z.parts[0]]&&"radialaxis"===z.parts[1]&&delete l[z.parts[0]]._subplot.viewInitial["radialaxis.range"],u.getComponentMethod("annotations","convertCoords")(t,q,O,E),u.getComponentMethod("images","convertCoords")(t,q,O,E)}else E(j+".autorange",!0),E(j+".range",null);s(l,j+"._inputRange").set(null)}else if(R.match(A)){var nt=s(l,P).get(),it=(O||{}).type;it&&"-"!==it||(it="linear"),u.getComponentMethod("annotations","convertCoords")(t,nt,it,E),u.getComponentMethod("images","convertCoords")(t,nt,it,E)}var at=w.containerArrayMatch(P);if(at){r=at.array,n=at.index;var ot=at.property,st=G||{editType:"calc"};""!==n&&""===ot&&(w.isAddVal(O)?S[P]=null:w.isRemoveVal(O)?S[P]=(s(a,r).get()||[])[n]:o.warn("unrecognized full object value",e)),M.update(_,st),v[r]||(v[r]={});var lt=v[r][n];lt||(lt=v[r][n]={}),lt[ot]=O,delete e[P]}else"reverse"===R?(U.range?U.range.reverse():(E(j+".autorange",!0),U.range=[1,0]),q.autorange?_.calc=!0:_.plot=!0):(l._has("scatter-like")&&l._has("regl")&&"dragmode"===P&&("lasso"===O||"select"===O)&&"lasso"!==H&&"select"!==H||l._has("gl2d")?_.plot=!0:G?M.update(_,G):_.calc=!0,z.set(O))}}for(r in v){w.applyContainerArrayChanges(t,h(a,r),v[r],_,h)||(_.plot=!0)}for(var ct in L){var ut=(C=d.getFromId(t,ct))&&C._constraintGroup;if(ut)for(var ft in _.calc=!0,ut)L[ft]||(d.getFromId(t,ft)._constraintShrinkable=!0)}return(J(t)||e.height||e.width)&&(_.plot=!0),(_.plot||_.calc)&&(_.layoutReplot=!0),{flags:_,rangesAltered:L,undoit:S,redoit:k,eventData:m}}function J(t){var e=t._fullLayout,r=e.width,n=e.height;return t.layout.autosize&&h.plotAutoSize(t,t.layout,e),e.width!==r||e.height!==n}function K(t,e,n,i){if(t=o.getGraphDiv(t),T.clearPromiseQueue(t),t.framework&&t.framework.isPolar)return Promise.resolve(t);o.isPlainObject(e)||(e={}),o.isPlainObject(n)||(n={}),Object.keys(e).length&&(t.changed=!0),Object.keys(n).length&&(t.changed=!0);var a=T.coerceTraceIndices(t,i),s=U(t,o.extendFlat({},e),a),l=s.flags,u=Z(t,o.extendFlat({},n)),f=u.flags;(l.calc||f.calc)&&(t.calcdata=void 0),l.clearAxisTypes&&T.clearAxisTypes(t,a,n);var p=[];f.layoutReplot?p.push(k.layoutReplot):l.fullReplot?p.push(r.plot):(p.push(h.previousPromises),H(t,f,u)||h.supplyDefaults(t),l.style&&p.push(k.doTraceStyle),(l.colorbars||f.colorbars)&&p.push(k.doColorBars),f.legend&&p.push(k.doLegend),f.layoutstyle&&p.push(k.layoutStyles),f.axrange&&G(p,u.rangesAltered),f.ticks&&p.push(k.doTicksRelayout),f.modebar&&p.push(k.doModeBar),f.camera&&p.push(k.doCamera),p.push(E)),p.push(h.rehover,h.redrag),c.add(t,K,[t,s.undoit,u.undoit,s.traces],K,[t,s.redoit,u.redoit,s.traces]);var d=o.syncOrAsync(p,t);return d&&d.then||(d=Promise.resolve(t)),d.then((function(){return t.emit("plotly_update",{data:s.eventData,layout:u.eventData}),t}))}function Q(t){return function(e){e._fullLayout._guiEditing=!0;var r=t.apply(null,arguments);return e._fullLayout._guiEditing=!1,r}}var $=[{pattern:/^hiddenlabels/,attr:"legend.uirevision"},{pattern:/^((x|y)axis\d*)\.((auto)?range|title\.text)/},{pattern:/axis\d*\.showspikes$/,attr:"modebar.uirevision"},{pattern:/(hover|drag)mode$/,attr:"modebar.uirevision"},{pattern:/^(scene\d*)\.camera/},{pattern:/^(geo\d*)\.(projection|center|fitbounds)/},{pattern:/^(ternary\d*\.[abc]axis)\.(min|title\.text)$/},{pattern:/^(polar\d*\.radialaxis)\.((auto)?range|angle|title\.text)/},{pattern:/^(polar\d*\.angularaxis)\.rotation/},{pattern:/^(mapbox\d*)\.(center|zoom|bearing|pitch)/},{pattern:/^legend\.(x|y)$/,attr:"editrevision"},{pattern:/^(shapes|annotations)/,attr:"editrevision"},{pattern:/^title\.text$/,attr:"editrevision"}],tt=[{pattern:/^selectedpoints$/,attr:"selectionrevision"},{pattern:/(^|value\.)visible$/,attr:"legend.uirevision"},{pattern:/^dimensions\[\d+\]\.constraintrange/},{pattern:/^node\.(x|y|groups)/},{pattern:/^level$/},{pattern:/(^|value\.)name$/},{pattern:/colorbar\.title\.text$/},{pattern:/colorbar\.(x|y)$/,attr:"editrevision"}];function et(t,e){for(var r=0;r1;)if(n.pop(),void 0!==(r=s(e,n.join(".")+".uirevision").get()))return r;return e.uirevision}function nt(t,e){for(var r=0;r=i.length?i[0]:i[t]:i}function l(t){return Array.isArray(a)?t>=a.length?a[0]:a[t]:a}function c(t,e){var r=0;return function(){if(t&&++r===e)return t()}}return void 0===n._frameWaitingCnt&&(n._frameWaitingCnt=0),new Promise((function(a,u){function f(){n._currentFrame&&n._currentFrame.onComplete&&n._currentFrame.onComplete();var e=n._currentFrame=n._frameQueue.shift();if(e){var r=e.name?e.name.toString():null;t._fullLayout._currentFrame=r,n._lastFrameAt=Date.now(),n._timeToNext=e.frameOpts.duration,h.transition(t,e.frame.data,e.frame.layout,T.coerceTraceIndices(t,e.frame.traces),e.frameOpts,e.transitionOpts).then((function(){e.onComplete&&e.onComplete()})),t.emit("plotly_animatingframe",{name:r,frame:e.frame,animation:{frame:e.frameOpts,transition:e.transitionOpts}})}else t.emit("plotly_animated"),window.cancelAnimationFrame(n._animationRaf),n._animationRaf=null}function p(){t.emit("plotly_animating"),n._lastFrameAt=-1/0,n._timeToNext=0,n._runningTransitions=0,n._currentFrame=null;var e=function(){n._animationRaf=window.requestAnimationFrame(e),Date.now()-n._lastFrameAt>n._timeToNext&&f()};e()}var d,g,m=0;function v(t){return Array.isArray(i)?m>=i.length?t.transitionOpts=i[m]:t.transitionOpts=i[0]:t.transitionOpts=i,m++,t}var y=[],x=null==e,b=Array.isArray(e);if(!x&&!b&&o.isPlainObject(e))y.push({type:"object",data:v(o.extendFlat({},e))});else if(x||-1!==["string","number"].indexOf(typeof e))for(d=0;d0&&kk)&&M.push(g);y=M}}y.length>0?function(e){if(0!==e.length){for(var i=0;i=0;n--)if(o.isPlainObject(e[n])){var g=e[n].name,m=(u[g]||d[g]||{}).name,v=e[n].name,y=u[m]||d[m];m&&v&&"number"==typeof v&&y&&S<5&&(S++,o.warn('addFrames: overwriting frame "'+(u[m]||d[m]).name+'" with a frame whose name of type "number" also equates to "'+m+'". This is valid but may potentially lead to unexpected behavior since all plotly.js frame names are stored internally as strings.'),5===S&&o.warn("addFrames: This API call has yielded too many of these warnings. For the rest of this call, further warnings about numeric frame names will be suppressed.")),d[g]={name:g},p.push({frame:h.supplyFrameDefaults(e[n]),index:r&&void 0!==r[n]&&null!==r[n]?r[n]:f+n})}p.sort((function(t,e){return t.index>e.index?-1:t.index=0;n--){if("number"==typeof(i=p[n].frame).name&&o.warn("Warning: addFrames accepts frames with numeric names, but the numbers areimplicitly cast to strings"),!i.name)for(;u[i.name="frame "+t._transitionData._counter++];);if(u[i.name]){for(a=0;a=0;r--)n=e[r],a.push({type:"delete",index:n}),s.unshift({type:"insert",index:n,value:i[n]});var l=h.modifyFrames,u=h.modifyFrames,f=[t,s],p=[t,a];return c&&c.add(t,l,f,u,p),h.modifyFrames(t,a)},r.addTraces=function t(e,n,i){e=o.getGraphDiv(e);var a,s,l=[],u=r.deleteTraces,f=t,h=[e,l],p=[e,n];for(function(t,e,r){var n,i;if(!Array.isArray(t.data))throw new Error("gd.data must be an array.");if("undefined"==typeof e)throw new Error("traces must be defined.");for(Array.isArray(e)||(e=[e]),n=0;n=0&&r=0&&r=a.length)return!1;if(2===t.dimensions){if(r++,e.length===r)return t;var o=e[r];if(!_(o))return!1;t=a[i][o]}else t=a[i]}else t=a}}return t}function _(t){return t===Math.round(t)&&t>=0}function w(){var t,e,r={};for(t in d(r,o),n.subplotsRegistry){if((e=n.subplotsRegistry[t]).layoutAttributes)if(Array.isArray(e.attr))for(var i=0;i=l.length)return!1;i=(r=(n.transformsRegistry[l[c].type]||{}).attributes)&&r[e[2]],s=3}else if("area"===t.type)i=u[o];else{var f=t._module;if(f||(f=(n.modules[t.type||a.type.dflt]||{})._module),!f)return!1;if(!(i=(r=f.attributes)&&r[o])){var h=f.basePlotModule;h&&h.attributes&&(i=h.attributes[o])}i||(i=a[o])}return b(i,e,s)},r.getLayoutValObject=function(t,e){return b(function(t,e){var r,i,a,s,l=t._basePlotModules;if(l){var c;for(r=0;r=i&&(r._input||{})._templateitemname;o&&(a=i);var s,l=e+"["+a+"]";function c(){s={},o&&(s[l]={},s[l].templateitemname=o)}function u(t,e){o?n.nestedProperty(s[l],t).set(e):s[l+"."+t]=e}function f(){var t=s;return c(),t}return c(),{modifyBase:function(t,e){s[t]=e},modifyItem:u,getUpdateObj:f,applyUpdate:function(e,r){e&&u(e,r);var i=f();for(var a in i)n.nestedProperty(t,a).set(i[a])}}}},{"../lib":778,"../plots/attributes":824}],818:[function(t,e,r){"use strict";var n=t("d3"),i=t("../registry"),a=t("../plots/plots"),o=t("../lib"),s=t("../lib/clear_gl_canvases"),l=t("../components/color"),c=t("../components/drawing"),u=t("../components/titles"),f=t("../components/modebar"),h=t("../plots/cartesian/axes"),p=t("../constants/alignment"),d=t("../plots/cartesian/constraints"),g=d.enforce,m=d.clean,v=t("../plots/cartesian/autorange").doAutoRange;function y(t,e,r){for(var n=0;n=t[1]||i[1]<=t[0])&&(a[0]e[0]))return!0}return!1}function x(t){var e,i,s,u,d,g,m=t._fullLayout,v=m._size,x=v.p,_=h.list(t,"",!0);if(m._paperdiv.style({width:t._context.responsive&&m.autosize&&!t._context._hasZeroWidth&&!t.layout.width?"100%":m.width+"px",height:t._context.responsive&&m.autosize&&!t._context._hasZeroHeight&&!t.layout.height?"100%":m.height+"px"}).selectAll(".main-svg").call(c.setSize,m.width,m.height),t._context.setBackground(t,m.paper_bgcolor),r.drawMainTitle(t),f.manage(t),!m._has("cartesian"))return a.previousPromises(t);function T(t,e,r){var n=t._lw/2;return"x"===t._id.charAt(0)?e?"top"===r?e._offset-x-n:e._offset+e._length+x+n:v.t+v.h*(1-(t.position||0))+n%1:e?"right"===r?e._offset+e._length+x+n:e._offset-x-n:v.l+v.w*(t.position||0)+n%1}for(e=0;e<_.length;e++){var k=(u=_[e])._anchorAxis;u._linepositions={},u._lw=c.crispRound(t,u.linewidth,1),u._mainLinePosition=T(u,k,u.side),u._mainMirrorPosition=u.mirror&&k?T(u,k,p.OPPOSITE_SIDE[u.side]):null}var M=[],A=[],S=[],E=1===l.opacity(m.paper_bgcolor)&&1===l.opacity(m.plot_bgcolor)&&m.paper_bgcolor===m.plot_bgcolor;for(i in m._plots)if((s=m._plots[i]).mainplot)s.bg&&s.bg.remove(),s.bg=void 0;else{var C=s.xaxis.domain,L=s.yaxis.domain,I=s.plotgroup;if(y(C,L,S)){var P=I.node(),z=s.bg=o.ensureSingle(I,"rect","bg");P.insertBefore(z.node(),P.childNodes[0]),A.push(i)}else I.select("rect.bg").remove(),S.push([C,L]),E||(M.push(i),A.push(i))}var O,D,R,F,B,N,j,U,V,q,H,G,Y,W=m._bgLayer.selectAll(".bg").data(M);for(W.enter().append("rect").classed("bg",!0),W.exit().remove(),W.each((function(t){m._plots[t].bg=n.select(this)})),e=0;eT?u.push({code:"unused",traceType:y,templateCount:w,dataCount:T}):T>w&&u.push({code:"reused",traceType:y,templateCount:w,dataCount:T})}}else u.push({code:"data"});if(function t(e,r){for(var n in e)if("_"!==n.charAt(0)){var a=e[n],o=g(e,n,r);i(a)?(Array.isArray(e)&&!1===a._template&&a.templateitemname&&u.push({code:"missing",path:o,templateitemname:a.templateitemname}),t(a,o)):Array.isArray(a)&&m(a)&&t(a,o)}}({data:p,layout:h},""),u.length)return u.map(v)}},{"../lib":778,"../plots/attributes":824,"../plots/plots":891,"./plot_config":815,"./plot_schema":816,"./plot_template":817}],820:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("./plot_api"),a=t("../plots/plots"),o=t("../lib"),s=t("../snapshot/helpers"),l=t("../snapshot/tosvg"),c=t("../snapshot/svgtoimg"),u=t("../version").version,f={format:{valType:"enumerated",values:["png","jpeg","webp","svg","full-json"],dflt:"png"},width:{valType:"number",min:1},height:{valType:"number",min:1},scale:{valType:"number",min:0,dflt:1},setBackground:{valType:"any",dflt:!1},imageDataOnly:{valType:"boolean",dflt:!1}};e.exports=function(t,e){var r,h,p,d;function g(t){return!(t in e)||o.validate(e[t],f[t])}if(e=e||{},o.isPlainObject(t)?(r=t.data||[],h=t.layout||{},p=t.config||{},d={}):(t=o.getGraphDiv(t),r=o.extendDeep([],t.data),h=o.extendDeep({},t.layout),p=t._context,d=t._fullLayout||{}),!g("width")&&null!==e.width||!g("height")&&null!==e.height)throw new Error("Height and width should be pixel values.");if(!g("format"))throw new Error("Export format is not "+o.join2(f.format.values,", "," or ")+".");var m={};function v(t,r){return o.coerce(e,m,f,t,r)}var y=v("format"),x=v("width"),b=v("height"),_=v("scale"),w=v("setBackground"),T=v("imageDataOnly"),k=document.createElement("div");k.style.position="absolute",k.style.left="-5000px",document.body.appendChild(k);var M=o.extendFlat({},h);x?M.width=x:null===e.width&&n(d.width)&&(M.width=d.width),b?M.height=b:null===e.height&&n(d.height)&&(M.height=d.height);var A=o.extendFlat({},p,{_exportedPlot:!0,staticPlot:!0,setBackground:w}),S=s.getRedrawFunc(k);function E(){return new Promise((function(t){setTimeout(t,s.getDelay(k._fullLayout))}))}function C(){return new Promise((function(t,e){var r=l(k,y,_),n=k._fullLayout.width,f=k._fullLayout.height;function h(){i.purge(k),document.body.removeChild(k)}if("full-json"===y){var p=a.graphJson(k,!1,"keepdata","object",!0,!0);return p.version=u,p=JSON.stringify(p),h(),t(T?p:s.encodeJSON(p))}if(h(),"svg"===y)return t(T?r:s.encodeSVG(r));var d=document.createElement("canvas");d.id=o.randstr(),c({format:y,width:n,height:f,scale:_,canvas:d,svg:r,promise:!0}).then(t).catch(e)}))}return new Promise((function(t,e){i.plot(k,r,M,A).then(S).then(E).then(C).then((function(e){t(function(t){return T?t.replace(s.IMAGE_URL_PREFIX,""):t}(e))})).catch((function(t){e(t)}))}))}},{"../lib":778,"../plots/plots":891,"../snapshot/helpers":915,"../snapshot/svgtoimg":917,"../snapshot/tosvg":919,"../version":1370,"./plot_api":814,"fast-isnumeric":241}],821:[function(t,e,r){"use strict";var n=t("../lib"),i=t("../plots/plots"),a=t("./plot_schema"),o=t("./plot_config").dfltConfig,s=n.isPlainObject,l=Array.isArray,c=n.isArrayOrTypedArray;function u(t,e,r,i,a,o){o=o||[];for(var f=Object.keys(t),h=0;hx.length&&i.push(d("unused",a,v.concat(x.length)));var M,A,S,E,C,L=x.length,I=Array.isArray(k);if(I&&(L=Math.min(L,k.length)),2===b.dimensions)for(A=0;Ax[A].length&&i.push(d("unused",a,v.concat(A,x[A].length)));var P=x[A].length;for(M=0;M<(I?Math.min(P,k[A].length):P);M++)S=I?k[A][M]:k,E=y[A][M],C=x[A][M],n.validate(E,S)?C!==E&&C!==+E&&i.push(d("dynamic",a,v.concat(A,M),E,C)):i.push(d("value",a,v.concat(A,M),E))}else i.push(d("array",a,v.concat(A),y[A]));else for(A=0;A1&&p.push(d("object","layout"))),i.supplyDefaults(g);for(var m=g._fullData,v=r.length,y=0;y0&&Math.round(f)===f))return i;c=f}for(var h=e.calendar,p="start"===l,d="end"===l,g=t[r+"period0"],m=a(g,h)||0,v=[],y=i.length,x=0;xT;)w=o(w,-c,h);for(;w<=T;)w=o(w,c,h);_=o(w,-c,h)}else{for(w=m+(b=Math.round((T-m)/u))*u;w>T;)w-=u;for(;w<=T;)w+=u;_=w-u}v[x]=p?_:d?w:(_+w)/2}return v}},{"../../constants/numerical":753,"../../lib":778,"fast-isnumeric":241}],826:[function(t,e,r){"use strict";e.exports={xaxis:{valType:"subplotid",dflt:"x",editType:"calc+clearAxisTypes"},yaxis:{valType:"subplotid",dflt:"y",editType:"calc+clearAxisTypes"}}},{}],827:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../lib"),a=t("../../constants/numerical").FP_SAFE,o=t("../../registry"),s=t("./axis_ids"),l=s.getFromId,c=s.isLinked;function u(t,e){var r,n,a=[],o=t._fullLayout,s=h(o,e,0),l=h(o,e,1),c=p(t,e),u=c.min,d=c.max;if(0===u.length||0===d.length)return i.simpleMap(e.range,e.r2l);var g=u[0].val,m=d[0].val;for(r=1;r0&&((T=E-s(x)-l(b))>C?k/T>L&&(_=x,w=b,L=k/T):k/E>L&&(_={val:x.val,nopad:1},w={val:b.val,nopad:1},L=k/E));if(g===m){var I=g-1,P=g+1;if(A)if(0===g)a=[0,1];else{var z=(g>0?d:u).reduce((function(t,e){return Math.max(t,l(e))}),0),O=g/(1-Math.min(.5,z/E));a=g>0?[0,O]:[O,0]}else a=S?[Math.max(0,I),Math.max(1,P)]:[I,P]}else A?(_.val>=0&&(_={val:0,nopad:1}),w.val<=0&&(w={val:0,nopad:1})):S&&(_.val-L*s(_)<0&&(_={val:0,nopad:1}),w.val<=0&&(w={val:1,nopad:1})),L=(w.val-_.val-f(e,x.val,b.val))/(E-s(_)-l(w)),a=[_.val-L*s(_),w.val+L*l(w)];return v&&a.reverse(),i.simpleMap(a,e.l2r||Number)}function f(t,e,r){var n=0;if(t.rangebreaks)for(var i=t.locateBreaks(e,r),a=0;a0?r.ppadplus:r.ppadminus)||r.ppad||0),S=M((t._m>0?r.ppadminus:r.ppadplus)||r.ppad||0),E=M(r.vpadplus||r.vpad),C=M(r.vpadminus||r.vpad);if(!T){if(h=1/0,p=-1/0,w)for(i=0;i0&&(h=o),o>p&&o-a&&(h=o),o>p&&o=P;i--)I(i);return{min:m,max:y,opts:r}},concatExtremes:p};function p(t,e,r){var n,i,a,o=e._id,s=t._fullData,c=t._fullLayout,u=[],f=[];function h(t,e){for(n=0;n=r&&(c.extrapad||!o)){s=!1;break}i(e,c.val)&&c.pad<=r&&(o||!c.extrapad)&&(t.splice(l,1),l--)}if(s){var u=a&&0===e;t.push({val:e,pad:u?0:r,extrapad:!u&&o})}}function v(t){return n(t)&&Math.abs(t)=e}},{"../../constants/numerical":753,"../../lib":778,"../../registry":911,"./axis_ids":831,"fast-isnumeric":241}],828:[function(t,e,r){"use strict";var n=t("d3"),i=t("fast-isnumeric"),a=t("../../plots/plots"),o=t("../../registry"),s=t("../../lib"),l=s.strTranslate,c=t("../../lib/svg_text_utils"),u=t("../../components/titles"),f=t("../../components/color"),h=t("../../components/drawing"),p=t("./layout_attributes"),d=t("./clean_ticks"),g=t("../../constants/numerical"),m=g.ONEMAXYEAR,v=g.ONEAVGYEAR,y=g.ONEMINYEAR,x=g.ONEMAXQUARTER,b=g.ONEAVGQUARTER,_=g.ONEMINQUARTER,w=g.ONEMAXMONTH,T=g.ONEAVGMONTH,k=g.ONEMINMONTH,M=g.ONEWEEK,A=g.ONEDAY,S=A/2,E=g.ONEHOUR,C=g.ONEMIN,L=g.ONESEC,I=g.MINUS_SIGN,P=g.BADNUM,z=t("../../constants/alignment"),O=z.MID_SHIFT,D=z.CAP_SHIFT,R=z.LINE_SPACING,F=z.OPPOSITE_SIDE,B=e.exports={};B.setConvert=t("./set_convert");var N=t("./axis_autotype"),j=t("./axis_ids"),U=j.idSort,V=j.isLinked;B.id2name=j.id2name,B.name2id=j.name2id,B.cleanId=j.cleanId,B.list=j.list,B.listIds=j.listIds,B.getFromId=j.getFromId,B.getFromTrace=j.getFromTrace;var q=t("./autorange");B.getAutoRange=q.getAutoRange,B.findExtremes=q.findExtremes;function H(t){var e=1e-4*(t[1]-t[0]);return[t[0]-e,t[1]+e]}B.coerceRef=function(t,e,r,n,i,a){var o=n.charAt(n.length-1),l=r._fullLayout._subplots[o+"axis"],c=n+"ref",u={};return i||(i=l[0]||("string"==typeof a?a:a[0])),a||(a=i),l=l.concat(l.map((function(t){return t+" domain"}))),u[c]={valType:"enumerated",values:l.concat(a?"string"==typeof a?[a]:a:[]),dflt:i},s.coerce(t,e,u,c)},B.getRefType=function(t){return void 0===t?t:"paper"===t?"paper":"pixel"===t?"pixel":/( domain)$/.test(t)?"domain":"range"},B.coercePosition=function(t,e,r,n,i,a){var o,l;if("range"!==B.getRefType(n))o=s.ensureNumber,l=r(i,a);else{var c=B.getFromId(e,n);l=r(i,a=c.fraction2r(a)),o=c.cleanPos}t[i]=o(l)},B.cleanPosition=function(t,e,r){return("paper"===r||"pixel"===r?s.ensureNumber:B.getFromId(e,r).cleanPos)(t)},B.redrawComponents=function(t,e){e=e||B.listIds(t);var r=t._fullLayout;function n(n,i,a,s){for(var l=o.getComponentMethod(n,i),c={},u=0;u2e-6||((r-t._forceTick0)/t._minDtick%1+1.000001)%1>2e-6)&&(t._minDtick=0)):t._minDtick=0},B.saveRangeInitial=function(t,e){for(var r=B.list(t,"",!0),n=!1,i=0;i.3*h||u(n)||u(a))){var p=r.dtick/2;t+=t+p.8){var o=Number(r.substr(1));a.exactYears>.8&&o%12==0?t=B.tickIncrement(t,"M6","reverse")+1.5*A:a.exactMonths>.8?t=B.tickIncrement(t,"M1","reverse")+15.5*A:t-=S;var l=B.tickIncrement(t,r);if(l<=n)return l}return t}(y,t,v,c,a)),m=y,0;m<=u;)m=B.tickIncrement(m,v,!1,a);return{start:e.c2r(y,0,a),end:e.c2r(m,0,a),size:v,_dataSpan:u-c}},B.prepTicks=function(t,e){var r=s.simpleMap(t.range,t.r2l,void 0,void 0,e);if(t._dtickInit=t.dtick,t._tick0Init=t.tick0,"auto"===t.tickmode||!t.dtick){var n,a=t.nticks;a||("category"===t.type||"multicategory"===t.type?(n=t.tickfont?1.2*(t.tickfont.size||12):15,a=t._length/n):(n="y"===t._id.charAt(0)?40:80,a=s.constrain(t._length/n,4,9)+1),"radialaxis"===t._name&&(a*=2)),"array"===t.tickmode&&(a*=100),t._roughDTick=Math.abs(r[1]-r[0])/a,B.autoTicks(t,t._roughDTick),t._minDtick>0&&t.dtick<2*t._minDtick&&(t.dtick=t._minDtick,t.tick0=t.l2r(t._forceTick0))}"period"===t.ticklabelmode&&function(t){var e;function r(){return!(i(t.dtick)||"M"!==t.dtick.charAt(0))}var n=r(),a=B.getTickFormat(t);if(a){var o=t._dtickInit!==t.dtick;/%[fLQsSMX]/.test(a)||(/%[HI]/.test(a)?(e=E,o&&!n&&t.dticka&&f=o:p<=o;p=B.tickIncrement(p,t.dtick,l,t.calendar)){if(t.rangebreaks&&!l){if(p=u)break}if(C.length>g||p===L)break;L=p;var I=!1;f&&p!==(0|p)&&(I=!0),C.push({minor:I,value:p})}if(h&&function(t,e,r){for(var n=0;n0?(a=n-1,o=n):(a=n,o=n);var s,l=t[a].value,c=t[o].value,u=Math.abs(c-l),f=r||u,h=0;f>=y?h=u>=y&&u<=m?u:v:r===b&&f>=_?h=u>=_&&u<=x?u:b:f>=k?h=u>=k&&u<=w?u:T:r===M&&f>=M?h=M:f>=A?h=A:r===S&&f>=S?h=S:r===E&&f>=E&&(h=E),h>=u&&(h=u,s=!0);var p=i+h;if(e.rangebreaks&&h>0){for(var d=0,g=0;g<84;g++){var C=(g+.5)/84;e.maskBreaks(i*(1-C)+C*p)!==P&&d++}(h*=d/84)||(t[n].drop=!0),s&&u>M&&(h=u)}(h>0||0===n)&&(t[n].periodX=i+h/2)}}(C,t,t._definedDelta),t.rangebreaks){var z="y"===t._id.charAt(0),O=1;"auto"===t.tickmode&&(O=t.tickfont?t.tickfont.size:12);var D=NaN;for(d=C.length-1;d>-1;d--)if(C[d].drop)C.splice(d,1);else{C[d].value=wt(C[d].value,t);var R=t.c2p(C[d].value);(z?D>R-O:Du||Nu&&(F.periodX=u),N10||"01-01"!==n.substr(5)?t._tickround="d":t._tickround=+e.substr(1)%12==0?"y":"m";else if(e>=A&&a<=10||e>=15*A)t._tickround="d";else if(e>=C&&a<=16||e>=E)t._tickround="M";else if(e>=L&&a<=19||e>=C)t._tickround="S";else{var o=t.l2r(r+e).replace(/^-/,"").length;t._tickround=Math.max(a,o)-20,t._tickround<0&&(t._tickround=4)}}else if(i(e)||"L"===e.charAt(0)){var s=t.range.map(t.r2d||Number);i(e)||(e=Number(e.substr(1))),t._tickround=2-Math.floor(Math.log(e)/Math.LN10+.01);var l=Math.max(Math.abs(s[0]),Math.abs(s[1])),c=Math.floor(Math.log(l)/Math.LN10+.01),u=void 0===t.minexponent?3:t.minexponent;Math.abs(c)>u&&(ot(t.exponentformat)&&!st(c)?t._tickexponent=3*Math.round((c-1)/3):t._tickexponent=c)}else t._tickround=null}function it(t,e,r){var n=t.tickfont||{};return{x:e,dx:0,dy:0,text:r||"",fontSize:n.size,font:n.family,fontColor:n.color}}B.autoTicks=function(t,e){var r;function n(t){return Math.pow(t,Math.floor(Math.log(e)/Math.LN10))}if("date"===t.type){t.tick0=s.dateTick0(t.calendar,0);var a=2*e;if(a>v)e/=v,r=n(10),t.dtick="M"+12*rt(e,r,Z);else if(a>T)e/=T,t.dtick="M"+rt(e,1,J);else if(a>A){t.dtick=rt(e,A,t._hasDayOfWeekBreaks?[1,2,7,14]:Q);var o=B.getTickFormat(t),l="period"===t.ticklabelmode;l&&(t._rawTick0=t.tick0),/%[uVW]/.test(o)?t.tick0=s.dateTick0(t.calendar,2):t.tick0=s.dateTick0(t.calendar,1),l&&(t._dowTick0=t.tick0)}else a>E?t.dtick=rt(e,E,J):a>C?t.dtick=rt(e,C,K):a>L?t.dtick=rt(e,L,K):(r=n(10),t.dtick=rt(e,r,Z))}else if("log"===t.type){t.tick0=0;var c=s.simpleMap(t.range,t.r2l);if(e>.7)t.dtick=Math.ceil(e);else if(Math.abs(c[1]-c[0])<1){var u=1.5*Math.abs((c[1]-c[0])/e);e=Math.abs(Math.pow(10,c[1])-Math.pow(10,c[0]))/u,r=n(10),t.dtick="L"+rt(e,r,Z)}else t.dtick=e>.3?"D2":"D1"}else"category"===t.type||"multicategory"===t.type?(t.tick0=0,t.dtick=Math.ceil(Math.max(e,1))):_t(t)?(t.tick0=0,r=1,t.dtick=rt(e,r,et)):(t.tick0=0,r=n(10),t.dtick=rt(e,r,Z));if(0===t.dtick&&(t.dtick=1),!i(t.dtick)&&"string"!=typeof t.dtick){var f=t.dtick;throw t.dtick=1,"ax.dtick error: "+String(f)}},B.tickIncrement=function(t,e,r,a){var o=r?-1:1;if(i(e))return s.increment(t,o*e);var l=e.charAt(0),c=o*Number(e.substr(1));if("M"===l)return s.incrementMonth(t,c,a);if("L"===l)return Math.log(Math.pow(10,t)+c)/Math.LN10;if("D"===l){var u="D2"===e?tt:$,f=t+.01*o,h=s.roundUp(s.mod(f,1),u,r);return Math.floor(f)+Math.log(n.round(Math.pow(10,h),1))/Math.LN10}throw"unrecognized dtick "+String(e)},B.tickFirst=function(t,e){var r=t.r2l||Number,a=s.simpleMap(t.range,r,void 0,void 0,e),o=a[1] ")}else t._prevDateHead=l,c+="
"+l;e.text=c}(t,o,r,c):"log"===u?function(t,e,r,n,a){var o=t.dtick,l=e.x,c=t.tickformat,u="string"==typeof o&&o.charAt(0);"never"===a&&(a="");n&&"L"!==u&&(o="L3",u="L");if(c||"L"===u)e.text=lt(Math.pow(10,l),t,a,n);else if(i(o)||"D"===u&&s.mod(l+.01,1)<.1){var f=Math.round(l),h=Math.abs(f),p=t.exponentformat;"power"===p||ot(p)&&st(f)?(e.text=0===f?1:1===f?"10":"10"+(f>1?"":I)+h+"",e.fontSize*=1.25):("e"===p||"E"===p)&&h>2?e.text="1"+p+(f>0?"+":I)+h:(e.text=lt(Math.pow(10,l),t,"","fakehover"),"D1"===o&&"y"===t._id.charAt(0)&&(e.dy-=e.fontSize/6))}else{if("D"!==u)throw"unrecognized dtick "+String(o);e.text=String(Math.round(Math.pow(10,s.mod(l,1)))),e.fontSize*=.75}if("D1"===t.dtick){var d=String(e.text).charAt(0);"0"!==d&&"1"!==d||("y"===t._id.charAt(0)?e.dx-=e.fontSize/4:(e.dy+=e.fontSize/2,e.dx+=(t.range[1]>t.range[0]?1:-1)*e.fontSize*(l<0?.5:.25)))}}(t,o,0,c,g):"category"===u?function(t,e){var r=t._categories[Math.round(e.x)];void 0===r&&(r="");e.text=String(r)}(t,o):"multicategory"===u?function(t,e,r){var n=Math.round(e.x),i=t._categories[n]||[],a=void 0===i[1]?"":String(i[1]),o=void 0===i[0]?"":String(i[0]);r?e.text=o+" - "+a:(e.text=a,e.text2=o)}(t,o,r):_t(t)?function(t,e,r,n,i){if("radians"!==t.thetaunit||r)e.text=lt(e.x,t,i,n);else{var a=e.x/180;if(0===a)e.text="0";else{var o=function(t){function e(t,e){return Math.abs(t-e)<=1e-6}var r=function(t){for(var r=1;!e(Math.round(t*r)/r,t);)r*=10;return r}(t),n=t*r,i=Math.abs(function t(r,n){return e(n,0)?r:t(n,r%n)}(n,r));return[Math.round(n/i),Math.round(r/i)]}(a);if(o[1]>=100)e.text=lt(s.deg2rad(e.x),t,i,n);else{var l=e.x<0;1===o[1]?1===o[0]?e.text="\u03c0":e.text=o[0]+"\u03c0":e.text=["",o[0],"","\u2044","",o[1],"","\u03c0"].join(""),l&&(e.text=I+e.text)}}}}(t,o,r,c,g):function(t,e,r,n,i){"never"===i?i="":"all"===t.showexponent&&Math.abs(e.x/t.dtick)<1e-6&&(i="hide");e.text=lt(e.x,t,i,n)}(t,o,0,c,g),n||(t.tickprefix&&!d(t.showtickprefix)&&(o.text=t.tickprefix+o.text),t.ticksuffix&&!d(t.showticksuffix)&&(o.text+=t.ticksuffix)),"boundaries"===t.tickson||t.showdividers){var m=function(e){var r=t.l2p(e);return r>=0&&r<=t._length?e:null};o.xbnd=[m(o.x-.5),m(o.x+t.dtick-.5)]}return o},B.hoverLabelText=function(t,e,r){if(r!==P&&r!==e)return B.hoverLabelText(t,e)+" - "+B.hoverLabelText(t,r);var n="log"===t.type&&e<=0,i=B.tickText(t,t.c2l(n?-e:e),"hover").text;return n?0===e?"0":I+i:i};var at=["f","p","n","\u03bc","m","","k","M","G","T"];function ot(t){return"SI"===t||"B"===t}function st(t){return t>14||t<-15}function lt(t,e,r,n){var a=t<0,o=e._tickround,l=r||e.exponentformat||"B",c=e._tickexponent,u=B.getTickFormat(e),f=e.separatethousands;if(n){var h={exponentformat:l,minexponent:e.minexponent,dtick:"none"===e.showexponent?e.dtick:i(t)&&Math.abs(t)||1,range:"none"===e.showexponent?e.range.map(e.r2d):[0,t||1]};nt(h),o=(Number(h._tickround)||0)+4,c=h._tickexponent,e.hoverformat&&(u=e.hoverformat)}if(u)return e._numFormat(u)(t).replace(/-/g,I);var p,d=Math.pow(10,-o)/2;if("none"===l&&(c=0),(t=Math.abs(t))"+p+"":"B"===l&&9===c?t+="B":ot(l)&&(t+=at[c/3+5]));return a?I+t:t}function ct(t,e){for(var r=[],n={},i=0;i1&&r=i.min&&t=0,a=u(t,e[1])<=0;return(r||i)&&(n||a)}if(t.tickformatstops&&t.tickformatstops.length>0)switch(t.type){case"date":case"linear":for(e=0;e=o(i)))){r=n;break}break;case"log":for(e=0;e0?r.bottom-f:0,h)))),e.automargin){n={x:0,y:0,r:0,l:0,t:0,b:0};var p=[0,1];if("x"===d){if("b"===l?n[l]=e._depth:(n[l]=e._depth=Math.max(r.width>0?f-r.top:0,h),p.reverse()),r.width>0){var m=r.right-(e._offset+e._length);m>0&&(n.xr=1,n.r=m);var v=e._offset-r.left;v>0&&(n.xl=0,n.l=v)}}else if("l"===l?n[l]=e._depth=Math.max(r.height>0?f-r.left:0,h):(n[l]=e._depth=Math.max(r.height>0?r.right-f:0,h),p.reverse()),r.height>0){var y=r.bottom-(e._offset+e._length);y>0&&(n.yb=0,n.b=y);var x=e._offset-r.top;x>0&&(n.yt=1,n.t=x)}n[g]="free"===e.anchor?e.position:e._anchorAxis.domain[p[0]],e.title.text!==c._dfltTitle[d]&&(n[l]+=ht(e)+(e.title.standoff||0)),e.mirror&&"free"!==e.anchor&&((i={x:0,y:0,r:0,l:0,t:0,b:0})[u]=e.linewidth,e.mirror&&!0!==e.mirror&&(i[u]+=h),!0===e.mirror||"ticks"===e.mirror?i[g]=e._anchorAxis.domain[p[1]]:"all"!==e.mirror&&"allticks"!==e.mirror||(i[g]=[e._counterDomainMin,e._counterDomainMax][p[1]]))}K&&(s=o.getComponentMethod("rangeslider","autoMarginOpts")(t,e)),a.autoMargin(t,gt(e),n),a.autoMargin(t,mt(e),i),a.autoMargin(t,vt(e),s)})),r.skipTitle||K&&"bottom"===e.side||Z.push((function(){return function(t,e){var r,n=t._fullLayout,i=e._id,a=i.charAt(0),o=e.title.font.size;if(e.title.hasOwnProperty("standoff"))r=e._depth+e.title.standoff+ht(e);else{var s=-1!==(e.ticklabelposition||"").indexOf("inside");if("multicategory"===e.type)r=e._depth;else{var l=1.5*o;s&&(l=.5*o,"outside"===e.ticks&&(l+=e.ticklen)),r=10+l+(e.linewidth?e.linewidth-1:0)}s||(r+="x"===a?"top"===e.side?o*(e.showticklabels?1:0):o*(e.showticklabels?1.5:.5):"right"===e.side?o*(e.showticklabels?1:.5):o*(e.showticklabels?.5:0))}var c,f,p,d,g=B.getPxPosition(t,e);"x"===a?(f=e._offset+e._length/2,p="top"===e.side?g-r:g+r):(p=e._offset+e._length/2,f="right"===e.side?g+r:g-r,c={rotate:"-90",offset:0});if("multicategory"!==e.type){var m=e._selections[e._id+"tick"];if(d={selection:m,side:e.side},m&&m.node()&&m.node().parentNode){var v=h.getTranslate(m.node().parentNode);d.offsetLeft=v.x,d.offsetTop=v.y}e.title.hasOwnProperty("standoff")&&(d.pad=0)}return u.draw(t,i+"title",{propContainer:e,propName:e._name+".title.text",placeholder:n._dfltTitle[a],avoid:d,transform:c,attributes:{x:f,y:p,"text-anchor":"middle"}})}(t,e)})),s.syncOrAsync(Z)}}function Q(t){var r=p+(t||"tick");return w[r]||(w[r]=function(t,e){var r,n,i,a;t._selections[e].size()?(r=1/0,n=-1/0,i=1/0,a=-1/0,t._selections[e].each((function(){var t=dt(this),e=h.bBox(t.node().parentNode);r=Math.min(r,e.top),n=Math.max(n,e.bottom),i=Math.min(i,e.left),a=Math.max(a,e.right)}))):(r=0,n=0,i=0,a=0);return{top:r,bottom:n,left:i,right:a,height:n-r,width:a-i}}(e,r)),w[r]}},B.getTickSigns=function(t){var e=t._id.charAt(0),r={x:"top",y:"right"}[e],n=t.side===r?1:-1,i=[-1,1,n,-n];return"inside"!==t.ticks==("x"===e)&&(i=i.map((function(t){return-t}))),t.side&&i.push({l:-1,t:-1,r:1,b:1}[t.side.charAt(0)]),i},B.makeTransTickFn=function(t){return"x"===t._id.charAt(0)?function(e){return l(t._offset+t.l2p(e.x),0)}:function(e){return l(0,t._offset+t.l2p(e.x))}},B.makeTransTickLabelFn=function(t){var e=function(t){var e=t.ticklabelposition||"",r=function(t){return-1!==e.indexOf(t)},n=r("top"),i=r("left"),a=r("right"),o=r("bottom"),s=r("inside"),l=o||i||n||a;if(!l&&!s)return[0,0];var c=t.side,u=l?(t.tickwidth||0)/2:0,f=3,h=t.tickfont?t.tickfont.size:12;(o||n)&&(u+=h*D,f+=(t.linewidth||0)/2);(i||a)&&(u+=(t.linewidth||0)/2,f+=3);s&&"top"===c&&(f-=h*(1-D));(i||n)&&(u=-u);"bottom"!==c&&"right"!==c||(f=-f);return[l?u:0,s?f:0]}(t),r=e[0],n=e[1];return"x"===t._id.charAt(0)?function(e){return l(r+t._offset+t.l2p(ut(e)),n)}:function(e){return l(n,r+t._offset+t.l2p(ut(e)))}},B.makeTickPath=function(t,e,r,n){n=void 0!==n?n:t.ticklen;var i=t._id.charAt(0),a=(t.linewidth||1)/2;return"x"===i?"M0,"+(e+a*r)+"v"+n*r:"M"+(e+a*r)+",0h"+n*r},B.makeLabelFns=function(t,e,r){var n=t.ticklabelposition||"",a=function(t){return-1!==n.indexOf(t)},o=a("top"),l=a("left"),c=a("right"),u=a("bottom")||l||o||c,f=a("inside"),h="inside"===n&&"inside"===t.ticks||!f&&"outside"===t.ticks&&"boundaries"!==t.tickson,p=0,d=0,g=h?t.ticklen:0;if(f?g*=-1:u&&(g=0),h&&(p+=g,r)){var m=s.deg2rad(r);p=g*Math.cos(m)+1,d=g*Math.sin(m)}t.showticklabels&&(h||t.showline)&&(p+=.2*t.tickfont.size);var v,y,x,b,_,w={labelStandoff:p+=(t.linewidth||1)/2*(f?-1:1),labelShift:d},T=0,k=t.side,M=t._id.charAt(0),A=t.tickangle;if("x"===M)b=(_=!f&&"bottom"===k||f&&"top"===k)?1:-1,f&&(b*=-1),v=d*b,y=e+p*b,x=_?1:-.2,90===Math.abs(A)&&(f?x+=O:x=-90===A&&"bottom"===k?D:90===A&&"top"===k?O:.5,T=O/2*(A/90)),w.xFn=function(t){return t.dx+v+T*t.fontSize},w.yFn=function(t){return t.dy+y+t.fontSize*x},w.anchorFn=function(t,e){if(u){if(l)return"end";if(c)return"start"}return i(e)&&0!==e&&180!==e?e*b<0!==f?"end":"start":"middle"},w.heightFn=function(e,r,n){return r<-60||r>60?-.5*n:"top"===t.side!==f?-n:0};else if("y"===M){if(b=(_=!f&&"left"===k||f&&"right"===k)?1:-1,f&&(b*=-1),v=p,y=d*b,x=0,f||90!==Math.abs(A)||(x=-90===A&&"left"===k||90===A&&"right"===k?D:.5),f){var S=i(A)?+A:0;if(0!==S){var E=s.deg2rad(S);T=Math.abs(Math.sin(E))*D*b,x=0}}w.xFn=function(t){return t.dx+e-(v+t.fontSize*x)*b+T*t.fontSize},w.yFn=function(t){return t.dy+y+t.fontSize*O},w.anchorFn=function(t,e){return i(e)&&90===Math.abs(e)?"middle":_?"end":"start"},w.heightFn=function(e,r,n){return"right"===t.side&&(r*=-1),r<-30?-n:r<30?-.5*n:0}}return w},B.drawTicks=function(t,e,r){r=r||{};var n=e._id+"tick",i=r.vals;"period"===e.ticklabelmode&&(i=i.slice()).shift();var a=r.layer.selectAll("path."+n).data(e.ticks?i:[],ft);a.exit().remove(),a.enter().append("path").classed(n,1).classed("ticks",1).classed("crisp",!1!==r.crisp).call(f.stroke,e.tickcolor).style("stroke-width",h.crispRound(t,e.tickwidth,1)+"px").attr("d",r.path),a.attr("transform",r.transFn)},B.drawGrid=function(t,e,r){r=r||{};var n=e._id+"grid",i=r.vals,a=r.counterAxis;if(!1===e.showgrid)i=[];else if(a&&B.shouldShowZeroLine(t,e,a))for(var o="array"===e.tickmode,s=0;so||i.lefto||i.top+(e.tickangle?0:t.fontSize/4)1)for(n=1;n2*o}(i,e))return"date";var m="strict"!==r.autotypenumbers;return function(t,e){for(var r=t.length,n=f(r),i=0,o=0,s={},u=0;u2*i}(i,m)?"category":function(t,e){for(var r=t.length,n=0;n=2){var l,c,u="";if(2===o.length)for(l=0;l<2;l++)if(c=y(o[l])){u=d;break}var f=i("pattern",u);if(f===d)for(l=0;l<2;l++)(c=y(o[l]))&&(e.bounds[l]=o[l]=c-1);if(f)for(l=0;l<2;l++)switch(c=o[l],f){case d:if(!n(c))return void(e.enabled=!1);if((c=+c)!==Math.floor(c)||c<0||c>=7)return void(e.enabled=!1);e.bounds[l]=o[l]=c;break;case g:if(!n(c))return void(e.enabled=!1);if((c=+c)<0||c>24)return void(e.enabled=!1);e.bounds[l]=o[l]=c}if(!1===r.autorange){var h=r.range;if(h[0]h[1])return void(e.enabled=!1)}else if(o[0]>h[0]&&o[1]n?1:-1:+(t.substr(1)||1)-+(e.substr(1)||1)},r.ref2id=function(t){return!!/^[xyz]/.test(t)&&t.split(" ")[0]},r.isLinked=function(t,e){return a(e,t._axisMatchGroups)||a(e,t._axisConstraintGroups)}},{"../../registry":911,"./constants":834}],832:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){if("category"===e.type){var i,a=t.categoryarray,o=Array.isArray(a)&&a.length>0;o&&(i="array");var s,l=r("categoryorder",i);"array"===l&&(s=r("categoryarray")),o||"array"!==l||(l=e.categoryorder="trace"),"trace"===l?e._initialCategories=[]:"array"===l?e._initialCategories=s.slice():(s=function(t,e){var r,n,i,a=e.dataAttr||t._id.charAt(0),o={};if(e.axData)r=e.axData;else for(r=[],n=0;nn?i.substr(n):a.substr(r))+o:i+a+t*e:o}function m(t,e){for(var r=e._size,n=r.h/r.w,i={},a=Object.keys(t),o=0;oc*x)||T)for(r=0;rz&&FI&&(I=F);h/=(I-L)/(2*P),L=l.l2r(L),I=l.l2r(I),l.range=l._input.range=S=0?Math.min(t,.9):1/(1/Math.max(t,-.3)+3.222))}function B(t,e,r,n,i){return t.append("path").attr("class","zoombox").style({fill:e>.2?"rgba(0,0,0,0)":"rgba(255,255,255,0)","stroke-width":0}).attr("transform",l(r,n)).attr("d",i+"Z")}function N(t,e,r){return t.append("path").attr("class","zoombox-corners").style({fill:u.background,stroke:u.defaultLine,"stroke-width":1,opacity:0}).attr("transform",l(e,r)).attr("d","M0,0Z")}function j(t,e,r,n,i,a){t.attr("d",n+"M"+r.l+","+r.t+"v"+r.h+"h"+r.w+"v-"+r.h+"h-"+r.w+"Z"),U(t,e,i,a)}function U(t,e,r,n){r||(t.transition().style("fill",n>.2?"rgba(0,0,0,0.4)":"rgba(255,255,255,0.3)").duration(200),e.transition().style("opacity",1).duration(200))}function V(t){n.select(t).selectAll(".zoombox,.js-zoombox-backdrop,.js-zoombox-menu,.zoombox-corners").remove()}function q(t){I&&t.data&&t._context.showTips&&(s.notifier(s._(t,"Double-click to zoom back out"),"long"),I=!1)}function H(t){var e=Math.floor(Math.min(t.b-t.t,t.r-t.l,L)/2);return"M"+(t.l-3.5)+","+(t.t-.5+e)+"h3v"+-e+"h"+e+"v-3h-"+(e+3)+"ZM"+(t.r+3.5)+","+(t.t-.5+e)+"h-3v"+-e+"h"+-e+"v-3h"+(e+3)+"ZM"+(t.r+3.5)+","+(t.b+.5-e)+"h-3v"+e+"h"+-e+"v3h"+(e+3)+"ZM"+(t.l-3.5)+","+(t.b+.5-e)+"h3v"+e+"h"+e+"v3h-"+(e+3)+"Z"}function G(t,e,r,n,i){for(var a,o,l,c,u=!1,f={},h={},p=(i||{}).xaHash,d=(i||{}).yaHash,g=0;g=0)i._fullLayout._deactivateShape(i);else{var a=i._fullLayout.clickmode;if(V(i),2!==t||mt||qt(),gt)a.indexOf("select")>-1&&A(r,i,Z,J,e.id,Lt),a.indexOf("event")>-1&&h.click(i,r,e.id);else if(1===t&&mt){var s=d?P:I,l="s"===d||"w"===m?0:1,u=s._name+".range["+l+"]",f=function(t,e){var r,i=t.range[e],a=Math.abs(i-t.range[1-e]);return"date"===t.type?i:"log"===t.type?(r=Math.ceil(Math.max(0,-Math.log(a)/Math.LN10))+3,n.format("."+r+"g")(Math.pow(10,i))):(r=Math.floor(Math.log(Math.abs(i))/Math.LN10)-Math.floor(Math.log(a)/Math.LN10)+4,n.format("."+String(r)+"g")(i))}(s,l),p="left",g="middle";if(s.fixedrange)return;d?(g="n"===d?"top":"bottom","right"===s.side&&(p="right")):"e"===m&&(p="right"),i._context.showAxisRangeEntryBoxes&&n.select(xt).call(c.makeEditable,{gd:i,immediate:!0,background:i._fullLayout.paper_bgcolor,text:String(f),fill:s.tickfont?s.tickfont.color:"#444",horizontalAlign:p,verticalAlign:g}).on("edit",(function(t){var e=s.d2r(t);void 0!==e&&o.call("_guiRelayout",i,u,e)}))}}}function zt(e,r){if(t._transitioningWithDuration)return!1;var n=Math.max(0,Math.min($,ht*e+bt)),i=Math.max(0,Math.min(tt,pt*r+_t)),a=Math.abs(n-bt),o=Math.abs(i-_t);function s(){At="",wt.r=wt.l,wt.t=wt.b,Et.attr("d","M0,0Z")}if(wt.l=Math.min(bt,n),wt.r=Math.max(bt,n),wt.t=Math.min(_t,i),wt.b=Math.max(_t,i),et.isSubplotConstrained)a>L||o>L?(At="xy",a/$>o/tt?(o=a*tt/$,_t>i?wt.t=_t-o:wt.b=_t+o):(a=o*$/tt,bt>n?wt.l=bt-a:wt.r=bt+a),Et.attr("d",H(wt))):s();else if(rt.isSubplotConstrained)if(a>L||o>L){At="xy";var l=Math.min(wt.l/$,(tt-wt.b)/tt),c=Math.max(wt.r/$,(tt-wt.t)/tt);wt.l=l*$,wt.r=c*$,wt.b=(1-l)*tt,wt.t=(1-c)*tt,Et.attr("d",H(wt))}else s();else!it||o0){var u;if(rt.isSubplotConstrained||!nt&&1===it.length){for(u=0;ug[1]-1/4096&&(e.domain=s),i.noneOrAll(t.domain,e.domain,s)}return r("layer"),e}},{"../../lib":778,"fast-isnumeric":241}],846:[function(t,e,r){"use strict";var n=t("../../constants/alignment").FROM_BL;e.exports=function(t,e,r){void 0===r&&(r=n[t.constraintoward||"center"]);var i=[t.r2l(t.range[0]),t.r2l(t.range[1])],a=i[0]+(i[1]-i[0])*r;t.range=t._input.range=[t.l2r(a+(i[0]-a)*e),t.l2r(a+(i[1]-a)*e)],t.setScale()}},{"../../constants/alignment":745}],847:[function(t,e,r){"use strict";var n=t("polybooljs"),i=t("../../registry"),a=t("../../components/drawing").dashStyle,o=t("../../components/color"),s=t("../../components/fx"),l=t("../../components/fx/helpers").makeEventData,c=t("../../components/dragelement/helpers"),u=c.freeMode,f=c.rectMode,h=c.drawMode,p=c.openMode,d=c.selectMode,g=t("../../components/shapes/draw_newshape/display_outlines"),m=t("../../components/shapes/draw_newshape/helpers").handleEllipse,v=t("../../components/shapes/draw_newshape/newshapes"),y=t("../../lib"),x=t("../../lib/polygon"),b=t("../../lib/throttle"),_=t("./axis_ids").getFromId,w=t("../../lib/clear_gl_canvases"),T=t("../../plot_api/subroutines").redrawReglTraces,k=t("./constants"),M=k.MINSELECT,A=x.filter,S=x.tester,E=t("./handle_outline").clearSelect,C=t("./helpers"),L=C.p2r,I=C.axValue,P=C.getTransform;function z(t,e,r,n,i,a,o){var s,l,c,u,f,h,d,m,v,y=e._hoverdata,x=e._fullLayout.clickmode.indexOf("event")>-1,b=[];if(function(t){return t&&Array.isArray(t)&&!0!==t[0].hoverOnBox}(y)){F(t,e,a);var _=function(t,e){var r,n,i=t[0],a=-1,o=[];for(n=0;n0?function(t,e){var r,n,i,a=[];for(i=0;i0&&a.push(r);if(1===a.length&&a[0]===e.searchInfo&&(n=e.searchInfo.cd[0].trace).selectedpoints.length===e.pointNumbers.length){for(i=0;i1)return!1;if((i+=r.selectedpoints.length)>1)return!1}return 1===i}(s)&&(h=j(_))){for(o&&o.remove(),v=0;v=0&&n._fullLayout._deactivateShape(n),h(e)){var a=n._fullLayout._zoomlayer.selectAll(".select-outline-"+r.id);if(a&&n._fullLayout._drawing){var o=v(a,t);o&&i.call("_guiRelayout",n,{shapes:o}),n._fullLayout._drawing=!1}}r.selection={},r.selection.selectionDefs=t.selectionDefs=[],r.selection.mergedPolygons=t.mergedPolygons=[]}function N(t,e,r,n){var i,a,o,s=[],l=e.map((function(t){return t._id})),c=r.map((function(t){return t._id}));for(o=0;o0?n[0]:r;return!!e.selectedpoints&&e.selectedpoints.indexOf(i)>-1}function U(t,e,r){var n,a,o,s;for(n=0;n=0)C._fullLayout._deactivateShape(C);else if(!_){var r=O.clickmode;b.done(gt).then((function(){if(b.clear(gt),2===t){for(ft.remove(),$=0;$-1&&z(e,C,i.xaxes,i.yaxes,i.subplot,i,ft),"event"===r&&C.emit("plotly_selected",void 0);s.click(C,e)})).catch(y.error)}},i.doneFn=function(){dt.remove(),b.done(gt).then((function(){b.clear(gt),i.gd.emit("plotly_selected",et),Q&&i.selectionDefs&&(Q.subtract=ut,i.selectionDefs.push(Q),i.mergedPolygons.length=0,[].push.apply(i.mergedPolygons,K)),i.doneFnCompleted&&i.doneFnCompleted(mt)})).catch(y.error),_&&B(i)}},clearSelect:E,clearSelectionsCache:B,selectOnClick:z}},{"../../components/color":643,"../../components/dragelement/helpers":661,"../../components/drawing":665,"../../components/fx":683,"../../components/fx/helpers":679,"../../components/shapes/draw_newshape/display_outlines":728,"../../components/shapes/draw_newshape/helpers":729,"../../components/shapes/draw_newshape/newshapes":730,"../../lib":778,"../../lib/clear_gl_canvases":762,"../../lib/polygon":790,"../../lib/throttle":804,"../../plot_api/subroutines":818,"../../registry":911,"./axis_ids":831,"./constants":834,"./handle_outline":838,"./helpers":839,polybooljs:517}],848:[function(t,e,r){"use strict";var n=t("d3"),i=t("d3-time-format").utcFormat,a=t("fast-isnumeric"),o=t("../../lib"),s=o.cleanNumber,l=o.ms2DateTime,c=o.dateTime2ms,u=o.ensureNumber,f=o.isArrayOrTypedArray,h=t("../../constants/numerical"),p=h.FP_SAFE,d=h.BADNUM,g=h.LOG_CLIP,m=h.ONEWEEK,v=h.ONEDAY,y=h.ONEHOUR,x=h.ONEMIN,b=h.ONESEC,_=t("./axis_ids"),w=t("./constants"),T=w.HOUR_PATTERN,k=w.WEEKDAY_PATTERN;function M(t){return Math.pow(10,t)}function A(t){return null!=t}e.exports=function(t,e){e=e||{};var r=t._id||"x",h=r.charAt(0);function S(e,r){if(e>0)return Math.log(e)/Math.LN10;if(e<=0&&r&&t.range&&2===t.range.length){var n=t.range[0],i=t.range[1];return.5*(n+i-2*g*Math.abs(n-i))}return d}function E(e,r,n,i){if((i||{}).msUTC&&a(e))return+e;var s=c(e,n||t.calendar);if(s===d){if(!a(e))return d;e=+e;var l=Math.floor(10*o.mod(e+.05,1)),u=Math.round(e-l/10);s=c(new Date(u))+l/10}return s}function C(e,r,n){return l(e,r,n||t.calendar)}function L(e){return t._categories[Math.round(e)]}function I(e){if(A(e)){if(void 0===t._categoriesMap&&(t._categoriesMap={}),void 0!==t._categoriesMap[e])return t._categoriesMap[e];t._categories.push("number"==typeof e?String(e):e);var r=t._categories.length-1;return t._categoriesMap[e]=r,r}return d}function P(e){if(t._categoriesMap)return t._categoriesMap[e]}function z(t){var e=P(t);return void 0!==e?e:a(t)?+t:void 0}function O(t){return a(t)?+t:P(t)}function D(t,e,r){return n.round(r+e*t,2)}function R(t,e,r){return(t-r)/e}var F=function(e){return a(e)?D(e,t._m,t._b):d},B=function(e){return R(e,t._m,t._b)};if(t.rangebreaks){var N="y"===h;F=function(e){if(!a(e))return d;var r=t._rangebreaks.length;if(!r)return D(e,t._m,t._b);var n=N;t.range[0]>t.range[1]&&(n=!n);for(var i=n?-1:1,o=i*e,s=0,l=0;lu)){s=o<(c+u)/2?l:l+1;break}s=l+1}var f=t._B[s]||0;return isFinite(f)?D(e,t._m2,f):0},B=function(e){var r=t._rangebreaks.length;if(!r)return R(e,t._m,t._b);for(var n=0,i=0;it._rangebreaks[i].pmax&&(n=i+1);return R(e,t._m2,t._B[n])}}t.c2l="log"===t.type?S:u,t.l2c="log"===t.type?M:u,t.l2p=F,t.p2l=B,t.c2p="log"===t.type?function(t,e){return F(S(t,e))}:F,t.p2c="log"===t.type?function(t){return M(B(t))}:B,-1!==["linear","-"].indexOf(t.type)?(t.d2r=t.r2d=t.d2c=t.r2c=t.d2l=t.r2l=s,t.c2d=t.c2r=t.l2d=t.l2r=u,t.d2p=t.r2p=function(e){return t.l2p(s(e))},t.p2d=t.p2r=B,t.cleanPos=u):"log"===t.type?(t.d2r=t.d2l=function(t,e){return S(s(t),e)},t.r2d=t.r2c=function(t){return M(s(t))},t.d2c=t.r2l=s,t.c2d=t.l2r=u,t.c2r=S,t.l2d=M,t.d2p=function(e,r){return t.l2p(t.d2r(e,r))},t.p2d=function(t){return M(B(t))},t.r2p=function(e){return t.l2p(s(e))},t.p2r=B,t.cleanPos=u):"date"===t.type?(t.d2r=t.r2d=o.identity,t.d2c=t.r2c=t.d2l=t.r2l=E,t.c2d=t.c2r=t.l2d=t.l2r=C,t.d2p=t.r2p=function(e,r,n){return t.l2p(E(e,0,n))},t.p2d=t.p2r=function(t,e,r){return C(B(t),e,r)},t.cleanPos=function(e){return o.cleanDate(e,d,t.calendar)}):"category"===t.type?(t.d2c=t.d2l=I,t.r2d=t.c2d=t.l2d=L,t.d2r=t.d2l_noadd=z,t.r2c=function(e){var r=O(e);return void 0!==r?r:t.fraction2r(.5)},t.l2r=t.c2r=u,t.r2l=O,t.d2p=function(e){return t.l2p(t.r2c(e))},t.p2d=function(t){return L(B(t))},t.r2p=t.d2p,t.p2r=B,t.cleanPos=function(t){return"string"==typeof t&&""!==t?t:u(t)}):"multicategory"===t.type&&(t.r2d=t.c2d=t.l2d=L,t.d2r=t.d2l_noadd=z,t.r2c=function(e){var r=z(e);return void 0!==r?r:t.fraction2r(.5)},t.r2c_just_indices=P,t.l2r=t.c2r=u,t.r2l=z,t.d2p=function(e){return t.l2p(t.r2c(e))},t.p2d=function(t){return L(B(t))},t.r2p=t.d2p,t.p2r=B,t.cleanPos=function(t){return Array.isArray(t)||"string"==typeof t&&""!==t?t:u(t)},t.setupMultiCategory=function(n){var i,a,s=t._traceIndices,l=t._matchGroup;if(l&&0===t._categories.length)for(var c in l)if(c!==r){var u=e[_.id2name(c)];s=s.concat(u._traceIndices)}var p=[[0,{}],[0,{}]],d=[];for(i=0;ip&&(s[n]=p),s[0]===s[1]){var c=Math.max(1,Math.abs(1e-6*s[0]));s[0]-=c,s[1]+=c}}else o.nestedProperty(t,e).set(i)},t.setScale=function(r){var n=e._size;if(t.overlaying){var i=_.getFromId({_fullLayout:e},t.overlaying);t.domain=i.domain}var a=r&&t._r?"_r":"range",o=t.calendar;t.cleanRange(a);var s,l,c=t.r2l(t[a][0],o),u=t.r2l(t[a][1],o),f="y"===h;if((f?(t._offset=n.t+(1-t.domain[1])*n.h,t._length=n.h*(t.domain[1]-t.domain[0]),t._m=t._length/(c-u),t._b=-t._m*u):(t._offset=n.l+t.domain[0]*n.w,t._length=n.w*(t.domain[1]-t.domain[0]),t._m=t._length/(u-c),t._b=-t._m*c),t._rangebreaks=[],t._lBreaks=0,t._m2=0,t._B=[],t.rangebreaks)&&(t._rangebreaks=t.locateBreaks(Math.min(c,u),Math.max(c,u)),t._rangebreaks.length)){for(s=0;su&&(p=!p),p&&t._rangebreaks.reverse();var d=p?-1:1;for(t._m2=d*t._length/(Math.abs(u-c)-t._lBreaks),t._B.push(-t._m2*(f?u:c)),s=0;si&&(i+=7,ai&&(i+=24,a=n&&a=n&&e=s.min&&(ts.max&&(s.max=n),i=!1)}i&&c.push({min:t,max:n})}};for(n=0;nr.duration?(!function(){for(var r={},n=0;n rect").call(o.setTranslate,0,0).call(o.setScale,1,1),t.plot.call(o.setTranslate,e._offset,r._offset).call(o.setScale,1,1);var n=t.plot.selectAll(".scatterlayer .trace");n.selectAll(".point").call(o.setPointGroupScale,1,1),n.selectAll(".textpoint").call(o.setTextPointsScale,1,1),n.call(o.hideOutsideRangePoints,t)}function m(e,r){var n=e.plotinfo,i=n.xaxis,l=n.yaxis,c=i._length,u=l._length,f=!!e.xr1,h=!!e.yr1,p=[];if(f){var d=a.simpleMap(e.xr0,i.r2l),g=a.simpleMap(e.xr1,i.r2l),m=d[1]-d[0],v=g[1]-g[0];p[0]=(d[0]*(1-r)+r*g[0]-d[0])/(d[1]-d[0])*c,p[2]=c*(1-r+r*v/m),i.range[0]=i.l2r(d[0]*(1-r)+r*g[0]),i.range[1]=i.l2r(d[1]*(1-r)+r*g[1])}else p[0]=0,p[2]=c;if(h){var y=a.simpleMap(e.yr0,l.r2l),x=a.simpleMap(e.yr1,l.r2l),b=y[1]-y[0],_=x[1]-x[0];p[1]=(y[1]*(1-r)+r*x[1]-y[1])/(y[0]-y[1])*u,p[3]=u*(1-r+r*_/b),l.range[0]=i.l2r(y[0]*(1-r)+r*x[0]),l.range[1]=l.l2r(y[1]*(1-r)+r*x[1])}else p[1]=0,p[3]=u;s.drawOne(t,i,{skipTitle:!0}),s.drawOne(t,l,{skipTitle:!0}),s.redrawComponents(t,[i._id,l._id]);var w=f?c/p[2]:1,T=h?u/p[3]:1,k=f?p[0]:0,M=h?p[1]:0,A=f?p[0]/p[2]*c:0,S=h?p[1]/p[3]*u:0,E=i._offset-A,C=l._offset-S;n.clipRect.call(o.setTranslate,k,M).call(o.setScale,1/w,1/T),n.plot.call(o.setTranslate,E,C).call(o.setScale,w,T),o.setPointGroupScale(n.zoomScalePts,1/w,1/T),o.setTextPointsScale(n.zoomScaleTxt,1/w,1/T)}s.redrawComponents(t)}},{"../../components/drawing":665,"../../lib":778,"../../registry":911,"./axes":828,d3:169}],853:[function(t,e,r){"use strict";var n=t("../../registry").traceIs,i=t("./axis_autotype");function a(t){return{v:"x",h:"y"}[t.orientation||"v"]}function o(t,e){var r=a(t),i=n(t,"box-violin"),o=n(t._fullInput||{},"candlestick");return i&&!o&&e===r&&void 0===t[r]&&void 0===t[r+"0"]}e.exports=function(t,e,r,s){r("autotypenumbers",s.autotypenumbersDflt),"-"===r("type",(s.splomStash||{}).type)&&(!function(t,e){if("-"!==t.type)return;var r,s=t._id,l=s.charAt(0);-1!==s.indexOf("scene")&&(s=l);var c=function(t,e,r){for(var n=0;n0&&(i["_"+r+"axes"]||{})[e])return i;if((i[r+"axis"]||r)===e){if(o(i,r))return i;if((i[r]||[]).length||i[r+"0"])return i}}}(e,s,l);if(!c)return;if("histogram"===c.type&&l==={v:"y",h:"x"}[c.orientation||"v"])return void(t.type="linear");var u=l+"calendar",f=c[u],h={noMultiCategory:!n(c,"cartesian")||n(c,"noMultiCategory")};"box"===c.type&&c._hasPreCompStats&&l==={h:"x",v:"y"}[c.orientation||"v"]&&(h.noMultiCategory=!0);if(h.autotypenumbers=t.autotypenumbers,o(c,l)){var p=a(c),d=[];for(r=0;r0?".":"")+a;i.isPlainObject(o)?l(o,e,s,n+1):e(s,a,o)}}))}r.manageCommandObserver=function(t,e,n,o){var s={},l=!0;e&&e._commandObserver&&(s=e._commandObserver),s.cache||(s.cache={}),s.lookupTable={};var c=r.hasSimpleAPICommandBindings(t,n,s.lookupTable);if(e&&e._commandObserver){if(c)return s;if(e._commandObserver.remove)return e._commandObserver.remove(),e._commandObserver=null,s}if(c){a(t,c,s.cache),s.check=function(){if(l){var e=a(t,c,s.cache);return e.changed&&o&&void 0!==s.lookupTable[e.value]&&(s.disable(),Promise.resolve(o({value:e.value,type:c.type,prop:c.prop,traces:c.traces,index:s.lookupTable[e.value]})).then(s.enable,s.enable)),e.changed}};for(var u=["plotly_relayout","plotly_redraw","plotly_restyle","plotly_update","plotly_animatingframe","plotly_afterplot"],f=0;f0&&i<0&&(i+=360);var s=(i-n)/4;return{type:"Polygon",coordinates:[[[n,a],[n,o],[n+s,o],[n+2*s,o],[n+3*s,o],[i,o],[i,a],[i-s,a],[i-2*s,a],[i-3*s,a],[n,a]]]}}e.exports=function(t){return new w(t)},T.plot=function(t,e,r){var n=this,i=e[this.id],a=[],o=!1;for(var s in y.layerNameToAdjective)if("frame"!==s&&i["show"+s]){o=!0;break}for(var l=0;l0&&a._module.calcGeoJSON(i,e)}if(!this.updateProjection(t,e)){this.viewInitial&&this.scope===r.scope||this.saveViewInitial(r),this.scope=r.scope,this.updateBaseLayers(e,r),this.updateDims(e,r),this.updateFx(e,r),u.generalUpdatePerTraceModule(this.graphDiv,this,t,r);var o=this.layers.frontplot.select(".scatterlayer");this.dataPoints.point=o.selectAll(".point"),this.dataPoints.text=o.selectAll("text"),this.dataPaths.line=o.selectAll(".js-line");var s=this.layers.backplot.select(".choroplethlayer");this.dataPaths.choropleth=s.selectAll("path"),this.render()}},T.updateProjection=function(t,e){var r=this.graphDiv,o=e[this.id],s=e._size,l=o.domain,c=o.projection,u=o.lonaxis,f=o.lataxis,p=u._ax,d=f._ax,g=this.projection=function(t){for(var e=t.projection.type,r=n.geo[y.projNames[e]](),i=t._isClipped?y.lonaxisSpan[e]/2:null,a=["center","rotate","parallels","clipExtent"],o=function(t){return t?r:[]},s=0;si*Math.PI/180}return!1},r.getPath=function(){return n.geo.path().projection(r)},r.getBounds=function(t){return r.getPath().bounds(t)},r.fitExtent=function(t,e){var n=t[1][0]-t[0][0],i=t[1][1]-t[0][1],a=r.clipExtent&&r.clipExtent();r.scale(150).translate([0,0]),a&&r.clipExtent(null);var o=r.getBounds(e),s=Math.min(n/(o[1][0]-o[0][0]),i/(o[1][1]-o[0][1])),l=+t[0][0]+(n-s*(o[1][0]+o[0][0]))/2,c=+t[0][1]+(i-s*(o[1][1]+o[0][1]))/2;return a&&r.clipExtent(a),r.scale(150*s).translate([l,c])},r.precision(y.precision),i&&r.clipAngle(i-y.clipPad);return r}(o),m=[[s.l+s.w*l.x[0],s.t+s.h*(1-l.y[1])],[s.l+s.w*l.x[1],s.t+s.h*(1-l.y[0])]],v=o.center||{},x=c.rotation||{},b=u.range||[],_=f.range||[];if(o.fitbounds){p._length=m[1][0]-m[0][0],d._length=m[1][1]-m[0][1],p.range=h(r,p),d.range=h(r,d);var w=(p.range[0]+p.range[1])/2,T=(d.range[0]+d.range[1])/2;if(o._isScoped)v={lon:w,lat:T};else if(o._isClipped){v={lon:w,lat:T},x={lon:w,lat:T,roll:x.roll};var M=c.type,A=y.lonaxisSpan[M]/2||180,S=y.lataxisSpan[M]/2||90;b=[w-A,w+A],_=[T-S,T+S]}else v={lon:w,lat:T},x={lon:w,lat:x.lat,roll:x.roll}}g.center([v.lon-x.lon,v.lat-x.lat]).rotate([-x.lon,-x.lat,x.roll]).parallels(c.parallels);var E=k(b,_);g.fitExtent(m,E);var C=this.bounds=g.getBounds(E),L=this.fitScale=g.scale(),I=g.translate();if(!isFinite(C[0][0])||!isFinite(C[0][1])||!isFinite(C[1][0])||!isFinite(C[1][1])||isNaN(I[0])||isNaN(I[0])){for(var P=["fitbounds","projection.rotation","center","lonaxis.range","lataxis.range"],z="Invalid geo settings, relayout'ing to default view.",O={},D=0;D-1&&m(n.event,a,[r.xaxis],[r.yaxis],r.id,f),l.indexOf("event")>-1&&c.click(a,n.event))}))}function h(t){return r.projection.invert([t[0]+r.xaxis._offset,t[1]+r.yaxis._offset])}},T.makeFramework=function(){var t=this,e=t.graphDiv,r=e._fullLayout,i="clip"+r._uid+t.id;t.clipDef=r._clips.append("clipPath").attr("id",i),t.clipRect=t.clipDef.append("rect"),t.framework=n.select(t.container).append("g").attr("class","geo "+t.id).call(l.setClipUrl,i,e),t.project=function(e){var r=t.projection(e);return r?[r[0]-t.xaxis._offset,r[1]-t.yaxis._offset]:[null,null]},t.xaxis={_id:"x",c2p:function(e){return t.project(e)[0]}},t.yaxis={_id:"y",c2p:function(e){return t.project(e)[1]}},t.mockAxis={type:"linear",showexponent:"all",exponentformat:"B"},f.setConvert(t.mockAxis,r)},T.saveViewInitial=function(t){var e,r=t.center||{},n=t.projection,i=n.rotation||{};this.viewInitial={fitbounds:t.fitbounds,"projection.scale":n.scale},e=t._isScoped?{"center.lon":r.lon,"center.lat":r.lat}:t._isClipped?{"projection.rotation.lon":i.lon,"projection.rotation.lat":i.lat}:{"center.lon":r.lon,"center.lat":r.lat,"projection.rotation.lon":i.lon},a.extendFlat(this.viewInitial,e)},T.render=function(){var t,e=this.projection,r=e.getPath();function n(t){var r=e(t.lonlat);return r?o(r[0],r[1]):null}function i(t){return e.isLonLatOverEdges(t.lonlat)?"none":null}for(t in this.basePaths)this.basePaths[t].attr("d",r);for(t in this.dataPaths)this.dataPaths[t].attr("d",(function(t){return r(t.geojson)}));for(t in this.dataPoints)this.dataPoints[t].attr("display",i).attr("transform",n)}},{"../../components/color":643,"../../components/dragelement":662,"../../components/drawing":665,"../../components/fx":683,"../../lib":778,"../../lib/geo_location_utils":771,"../../lib/topojson_utils":806,"../../registry":911,"../cartesian/autorange":827,"../cartesian/axes":828,"../cartesian/select":847,"../plots":891,"./constants":858,"./projections":863,"./zoom":864,d3:169,"topojson-client":579}],860:[function(t,e,r){"use strict";var n=t("../../plots/get_data").getSubplotCalcData,i=t("../../lib").counterRegex,a=t("./geo"),o="geo",s=i(o),l={};l.geo={valType:"subplotid",dflt:o,editType:"calc"},e.exports={attr:o,name:o,idRoot:o,idRegex:s,attrRegex:s,attributes:l,layoutAttributes:t("./layout_attributes"),supplyLayoutDefaults:t("./layout_defaults"),plot:function(t){for(var e=t._fullLayout,r=t.calcdata,i=e._subplots.geo,s=0;s0&&L<0&&(L+=360);var I,P,z,O=(C+L)/2;if(!p){var D=d?f.projRotate:[O,0,0];I=r("projection.rotation.lon",D[0]),r("projection.rotation.lat",D[1]),r("projection.rotation.roll",D[2]),r("showcoastlines",!d&&y)&&(r("coastlinecolor"),r("coastlinewidth")),r("showocean",!!y&&void 0)&&r("oceancolor")}(p?(P=-96.6,z=38.7):(P=d?O:I,z=(E[0]+E[1])/2),r("center.lon",P),r("center.lat",z),g)&&r("projection.parallels",f.projParallels||[0,60]);r("projection.scale"),r("showland",!!y&&void 0)&&r("landcolor"),r("showlakes",!!y&&void 0)&&r("lakecolor"),r("showrivers",!!y&&void 0)&&(r("rivercolor"),r("riverwidth")),r("showcountries",d&&"usa"!==u&&y)&&(r("countrycolor"),r("countrywidth")),("usa"===u||"north america"===u&&50===c)&&(r("showsubunits",y),r("subunitcolor"),r("subunitwidth")),d||r("showframe",y)&&(r("framecolor"),r("framewidth")),r("bgcolor"),r("fitbounds")&&(delete e.projection.scale,d?(delete e.center.lon,delete e.center.lat):m?(delete e.center.lon,delete e.center.lat,delete e.projection.rotation.lon,delete e.projection.rotation.lat,delete e.lonaxis.range,delete e.lataxis.range):(delete e.center.lon,delete e.center.lat,delete e.projection.rotation.lon))}e.exports=function(t,e,r){i(t,e,r,{type:"geo",attributes:s,handleDefaults:c,fullData:r,partition:"y"})}},{"../../lib":778,"../get_data":865,"../subplot_defaults":905,"./constants":858,"./layout_attributes":861}],863:[function(t,e,r){"use strict";e.exports=function(t){function e(t,e){return{type:"Feature",id:t.id,properties:t.properties,geometry:r(t.geometry,e)}}function r(e,n){if(!e)return null;if("GeometryCollection"===e.type)return{type:"GeometryCollection",geometries:object.geometries.map((function(t){return r(t,n)}))};if(!c.hasOwnProperty(e.type))return null;var i=c[e.type];return t.geo.stream(e,n(i)),i.result()}t.geo.project=function(t,e){var i=e.stream;if(!i)throw new Error("not yet supported");return(t&&n.hasOwnProperty(t.type)?n[t.type]:r)(t,i)};var n={Feature:e,FeatureCollection:function(t,r){return{type:"FeatureCollection",features:t.features.map((function(t){return e(t,r)}))}}},i=[],a=[],o={point:function(t,e){i.push([t,e])},result:function(){var t=i.length?i.length<2?{type:"Point",coordinates:i[0]}:{type:"MultiPoint",coordinates:i}:null;return i=[],t}},s={lineStart:u,point:function(t,e){i.push([t,e])},lineEnd:function(){i.length&&(a.push(i),i=[])},result:function(){var t=a.length?a.length<2?{type:"LineString",coordinates:a[0]}:{type:"MultiLineString",coordinates:a}:null;return a=[],t}},l={polygonStart:u,lineStart:u,point:function(t,e){i.push([t,e])},lineEnd:function(){var t=i.length;if(t){do{i.push(i[0].slice())}while(++t<4);a.push(i),i=[]}},polygonEnd:u,result:function(){if(!a.length)return null;var t=[],e=[];return a.forEach((function(r){!function(t){if((e=t.length)<4)return!1;var e,r=0,n=t[e-1][1]*t[0][0]-t[e-1][0]*t[0][1];for(;++rn^p>n&&r<(h-c)*(n-u)/(p-u)+c&&(i=!i)}return i}(t[0],r))return t.push(e),!0}))||t.push([e])})),a=[],t.length?t.length>1?{type:"MultiPolygon",coordinates:t}:{type:"Polygon",coordinates:t[0]}:null}},c={Point:o,MultiPoint:o,LineString:s,MultiLineString:s,Polygon:l,MultiPolygon:l,Sphere:l};function u(){}var f=1e-6,h=Math.PI,p=h/2,d=(Math.sqrt(h),h/180),g=180/h;function m(t){return t>1?p:t<-1?-p:Math.asin(t)}function v(t){return t>1?0:t<-1?h:Math.acos(t)}var y=t.geo.projection,x=t.geo.projectionMutator;function b(t,e){var r=(2+p)*Math.sin(e);e/=2;for(var n=0,i=1/0;n<10&&Math.abs(i)>f;n++){var a=Math.cos(e);e-=i=(e+Math.sin(e)*(a+2)-r)/(2*a*(1+a))}return[2/Math.sqrt(h*(4+h))*t*(1+Math.cos(e)),2*Math.sqrt(h/(4+h))*Math.sin(e)]}t.geo.interrupt=function(e){var r,n=[[[[-h,0],[0,p],[h,0]]],[[[-h,0],[0,-p],[h,0]]]];function i(t,r){for(var i=r<0?-1:1,a=n[+(r<0)],o=0,s=a.length-1;oa[o][2][0];++o);var l=e(t-a[o][1][0],r);return l[0]+=e(a[o][1][0],i*r>i*a[o][0][1]?a[o][0][1]:r)[0],l}function a(){r=n.map((function(t){return t.map((function(t){var r,n=e(t[0][0],t[0][1])[0],i=e(t[2][0],t[2][1])[0],a=e(t[1][0],t[0][1])[1],o=e(t[1][0],t[1][1])[1];return a>o&&(r=a,a=o,o=r),[[n,a],[i,o]]}))}))}e.invert&&(i.invert=function(t,a){for(var o=r[+(a<0)],s=n[+(a<0)],l=0,u=o.length;l=0;--i){var p;o=180*(p=n[1][i])[0][0]/h,s=180*p[0][1]/h,c=180*p[1][1]/h,u=180*p[2][0]/h,f=180*p[2][1]/h;r.push(l([[u-e,f-e],[u-e,c+e],[o+e,c+e],[o+e,s-e]],30))}return{type:"Polygon",coordinates:[t.merge(r)]}}(),a)},i},o.lobes=function(t){return arguments.length?(n=t.map((function(t){return t.map((function(t){return[[t[0][0]*h/180,t[0][1]*h/180],[t[1][0]*h/180,t[1][1]*h/180],[t[2][0]*h/180,t[2][1]*h/180]]}))})),a(),o):n.map((function(t){return t.map((function(t){return[[180*t[0][0]/h,180*t[0][1]/h],[180*t[1][0]/h,180*t[1][1]/h],[180*t[2][0]/h,180*t[2][1]/h]]}))}))},o},b.invert=function(t,e){var r=.5*e*Math.sqrt((4+h)/h),n=m(r),i=Math.cos(n);return[t/(2/Math.sqrt(h*(4+h))*(1+i)),m((n+r*(i+2))/(2+p))]},(t.geo.eckert4=function(){return y(b)}).raw=b;var _=t.geo.azimuthalEqualArea.raw;function w(t,e){if(arguments.length<2&&(e=t),1===e)return _;if(e===1/0)return T;function r(r,n){var i=_(r/e,n);return i[0]*=t,i}return r.invert=function(r,n){var i=_.invert(r/t,n);return i[0]*=e,i},r}function T(t,e){return[t*Math.cos(e)/Math.cos(e/=2),2*Math.sin(e)]}function k(t,e){return[3*t/(2*h)*Math.sqrt(h*h/3-e*e),e]}function M(t,e){return[t,1.25*Math.log(Math.tan(h/4+.4*e))]}function A(t){return function(e){var r,n=t*Math.sin(e),i=30;do{e-=r=(e+Math.sin(e)-n)/(1+Math.cos(e))}while(Math.abs(r)>f&&--i>0);return e/2}}T.invert=function(t,e){var r=2*m(e/2);return[t*Math.cos(r/2)/Math.cos(r),r]},(t.geo.hammer=function(){var t=2,e=x(w),r=e(t);return r.coefficient=function(r){return arguments.length?e(t=+r):t},r}).raw=w,k.invert=function(t,e){return[2/3*h*t/Math.sqrt(h*h/3-e*e),e]},(t.geo.kavrayskiy7=function(){return y(k)}).raw=k,M.invert=function(t,e){return[t,2.5*Math.atan(Math.exp(.8*e))-.625*h]},(t.geo.miller=function(){return y(M)}).raw=M,A(h);var S=function(t,e,r){var n=A(r);function i(r,i){return[t*r*Math.cos(i=n(i)),e*Math.sin(i)]}return i.invert=function(n,i){var a=m(i/e);return[n/(t*Math.cos(a)),m((2*a+Math.sin(2*a))/r)]},i}(Math.SQRT2/p,Math.SQRT2,h);function E(t,e){var r=e*e,n=r*r;return[t*(.8707-.131979*r+n*(n*(.003971*r-.001529*n)-.013791)),e*(1.007226+r*(.015085+n*(.028874*r-.044475-.005916*n)))]}(t.geo.mollweide=function(){return y(S)}).raw=S,E.invert=function(t,e){var r,n=e,i=25;do{var a=n*n,o=a*a;n-=r=(n*(1.007226+a*(.015085+o*(.028874*a-.044475-.005916*o)))-e)/(1.007226+a*(.045255+o*(.259866*a-.311325-.005916*11*o)))}while(Math.abs(r)>f&&--i>0);return[t/(.8707+(a=n*n)*(a*(a*a*a*(.003971-.001529*a)-.013791)-.131979)),n]},(t.geo.naturalEarth=function(){return y(E)}).raw=E;var C=[[.9986,-.062],[1,0],[.9986,.062],[.9954,.124],[.99,.186],[.9822,.248],[.973,.31],[.96,.372],[.9427,.434],[.9216,.4958],[.8962,.5571],[.8679,.6176],[.835,.6769],[.7986,.7346],[.7597,.7903],[.7186,.8435],[.6732,.8936],[.6213,.9394],[.5722,.9761],[.5322,1]];function L(t,e){var r,n=Math.min(18,36*Math.abs(e)/h),i=Math.floor(n),a=n-i,o=(r=C[i])[0],s=r[1],l=(r=C[++i])[0],c=r[1],u=(r=C[Math.min(19,++i)])[0],f=r[1];return[t*(l+a*(u-o)/2+a*a*(u-2*l+o)/2),(e>0?p:-p)*(c+a*(f-s)/2+a*a*(f-2*c+s)/2)]}function I(t,e){return[t*Math.cos(e),e]}function P(t,e){var r,n=Math.cos(e),i=(r=v(n*Math.cos(t/=2)))?r/Math.sin(r):1;return[2*n*Math.sin(t)*i,Math.sin(e)*i]}function z(t,e){var r=P(t,e);return[(r[0]+t/p)/2,(r[1]+e)/2]}C.forEach((function(t){t[1]*=1.0144})),L.invert=function(t,e){var r=e/p,n=90*r,i=Math.min(18,Math.abs(n/5)),a=Math.max(0,Math.floor(i));do{var o=C[a][1],s=C[a+1][1],l=C[Math.min(19,a+2)][1],c=l-o,u=l-2*s+o,f=2*(Math.abs(r)-s)/c,h=u/c,m=f*(1-h*f*(1-2*h*f));if(m>=0||1===a){n=(e>=0?5:-5)*(m+i);var v,y=50;do{m=(i=Math.min(18,Math.abs(n)/5))-(a=Math.floor(i)),o=C[a][1],s=C[a+1][1],l=C[Math.min(19,a+2)][1],n-=(v=(e>=0?p:-p)*(s+m*(l-o)/2+m*m*(l-2*s+o)/2)-e)*g}while(Math.abs(v)>1e-12&&--y>0);break}}while(--a>=0);var x=C[a][0],b=C[a+1][0],_=C[Math.min(19,a+2)][0];return[t/(b+m*(_-x)/2+m*m*(_-2*b+x)/2),n*d]},(t.geo.robinson=function(){return y(L)}).raw=L,I.invert=function(t,e){return[t/Math.cos(e),e]},(t.geo.sinusoidal=function(){return y(I)}).raw=I,P.invert=function(t,e){if(!(t*t+4*e*e>h*h+f)){var r=t,n=e,i=25;do{var a,o=Math.sin(r),s=Math.sin(r/2),l=Math.cos(r/2),c=Math.sin(n),u=Math.cos(n),p=Math.sin(2*n),d=c*c,g=u*u,m=s*s,y=1-g*l*l,x=y?v(u*l)*Math.sqrt(a=1/y):a=0,b=2*x*u*s-t,_=x*c-e,w=a*(g*m+x*u*l*d),T=a*(.5*o*p-2*x*c*s),k=.25*a*(p*s-x*c*g*o),M=a*(d*l+x*m*u),A=T*k-M*w;if(!A)break;var S=(_*T-b*M)/A,E=(b*k-_*w)/A;r-=S,n-=E}while((Math.abs(S)>f||Math.abs(E)>f)&&--i>0);return[r,n]}},(t.geo.aitoff=function(){return y(P)}).raw=P,z.invert=function(t,e){var r=t,n=e,i=25;do{var a,o=Math.cos(n),s=Math.sin(n),l=Math.sin(2*n),c=s*s,u=o*o,h=Math.sin(r),d=Math.cos(r/2),g=Math.sin(r/2),m=g*g,y=1-u*d*d,x=y?v(o*d)*Math.sqrt(a=1/y):a=0,b=.5*(2*x*o*g+r/p)-t,_=.5*(x*s+n)-e,w=.5*a*(u*m+x*o*d*c)+.5/p,T=a*(h*l/4-x*s*g),k=.125*a*(l*g-x*s*u*h),M=.5*a*(c*d+x*m*o)+.5,A=T*k-M*w,S=(_*T-b*M)/A,E=(b*k-_*w)/A;r-=S,n-=E}while((Math.abs(S)>f||Math.abs(E)>f)&&--i>0);return[r,n]},(t.geo.winkel3=function(){return y(z)}).raw=z}},{}],864:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../registry"),o=Math.PI/180,s=180/Math.PI,l={cursor:"pointer"},c={cursor:"auto"};function u(t,e){return n.behavior.zoom().translate(e.translate()).scale(e.scale())}function f(t,e,r){var n=t.id,o=t.graphDiv,s=o.layout,l=s[n],c=o._fullLayout,u=c[n],f={},h={};function p(t,e){f[n+"."+t]=i.nestedProperty(l,t).get(),a.call("_storeDirectGUIEdit",s,c._preGUI,f);var r=i.nestedProperty(u,t);r.get()!==e&&(r.set(e),i.nestedProperty(l,t).set(e),h[n+"."+t]=e)}r(p),p("projection.scale",e.scale()/t.fitScale),p("fitbounds",!1),o.emit("plotly_relayout",h)}function h(t,e){var r=u(0,e);function i(r){var n=e.invert(t.midPt);r("center.lon",n[0]),r("center.lat",n[1])}return r.on("zoomstart",(function(){n.select(this).style(l)})).on("zoom",(function(){e.scale(n.event.scale).translate(n.event.translate),t.render();var r=e.invert(t.midPt);t.graphDiv.emit("plotly_relayouting",{"geo.projection.scale":e.scale()/t.fitScale,"geo.center.lon":r[0],"geo.center.lat":r[1]})})).on("zoomend",(function(){n.select(this).style(c),f(t,e,i)})),r}function p(t,e){var r,i,a,o,s,h,p,d,g,m=u(0,e);function v(t){return e.invert(t)}function y(r){var n=e.rotate(),i=e.invert(t.midPt);r("projection.rotation.lon",-n[0]),r("center.lon",i[0]),r("center.lat",i[1])}return m.on("zoomstart",(function(){n.select(this).style(l),r=n.mouse(this),i=e.rotate(),a=e.translate(),o=i,s=v(r)})).on("zoom",(function(){if(h=n.mouse(this),function(t){var r=v(t);if(!r)return!0;var n=e(r);return Math.abs(n[0]-t[0])>2||Math.abs(n[1]-t[1])>2}(r))return m.scale(e.scale()),void m.translate(e.translate());e.scale(n.event.scale),e.translate([a[0],n.event.translate[1]]),s?v(h)&&(d=v(h),p=[o[0]+(d[0]-s[0]),i[1],i[2]],e.rotate(p),o=p):s=v(r=h),g=!0,t.render();var l=e.rotate(),c=e.invert(t.midPt);t.graphDiv.emit("plotly_relayouting",{"geo.projection.scale":e.scale()/t.fitScale,"geo.center.lon":c[0],"geo.center.lat":c[1],"geo.projection.rotation.lon":-l[0]})})).on("zoomend",(function(){n.select(this).style(c),g&&f(t,e,y)})),m}function d(t,e){var r,i={r:e.rotate(),k:e.scale()},a=u(0,e),o=function(t){var e=0,r=arguments.length,i=[];for(;++ed?(a=(f>0?90:-90)-p,i=0):(a=Math.asin(f/d)*s-p,i=Math.sqrt(d*d-f*f));var g=180-a-2*p,m=(Math.atan2(h,u)-Math.atan2(c,i))*s,v=(Math.atan2(h,u)-Math.atan2(c,-i))*s;return b(r[0],r[1],a,m)<=b(r[0],r[1],g,v)?[a,m,r[2]]:[g,v,r[2]]}function b(t,e,r,n){var i=_(r-t),a=_(n-e);return Math.sqrt(i*i+a*a)}function _(t){return(t%360+540)%360-180}function w(t,e,r){var n=r*o,i=t.slice(),a=0===e?1:0,s=2===e?1:2,l=Math.cos(n),c=Math.sin(n);return i[a]=t[a]*l-t[s]*c,i[s]=t[s]*l+t[a]*c,i}function T(t){return[Math.atan2(2*(t[0]*t[1]+t[2]*t[3]),1-2*(t[1]*t[1]+t[2]*t[2]))*s,Math.asin(Math.max(-1,Math.min(1,2*(t[0]*t[2]-t[3]*t[1]))))*s,Math.atan2(2*(t[0]*t[3]+t[1]*t[2]),1-2*(t[2]*t[2]+t[3]*t[3]))*s]}function k(t,e){for(var r=0,n=0,i=t.length;nMath.abs(s)?(c.boxEnd[1]=c.boxStart[1]+Math.abs(a)*_*(s>=0?1:-1),c.boxEnd[1]l[3]&&(c.boxEnd[1]=l[3],c.boxEnd[0]=c.boxStart[0]+(l[3]-c.boxStart[1])/Math.abs(_))):(c.boxEnd[0]=c.boxStart[0]+Math.abs(s)/_*(a>=0?1:-1),c.boxEnd[0]l[2]&&(c.boxEnd[0]=l[2],c.boxEnd[1]=c.boxStart[1]+(l[2]-c.boxStart[0])*Math.abs(_)))}}else c.boxEnabled?(a=c.boxStart[0]!==c.boxEnd[0],s=c.boxStart[1]!==c.boxEnd[1],a||s?(a&&(m(0,c.boxStart[0],c.boxEnd[0]),t.xaxis.autorange=!1),s&&(m(1,c.boxStart[1],c.boxEnd[1]),t.yaxis.autorange=!1),t.relayoutCallback()):t.glplot.setDirty(),c.boxEnabled=!1,c.boxInited=!1):c.boxInited&&(c.boxInited=!1);break;case"pan":c.boxEnabled=!1,c.boxInited=!1,e?(c.panning||(c.dragStart[0]=n,c.dragStart[1]=i),Math.abs(c.dragStart[0]-n).999&&(g="turntable"):g="turntable")}else g="turntable";r("dragmode",g),r("hovermode",n.getDfltFromLayout("hovermode"))}e.exports=function(t,e,r){var i=e._basePlotModules.length>1;o(t,e,r,{type:"gl3d",attributes:l,handleDefaults:u,fullLayout:e,font:e.font,fullData:r,getDfltFromLayout:function(e){if(!i)return n.validate(t[e],l[e])?t[e]:void 0},autotypenumbersDflt:e.autotypenumbers,paper_bgcolor:e.paper_bgcolor,calendar:e.calendar})}},{"../../../components/color":643,"../../../lib":778,"../../../registry":911,"../../get_data":865,"../../subplot_defaults":905,"./axis_defaults":873,"./layout_attributes":876}],876:[function(t,e,r){"use strict";var n=t("./axis_attributes"),i=t("../../domain").attributes,a=t("../../../lib/extend").extendFlat,o=t("../../../lib").counterRegex;function s(t,e,r){return{x:{valType:"number",dflt:t,editType:"camera"},y:{valType:"number",dflt:e,editType:"camera"},z:{valType:"number",dflt:r,editType:"camera"},editType:"camera"}}e.exports={_arrayAttrRegexps:[o("scene",".annotations",!0)],bgcolor:{valType:"color",dflt:"rgba(0,0,0,0)",editType:"plot"},camera:{up:a(s(0,0,1),{}),center:a(s(0,0,0),{}),eye:a(s(1.25,1.25,1.25),{}),projection:{type:{valType:"enumerated",values:["perspective","orthographic"],dflt:"perspective",editType:"calc"},editType:"calc"},editType:"camera"},domain:i({name:"scene",editType:"plot"}),aspectmode:{valType:"enumerated",values:["auto","cube","data","manual"],dflt:"auto",editType:"plot",impliedEdits:{"aspectratio.x":void 0,"aspectratio.y":void 0,"aspectratio.z":void 0}},aspectratio:{x:{valType:"number",min:0,editType:"plot",impliedEdits:{"^aspectmode":"manual"}},y:{valType:"number",min:0,editType:"plot",impliedEdits:{"^aspectmode":"manual"}},z:{valType:"number",min:0,editType:"plot",impliedEdits:{"^aspectmode":"manual"}},editType:"plot",impliedEdits:{aspectmode:"manual"}},xaxis:n,yaxis:n,zaxis:n,dragmode:{valType:"enumerated",values:["orbit","turntable","zoom","pan",!1],editType:"plot"},hovermode:{valType:"enumerated",values:["closest",!1],dflt:"closest",editType:"modebar"},uirevision:{valType:"any",editType:"none"},editType:"plot",_deprecated:{cameraposition:{valType:"info_array",editType:"camera"}}}},{"../../../lib":778,"../../../lib/extend":768,"../../domain":855,"./axis_attributes":872}],877:[function(t,e,r){"use strict";var n=t("../../../lib/str2rgbarray"),i=["xaxis","yaxis","zaxis"];function a(){this.enabled=[!0,!0,!0],this.colors=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.drawSides=[!0,!0,!0],this.lineWidth=[1,1,1]}a.prototype.merge=function(t){for(var e=0;e<3;++e){var r=t[i[e]];r.visible?(this.enabled[e]=r.showspikes,this.colors[e]=n(r.spikecolor),this.drawSides[e]=r.spikesides,this.lineWidth[e]=r.spikethickness):(this.enabled[e]=!1,this.drawSides[e]=!1)}},e.exports=function(t){var e=new a;return e.merge(t),e}},{"../../../lib/str2rgbarray":802}],878:[function(t,e,r){"use strict";e.exports=function(t){for(var e=t.axesOptions,r=t.glplot.axesPixels,s=t.fullSceneLayout,l=[[],[],[]],c=0;c<3;++c){var u=s[a[c]];if(u._length=(r[c].hi-r[c].lo)*r[c].pixelsPerDataUnit/t.dataScale[c],Math.abs(u._length)===1/0||isNaN(u._length))l[c]=[];else{u._input_range=u.range.slice(),u.range[0]=r[c].lo/t.dataScale[c],u.range[1]=r[c].hi/t.dataScale[c],u._m=1/(t.dataScale[c]*r[c].pixelsPerDataUnit),u.range[0]===u.range[1]&&(u.range[0]-=1,u.range[1]+=1);var f=u.tickmode;if("auto"===u.tickmode){u.tickmode="linear";var h=u.nticks||i.constrain(u._length/40,4,9);n.autoTicks(u,Math.abs(u.range[1]-u.range[0])/h)}for(var p=n.calcTicks(u,{msUTC:!0}),d=0;d/g," "));l[c]=p,u.tickmode=f}}e.ticks=l;for(c=0;c<3;++c){o[c]=.5*(t.glplot.bounds[0][c]+t.glplot.bounds[1][c]);for(d=0;d<2;++d)e.bounds[d][c]=t.glplot.bounds[d][c]}t.contourLevels=function(t){for(var e=new Array(3),r=0;r<3;++r){for(var n=t[r],i=new Array(n.length),a=0;ar.deltaY?1.1:1/1.1,a=t.glplot.getAspectratio();t.glplot.setAspectratio({x:n*a.x,y:n*a.y,z:n*a.z})}i(t)}}),!!c&&{passive:!1}),t.glplot.canvas.addEventListener("mousemove",(function(){if(!1!==t.fullSceneLayout.dragmode&&0!==t.camera.mouseListener.buttons){var e=n();t.graphDiv.emit("plotly_relayouting",e)}})),t.staticMode||t.glplot.canvas.addEventListener("webglcontextlost",(function(r){e&&e.emit&&e.emit("plotly_webglcontextlost",{event:r,layer:t.id})}),!1)),t.glplot.oncontextloss=function(){t.recoverContext()},t.glplot.onrender=function(){t.render()},!0},w.render=function(){var t,e=this,r=e.graphDiv,n=e.svgContainer,i=e.container.getBoundingClientRect();r._fullLayout._calcInverseTransform(r);var a=r._fullLayout._invScaleX,o=r._fullLayout._invScaleY,s=i.width*a,l=i.height*o;n.setAttributeNS(null,"viewBox","0 0 "+s+" "+l),n.setAttributeNS(null,"width",s),n.setAttributeNS(null,"height",l),b(e),e.glplot.axes.update(e.axesOptions);for(var c,u=Object.keys(e.traces),h=null,g=e.glplot.selection,m=0;m")):"isosurface"===t.type||"volume"===t.type?(k.valueLabel=p.tickText(e._mockAxis,e._mockAxis.d2l(g.traceCoordinate[3]),"hover").text,E.push("value: "+k.valueLabel),g.textLabel&&E.push(g.textLabel),_=E.join("
")):_=g.textLabel;var C={x:g.traceCoordinate[0],y:g.traceCoordinate[1],z:g.traceCoordinate[2],data:w._input,fullData:w,curveNumber:w.index,pointNumber:T};d.appendArrayPointValue(C,w,T),t._module.eventData&&(C=w._module.eventData(C,g,w,{},T));var L={points:[C]};e.fullSceneLayout.hovermode&&d.loneHover({trace:w,x:(.5+.5*x[0]/x[3])*s,y:(.5-.5*x[1]/x[3])*l,xLabel:k.xLabel,yLabel:k.yLabel,zLabel:k.zLabel,text:_,name:h.name,color:d.castHoverOption(w,T,"bgcolor")||h.color,borderColor:d.castHoverOption(w,T,"bordercolor"),fontFamily:d.castHoverOption(w,T,"font.family"),fontSize:d.castHoverOption(w,T,"font.size"),fontColor:d.castHoverOption(w,T,"font.color"),nameLength:d.castHoverOption(w,T,"namelength"),textAlign:d.castHoverOption(w,T,"align"),hovertemplate:f.castOption(w,T,"hovertemplate"),hovertemplateLabels:f.extendFlat({},C,k),eventData:[C]},{container:n,gd:r}),g.buttons&&g.distance<5?r.emit("plotly_click",L):r.emit("plotly_hover",L),c=L}else d.loneUnhover(n),r.emit("plotly_unhover",c);e.drawAnnotations(e)},w.recoverContext=function(){var t=this;t.glplot.dispose();var e=function(){t.glplot.gl.isContextLost()?requestAnimationFrame(e):t.initializeGLPlot()?t.plot.apply(t,t.plotArgs):f.error("Catastrophic and unrecoverable WebGL error. Context lost.")};requestAnimationFrame(e)};var k=["xaxis","yaxis","zaxis"];function M(t,e,r){for(var n=t.fullSceneLayout,i=0;i<3;i++){var a=k[i],o=a.charAt(0),s=n[a],l=e[o],c=e[o+"calendar"],u=e["_"+o+"length"];if(f.isArrayOrTypedArray(l))for(var h,p=0;p<(u||l.length);p++)if(f.isArrayOrTypedArray(l[p]))for(var d=0;dm[1][a])m[0][a]=-1,m[1][a]=1;else{var C=m[1][a]-m[0][a];m[0][a]-=C/32,m[1][a]+=C/32}if("reversed"===s.autorange){var L=m[0][a];m[0][a]=m[1][a],m[1][a]=L}}else{var I=s.range;m[0][a]=s.r2l(I[0]),m[1][a]=s.r2l(I[1])}m[0][a]===m[1][a]&&(m[0][a]-=1,m[1][a]+=1),v[a]=m[1][a]-m[0][a],this.glplot.setBounds(a,{min:m[0][a]*h[a],max:m[1][a]*h[a]})}var P=c.aspectmode;if("cube"===P)d=[1,1,1];else if("manual"===P){var z=c.aspectratio;d=[z.x,z.y,z.z]}else{if("auto"!==P&&"data"!==P)throw new Error("scene.js aspectRatio was not one of the enumerated types");var O=[1,1,1];for(a=0;a<3;++a){var D=y[l=(s=c[k[a]]).type];O[a]=Math.pow(D.acc,1/D.count)/h[a]}d="data"===P||Math.max.apply(null,O)/Math.min.apply(null,O)<=4?O:[1,1,1]}c.aspectratio.x=u.aspectratio.x=d[0],c.aspectratio.y=u.aspectratio.y=d[1],c.aspectratio.z=u.aspectratio.z=d[2],this.glplot.setAspectratio(c.aspectratio),this.viewInitial.aspectratio||(this.viewInitial.aspectratio={x:c.aspectratio.x,y:c.aspectratio.y,z:c.aspectratio.z}),this.viewInitial.aspectmode||(this.viewInitial.aspectmode=c.aspectmode);var R=c.domain||null,F=e._size||null;if(R&&F){var B=this.container.style;B.position="absolute",B.left=F.l+R.x[0]*F.w+"px",B.top=F.t+(1-R.y[1])*F.h+"px",B.width=F.w*(R.x[1]-R.x[0])+"px",B.height=F.h*(R.y[1]-R.y[0])+"px"}this.glplot.redraw()}},w.destroy=function(){this.glplot&&(this.camera.mouseListener.enabled=!1,this.container.removeEventListener("wheel",this.camera.wheelListener),this.camera=null,this.glplot.dispose(),this.container.parentNode.removeChild(this.container),this.glplot=null)},w.getCamera=function(){var t;return this.camera.view.recalcMatrix(this.camera.view.lastT()),{up:{x:(t=this.camera).up[0],y:t.up[1],z:t.up[2]},center:{x:t.center[0],y:t.center[1],z:t.center[2]},eye:{x:t.eye[0],y:t.eye[1],z:t.eye[2]},projection:{type:!0===t._ortho?"orthographic":"perspective"}}},w.setViewport=function(t){var e,r=t.camera;this.camera.lookAt.apply(this,[[(e=r).eye.x,e.eye.y,e.eye.z],[e.center.x,e.center.y,e.center.z],[e.up.x,e.up.y,e.up.z]]),this.glplot.setAspectratio(t.aspectratio),"orthographic"===r.projection.type!==this.camera._ortho&&(this.glplot.redraw(),this.glplot.clearRGBA(),this.glplot.dispose(),this.initializeGLPlot())},w.isCameraChanged=function(t){var e=this.getCamera(),r=f.nestedProperty(t,this.id+".camera").get();function n(t,e,r,n){var i=["up","center","eye"],a=["x","y","z"];return e[i[r]]&&t[i[r]][a[n]]===e[i[r]][a[n]]}var i=!1;if(void 0===r)i=!0;else{for(var a=0;a<3;a++)for(var o=0;o<3;o++)if(!n(e,r,a,o)){i=!0;break}(!r.projection||e.projection&&e.projection.type!==r.projection.type)&&(i=!0)}return i},w.isAspectChanged=function(t){var e=this.glplot.getAspectratio(),r=f.nestedProperty(t,this.id+".aspectratio").get();return void 0===r||r.x!==e.x||r.y!==e.y||r.z!==e.z},w.saveLayout=function(t){var e,r,n,i,a,o,s=this.fullLayout,l=this.isCameraChanged(t),c=this.isAspectChanged(t),h=l||c;if(h){var p={};if(l&&(e=this.getCamera(),n=(r=f.nestedProperty(t,this.id+".camera")).get(),p[this.id+".camera"]=n),c&&(i=this.glplot.getAspectratio(),o=(a=f.nestedProperty(t,this.id+".aspectratio")).get(),p[this.id+".aspectratio"]=o),u.call("_storeDirectGUIEdit",t,s._preGUI,p),l)r.set(e),f.nestedProperty(s,this.id+".camera").set(e);if(c)a.set(i),f.nestedProperty(s,this.id+".aspectratio").set(i),this.glplot.redraw()}return h},w.updateFx=function(t,e){var r=this.camera;if(r)if("orbit"===t)r.mode="orbit",r.keyBindingMode="rotate";else if("turntable"===t){r.up=[0,0,1],r.mode="turntable",r.keyBindingMode="rotate";var n=this.graphDiv,i=n._fullLayout,a=this.fullSceneLayout.camera,o=a.up.x,s=a.up.y,l=a.up.z;if(l/Math.sqrt(o*o+s*s+l*l)<.999){var c=this.id+".camera.up",h={x:0,y:0,z:1},p={};p[c]=h;var d=n.layout;u.call("_storeDirectGUIEdit",d,i._preGUI,p),a.up=h,f.nestedProperty(d,c).set(h)}}else r.keyBindingMode=t;this.fullSceneLayout.hovermode=e},w.toImage=function(t){t||(t="png"),this.staticMode&&this.container.appendChild(n),this.glplot.redraw();var e=this.glplot.gl,r=e.drawingBufferWidth,i=e.drawingBufferHeight;e.bindFramebuffer(e.FRAMEBUFFER,null);var a=new Uint8Array(r*i*4);e.readPixels(0,0,r,i,e.RGBA,e.UNSIGNED_BYTE,a),function(t,e,r){for(var n=0,i=r-1;n0)for(var s=255/o,l=0;l<3;++l)t[a+l]=Math.min(s*t[a+l],255)}}(a,r,i);var o=document.createElement("canvas");o.width=r,o.height=i;var s,l=o.getContext("2d"),c=l.createImageData(r,i);switch(c.data.set(a),l.putImageData(c,0,0),t){case"jpeg":s=o.toDataURL("image/jpeg");break;case"webp":s=o.toDataURL("image/webp");break;default:s=o.toDataURL("image/png")}return this.staticMode&&this.container.removeChild(n),s},w.setConvert=function(){for(var t=0;t<3;t++){var e=this.fullSceneLayout[k[t]];p.setConvert(e,this.fullLayout),e.setScale=f.noop}},w.make4thDimension=function(){var t=this.graphDiv._fullLayout;this._mockAxis={type:"linear",showexponent:"all",exponentformat:"B"},p.setConvert(this._mockAxis,t)},e.exports=_},{"../../components/fx":683,"../../lib":778,"../../lib/show_no_webgl_msg":800,"../../lib/str2rgbarray":802,"../../plots/cartesian/axes":828,"../../registry":911,"./layout/convert":874,"./layout/spikes":877,"./layout/tick_marks":878,"./project":879,"gl-plot3d":321,"has-passive-events":441,"webgl-context":606}],881:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){n=n||t.length;for(var i=new Array(n),a=0;a\xa9 OpenStreetMap
',tiles:["https://a.tile.openstreetmap.org/{z}/{x}/{y}.png","https://b.tile.openstreetmap.org/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-osm-tiles",type:"raster",source:"plotly-osm-tiles",minzoom:0,maxzoom:22}]},"white-bg":{id:"white-bg",version:8,sources:{},layers:[{id:"white-bg",type:"background",paint:{"background-color":"#FFFFFF"},minzoom:0,maxzoom:22}]},"carto-positron":{id:"carto-positron",version:8,sources:{"plotly-carto-positron":{type:"raster",attribution:'\xa9 CARTO',tiles:["https://cartodb-basemaps-c.global.ssl.fastly.net/light_all/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-carto-positron",type:"raster",source:"plotly-carto-positron",minzoom:0,maxzoom:22}]},"carto-darkmatter":{id:"carto-darkmatter",version:8,sources:{"plotly-carto-darkmatter":{type:"raster",attribution:'\xa9 CARTO',tiles:["https://cartodb-basemaps-c.global.ssl.fastly.net/dark_all/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-carto-darkmatter",type:"raster",source:"plotly-carto-darkmatter",minzoom:0,maxzoom:22}]},"stamen-terrain":{id:"stamen-terrain",version:8,sources:{"plotly-stamen-terrain":{type:"raster",attribution:'Map tiles by Stamen Design, under CC BY 3.0 | Data by OpenStreetMap, under ODbL.',tiles:["https://stamen-tiles.a.ssl.fastly.net/terrain/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-stamen-terrain",type:"raster",source:"plotly-stamen-terrain",minzoom:0,maxzoom:22}]},"stamen-toner":{id:"stamen-toner",version:8,sources:{"plotly-stamen-toner":{type:"raster",attribution:'Map tiles by Stamen Design, under CC BY 3.0 | Data by OpenStreetMap, under ODbL.',tiles:["https://stamen-tiles.a.ssl.fastly.net/toner/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-stamen-toner",type:"raster",source:"plotly-stamen-toner",minzoom:0,maxzoom:22}]},"stamen-watercolor":{id:"stamen-watercolor",version:8,sources:{"plotly-stamen-watercolor":{type:"raster",attribution:'Map tiles by Stamen Design, under CC BY 3.0 | Data by OpenStreetMap, under CC BY SA.',tiles:["https://stamen-tiles.a.ssl.fastly.net/watercolor/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-stamen-watercolor",type:"raster",source:"plotly-stamen-watercolor",minzoom:0,maxzoom:22}]}},i=Object.keys(n);e.exports={requiredVersion:"1.10.1",styleUrlPrefix:"mapbox://styles/mapbox/",styleUrlSuffix:"v9",styleValuesMapbox:["basic","streets","outdoors","light","dark","satellite","satellite-streets"],styleValueDflt:"basic",stylesNonMapbox:n,styleValuesNonMapbox:i,traceLayerPrefix:"plotly-trace-layer-",layoutLayerPrefix:"plotly-layout-layer-",wrongVersionErrorMsg:["Your custom plotly.js bundle is not using the correct mapbox-gl version","Please install mapbox-gl@1.10.1."].join("\n"),noAccessTokenErrorMsg:["Missing Mapbox access token.","Mapbox trace type require a Mapbox access token to be registered.","For example:"," Plotly.plot(gd, data, layout, { mapboxAccessToken: 'my-access-token' });","More info here: https://www.mapbox.com/help/define-access-token/"].join("\n"),missingStyleErrorMsg:["No valid mapbox style found, please set `mapbox.style` to one of:",i.join(", "),"or register a Mapbox access token to use a Mapbox-served style."].join("\n"),multipleTokensErrorMsg:["Set multiple mapbox access token across different mapbox subplot,","using first token found as mapbox-gl does not allow multipleaccess tokens on the same page."].join("\n"),mapOnErrorMsg:"Mapbox error.",mapboxLogo:{path0:"m 10.5,1.24 c -5.11,0 -9.25,4.15 -9.25,9.25 0,5.1 4.15,9.25 9.25,9.25 5.1,0 9.25,-4.15 9.25,-9.25 0,-5.11 -4.14,-9.25 -9.25,-9.25 z m 4.39,11.53 c -1.93,1.93 -4.78,2.31 -6.7,2.31 -0.7,0 -1.41,-0.05 -2.1,-0.16 0,0 -1.02,-5.64 2.14,-8.81 0.83,-0.83 1.95,-1.28 3.13,-1.28 1.27,0 2.49,0.51 3.39,1.42 1.84,1.84 1.89,4.75 0.14,6.52 z",path1:"M 10.5,-0.01 C 4.7,-0.01 0,4.7 0,10.49 c 0,5.79 4.7,10.5 10.5,10.5 5.8,0 10.5,-4.7 10.5,-10.5 C 20.99,4.7 16.3,-0.01 10.5,-0.01 Z m 0,19.75 c -5.11,0 -9.25,-4.15 -9.25,-9.25 0,-5.1 4.14,-9.26 9.25,-9.26 5.11,0 9.25,4.15 9.25,9.25 0,5.13 -4.14,9.26 -9.25,9.26 z",path2:"M 14.74,6.25 C 12.9,4.41 9.98,4.35 8.23,6.1 5.07,9.27 6.09,14.91 6.09,14.91 c 0,0 5.64,1.02 8.81,-2.14 C 16.64,11 16.59,8.09 14.74,6.25 Z m -2.27,4.09 -0.91,1.87 -0.9,-1.87 -1.86,-0.91 1.86,-0.9 0.9,-1.87 0.91,1.87 1.86,0.9 z",polygon:"11.56,12.21 10.66,10.34 8.8,9.43 10.66,8.53 11.56,6.66 12.47,8.53 14.33,9.43 12.47,10.34"},styleRules:{map:"overflow:hidden;position:relative;","missing-css":"display:none;",canary:"background-color:salmon;","ctrl-bottom-left":"position: absolute; pointer-events: none; z-index: 2; bottom: 0; left: 0;","ctrl-bottom-right":"position: absolute; pointer-events: none; z-index: 2; right: 0; bottom: 0;",ctrl:"clear: both; pointer-events: auto; transform: translate(0, 0);","ctrl-attrib.mapboxgl-compact .mapboxgl-ctrl-attrib-inner":"display: none;","ctrl-attrib.mapboxgl-compact:hover .mapboxgl-ctrl-attrib-inner":"display: block; margin-top:2px","ctrl-attrib.mapboxgl-compact:hover":"padding: 2px 24px 2px 4px; visibility: visible; margin-top: 6px;","ctrl-attrib.mapboxgl-compact::after":'content: ""; cursor: pointer; position: absolute; background-image: url(\'data:image/svg+xml;charset=utf-8,%3Csvg viewBox="0 0 20 20" xmlns="http://www.w3.org/2000/svg"%3E %3Cpath fill="%23333333" fill-rule="evenodd" d="M4,10a6,6 0 1,0 12,0a6,6 0 1,0 -12,0 M9,7a1,1 0 1,0 2,0a1,1 0 1,0 -2,0 M9,10a1,1 0 1,1 2,0l0,3a1,1 0 1,1 -2,0"/%3E %3C/svg%3E\'); background-color: rgba(255, 255, 255, 0.5); width: 24px; height: 24px; box-sizing: border-box; border-radius: 12px;',"ctrl-attrib.mapboxgl-compact":"min-height: 20px; padding: 0; margin: 10px; position: relative; background-color: #fff; border-radius: 3px 12px 12px 3px;","ctrl-bottom-right > .mapboxgl-ctrl-attrib.mapboxgl-compact::after":"bottom: 0; right: 0","ctrl-bottom-left > .mapboxgl-ctrl-attrib.mapboxgl-compact::after":"bottom: 0; left: 0","ctrl-bottom-left .mapboxgl-ctrl":"margin: 0 0 10px 10px; float: left;","ctrl-bottom-right .mapboxgl-ctrl":"margin: 0 10px 10px 0; float: right;","ctrl-attrib":"color: rgba(0, 0, 0, 0.75); text-decoration: none; font-size: 12px","ctrl-attrib a":"color: rgba(0, 0, 0, 0.75); text-decoration: none; font-size: 12px","ctrl-attrib a:hover":"color: inherit; text-decoration: underline;","ctrl-attrib .mapbox-improve-map":"font-weight: bold; margin-left: 2px;","attrib-empty":"display: none;","ctrl-logo":'display:block; width: 21px; height: 21px; background-image: url(\'data:image/svg+xml;charset=utf-8,%3C?xml version="1.0" encoding="utf-8"?%3E %3Csvg version="1.1" id="Layer_1" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" x="0px" y="0px" viewBox="0 0 21 21" style="enable-background:new 0 0 21 21;" xml:space="preserve"%3E%3Cg transform="translate(0,0.01)"%3E%3Cpath d="m 10.5,1.24 c -5.11,0 -9.25,4.15 -9.25,9.25 0,5.1 4.15,9.25 9.25,9.25 5.1,0 9.25,-4.15 9.25,-9.25 0,-5.11 -4.14,-9.25 -9.25,-9.25 z m 4.39,11.53 c -1.93,1.93 -4.78,2.31 -6.7,2.31 -0.7,0 -1.41,-0.05 -2.1,-0.16 0,0 -1.02,-5.64 2.14,-8.81 0.83,-0.83 1.95,-1.28 3.13,-1.28 1.27,0 2.49,0.51 3.39,1.42 1.84,1.84 1.89,4.75 0.14,6.52 z" style="opacity:0.9;fill:%23ffffff;enable-background:new" class="st0"/%3E%3Cpath d="M 10.5,-0.01 C 4.7,-0.01 0,4.7 0,10.49 c 0,5.79 4.7,10.5 10.5,10.5 5.8,0 10.5,-4.7 10.5,-10.5 C 20.99,4.7 16.3,-0.01 10.5,-0.01 Z m 0,19.75 c -5.11,0 -9.25,-4.15 -9.25,-9.25 0,-5.1 4.14,-9.26 9.25,-9.26 5.11,0 9.25,4.15 9.25,9.25 0,5.13 -4.14,9.26 -9.25,9.26 z" style="opacity:0.35;enable-background:new" class="st1"/%3E%3Cpath d="M 14.74,6.25 C 12.9,4.41 9.98,4.35 8.23,6.1 5.07,9.27 6.09,14.91 6.09,14.91 c 0,0 5.64,1.02 8.81,-2.14 C 16.64,11 16.59,8.09 14.74,6.25 Z m -2.27,4.09 -0.91,1.87 -0.9,-1.87 -1.86,-0.91 1.86,-0.9 0.9,-1.87 0.91,1.87 1.86,0.9 z" style="opacity:0.35;enable-background:new" class="st1"/%3E%3Cpolygon points="11.56,12.21 10.66,10.34 8.8,9.43 10.66,8.53 11.56,6.66 12.47,8.53 14.33,9.43 12.47,10.34 " style="opacity:0.9;fill:%23ffffff;enable-background:new" class="st0"/%3E%3C/g%3E%3C/svg%3E\')'}}},{}],884:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t,e){var r=t.split(" "),i=r[0],a=r[1],o=n.isArrayOrTypedArray(e)?n.mean(e):e,s=.5+o/100,l=1.5+o/100,c=["",""],u=[0,0];switch(i){case"top":c[0]="top",u[1]=-l;break;case"bottom":c[0]="bottom",u[1]=l}switch(a){case"left":c[1]="right",u[0]=-s;break;case"right":c[1]="left",u[0]=s}return{anchor:c[0]&&c[1]?c.join("-"):c[0]?c[0]:c[1]?c[1]:"center",offset:u}}},{"../../lib":778}],885:[function(t,e,r){"use strict";var n=t("mapbox-gl"),i=t("../../lib"),a=i.strTranslate,o=i.strScale,s=t("../../plots/get_data").getSubplotCalcData,l=t("../../constants/xmlns_namespaces"),c=t("d3"),u=t("../../components/drawing"),f=t("../../lib/svg_text_utils"),h=t("./mapbox"),p=r.constants=t("./constants");function d(t){return"string"==typeof t&&(-1!==p.styleValuesMapbox.indexOf(t)||0===t.indexOf("mapbox://"))}r.name="mapbox",r.attr="subplot",r.idRoot="mapbox",r.idRegex=r.attrRegex=i.counterRegex("mapbox"),r.attributes={subplot:{valType:"subplotid",dflt:"mapbox",editType:"calc"}},r.layoutAttributes=t("./layout_attributes"),r.supplyLayoutDefaults=t("./layout_defaults"),r.plot=function(t){var e=t._fullLayout,r=t.calcdata,a=e._subplots.mapbox;if(n.version!==p.requiredVersion)throw new Error(p.wrongVersionErrorMsg);var o=function(t,e){var r=t._fullLayout;if(""===t._context.mapboxAccessToken)return"";for(var n=[],a=[],o=!1,s=!1,l=0;l1&&i.warn(p.multipleTokensErrorMsg),n[0]):(a.length&&i.log(["Listed mapbox access token(s)",a.join(","),"but did not use a Mapbox map style, ignoring token(s)."].join(" ")),"")}(t,a);n.accessToken=o;for(var l=0;l_/2){var w=v.split("|").join("
");x.text(w).attr("data-unformatted",w).call(f.convertToTspans,t),b=u.bBox(x.node())}x.attr("transform",a(-3,8-b.height)),y.insert("rect",".static-attribution").attr({x:-b.width-6,y:-b.height-3,width:b.width+6,height:b.height+3,fill:"rgba(255, 255, 255, 0.75)"});var T=1;b.width+6>_&&(T=_/(b.width+6));var k=[n.l+n.w*h.x[1],n.t+n.h*(1-h.y[0])];y.attr("transform",a(k[0],k[1])+o(T))}},r.updateFx=function(t){for(var e=t._fullLayout,r=e._subplots.mapbox,n=0;n0){for(var r=0;r0}function u(t){var e={},r={};switch(t.type){case"circle":n.extendFlat(r,{"circle-radius":t.circle.radius,"circle-color":t.color,"circle-opacity":t.opacity});break;case"line":n.extendFlat(r,{"line-width":t.line.width,"line-color":t.color,"line-opacity":t.opacity,"line-dasharray":t.line.dash});break;case"fill":n.extendFlat(r,{"fill-color":t.color,"fill-outline-color":t.fill.outlinecolor,"fill-opacity":t.opacity});break;case"symbol":var i=t.symbol,o=a(i.textposition,i.iconsize);n.extendFlat(e,{"icon-image":i.icon+"-15","icon-size":i.iconsize/10,"text-field":i.text,"text-size":i.textfont.size,"text-anchor":o.anchor,"text-offset":o.offset,"symbol-placement":i.placement}),n.extendFlat(r,{"icon-color":t.color,"text-color":i.textfont.color,"text-opacity":t.opacity});break;case"raster":n.extendFlat(r,{"raster-fade-duration":0,"raster-opacity":t.opacity})}return{layout:e,paint:r}}l.update=function(t){this.visible?this.needsNewImage(t)?this.updateImage(t):this.needsNewSource(t)?(this.removeLayer(),this.updateSource(t),this.updateLayer(t)):this.needsNewLayer(t)?this.updateLayer(t):this.updateStyle(t):(this.updateSource(t),this.updateLayer(t)),this.visible=c(t)},l.needsNewImage=function(t){return this.subplot.map.getSource(this.idSource)&&"image"===this.sourceType&&"image"===t.sourcetype&&(this.source!==t.source||JSON.stringify(this.coordinates)!==JSON.stringify(t.coordinates))},l.needsNewSource=function(t){return this.sourceType!==t.sourcetype||JSON.stringify(this.source)!==JSON.stringify(t.source)||this.layerType!==t.type},l.needsNewLayer=function(t){return this.layerType!==t.type||this.below!==this.subplot.belowLookup["layout-"+this.index]},l.lookupBelow=function(){return this.subplot.belowLookup["layout-"+this.index]},l.updateImage=function(t){this.subplot.map.getSource(this.idSource).updateImage({url:t.source,coordinates:t.coordinates});var e=this.findFollowingMapboxLayerId(this.lookupBelow());null!==e&&this.subplot.map.moveLayer(this.idLayer,e)},l.updateSource=function(t){var e=this.subplot.map;if(e.getSource(this.idSource)&&e.removeSource(this.idSource),this.sourceType=t.sourcetype,this.source=t.source,c(t)){var r=function(t){var e,r=t.sourcetype,n=t.source,a={type:r};"geojson"===r?e="data":"vector"===r?e="string"==typeof n?"url":"tiles":"raster"===r?(e="tiles",a.tileSize=256):"image"===r&&(e="url",a.coordinates=t.coordinates);a[e]=n,t.sourceattribution&&(a.attribution=i(t.sourceattribution));return a}(t);e.addSource(this.idSource,r)}},l.findFollowingMapboxLayerId=function(t){if("traces"===t)for(var e=this.subplot.getMapLayers(),r=0;r1)for(r=0;r-1&&v(e.originalEvent,n,[r.xaxis],[r.yaxis],r.id,t),i.indexOf("event")>-1&&c.click(n,e.originalEvent)}}},_.updateFx=function(t){var e=this,r=e.map,n=e.gd;if(!e.isStatic){var a,o=t.dragmode;a=f(o)?function(t,r){(t.range={})[e.id]=[c([r.xmin,r.ymin]),c([r.xmax,r.ymax])]}:function(t,r,n){(t.lassoPoints={})[e.id]=n.filtered.map(c)};var s=e.dragOptions;e.dragOptions=i.extendDeep(s||{},{dragmode:t.dragmode,element:e.div,gd:n,plotinfo:{id:e.id,domain:t[e.id].domain,xaxis:e.xaxis,yaxis:e.yaxis,fillRangeItems:a},xaxes:[e.xaxis],yaxes:[e.yaxis],subplot:e.id}),r.off("click",e.onClickInPanHandler),p(o)||h(o)?(r.dragPan.disable(),r.on("zoomstart",e.clearSelect),e.dragOptions.prepFn=function(t,r,n){d(t,r,n,e.dragOptions,o)},l.init(e.dragOptions)):(r.dragPan.enable(),r.off("zoomstart",e.clearSelect),e.div.onmousedown=null,e.onClickInPanHandler=e.onClickInPanFn(e.dragOptions),r.on("click",e.onClickInPanHandler))}function c(t){var r=e.map.unproject(t);return[r.lng,r.lat]}},_.updateFramework=function(t){var e=t[this.id].domain,r=t._size,n=this.div.style;n.width=r.w*(e.x[1]-e.x[0])+"px",n.height=r.h*(e.y[1]-e.y[0])+"px",n.left=r.l+e.x[0]*r.w+"px",n.top=r.t+(1-e.y[1])*r.h+"px",this.xaxis._offset=r.l+e.x[0]*r.w,this.xaxis._length=r.w*(e.x[1]-e.x[0]),this.yaxis._offset=r.t+(1-e.y[1])*r.h,this.yaxis._length=r.h*(e.y[1]-e.y[0])},_.updateLayers=function(t){var e,r=t[this.id].layers,n=this.layerList;if(r.length!==n.length){for(e=0;e=e.width-20?(a["text-anchor"]="start",a.x=5):(a["text-anchor"]="end",a.x=e._paper.attr("width")-7),r.attr(a);var o=r.select(".js-link-to-tool"),s=r.select(".js-link-spacer"),l=r.select(".js-sourcelinks");t._context.showSources&&t._context.showSources(t),t._context.showLink&&function(t,e){e.text("");var r=e.append("a").attr({"xlink:xlink:href":"#",class:"link--impt link--embedview","font-weight":"bold"}).text(t._context.linkText+" "+String.fromCharCode(187));if(t._context.sendData)r.on("click",(function(){x.sendDataToCloud(t)}));else{var n=window.location.pathname.split("/"),i=window.location.search;r.attr({"xlink:xlink:show":"new","xlink:xlink:href":"/"+n[2].split(".")[0]+"/"+n[1]+i})}}(t,o),s.text(o.text()&&l.text()?" - ":"")}},x.sendDataToCloud=function(t){var e=(window.PLOTLYENV||{}).BASE_URL||t._context.plotlyServerURL;if(e){t.emit("plotly_beforeexport");var r=n.select(t).append("div").attr("id","hiddenform").style("display","none"),i=r.append("form").attr({action:e+"/external",method:"post",target:"_blank"});return i.append("input").attr({type:"text",name:"data"}).node().value=x.graphJson(t,!1,"keepdata"),i.node().submit(),r.remove(),t.emit("plotly_afterexport"),!1}};var w=["days","shortDays","months","shortMonths","periods","dateTime","date","time","decimal","thousands","grouping","currency"],T=["year","month","dayMonth","dayMonthYear"];function k(t,e){var r=t._context.locale;r||(r="en-US");var n=!1,i={};function a(t){for(var r=!0,a=0;a1&&O.length>1){for(o.getComponentMethod("grid","sizeDefaults")(u,l),s=0;s15&&O.length>15&&0===l.shapes.length&&0===l.images.length,l._hasCartesian=l._has("cartesian"),l._hasGeo=l._has("geo"),l._hasGL3D=l._has("gl3d"),l._hasGL2D=l._has("gl2d"),l._hasTernary=l._has("ternary"),l._hasPie=l._has("pie"),x.linkSubplots(h,l,f,a),x.cleanPlot(h,l,f,a);var N=!(!a._has||!a._has("gl2d")),j=!(!l._has||!l._has("gl2d")),U=!(!a._has||!a._has("cartesian"))||N,V=!(!l._has||!l._has("cartesian"))||j;U&&!V?a._bgLayer.remove():V&&!U&&(l._shouldCreateBgLayer=!0),a._zoomlayer&&!t._dragging&&p({_fullLayout:a}),function(t,e){var r,n=[];e.meta&&(r=e._meta={meta:e.meta,layout:{meta:e.meta}});for(var i=0;i0){var f=1-2*s;n=Math.round(f*n),i=Math.round(f*i)}}var h=x.layoutAttributes.width.min,p=x.layoutAttributes.height.min;n1,g=!e.height&&Math.abs(r.height-i)>1;(g||d)&&(d&&(r.width=n),g&&(r.height=i)),t._initialAutoSize||(t._initialAutoSize={width:n,height:i}),x.sanitizeMargins(r)},x.supplyLayoutModuleDefaults=function(t,e,r,n){var i,a,s,l=o.componentsRegistry,u=e._basePlotModules,f=o.subplotsRegistry.cartesian;for(i in l)(s=l[i]).includeBasePlot&&s.includeBasePlot(t,e);for(var h in u.length||u.push(f),e._has("cartesian")&&(o.getComponentMethod("grid","contentDefaults")(t,e),f.finalizeSubplots(t,e)),e._subplots)e._subplots[h].sort(c.subplotSort);for(a=0;a1&&(r.l/=g,r.r/=g)}if(f){var m=(r.t+r.b)/f;m>1&&(r.t/=m,r.b/=m)}var v=void 0!==r.xl?r.xl:r.x,y=void 0!==r.xr?r.xr:r.x,b=void 0!==r.yt?r.yt:r.y,_=void 0!==r.yb?r.yb:r.y;h[e]={l:{val:v,size:r.l+d},r:{val:y,size:r.r+d},b:{val:_,size:r.b+d},t:{val:b,size:r.t+d}},p[e]=1}else delete h[e],delete p[e];if(!n._replotting)return x.doAutoMargin(t)}},x.doAutoMargin=function(t){var e=t._fullLayout,r=e.width,n=e.height;e._size||(e._size={}),C(e);var i=e._size,s=e.margin,l=c.extendFlat({},i),u=s.l,f=s.r,p=s.t,d=s.b,g=e._pushmargin,m=e._pushmarginIds;if(!1!==e.margin.autoexpand){for(var v in g)m[v]||delete g[v];for(var y in g.base={l:{val:0,size:u},r:{val:1,size:f},t:{val:1,size:p},b:{val:0,size:d}},g){var b=g[y].l||{},_=g[y].b||{},w=b.val,T=b.size,k=_.val,M=_.size;for(var A in g){if(a(T)&&g[A].r){var S=g[A].r.val,E=g[A].r.size;if(S>w){var L=(T*S+(E-r)*w)/(S-w),I=(E*(1-w)+(T-r)*(1-S))/(S-w);L+I>u+f&&(u=L,f=I)}}if(a(M)&&g[A].t){var P=g[A].t.val,z=g[A].t.size;if(P>k){var O=(M*P+(z-n)*k)/(P-k),D=(z*(1-k)+(M-n)*(1-P))/(P-k);O+D>d+p&&(d=O,p=D)}}}}}var R=c.constrain(r-s.l-s.r,2,64),F=c.constrain(n-s.t-s.b,2,64),B=Math.max(0,r-R),N=Math.max(0,n-F);if(B){var j=(u+f)/B;j>1&&(u/=j,f/=j)}if(N){var U=(d+p)/N;U>1&&(d/=U,p/=U)}if(i.l=Math.round(u),i.r=Math.round(f),i.t=Math.round(p),i.b=Math.round(d),i.p=Math.round(s.pad),i.w=Math.round(r)-i.l-i.r,i.h=Math.round(n)-i.t-i.b,!e._replotting&&x.didMarginChange(l,i)){"_redrawFromAutoMarginCount"in e?e._redrawFromAutoMarginCount++:e._redrawFromAutoMarginCount=1;var V=3*(1+Object.keys(m).length);if(e._redrawFromAutoMarginCount0&&(t._transitioningWithDuration=!0),t._transitionData._interruptCallbacks.push((function(){n=!0})),r.redraw&&t._transitionData._interruptCallbacks.push((function(){return o.call("redraw",t)})),t._transitionData._interruptCallbacks.push((function(){t.emit("plotly_transitioninterrupted",[])}));var a=0,s=0;function l(){return a++,function(){s++,n||s!==a||function(e){if(!t._transitionData)return;(function(t){if(t)for(;t.length;)t.shift()})(t._transitionData._interruptCallbacks),Promise.resolve().then((function(){if(r.redraw)return o.call("redraw",t)})).then((function(){t._transitioning=!1,t._transitioningWithDuration=!1,t.emit("plotly_transitioned",[])})).then(e)}(i)}}r.runFn(l),setTimeout(l())}))}],a=c.syncOrAsync(i,t);return a&&a.then||(a=Promise.resolve()),a.then((function(){return t}))}x.didMarginChange=function(t,e){for(var r=0;r1)return!0}return!1},x.graphJson=function(t,e,r,n,i,a){(i&&e&&!t._fullData||i&&!e&&!t._fullLayout)&&x.supplyDefaults(t);var o=i?t._fullData:t.data,s=i?t._fullLayout:t.layout,l=(t._transitionData||{})._frames;function u(t,e){if("function"==typeof t)return e?"_function_":null;if(c.isPlainObject(t)){var n,i={};return Object.keys(t).sort().forEach((function(a){if(-1===["_","["].indexOf(a.charAt(0)))if("function"!=typeof t[a]){if("keepdata"===r){if("src"===a.substr(a.length-3))return}else if("keepstream"===r){if("string"==typeof(n=t[a+"src"])&&n.indexOf(":")>0&&!c.isPlainObject(t.stream))return}else if("keepall"!==r&&"string"==typeof(n=t[a+"src"])&&n.indexOf(":")>0)return;i[a]=u(t[a],e)}else e&&(i[a]="_function")})),i}return Array.isArray(t)?t.map((function(t){return u(t,e)})):c.isTypedArray(t)?c.simpleMap(t,c.identity):c.isJSDate(t)?c.ms2DateTimeLocal(+t):t}var f={data:(o||[]).map((function(t){var r=u(t);return e&&delete r.fit,r}))};if(!e&&(f.layout=u(s),i)){var h=s._size;f.layout.computed={margin:{b:h.b,l:h.l,r:h.r,t:h.t}}}return t.framework&&t.framework.isPolar&&(f=t.framework.getConfig()),l&&(f.frames=u(l)),a&&(f.config=u(t._context,!0)),"object"===n?f:JSON.stringify(f)},x.modifyFrames=function(t,e){var r,n,i,a=t._transitionData._frames,o=t._transitionData._frameHash;for(r=0;r=0;a--)if(s[a].enabled){r._indexToPoints=s[a]._indexToPoints;break}n&&n.calc&&(o=n.calc(t,r))}Array.isArray(o)&&o[0]||(o=[{x:f,y:f}]),o[0].t||(o[0].t={}),o[0].trace=r,d[e]=o}}for(z(l,u,p),i=0;i1e-10?t:0}function h(t,e,r){e=e||0,r=r||0;for(var n=t.length,i=new Array(n),a=0;a0?r:1/0})),i=n.mod(r+1,e.length);return[e[r],e[i]]},findIntersectionXY:c,findXYatLength:function(t,e,r,n){var i=-e*r,a=e*e+1,o=2*(e*i-r),s=i*i+r*r-t*t,l=Math.sqrt(o*o-4*a*s),c=(-o+l)/(2*a),u=(-o-l)/(2*a);return[[c,e*c+i+n],[u,e*u+i+n]]},clampTiny:f,pathPolygon:function(t,e,r,n,i,a){return"M"+h(u(t,e,r,n),i,a).join("L")},pathPolygonAnnulus:function(t,e,r,n,i,a,o){var s,l;t=0?h.angularAxis.domain:n.extent(T),E=Math.abs(T[1]-T[0]);M&&!k&&(E=0);var C=S.slice();A&&k&&(C[1]+=E);var L=h.angularAxis.ticksCount||4;L>8&&(L=L/(L/8)+L%8),h.angularAxis.ticksStep&&(L=(C[1]-C[0])/L);var I=h.angularAxis.ticksStep||(C[1]-C[0])/(L*(h.minorTicks+1));w&&(I=Math.max(Math.round(I),1)),C[2]||(C[2]=I);var P=n.range.apply(this,C);if(P=P.map((function(t,e){return parseFloat(t.toPrecision(12))})),s=n.scale.linear().domain(C.slice(0,2)).range("clockwise"===h.direction?[0,360]:[360,0]),u.layout.angularAxis.domain=s.domain(),u.layout.angularAxis.endPadding=A?E:0,"undefined"==typeof(t=n.select(this).select("svg.chart-root"))||t.empty()){var z=(new DOMParser).parseFromString("' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '","application/xml"),O=this.appendChild(this.ownerDocument.importNode(z.documentElement,!0));t=n.select(O)}t.select(".guides-group").style({"pointer-events":"none"}),t.select(".angular.axis-group").style({"pointer-events":"none"}),t.select(".radial.axis-group").style({"pointer-events":"none"});var D,R=t.select(".chart-group"),F={fill:"none",stroke:h.tickColor},B={"font-size":h.font.size,"font-family":h.font.family,fill:h.font.color,"text-shadow":["-1px 0px","1px -1px","-1px 1px","1px 1px"].map((function(t,e){return" "+t+" 0 "+h.font.outlineColor})).join(",")};if(h.showLegend){D=t.select(".legend-group").attr({transform:"translate("+[x,h.margin.top]+")"}).style({display:"block"});var N=p.map((function(t,e){var r=o.util.cloneJson(t);return r.symbol="DotPlot"===t.geometry?t.dotType||"circle":"LinePlot"!=t.geometry?"square":"line",r.visibleInLegend="undefined"==typeof t.visibleInLegend||t.visibleInLegend,r.color="LinePlot"===t.geometry?t.strokeColor:t.color,r}));o.Legend().config({data:p.map((function(t,e){return t.name||"Element"+e})),legendConfig:i({},o.Legend.defaultConfig().legendConfig,{container:D,elements:N,reverseOrder:h.legend.reverseOrder})})();var j=D.node().getBBox();x=Math.min(h.width-j.width-h.margin.left-h.margin.right,h.height-h.margin.top-h.margin.bottom)/2,x=Math.max(10,x),_=[h.margin.left+x,h.margin.top+x],r.range([0,x]),u.layout.radialAxis.domain=r.domain(),D.attr("transform","translate("+[_[0]+x,_[1]-x]+")")}else D=t.select(".legend-group").style({display:"none"});t.attr({width:h.width,height:h.height}).style({opacity:h.opacity}),R.attr("transform","translate("+_+")").style({cursor:"crosshair"});var U=[(h.width-(h.margin.left+h.margin.right+2*x+(j?j.width:0)))/2,(h.height-(h.margin.top+h.margin.bottom+2*x))/2];if(U[0]=Math.max(0,U[0]),U[1]=Math.max(0,U[1]),t.select(".outer-group").attr("transform","translate("+U+")"),h.title&&h.title.text){var V=t.select("g.title-group text").style(B).text(h.title.text),q=V.node().getBBox();V.attr({x:_[0]-q.width/2,y:_[1]-x-20})}var H=t.select(".radial.axis-group");if(h.radialAxis.gridLinesVisible){var G=H.selectAll("circle.grid-circle").data(r.ticks(5));G.enter().append("circle").attr({class:"grid-circle"}).style(F),G.attr("r",r),G.exit().remove()}H.select("circle.outside-circle").attr({r:x}).style(F);var Y=t.select("circle.background-circle").attr({r:x}).style({fill:h.backgroundColor,stroke:h.stroke});function W(t,e){return s(t)%360+h.orientation}if(h.radialAxis.visible){var X=n.svg.axis().scale(r).ticks(5).tickSize(5);H.call(X).attr({transform:"rotate("+h.radialAxis.orientation+")"}),H.selectAll(".domain").style(F),H.selectAll("g>text").text((function(t,e){return this.textContent+h.radialAxis.ticksSuffix})).style(B).style({"text-anchor":"start"}).attr({x:0,y:0,dx:0,dy:0,transform:function(t,e){return"horizontal"===h.radialAxis.tickOrientation?"rotate("+-h.radialAxis.orientation+") translate("+[0,B["font-size"]]+")":"translate("+[0,B["font-size"]]+")"}}),H.selectAll("g>line").style({stroke:"black"})}var Z=t.select(".angular.axis-group").selectAll("g.angular-tick").data(P),J=Z.enter().append("g").classed("angular-tick",!0);Z.attr({transform:function(t,e){return"rotate("+W(t)+")"}}).style({display:h.angularAxis.visible?"block":"none"}),Z.exit().remove(),J.append("line").classed("grid-line",!0).classed("major",(function(t,e){return e%(h.minorTicks+1)==0})).classed("minor",(function(t,e){return!(e%(h.minorTicks+1)==0)})).style(F),J.selectAll(".minor").style({stroke:h.minorTickColor}),Z.select("line.grid-line").attr({x1:h.tickLength?x-h.tickLength:0,x2:x}).style({display:h.angularAxis.gridLinesVisible?"block":"none"}),J.append("text").classed("axis-text",!0).style(B);var K=Z.select("text.axis-text").attr({x:x+h.labelOffset,dy:a+"em",transform:function(t,e){var r=W(t),n=x+h.labelOffset,i=h.angularAxis.tickOrientation;return"horizontal"==i?"rotate("+-r+" "+n+" 0)":"radial"==i?r<270&&r>90?"rotate(180 "+n+" 0)":null:"rotate("+(r<=180&&r>0?-90:90)+" "+n+" 0)"}}).style({"text-anchor":"middle",display:h.angularAxis.labelsVisible?"block":"none"}).text((function(t,e){return e%(h.minorTicks+1)!=0?"":w?w[t]+h.angularAxis.ticksSuffix:t+h.angularAxis.ticksSuffix})).style(B);h.angularAxis.rewriteTicks&&K.text((function(t,e){return e%(h.minorTicks+1)!=0?"":h.angularAxis.rewriteTicks(this.textContent,e)}));var Q=n.max(R.selectAll(".angular-tick text")[0].map((function(t,e){return t.getCTM().e+t.getBBox().width})));D.attr({transform:"translate("+[x+Q,h.margin.top]+")"});var $=t.select("g.geometry-group").selectAll("g").size()>0,tt=t.select("g.geometry-group").selectAll("g.geometry").data(p);if(tt.enter().append("g").attr({class:function(t,e){return"geometry geometry"+e}}),tt.exit().remove(),p[0]||$){var et=[];p.forEach((function(t,e){var n={};n.radialScale=r,n.angularScale=s,n.container=tt.filter((function(t,r){return r==e})),n.geometry=t.geometry,n.orientation=h.orientation,n.direction=h.direction,n.index=e,et.push({data:t,geometryConfig:n})}));var rt=n.nest().key((function(t,e){return"undefined"!=typeof t.data.groupId||"unstacked"})).entries(et),nt=[];rt.forEach((function(t,e){"unstacked"===t.key?nt=nt.concat(t.values.map((function(t,e){return[t]}))):nt.push(t.values)})),nt.forEach((function(t,e){var r;r=Array.isArray(t)?t[0].geometryConfig.geometry:t.geometryConfig.geometry;var n=t.map((function(t,e){return i(o[r].defaultConfig(),t)}));o[r]().config(n)()}))}var it,at,ot=t.select(".guides-group"),st=t.select(".tooltips-group"),lt=o.tooltipPanel().config({container:st,fontSize:8})(),ct=o.tooltipPanel().config({container:st,fontSize:8})(),ut=o.tooltipPanel().config({container:st,hasTick:!0})();if(!k){var ft=ot.select("line").attr({x1:0,y1:0,y2:0}).style({stroke:"grey","pointer-events":"none"});R.on("mousemove.angular-guide",(function(t,e){var r=o.util.getMousePos(Y).angle;ft.attr({x2:-x,transform:"rotate("+r+")"}).style({opacity:.5});var n=(r+180+360-h.orientation)%360;it=s.invert(n);var i=o.util.convertToCartesian(x+12,r+180);lt.text(o.util.round(it)).move([i[0]+_[0],i[1]+_[1]])})).on("mouseout.angular-guide",(function(t,e){ot.select("line").style({opacity:0})}))}var ht=ot.select("circle").style({stroke:"grey",fill:"none"});R.on("mousemove.radial-guide",(function(t,e){var n=o.util.getMousePos(Y).radius;ht.attr({r:n}).style({opacity:.5}),at=r.invert(o.util.getMousePos(Y).radius);var i=o.util.convertToCartesian(n,h.radialAxis.orientation);ct.text(o.util.round(at)).move([i[0]+_[0],i[1]+_[1]])})).on("mouseout.radial-guide",(function(t,e){ht.style({opacity:0}),ut.hide(),lt.hide(),ct.hide()})),t.selectAll(".geometry-group .mark").on("mouseover.tooltip",(function(e,r){var i=n.select(this),a=this.style.fill,s="black",l=this.style.opacity||1;if(i.attr({"data-opacity":l}),a&&"none"!==a){i.attr({"data-fill":a}),s=n.hsl(a).darker().toString(),i.style({fill:s,opacity:1});var c={t:o.util.round(e[0]),r:o.util.round(e[1])};k&&(c.t=w[e[0]]);var u="t: "+c.t+", r: "+c.r,f=this.getBoundingClientRect(),h=t.node().getBoundingClientRect(),p=[f.left+f.width/2-U[0]-h.left,f.top+f.height/2-U[1]-h.top];ut.config({color:s}).text(u),ut.move(p)}else a=this.style.stroke||"black",i.attr({"data-stroke":a}),s=n.hsl(a).darker().toString(),i.style({stroke:s,opacity:1})})).on("mousemove.tooltip",(function(t,e){if(0!=n.event.which)return!1;n.select(this).attr("data-fill")&&ut.show()})).on("mouseout.tooltip",(function(t,e){ut.hide();var r=n.select(this),i=r.attr("data-fill");i?r.style({fill:i,opacity:r.attr("data-opacity")}):r.style({stroke:r.attr("data-stroke"),opacity:r.attr("data-opacity")})}))}))}(c),this},h.config=function(t){if(!arguments.length)return l;var e=o.util.cloneJson(t);return e.data.forEach((function(t,e){l.data[e]||(l.data[e]={}),i(l.data[e],o.Axis.defaultConfig().data[0]),i(l.data[e],t)})),i(l.layout,o.Axis.defaultConfig().layout),i(l.layout,e.layout),this},h.getLiveConfig=function(){return u},h.getinputConfig=function(){return c},h.radialScale=function(t){return r},h.angularScale=function(t){return s},h.svg=function(){return t},n.rebind(h,f,"on"),h},o.Axis.defaultConfig=function(t,e){return{data:[{t:[1,2,3,4],r:[10,11,12,13],name:"Line1",geometry:"LinePlot",color:null,strokeDash:"solid",strokeColor:null,strokeSize:"1",visibleInLegend:!0,opacity:1}],layout:{defaultColorRange:n.scale.category10().range(),title:null,height:450,width:500,margin:{top:40,right:40,bottom:40,left:40},font:{size:12,color:"gray",outlineColor:"white",family:"Tahoma, sans-serif"},direction:"clockwise",orientation:0,labelOffset:10,radialAxis:{domain:null,orientation:-45,ticksSuffix:"",visible:!0,gridLinesVisible:!0,tickOrientation:"horizontal",rewriteTicks:null},angularAxis:{domain:[0,360],ticksSuffix:"",visible:!0,gridLinesVisible:!0,labelsVisible:!0,tickOrientation:"horizontal",rewriteTicks:null,ticksCount:null,ticksStep:null},minorTicks:0,tickLength:null,tickColor:"silver",minorTickColor:"#eee",backgroundColor:"none",needsEndSpacing:null,showLegend:!0,legend:{reverseOrder:!1},opacity:1}}},o.util={},o.DATAEXTENT="dataExtent",o.AREA="AreaChart",o.LINE="LinePlot",o.DOT="DotPlot",o.BAR="BarChart",o.util._override=function(t,e){for(var r in t)r in e&&(e[r]=t[r])},o.util._extend=function(t,e){for(var r in t)e[r]=t[r]},o.util._rndSnd=function(){return 2*Math.random()-1+(2*Math.random()-1)+(2*Math.random()-1)},o.util.dataFromEquation2=function(t,e){var r=e||6;return n.range(0,360+r,r).map((function(e,r){var n=e*Math.PI/180;return[e,t(n)]}))},o.util.dataFromEquation=function(t,e,r){var i=e||6,a=[],o=[];n.range(0,360+i,i).forEach((function(e,r){var n=e*Math.PI/180,i=t(n);a.push(e),o.push(i)}));var s={t:a,r:o};return r&&(s.name=r),s},o.util.ensureArray=function(t,e){if("undefined"==typeof t)return null;var r=[].concat(t);return n.range(e).map((function(t,e){return r[e]||r[0]}))},o.util.fillArrays=function(t,e,r){return e.forEach((function(e,n){t[e]=o.util.ensureArray(t[e],r)})),t},o.util.cloneJson=function(t){return JSON.parse(JSON.stringify(t))},o.util.validateKeys=function(t,e){"string"==typeof e&&(e=e.split("."));var r=e.shift();return t[r]&&(!e.length||objHasKeys(t[r],e))},o.util.sumArrays=function(t,e){return n.zip(t,e).map((function(t,e){return n.sum(t)}))},o.util.arrayLast=function(t){return t[t.length-1]},o.util.arrayEqual=function(t,e){for(var r=Math.max(t.length,e.length,1);r-- >=0&&t[r]===e[r];);return-2===r},o.util.flattenArray=function(t){for(var e=[];!o.util.arrayEqual(e,t);)e=t,t=[].concat.apply([],t);return t},o.util.deduplicate=function(t){return t.filter((function(t,e,r){return r.indexOf(t)==e}))},o.util.convertToCartesian=function(t,e){var r=e*Math.PI/180;return[t*Math.cos(r),t*Math.sin(r)]},o.util.round=function(t,e){var r=e||2,n=Math.pow(10,r);return Math.round(t*n)/n},o.util.getMousePos=function(t){var e=n.mouse(t.node()),r=e[0],i=e[1],a={};return a.x=r,a.y=i,a.pos=e,a.angle=180*(Math.atan2(i,r)+Math.PI)/Math.PI,a.radius=Math.sqrt(r*r+i*i),a},o.util.duplicatesCount=function(t){for(var e,r={},n={},i=0,a=t.length;i0)){var l=n.select(this.parentNode).selectAll("path.line").data([0]);l.enter().insert("path"),l.attr({class:"line",d:u(s),transform:function(t,r){return"rotate("+(e.orientation+90)+")"},"pointer-events":"none"}).style({fill:function(t,e){return d.fill(r,i,a)},"fill-opacity":0,stroke:function(t,e){return d.stroke(r,i,a)},"stroke-width":function(t,e){return d["stroke-width"](r,i,a)},"stroke-dasharray":function(t,e){return d["stroke-dasharray"](r,i,a)},opacity:function(t,e){return d.opacity(r,i,a)},display:function(t,e){return d.display(r,i,a)}})}};var f=e.angularScale.range(),h=Math.abs(f[1]-f[0])/o[0].length*Math.PI/180,p=n.svg.arc().startAngle((function(t){return-h/2})).endAngle((function(t){return h/2})).innerRadius((function(t){return e.radialScale(l+(t[2]||0))})).outerRadius((function(t){return e.radialScale(l+(t[2]||0))+e.radialScale(t[1])}));c.arc=function(t,r,i){n.select(this).attr({class:"mark arc",d:p,transform:function(t,r){return"rotate("+(e.orientation+s(t[0])+90)+")"}})};var d={fill:function(e,r,n){return t[n].data.color},stroke:function(e,r,n){return t[n].data.strokeColor},"stroke-width":function(e,r,n){return t[n].data.strokeSize+"px"},"stroke-dasharray":function(e,n,i){return r[t[i].data.strokeDash]},opacity:function(e,r,n){return t[n].data.opacity},display:function(e,r,n){return"undefined"==typeof t[n].data.visible||t[n].data.visible?"block":"none"}},g=n.select(this).selectAll("g.layer").data(o);g.enter().append("g").attr({class:"layer"});var m=g.selectAll("path.mark").data((function(t,e){return t}));m.enter().append("path").attr({class:"mark"}),m.style(d).each(c[e.geometryType]),m.exit().remove(),g.exit().remove()}))}return a.config=function(e){return arguments.length?(e.forEach((function(e,r){t[r]||(t[r]={}),i(t[r],o.PolyChart.defaultConfig()),i(t[r],e)})),this):t},a.getColorScale=function(){},n.rebind(a,e,"on"),a},o.PolyChart.defaultConfig=function(){return{data:{name:"geom1",t:[[1,2,3,4]],r:[[1,2,3,4]],dotType:"circle",dotSize:64,dotVisible:!1,barWidth:20,color:"#ffa500",strokeSize:1,strokeColor:"silver",strokeDash:"solid",opacity:1,index:0,visible:!0,visibleInLegend:!0},geometryConfig:{geometry:"LinePlot",geometryType:"arc",direction:"clockwise",orientation:0,container:"body",radialScale:null,angularScale:null,colorScale:n.scale.category20()}}},o.BarChart=function(){return o.PolyChart()},o.BarChart.defaultConfig=function(){return{geometryConfig:{geometryType:"bar"}}},o.AreaChart=function(){return o.PolyChart()},o.AreaChart.defaultConfig=function(){return{geometryConfig:{geometryType:"arc"}}},o.DotPlot=function(){return o.PolyChart()},o.DotPlot.defaultConfig=function(){return{geometryConfig:{geometryType:"dot",dotType:"circle"}}},o.LinePlot=function(){return o.PolyChart()},o.LinePlot.defaultConfig=function(){return{geometryConfig:{geometryType:"line"}}},o.Legend=function(){var t=o.Legend.defaultConfig(),e=n.dispatch("hover");function r(){var e=t.legendConfig,a=t.data.map((function(t,r){return[].concat(t).map((function(t,n){var a=i({},e.elements[r]);return a.name=t,a.color=[].concat(e.elements[r].color)[n],a}))})),o=n.merge(a);o=o.filter((function(t,r){return e.elements[r]&&(e.elements[r].visibleInLegend||"undefined"==typeof e.elements[r].visibleInLegend)})),e.reverseOrder&&(o=o.reverse());var s=e.container;("string"==typeof s||s.nodeName)&&(s=n.select(s));var l=o.map((function(t,e){return t.color})),c=e.fontSize,u=null==e.isContinuous?"number"==typeof o[0]:e.isContinuous,f=u?e.height:c*o.length,h=s.classed("legend-group",!0).selectAll("svg").data([0]),p=h.enter().append("svg").attr({width:300,height:f+c,xmlns:"http://www.w3.org/2000/svg","xmlns:xlink":"http://www.w3.org/1999/xlink",version:"1.1"});p.append("g").classed("legend-axis",!0),p.append("g").classed("legend-marks",!0);var d=n.range(o.length),g=n.scale[u?"linear":"ordinal"]().domain(d).range(l),m=n.scale[u?"linear":"ordinal"]().domain(d)[u?"range":"rangePoints"]([0,f]);if(u){var v=h.select(".legend-marks").append("defs").append("linearGradient").attr({id:"grad1",x1:"0%",y1:"0%",x2:"0%",y2:"100%"}).selectAll("stop").data(l);v.enter().append("stop"),v.attr({offset:function(t,e){return e/(l.length-1)*100+"%"}}).style({"stop-color":function(t,e){return t}}),h.append("rect").classed("legend-mark",!0).attr({height:e.height,width:e.colorBandWidth,fill:"url(#grad1)"})}else{var y=h.select(".legend-marks").selectAll("path.legend-mark").data(o);y.enter().append("path").classed("legend-mark",!0),y.attr({transform:function(t,e){return"translate("+[c/2,m(e)+c/2]+")"},d:function(t,e){var r,i,a,o=t.symbol;return a=3*(i=c),"line"===(r=o)?"M"+[[-i/2,-i/12],[i/2,-i/12],[i/2,i/12],[-i/2,i/12]]+"Z":-1!=n.svg.symbolTypes.indexOf(r)?n.svg.symbol().type(r).size(a)():n.svg.symbol().type("square").size(a)()},fill:function(t,e){return g(e)}}),y.exit().remove()}var x=n.svg.axis().scale(m).orient("right"),b=h.select("g.legend-axis").attr({transform:"translate("+[u?e.colorBandWidth:c,c/2]+")"}).call(x);return b.selectAll(".domain").style({fill:"none",stroke:"none"}),b.selectAll("line").style({fill:"none",stroke:u?e.textColor:"none"}),b.selectAll("text").style({fill:e.textColor,"font-size":e.fontSize}).text((function(t,e){return o[e].name})),r}return r.config=function(e){return arguments.length?(i(t,e),this):t},n.rebind(r,e,"on"),r},o.Legend.defaultConfig=function(t,e){return{data:["a","b","c"],legendConfig:{elements:[{symbol:"line",color:"red"},{symbol:"square",color:"yellow"},{symbol:"diamond",color:"limegreen"}],height:150,colorBandWidth:30,fontSize:12,container:"body",isContinuous:null,textColor:"grey",reverseOrder:!1}}},o.tooltipPanel=function(){var t,e,r,a={container:null,hasTick:!1,fontSize:12,color:"white",padding:5},s="tooltip-"+o.tooltipPanel.uid++,l=10,c=function(){var n=(t=a.container.selectAll("g."+s).data([0])).enter().append("g").classed(s,!0).style({"pointer-events":"none",display:"none"});return r=n.append("path").style({fill:"white","fill-opacity":.9}).attr({d:"M0 0"}),e=n.append("text").attr({dx:a.padding+l,dy:.3*+a.fontSize}),c};return c.text=function(i){var o=n.hsl(a.color).l,s=o>=.5?"#aaa":"white",u=o>=.5?"black":"white",f=i||"";e.style({fill:u,"font-size":a.fontSize+"px"}).text(f);var h=a.padding,p=e.node().getBBox(),d={fill:a.color,stroke:s,"stroke-width":"2px"},g=p.width+2*h+l,m=p.height+2*h;return r.attr({d:"M"+[[l,-m/2],[l,-m/4],[a.hasTick?0:l,0],[l,m/4],[l,m/2],[g,m/2],[g,-m/2]].join("L")+"Z"}).style(d),t.attr({transform:"translate("+[l,-m/2+2*h]+")"}),t.style({display:"block"}),c},c.move=function(e){if(t)return t.attr({transform:"translate("+[e[0],e[1]]+")"}).style({display:"block"}),c},c.hide=function(){if(t)return t.style({display:"none"}),c},c.show=function(){if(t)return t.style({display:"block"}),c},c.config=function(t){return i(a,t),c},c},o.tooltipPanel.uid=1,o.adapter={},o.adapter.plotly=function(){var t={convert:function(t,e){var r={};if(t.data&&(r.data=t.data.map((function(t,r){var n=i({},t);return[[n,["marker","color"],["color"]],[n,["marker","opacity"],["opacity"]],[n,["marker","line","color"],["strokeColor"]],[n,["marker","line","dash"],["strokeDash"]],[n,["marker","line","width"],["strokeSize"]],[n,["marker","symbol"],["dotType"]],[n,["marker","size"],["dotSize"]],[n,["marker","barWidth"],["barWidth"]],[n,["line","interpolation"],["lineInterpolation"]],[n,["showlegend"],["visibleInLegend"]]].forEach((function(t,r){o.util.translator.apply(null,t.concat(e))})),e||delete n.marker,e&&delete n.groupId,e?("LinePlot"===n.geometry?(n.type="scatter",!0===n.dotVisible?(delete n.dotVisible,n.mode="lines+markers"):n.mode="lines"):"DotPlot"===n.geometry?(n.type="scatter",n.mode="markers"):"AreaChart"===n.geometry?n.type="area":"BarChart"===n.geometry&&(n.type="bar"),delete n.geometry):("scatter"===n.type?"lines"===n.mode?n.geometry="LinePlot":"markers"===n.mode?n.geometry="DotPlot":"lines+markers"===n.mode&&(n.geometry="LinePlot",n.dotVisible=!0):"area"===n.type?n.geometry="AreaChart":"bar"===n.type&&(n.geometry="BarChart"),delete n.mode,delete n.type),n})),!e&&t.layout&&"stack"===t.layout.barmode)){var a=o.util.duplicates(r.data.map((function(t,e){return t.geometry})));r.data.forEach((function(t,e){var n=a.indexOf(t.geometry);-1!=n&&(r.data[e].groupId=n)}))}if(t.layout){var s=i({},t.layout);if([[s,["plot_bgcolor"],["backgroundColor"]],[s,["showlegend"],["showLegend"]],[s,["radialaxis"],["radialAxis"]],[s,["angularaxis"],["angularAxis"]],[s.angularaxis,["showline"],["gridLinesVisible"]],[s.angularaxis,["showticklabels"],["labelsVisible"]],[s.angularaxis,["nticks"],["ticksCount"]],[s.angularaxis,["tickorientation"],["tickOrientation"]],[s.angularaxis,["ticksuffix"],["ticksSuffix"]],[s.angularaxis,["range"],["domain"]],[s.angularaxis,["endpadding"],["endPadding"]],[s.radialaxis,["showline"],["gridLinesVisible"]],[s.radialaxis,["tickorientation"],["tickOrientation"]],[s.radialaxis,["ticksuffix"],["ticksSuffix"]],[s.radialaxis,["range"],["domain"]],[s.angularAxis,["showline"],["gridLinesVisible"]],[s.angularAxis,["showticklabels"],["labelsVisible"]],[s.angularAxis,["nticks"],["ticksCount"]],[s.angularAxis,["tickorientation"],["tickOrientation"]],[s.angularAxis,["ticksuffix"],["ticksSuffix"]],[s.angularAxis,["range"],["domain"]],[s.angularAxis,["endpadding"],["endPadding"]],[s.radialAxis,["showline"],["gridLinesVisible"]],[s.radialAxis,["tickorientation"],["tickOrientation"]],[s.radialAxis,["ticksuffix"],["ticksSuffix"]],[s.radialAxis,["range"],["domain"]],[s.font,["outlinecolor"],["outlineColor"]],[s.legend,["traceorder"],["reverseOrder"]],[s,["labeloffset"],["labelOffset"]],[s,["defaultcolorrange"],["defaultColorRange"]]].forEach((function(t,r){o.util.translator.apply(null,t.concat(e))})),e?("undefined"!=typeof s.tickLength&&(s.angularaxis.ticklen=s.tickLength,delete s.tickLength),s.tickColor&&(s.angularaxis.tickcolor=s.tickColor,delete s.tickColor)):(s.angularAxis&&"undefined"!=typeof s.angularAxis.ticklen&&(s.tickLength=s.angularAxis.ticklen),s.angularAxis&&"undefined"!=typeof s.angularAxis.tickcolor&&(s.tickColor=s.angularAxis.tickcolor)),s.legend&&"boolean"!=typeof s.legend.reverseOrder&&(s.legend.reverseOrder="normal"!=s.legend.reverseOrder),s.legend&&"boolean"==typeof s.legend.traceorder&&(s.legend.traceorder=s.legend.traceorder?"reversed":"normal",delete s.legend.reverseOrder),s.margin&&"undefined"!=typeof s.margin.t){var l=["t","r","b","l","pad"],c=["top","right","bottom","left","pad"],u={};n.entries(s.margin).forEach((function(t,e){u[c[l.indexOf(t.key)]]=t.value})),s.margin=u}e&&(delete s.needsEndSpacing,delete s.minorTickColor,delete s.minorTicks,delete s.angularaxis.ticksCount,delete s.angularaxis.ticksCount,delete s.angularaxis.ticksStep,delete s.angularaxis.rewriteTicks,delete s.angularaxis.nticks,delete s.radialaxis.ticksCount,delete s.radialaxis.ticksCount,delete s.radialaxis.ticksStep,delete s.radialaxis.rewriteTicks,delete s.radialaxis.nticks),r.layout=s}return r}};return t}},{"../../../constants/alignment":745,"../../../lib":778,d3:169}],901:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../../lib"),a=t("../../../components/color"),o=t("./micropolar"),s=t("./undo_manager"),l=i.extendDeepAll,c=e.exports={};c.framework=function(t){var e,r,i,a,u,f=new s;function h(r,s){return s&&(u=s),n.select(n.select(u).node().parentNode).selectAll(".svg-container>*:not(.chart-root)").remove(),e=e?l(e,r):r,i||(i=o.Axis()),a=o.adapter.plotly().convert(e),i.config(a).render(u),t.data=e.data,t.layout=e.layout,c.fillLayout(t),e}return h.isPolar=!0,h.svg=function(){return i.svg()},h.getConfig=function(){return e},h.getLiveConfig=function(){return o.adapter.plotly().convert(i.getLiveConfig(),!0)},h.getLiveScales=function(){return{t:i.angularScale(),r:i.radialScale()}},h.setUndoPoint=function(){var t,n,i=this,a=o.util.cloneJson(e);t=a,n=r,f.add({undo:function(){n&&i(n)},redo:function(){i(t)}}),r=o.util.cloneJson(a)},h.undo=function(){f.undo()},h.redo=function(){f.redo()},h},c.fillLayout=function(t){var e=n.select(t).selectAll(".plot-container"),r=e.selectAll(".svg-container"),i=t.framework&&t.framework.svg&&t.framework.svg(),o={width:800,height:600,paper_bgcolor:a.background,_container:e,_paperdiv:r,_paper:i};t._fullLayout=l(o,t.layout)}},{"../../../components/color":643,"../../../lib":778,"./micropolar":900,"./undo_manager":902,d3:169}],902:[function(t,e,r){"use strict";e.exports=function(){var t,e=[],r=-1,n=!1;function i(t,e){return t?(n=!0,t[e](),n=!1,this):this}return{add:function(t){return n||(e.splice(r+1,e.length-r),e.push(t),r=e.length-1),this},setCallback:function(e){t=e},undo:function(){var n=e[r];return n?(i(n,"undo"),r-=1,t&&t(n.undo),this):this},redo:function(){var n=e[r+1];return n?(i(n,"redo"),r+=1,t&&t(n.redo),this):this},clear:function(){e=[],r=-1},hasUndo:function(){return-1!==r},hasRedo:function(){return r=90||s>90&&l>=450?1:u<=0&&h<=0?0:Math.max(u,h);e=s<=180&&l>=180||s>180&&l>=540?-1:c>=0&&f>=0?0:Math.min(c,f);r=s<=270&&l>=270||s>270&&l>=630?-1:u>=0&&h>=0?0:Math.min(u,h);n=l>=360?1:c<=0&&f<=0?0:Math.max(c,f);return[e,r,n,i]}(p),b=x[2]-x[0],_=x[3]-x[1],w=h/f,T=Math.abs(_/b);w>T?(d=f,y=(h-(g=f*T))/n.h/2,m=[o[0],o[1]],v=[s[0]+y,s[1]-y]):(g=h,y=(f-(d=h/T))/n.w/2,m=[o[0]+y,o[1]-y],v=[s[0],s[1]]),this.xLength2=d,this.yLength2=g,this.xDomain2=m,this.yDomain2=v;var k=this.xOffset2=n.l+n.w*m[0],M=this.yOffset2=n.t+n.h*(1-v[1]),A=this.radius=d/b,S=this.innerRadius=e.hole*A,E=this.cx=k-A*x[0],C=this.cy=M+A*x[3],P=this.cxx=E-k,z=this.cyy=C-M;this.radialAxis=this.mockAxis(t,e,i,{_id:"x",side:{counterclockwise:"top",clockwise:"bottom"}[i.side],_realSide:i.side,domain:[S/n.w,A/n.w]}),this.angularAxis=this.mockAxis(t,e,a,{side:"right",domain:[0,Math.PI],autorange:!1}),this.doAutoRange(t,e),this.updateAngularAxis(t,e),this.updateRadialAxis(t,e),this.updateRadialAxisTitle(t,e),this.xaxis=this.mockCartesianAxis(t,e,{_id:"x",domain:m}),this.yaxis=this.mockCartesianAxis(t,e,{_id:"y",domain:v});var O=this.pathSubplot();this.clipPaths.forTraces.select("path").attr("d",O).attr("transform",l(P,z)),r.frontplot.attr("transform",l(k,M)).call(u.setClipUrl,this._hasClipOnAxisFalse?null:this.clipIds.forTraces,this.gd),r.bg.attr("d",O).attr("transform",l(E,C)).call(c.fill,e.bgcolor)},O.mockAxis=function(t,e,r,n){var i=o.extendFlat({},r,n);return d(i,e,t),i},O.mockCartesianAxis=function(t,e,r){var n=this,i=r._id,a=o.extendFlat({type:"linear"},r);p(a,t);var s={x:[0,2],y:[1,3]};return a.setRange=function(){var t=n.sectorBBox,r=s[i],o=n.radialAxis._rl,l=(o[1]-o[0])/(1-e.hole);a.range=[t[r[0]]*l,t[r[1]]*l]},a.isPtWithinRange="x"===i?function(t){return n.isPtInside(t)}:function(){return!0},a.setRange(),a.setScale(),a},O.doAutoRange=function(t,e){var r=this.gd,n=this.radialAxis,i=e.radialaxis;n.setScale(),g(r,n);var a=n.range;i.range=a.slice(),i._input.range=a.slice(),n._rl=[n.r2l(a[0],null,"gregorian"),n.r2l(a[1],null,"gregorian")]},O.updateRadialAxis=function(t,e){var r=this,n=r.gd,i=r.layers,a=r.radius,u=r.innerRadius,f=r.cx,p=r.cy,d=e.radialaxis,g=L(e.sector[0],360),m=r.radialAxis,v=u90&&g<=270&&(m.tickangle=180);var y=function(t){return l(m.l2p(t.x)+u,0)},x=D(d);if(r.radialTickLayout!==x&&(i["radial-axis"].selectAll(".xtick").remove(),r.radialTickLayout=x),v){m.setScale();var b=h.calcTicks(m),_=h.clipEnds(m,b),w=h.getTickSigns(m)[2];h.drawTicks(n,m,{vals:b,layer:i["radial-axis"],path:h.makeTickPath(m,0,w),transFn:y,crisp:!1}),h.drawGrid(n,m,{vals:_,layer:i["radial-grid"],path:function(t){return r.pathArc(m.r2p(t.x)+u)},transFn:o.noop,crisp:!1}),h.drawLabels(n,m,{vals:b,layer:i["radial-axis"],transFn:y,labelFns:h.makeLabelFns(m,0)})}var T=r.radialAxisAngle=r.vangles?P(R(I(d.angle),r.vangles)):d.angle,k=l(f,p),M=k+s(-T);F(i["radial-axis"],v&&(d.showticklabels||d.ticks),{transform:M}),F(i["radial-grid"],v&&d.showgrid,{transform:k}),F(i["radial-line"].select("line"),v&&d.showline,{x1:u,y1:0,x2:a,y2:0,transform:M}).attr("stroke-width",d.linewidth).call(c.stroke,d.linecolor)},O.updateRadialAxisTitle=function(t,e,r){var n=this.gd,i=this.radius,a=this.cx,o=this.cy,s=e.radialaxis,l=this.id+"title",c=void 0!==r?r:this.radialAxisAngle,f=I(c),h=Math.cos(f),p=Math.sin(f),d=0;if(s.title){var g=u.bBox(this.layers["radial-axis"].node()).height,m=s.title.font.size;d="counterclockwise"===s.side?-g-.4*m:g+.8*m}this.layers["radial-axis-title"]=x.draw(n,l,{propContainer:s,propName:this.id+".radialaxis.title",placeholder:C(n,"Click to enter radial axis title"),attributes:{x:a+i/2*h+d*p,y:o-i/2*p+d*h,"text-anchor":"middle"},transform:{rotate:-c}})},O.updateAngularAxis=function(t,e){var r=this,n=r.gd,i=r.layers,a=r.radius,u=r.innerRadius,f=r.cx,p=r.cy,d=e.angularaxis,g=r.angularAxis;r.fillViewInitialKey("angularaxis.rotation",d.rotation),g.setGeometry(),g.setScale();var m=function(t){return g.t2g(t.x)};"linear"===g.type&&"radians"===g.thetaunit&&(g.tick0=P(g.tick0),g.dtick=P(g.dtick));var v=function(t){return l(f+a*Math.cos(t),p-a*Math.sin(t))},y=h.makeLabelFns(g,0).labelStandoff,x={xFn:function(t){var e=m(t);return Math.cos(e)*y},yFn:function(t){var e=m(t),r=Math.sin(e)>0?.2:1;return-Math.sin(e)*(y+t.fontSize*r)+Math.abs(Math.cos(e))*(t.fontSize*A)},anchorFn:function(t){var e=m(t),r=Math.cos(e);return Math.abs(r)<.1?"middle":r>0?"start":"end"},heightFn:function(t,e,r){var n=m(t);return-.5*(1+Math.sin(n))*r}},b=D(d);r.angularTickLayout!==b&&(i["angular-axis"].selectAll("."+g._id+"tick").remove(),r.angularTickLayout=b);var _,w=h.calcTicks(g);if("linear"===e.gridshape?(_=w.map(m),o.angleDelta(_[0],_[1])<0&&(_=_.slice().reverse())):_=null,r.vangles=_,"category"===g.type&&(w=w.filter((function(t){return o.isAngleInsideSector(m(t),r.sectorInRad)}))),g.visible){var T="inside"===g.ticks?-1:1,k=(g.linewidth||1)/2;h.drawTicks(n,g,{vals:w,layer:i["angular-axis"],path:"M"+T*k+",0h"+T*g.ticklen,transFn:function(t){var e=m(t);return v(e)+s(-P(e))},crisp:!1}),h.drawGrid(n,g,{vals:w,layer:i["angular-grid"],path:function(t){var e=m(t),r=Math.cos(e),n=Math.sin(e);return"M"+[f+u*r,p-u*n]+"L"+[f+a*r,p-a*n]},transFn:o.noop,crisp:!1}),h.drawLabels(n,g,{vals:w,layer:i["angular-axis"],repositionOnUpdate:!0,transFn:function(t){return v(m(t))},labelFns:x})}F(i["angular-line"].select("path"),d.showline,{d:r.pathSubplot(),transform:l(f,p)}).attr("stroke-width",d.linewidth).call(c.stroke,d.linecolor)},O.updateFx=function(t,e){this.gd._context.staticPlot||(this.updateAngularDrag(t),this.updateRadialDrag(t,e,0),this.updateRadialDrag(t,e,1),this.updateMainDrag(t))},O.updateMainDrag=function(t){var e,r,s=this,c=s.gd,u=s.layers,f=t._zoomlayer,h=S.MINZOOM,p=S.OFFEDGE,d=s.radius,g=s.innerRadius,x=s.cx,T=s.cy,k=s.cxx,M=s.cyy,A=s.sectorInRad,C=s.vangles,L=s.radialAxis,I=E.clampTiny,P=E.findXYatLength,z=E.findEnclosingVertexAngles,O=S.cornerHalfWidth,D=S.cornerLen/2,R=m.makeDragger(u,"path","maindrag","crosshair");n.select(R).attr("d",s.pathSubplot()).attr("transform",l(x,T));var F,B,N,j,U,V,q,H,G,Y={element:R,gd:c,subplot:s.id,plotinfo:{id:s.id,xaxis:s.xaxis,yaxis:s.yaxis},xaxes:[s.xaxis],yaxes:[s.yaxis]};function W(t,e){return Math.sqrt(t*t+e*e)}function X(t,e){return W(t-k,e-M)}function Z(t,e){return Math.atan2(M-e,t-k)}function J(t,e){return[t*Math.cos(e),t*Math.sin(-e)]}function K(t,e){if(0===t)return s.pathSector(2*O);var r=D/t,n=e-r,i=e+r,a=Math.max(0,Math.min(t,d)),o=a-O,l=a+O;return"M"+J(o,n)+"A"+[o,o]+" 0,0,0 "+J(o,i)+"L"+J(l,i)+"A"+[l,l]+" 0,0,1 "+J(l,n)+"Z"}function Q(t,e,r){if(0===t)return s.pathSector(2*O);var n,i,a=J(t,e),o=J(t,r),l=I((a[0]+o[0])/2),c=I((a[1]+o[1])/2);if(l&&c){var u=c/l,f=-1/u,h=P(O,u,l,c);n=P(D,f,h[0][0],h[0][1]),i=P(D,f,h[1][0],h[1][1])}else{var p,d;c?(p=D,d=O):(p=O,d=D),n=[[l-p,c-d],[l+p,c-d]],i=[[l-p,c+d],[l+p,c+d]]}return"M"+n.join("L")+"L"+i.reverse().join("L")+"Z"}function $(t,e){return e=Math.max(Math.min(e,d),g),th?(t-1&&1===t&&_(e,c,[s.xaxis],[s.yaxis],s.id,Y),r.indexOf("event")>-1&&y.click(c,e,s.id)}Y.prepFn=function(t,n,a){var l=c._fullLayout.dragmode,u=R.getBoundingClientRect();c._fullLayout._calcInverseTransform(c);var h=c._fullLayout._invTransform;e=c._fullLayout._invScaleX,r=c._fullLayout._invScaleY;var p=o.apply3DTransform(h)(n-u.left,a-u.top);if(F=p[0],B=p[1],C){var g=E.findPolygonOffset(d,A[0],A[1],C);F+=k+g[0],B+=M+g[1]}switch(l){case"zoom":Y.moveFn=C?nt:et,Y.clickFn=ot,Y.doneFn=it,function(){N=null,j=null,U=s.pathSubplot(),V=!1;var t=c._fullLayout[s.id];q=i(t.bgcolor).getLuminance(),(H=m.makeZoombox(f,q,x,T,U)).attr("fill-rule","evenodd"),G=m.makeCorners(f,x,T),w(c)}();break;case"select":case"lasso":b(t,n,a,Y,l)}},R.onmousemove=function(t){y.hover(c,t,s.id),c._fullLayout._lasthover=R,c._fullLayout._hoversubplot=s.id},R.onmouseout=function(t){c._dragging||v.unhover(c,t)},v.init(Y)},O.updateRadialDrag=function(t,e,r){var i=this,c=i.gd,u=i.layers,f=i.radius,h=i.innerRadius,p=i.cx,d=i.cy,g=i.radialAxis,y=S.radialDragBoxSize,x=y/2;if(g.visible){var b,_,T,A=I(i.radialAxisAngle),E=g._rl,C=E[0],L=E[1],z=E[r],O=.75*(E[1]-E[0])/(1-e.hole)/f;r?(b=p+(f+x)*Math.cos(A),_=d-(f+x)*Math.sin(A),T="radialdrag"):(b=p+(h-x)*Math.cos(A),_=d-(h-x)*Math.sin(A),T="radialdrag-inner");var D,B,N,j=m.makeRectDragger(u,T,"crosshair",-x,-x,y,y),U={element:j,gd:c};F(n.select(j),g.visible&&h0==(r?N>C:Nn?function(t){return t<=0}:function(t){return t>=0};t.c2g=function(r){var n=t.c2l(r)-e;return(s(n)?n:0)+o},t.g2c=function(r){return t.l2c(r+e-o)},t.g2p=function(t){return t*a},t.c2p=function(e){return t.g2p(t.c2g(e))}}}(t,e);break;case"angularaxis":!function(t,e){var r=t.type;if("linear"===r){var i=t.d2c,s=t.c2d;t.d2c=function(t,e){return function(t,e){return"degrees"===e?a(t):t}(i(t),e)},t.c2d=function(t,e){return s(function(t,e){return"degrees"===e?o(t):t}(t,e))}}t.makeCalcdata=function(e,i){var a,o,s=e[i],l=e._length,c=function(r){return t.d2c(r,e.thetaunit)};if(s){if(n.isTypedArray(s)&&"linear"===r){if(l===s.length)return s;if(s.subarray)return s.subarray(0,l)}for(a=new Array(l),o=0;o0){for(var n=[],i=0;i=u&&(p.min=0,g.min=0,m.min=0,t.aaxis&&delete t.aaxis.min,t.baxis&&delete t.baxis.min,t.caxis&&delete t.caxis.min)}function d(t,e,r,n){var i=f[e._name];function o(r,n){return a.coerce(t,e,i,r,n)}o("uirevision",n.uirevision),e.type="linear";var h=o("color"),p=h!==i.color.dflt?h:r.font.color,d=e._name.charAt(0).toUpperCase(),g="Component "+d,m=o("title.text",g);e._hovertitle=m===g?m:d,a.coerceFont(o,"title.font",{family:r.font.family,size:Math.round(1.2*r.font.size),color:p}),o("min"),c(t,e,o,"linear"),s(t,e,o,"linear",{}),l(t,e,o,{outerTicks:!0}),o("showticklabels")&&(a.coerceFont(o,"tickfont",{family:r.font.family,size:r.font.size,color:p}),o("tickangle"),o("tickformat")),u(t,e,o,{dfltColor:h,bgColor:r.bgColor,blend:60,showLine:!0,showGrid:!0,noZeroLine:!0,attributes:i}),o("hoverformat"),o("layer")}e.exports=function(t,e,r){o(t,e,r,{type:"ternary",attributes:f,handleDefaults:p,font:e.font,paper_bgcolor:e.paper_bgcolor})}},{"../../components/color":643,"../../lib":778,"../../plot_api/plot_template":817,"../cartesian/line_grid_defaults":844,"../cartesian/tick_label_defaults":849,"../cartesian/tick_mark_defaults":850,"../cartesian/tick_value_defaults":851,"../subplot_defaults":905,"./layout_attributes":908}],910:[function(t,e,r){"use strict";var n=t("d3"),i=t("tinycolor2"),a=t("../../registry"),o=t("../../lib"),s=o.strTranslate,l=o._,c=t("../../components/color"),u=t("../../components/drawing"),f=t("../cartesian/set_convert"),h=t("../../lib/extend").extendFlat,p=t("../plots"),d=t("../cartesian/axes"),g=t("../../components/dragelement"),m=t("../../components/fx"),v=t("../../components/dragelement/helpers"),y=v.freeMode,x=v.rectMode,b=t("../../components/titles"),_=t("../cartesian/select").prepSelect,w=t("../cartesian/select").selectOnClick,T=t("../cartesian/select").clearSelect,k=t("../cartesian/select").clearSelectionsCache,M=t("../cartesian/constants");function A(t,e){this.id=t.id,this.graphDiv=t.graphDiv,this.init(e),this.makeFramework(e),this.aTickLayout=null,this.bTickLayout=null,this.cTickLayout=null}e.exports=A;var S=A.prototype;S.init=function(t){this.container=t._ternarylayer,this.defs=t._defs,this.layoutId=t._uid,this.traceHash={},this.layers={}},S.plot=function(t,e){var r=e[this.id],n=e._size;this._hasClipOnAxisFalse=!1;for(var i=0;iE*b?i=(a=b)*E:a=(i=x)/E,o=v*i/x,l=y*a/b,r=e.l+e.w*g-i/2,n=e.t+e.h*(1-m)-a/2,p.x0=r,p.y0=n,p.w=i,p.h=a,p.sum=_,p.xaxis={type:"linear",range:[w+2*k-_,_-w-2*T],domain:[g-o/2,g+o/2],_id:"x"},f(p.xaxis,p.graphDiv._fullLayout),p.xaxis.setScale(),p.xaxis.isPtWithinRange=function(t){return t.a>=p.aaxis.range[0]&&t.a<=p.aaxis.range[1]&&t.b>=p.baxis.range[1]&&t.b<=p.baxis.range[0]&&t.c>=p.caxis.range[1]&&t.c<=p.caxis.range[0]},p.yaxis={type:"linear",range:[w,_-T-k],domain:[m-l/2,m+l/2],_id:"y"},f(p.yaxis,p.graphDiv._fullLayout),p.yaxis.setScale(),p.yaxis.isPtWithinRange=function(){return!0};var M=p.yaxis.domain[0],A=p.aaxis=h({},t.aaxis,{range:[w,_-T-k],side:"left",tickangle:(+t.aaxis.tickangle||0)-30,domain:[M,M+l*E],anchor:"free",position:0,_id:"y",_length:i});f(A,p.graphDiv._fullLayout),A.setScale();var S=p.baxis=h({},t.baxis,{range:[_-w-k,T],side:"bottom",domain:p.xaxis.domain,anchor:"free",position:0,_id:"x",_length:i});f(S,p.graphDiv._fullLayout),S.setScale();var C=p.caxis=h({},t.caxis,{range:[_-w-T,k],side:"right",tickangle:(+t.caxis.tickangle||0)+30,domain:[M,M+l*E],anchor:"free",position:0,_id:"y",_length:i});f(C,p.graphDiv._fullLayout),C.setScale();var L="M"+r+","+(n+a)+"h"+i+"l-"+i/2+",-"+a+"Z";p.clipDef.select("path").attr("d",L),p.layers.plotbg.select("path").attr("d",L);var I="M0,"+a+"h"+i+"l-"+i/2+",-"+a+"Z";p.clipDefRelative.select("path").attr("d",I);var P=s(r,n);p.plotContainer.selectAll(".scatterlayer,.maplayer").attr("transform",P),p.clipDefRelative.select("path").attr("transform",null);var z=s(r-S._offset,n+a);p.layers.baxis.attr("transform",z),p.layers.bgrid.attr("transform",z);var O=s(r+i/2,n)+"rotate(30)"+s(0,-A._offset);p.layers.aaxis.attr("transform",O),p.layers.agrid.attr("transform",O);var D=s(r+i/2,n)+"rotate(-30)"+s(0,-C._offset);p.layers.caxis.attr("transform",D),p.layers.cgrid.attr("transform",D),p.drawAxes(!0),p.layers.aline.select("path").attr("d",A.showline?"M"+r+","+(n+a)+"l"+i/2+",-"+a:"M0,0").call(c.stroke,A.linecolor||"#000").style("stroke-width",(A.linewidth||0)+"px"),p.layers.bline.select("path").attr("d",S.showline?"M"+r+","+(n+a)+"h"+i:"M0,0").call(c.stroke,S.linecolor||"#000").style("stroke-width",(S.linewidth||0)+"px"),p.layers.cline.select("path").attr("d",C.showline?"M"+(r+i/2)+","+n+"l"+i/2+","+a:"M0,0").call(c.stroke,C.linecolor||"#000").style("stroke-width",(C.linewidth||0)+"px"),p.graphDiv._context.staticPlot||p.initInteractions(),u.setClipUrl(p.layers.frontplot,p._hasClipOnAxisFalse?null:p.clipId,p.graphDiv)},S.drawAxes=function(t){var e=this.graphDiv,r=this.id.substr(7)+"title",n=this.layers,i=this.aaxis,a=this.baxis,o=this.caxis;if(this.drawAx(i),this.drawAx(a),this.drawAx(o),t){var s=Math.max(i.showticklabels?i.tickfont.size/2:0,(o.showticklabels?.75*o.tickfont.size:0)+("outside"===o.ticks?.87*o.ticklen:0)),c=(a.showticklabels?a.tickfont.size:0)+("outside"===a.ticks?a.ticklen:0)+3;n["a-title"]=b.draw(e,"a"+r,{propContainer:i,propName:this.id+".aaxis.title",placeholder:l(e,"Click to enter Component A title"),attributes:{x:this.x0+this.w/2,y:this.y0-i.title.font.size/3-s,"text-anchor":"middle"}}),n["b-title"]=b.draw(e,"b"+r,{propContainer:a,propName:this.id+".baxis.title",placeholder:l(e,"Click to enter Component B title"),attributes:{x:this.x0-c,y:this.y0+this.h+.83*a.title.font.size+c,"text-anchor":"middle"}}),n["c-title"]=b.draw(e,"c"+r,{propContainer:o,propName:this.id+".caxis.title",placeholder:l(e,"Click to enter Component C title"),attributes:{x:this.x0+this.w+c,y:this.y0+this.h+.83*o.title.font.size+c,"text-anchor":"middle"}})}},S.drawAx=function(t){var e,r=this.graphDiv,n=t._name,i=n.charAt(0),a=t._id,s=this.layers[n],l=i+"tickLayout",c=(e=t).ticks+String(e.ticklen)+String(e.showticklabels);this[l]!==c&&(s.selectAll("."+a+"tick").remove(),this[l]=c),t.setScale();var u=d.calcTicks(t),f=d.clipEnds(t,u),h=d.makeTransTickFn(t),p=d.getTickSigns(t)[2],g=o.deg2rad(30),m=p*(t.linewidth||1)/2,v=p*t.ticklen,y=this.w,x=this.h,b="b"===i?"M0,"+m+"l"+Math.sin(g)*v+","+Math.cos(g)*v:"M"+m+",0l"+Math.cos(g)*v+","+-Math.sin(g)*v,_={a:"M0,0l"+x+",-"+y/2,b:"M0,0l-"+y/2+",-"+x,c:"M0,0l-"+x+","+y/2}[i];d.drawTicks(r,t,{vals:"inside"===t.ticks?f:u,layer:s,path:b,transFn:h,crisp:!1}),d.drawGrid(r,t,{vals:f,layer:this.layers[i+"grid"],path:_,transFn:h,crisp:!1}),d.drawLabels(r,t,{vals:u,layer:s,transFn:h,labelFns:d.makeLabelFns(t,0,30)})};var C=M.MINZOOM/2+.87,L="m-0.87,.5h"+C+"v3h-"+(C+5.2)+"l"+(C/2+2.6)+",-"+(.87*C+4.5)+"l2.6,1.5l-"+C/2+","+.87*C+"Z",I="m0.87,.5h-"+C+"v3h"+(C+5.2)+"l-"+(C/2+2.6)+",-"+(.87*C+4.5)+"l-2.6,1.5l"+C/2+","+.87*C+"Z",P="m0,1l"+C/2+","+.87*C+"l2.6,-1.5l-"+(C/2+2.6)+",-"+(.87*C+4.5)+"l-"+(C/2+2.6)+","+(.87*C+4.5)+"l2.6,1.5l"+C/2+",-"+.87*C+"Z",z=!0;function O(t){n.select(t).selectAll(".zoombox,.js-zoombox-backdrop,.js-zoombox-menu,.zoombox-corners").remove()}S.clearSelect=function(){k(this.dragOptions),T(this.dragOptions.gd)},S.initInteractions=function(){var t,e,r,n,f,h,p,d,v,b,T,k,A=this,S=A.layers.plotbg.select("path").node(),C=A.graphDiv,D=C._fullLayout._zoomlayer;function R(t){var e={};return e[A.id+".aaxis.min"]=t.a,e[A.id+".baxis.min"]=t.b,e[A.id+".caxis.min"]=t.c,e}function F(t,e){var r=C._fullLayout.clickmode;O(C),2===t&&(C.emit("plotly_doubleclick",null),a.call("_guiRelayout",C,R({a:0,b:0,c:0}))),r.indexOf("select")>-1&&1===t&&w(e,C,[A.xaxis],[A.yaxis],A.id,A.dragOptions),r.indexOf("event")>-1&&m.click(C,e,A.id)}function B(t,e){return 1-e/A.h}function N(t,e){return 1-(t+(A.h-e)/Math.sqrt(3))/A.w}function j(t,e){return(t-(A.h-e)/Math.sqrt(3))/A.w}function U(i,a){var o=r+i*t,s=n+a*e,l=Math.max(0,Math.min(1,B(0,n),B(0,s))),c=Math.max(0,Math.min(1,N(r,n),N(o,s))),u=Math.max(0,Math.min(1,j(r,n),j(o,s))),g=(l/2+u)*A.w,m=(1-l/2-c)*A.w,y=(g+m)/2,x=m-g,_=(1-l)*A.h,w=_-x/E;x.2?"rgba(0,0,0,0.4)":"rgba(255,255,255,0.3)").duration(200),k.transition().style("opacity",1).duration(200),b=!0),C.emit("plotly_relayouting",R(p))}function V(){O(C),p!==f&&(a.call("_guiRelayout",C,R(p)),z&&C.data&&C._context.showTips&&(o.notifier(l(C,"Double-click to zoom back out"),"long"),z=!1))}function q(t,e){var r=t/A.xaxis._m,n=e/A.yaxis._m,i=[(p={a:f.a-n,b:f.b+(r+n)/2,c:f.c-(r-n)/2}).a,p.b,p.c].sort(o.sorterAsc),a=i.indexOf(p.a),l=i.indexOf(p.b),c=i.indexOf(p.c);i[0]<0&&(i[1]+i[0]/2<0?(i[2]+=i[0]+i[1],i[0]=i[1]=0):(i[2]+=i[0]/2,i[1]+=i[0]/2,i[0]=0),p={a:i[a],b:i[l],c:i[c]},e=(f.a-p.a)*A.yaxis._m,t=(f.c-p.c-f.b+p.b)*A.xaxis._m);var h=s(A.x0+t,A.y0+e);A.plotContainer.selectAll(".scatterlayer,.maplayer").attr("transform",h);var d=s(-t,-e);A.clipDefRelative.select("path").attr("transform",d),A.aaxis.range=[p.a,A.sum-p.b-p.c],A.baxis.range=[A.sum-p.a-p.c,p.b],A.caxis.range=[A.sum-p.a-p.b,p.c],A.drawAxes(!1),A._hasClipOnAxisFalse&&A.plotContainer.select(".scatterlayer").selectAll(".trace").call(u.hideOutsideRangePoints,A),C.emit("plotly_relayouting",R(p))}function H(){a.call("_guiRelayout",C,R(p))}this.dragOptions={element:S,gd:C,plotinfo:{id:A.id,domain:C._fullLayout[A.id].domain,xaxis:A.xaxis,yaxis:A.yaxis},subplot:A.id,prepFn:function(a,l,u){A.dragOptions.xaxes=[A.xaxis],A.dragOptions.yaxes=[A.yaxis],t=C._fullLayout._invScaleX,e=C._fullLayout._invScaleY;var g=A.dragOptions.dragmode=C._fullLayout.dragmode;y(g)?A.dragOptions.minDrag=1:A.dragOptions.minDrag=void 0,"zoom"===g?(A.dragOptions.moveFn=U,A.dragOptions.clickFn=F,A.dragOptions.doneFn=V,function(t,e,a){var l=S.getBoundingClientRect();r=e-l.left,n=a-l.top,C._fullLayout._calcInverseTransform(C);var u=C._fullLayout._invTransform,g=o.apply3DTransform(u)(r,n);r=g[0],n=g[1],f={a:A.aaxis.range[0],b:A.baxis.range[1],c:A.caxis.range[1]},p=f,h=A.aaxis.range[1]-f.a,d=i(A.graphDiv._fullLayout[A.id].bgcolor).getLuminance(),v="M0,"+A.h+"L"+A.w/2+", 0L"+A.w+","+A.h+"Z",b=!1,T=D.append("path").attr("class","zoombox").attr("transform",s(A.x0,A.y0)).style({fill:d>.2?"rgba(0,0,0,0)":"rgba(255,255,255,0)","stroke-width":0}).attr("d",v),k=D.append("path").attr("class","zoombox-corners").attr("transform",s(A.x0,A.y0)).style({fill:c.background,stroke:c.defaultLine,"stroke-width":1,opacity:0}).attr("d","M0,0Z"),A.clearSelect(C)}(0,l,u)):"pan"===g?(A.dragOptions.moveFn=q,A.dragOptions.clickFn=F,A.dragOptions.doneFn=H,f={a:A.aaxis.range[0],b:A.baxis.range[1],c:A.caxis.range[1]},p=f,A.clearSelect(C)):(x(g)||y(g))&&_(a,l,u,A.dragOptions,g)}},S.onmousemove=function(t){m.hover(C,t,A.id),C._fullLayout._lasthover=S,C._fullLayout._hoversubplot=A.id},S.onmouseout=function(t){C._dragging||g.unhover(C,t)},g.init(this.dragOptions)}},{"../../components/color":643,"../../components/dragelement":662,"../../components/dragelement/helpers":661,"../../components/drawing":665,"../../components/fx":683,"../../components/titles":738,"../../lib":778,"../../lib/extend":768,"../../registry":911,"../cartesian/axes":828,"../cartesian/constants":834,"../cartesian/select":847,"../cartesian/set_convert":848,"../plots":891,d3:169,tinycolor2:576}],911:[function(t,e,r){"use strict";var n=t("./lib/loggers"),i=t("./lib/noop"),a=t("./lib/push_unique"),o=t("./lib/is_plain_object"),s=t("./lib/dom").addStyleRule,l=t("./lib/extend"),c=t("./plots/attributes"),u=t("./plots/layout_attributes"),f=l.extendFlat,h=l.extendDeepAll;function p(t){var e=t.name,i=t.categories,a=t.meta;if(r.modules[e])n.log("Type "+e+" already registered");else{r.subplotsRegistry[t.basePlotModule.name]||function(t){var e=t.name;if(r.subplotsRegistry[e])return void n.log("Plot type "+e+" already registered.");for(var i in v(t),r.subplotsRegistry[e]=t,r.componentsRegistry)b(i,t.name)}(t.basePlotModule);for(var o={},l=0;l-1&&(f[p[r]].title={text:""});for(r=0;r")?"":e.html(t).text()}));return e.remove(),r}(T),T=(T=T.replace(/&(?!\w+;|\#[0-9]+;| \#x[0-9A-F]+;)/g,"&")).replace(c,"'"),i.isIE()&&(T=(T=(T=T.replace(/"/gi,"'")).replace(/(\('#)([^']*)('\))/gi,'("#$2")')).replace(/(\\')/gi,'"')),T}},{"../components/color":643,"../components/drawing":665,"../constants/xmlns_namespaces":754,"../lib":778,d3:169}],920:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t,e){for(var r=0;rf+c||!n(u))}for(var p=0;pa))return e}return void 0!==r?r:t.dflt},r.coerceColor=function(t,e,r){return i(e).isValid()?e:void 0!==r?r:t.dflt},r.coerceEnumerated=function(t,e,r){return t.coerceNumber&&(e=+e),-1!==t.values.indexOf(e)?e:void 0!==r?r:t.dflt},r.getValue=function(t,e){var r;return Array.isArray(t)?e0?i+=a:e<0&&(i-=a)}return n.inbox(r-e,i-e,b+(i-e)/(i-r)-1)}"h"===m.orientation?(a=r,s=e,u="y",f="x",h=S,p=A):(a=e,s=r,u="x",f="y",p=S,h=A);var E=t[u+"a"],C=t[f+"a"];d=Math.abs(E.r2c(E.range[1])-E.r2c(E.range[0]));var L=n.getDistanceFunction(i,h,p,(function(t){return(h(t)+p(t))/2}));if(n.getClosest(g,L,t),!1!==t.index&&g[t.index].p!==c){y||(T=function(t){return Math.min(_(t),t.p-v.bargroupwidth/2)},k=function(t){return Math.max(w(t),t.p+v.bargroupwidth/2)});var I=g[t.index],P=m.base?I.b+I.s:I.s;t[f+"0"]=t[f+"1"]=C.c2p(I[f],!0),t[f+"LabelVal"]=P;var z=v.extents[v.extents.round(I.p)];t[u+"0"]=E.c2p(y?T(I):z[0],!0),t[u+"1"]=E.c2p(y?k(I):z[1],!0);var O=void 0!==I.orig_p;return t[u+"LabelVal"]=O?I.orig_p:I.p,t.labelLabel=l(E,t[u+"LabelVal"]),t.valueLabel=l(C,t[f+"LabelVal"]),t.baseLabel=l(C,I.b),t.spikeDistance=(S(I)+function(t){return M(_(t),w(t))}(I))/2-b,t[u+"Spike"]=E.c2p(I.p,!0),o(I,m,t),t.hovertemplate=m.hovertemplate,t}}function f(t,e){var r=e.mcc||t.marker.color,n=e.mlcc||t.marker.line.color,i=s(t,e);return a.opacity(r)?r:a.opacity(n)&&i?n:void 0}e.exports={hoverPoints:function(t,e,r,n){var a=u(t,e,r,n);if(a){var o=a.cd,s=o[0].trace,l=o[a.index];return a.color=f(s,l),i.getComponentMethod("errorbars","hoverInfo")(l,s,a),[a]}},hoverOnBars:u,getTraceColor:f}},{"../../components/color":643,"../../components/fx":683,"../../constants/numerical":753,"../../lib":778,"../../plots/cartesian/axes":828,"../../registry":911,"./helpers":927}],929:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults").supplyDefaults,crossTraceDefaults:t("./defaults").crossTraceDefaults,supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc"),crossTraceCalc:t("./cross_trace_calc").crossTraceCalc,colorbar:t("../scatter/marker_colorbar"),arraysToCalcdata:t("./arrays_to_calcdata"),plot:t("./plot").plot,style:t("./style").style,styleOnSelect:t("./style").styleOnSelect,hoverPoints:t("./hover").hoverPoints,eventData:t("./event_data"),selectPoints:t("./select"),moduleType:"trace",name:"bar",basePlotModule:t("../../plots/cartesian"),categories:["bar-like","cartesian","svg","bar","oriented","errorBarsOK","showLegend","zoomScale"],animatable:!0,meta:{}}},{"../../plots/cartesian":841,"../scatter/marker_colorbar":1205,"./arrays_to_calcdata":920,"./attributes":921,"./calc":922,"./cross_trace_calc":924,"./defaults":925,"./event_data":926,"./hover":928,"./layout_attributes":930,"./layout_defaults":931,"./plot":932,"./select":933,"./style":935}],930:[function(t,e,r){"use strict";e.exports={barmode:{valType:"enumerated",values:["stack","group","overlay","relative"],dflt:"group",editType:"calc"},barnorm:{valType:"enumerated",values:["","fraction","percent"],dflt:"",editType:"calc"},bargap:{valType:"number",min:0,max:1,editType:"calc"},bargroupgap:{valType:"number",min:0,max:1,dflt:0,editType:"calc"}}},{}],931:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../plots/cartesian/axes"),a=t("../../lib"),o=t("./layout_attributes");e.exports=function(t,e,r){function s(r,n){return a.coerce(t,e,o,r,n)}for(var l=!1,c=!1,u=!1,f={},h=s("barmode"),p=0;p0}function S(t){return"auto"===t?0:t}function E(t,e){var r=Math.PI/180*e,n=Math.abs(Math.sin(r)),i=Math.abs(Math.cos(r));return{x:t.width*i+t.height*n,y:t.width*n+t.height*i}}function C(t,e,r,n,i,a){var o=!!a.isHorizontal,s=!!a.constrained,l=a.angle||0,c=a.anchor||"end",u="end"===c,f="start"===c,h=((a.leftToRight||0)+1)/2,p=1-h,d=i.width,g=i.height,m=Math.abs(e-t),v=Math.abs(n-r),y=m>2*_&&v>2*_?_:0;m-=2*y,v-=2*y;var x=S(l);"auto"!==l||d<=m&&g<=v||!(d>m||g>v)||(d>v||g>m)&&d.01?H:function(t,e,r){return r&&t===e?t:Math.abs(t-e)>=2?H(t):t>e?Math.ceil(t):Math.floor(t)};B=G(B,N,D),N=G(N,B,D),j=G(j,U,!D),U=G(U,j,!D)}var Y=M(a.ensureSingle(P,"path"),I,m,v);if(Y.style("vector-effect","non-scaling-stroke").attr("d",isNaN((N-B)*(U-j))||V&&t._context.staticPlot?"M0,0Z":"M"+B+","+j+"V"+U+"H"+N+"V"+j+"Z").call(l.setClipUrl,e.layerClipId,t),!I.uniformtext.mode&&R){var W=l.makePointStyleFns(f);l.singlePointStyle(c,Y,f,W,t)}!function(t,e,r,n,i,s,c,f,p,m,v){var w,T=e.xaxis,A=e.yaxis,L=t._fullLayout;function I(e,r,n){return a.ensureSingle(e,"text").text(r).attr({class:"bartext bartext-"+w,"text-anchor":"middle","data-notex":1}).call(l.font,n).call(o.convertToTspans,t)}var P=n[0].trace,z="h"===P.orientation,O=function(t,e,r,n,i){var o,s=e[0].trace;o=s.texttemplate?function(t,e,r,n,i){var o=e[0].trace,s=a.castOption(o,r,"texttemplate");if(!s)return"";var l,c,f,h,p="waterfall"===o.type,d="funnel"===o.type;"h"===o.orientation?(l="y",c=i,f="x",h=n):(l="x",c=n,f="y",h=i);function g(t){return u(h,+t,!0).text}var m=e[r],v={};v.label=m.p,v.labelLabel=v[l+"Label"]=(y=m.p,u(c,y,!0).text);var y;var x=a.castOption(o,m.i,"text");(0===x||x)&&(v.text=x);v.value=m.s,v.valueLabel=v[f+"Label"]=g(m.s);var _={};b(_,o,m.i),p&&(v.delta=+m.rawS||m.s,v.deltaLabel=g(v.delta),v.final=m.v,v.finalLabel=g(v.final),v.initial=v.final-v.delta,v.initialLabel=g(v.initial));d&&(v.value=m.s,v.valueLabel=g(v.value),v.percentInitial=m.begR,v.percentInitialLabel=a.formatPercent(m.begR),v.percentPrevious=m.difR,v.percentPreviousLabel=a.formatPercent(m.difR),v.percentTotal=m.sumR,v.percenTotalLabel=a.formatPercent(m.sumR));var w=a.castOption(o,m.i,"customdata");w&&(v.customdata=w);return a.texttemplateString(s,v,t._d3locale,_,v,o._meta||{})}(t,e,r,n,i):s.textinfo?function(t,e,r,n){var i=t[0].trace,o="h"===i.orientation,s="waterfall"===i.type,l="funnel"===i.type;function c(t){return u(o?r:n,+t,!0).text}var f,h=i.textinfo,p=t[e],d=h.split("+"),g=[],m=function(t){return-1!==d.indexOf(t)};m("label")&&g.push((v=t[e].p,u(o?n:r,v,!0).text));var v;m("text")&&(0===(f=a.castOption(i,p.i,"text"))||f)&&g.push(f);if(s){var y=+p.rawS||p.s,x=p.v,b=x-y;m("initial")&&g.push(c(b)),m("delta")&&g.push(c(y)),m("final")&&g.push(c(x))}if(l){m("value")&&g.push(c(p.s));var _=0;m("percent initial")&&_++,m("percent previous")&&_++,m("percent total")&&_++;var w=_>1;m("percent initial")&&(f=a.formatPercent(p.begR),w&&(f+=" of initial"),g.push(f)),m("percent previous")&&(f=a.formatPercent(p.difR),w&&(f+=" of previous"),g.push(f)),m("percent total")&&(f=a.formatPercent(p.sumR),w&&(f+=" of total"),g.push(f))}return g.join("
")}(e,r,n,i):g.getValue(s.text,r);return g.coerceString(y,o)}(L,n,i,T,A);w=function(t,e){var r=g.getValue(t.textposition,e);return g.coerceEnumerated(x,r)}(P,i);var D="stack"===m.mode||"relative"===m.mode,R=n[i],F=!D||R._outmost;if(!O||"none"===w||(R.isBlank||s===c||f===p)&&("auto"===w||"inside"===w))return void r.select("text").remove();var B=L.font,N=d.getBarColor(n[i],P),j=d.getInsideTextFont(P,i,B,N),U=d.getOutsideTextFont(P,i,B),V=r.datum();z?"log"===T.type&&V.s0<=0&&(s=T.range[0]=G*(Z/Y):Z>=Y*(X/G);G>0&&Y>0&&(J||K||Q)?w="inside":(w="outside",q.remove(),q=null)}else w="inside";if(!q){W=a.ensureUniformFontSize(t,"outside"===w?U:j);var $=(q=I(r,O,W)).attr("transform");if(q.attr("transform",""),H=l.bBox(q.node()),G=H.width,Y=H.height,q.attr("transform",$),G<=0||Y<=0)return void q.remove()}var tt,et,rt=P.textangle;"outside"===w?(et="both"===P.constraintext||"outside"===P.constraintext,tt=function(t,e,r,n,i,a){var o,s=!!a.isHorizontal,l=!!a.constrained,c=a.angle||0,u=i.width,f=i.height,h=Math.abs(e-t),p=Math.abs(n-r);o=s?p>2*_?_:0:h>2*_?_:0;var d=1;l&&(d=s?Math.min(1,p/f):Math.min(1,h/u));var g=S(c),m=E(i,g),v=(s?m.x:m.y)/2,y=(i.left+i.right)/2,x=(i.top+i.bottom)/2,b=(t+e)/2,w=(r+n)/2,T=0,M=0,A=s?k(e,t):k(r,n);s?(b=e-A*o,T=A*v):(w=n+A*o,M=-A*v);return{textX:y,textY:x,targetX:b,targetY:w,anchorX:T,anchorY:M,scale:d,rotate:g}}(s,c,f,p,H,{isHorizontal:z,constrained:et,angle:rt})):(et="both"===P.constraintext||"inside"===P.constraintext,tt=C(s,c,f,p,H,{isHorizontal:z,constrained:et,angle:rt,anchor:P.insidetextanchor}));tt.fontSize=W.size,h(P.type,tt,L),R.transform=tt,M(q,L,m,v).attr("transform",a.getTextTransform(tt))}(t,e,P,r,p,B,N,j,U,m,v),e.layerClipId&&l.hideOutsideRangePoint(c,P.select("text"),w,L,f.xcalendar,f.ycalendar)}));var j=!1===f.cliponaxis;l.setClipUrl(c,j?null:e.layerClipId,t)}));c.getComponentMethod("errorbars","plot")(t,P,e,m)},toMoveInsideBar:C}},{"../../components/color":643,"../../components/drawing":665,"../../components/fx/helpers":679,"../../lib":778,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"../../registry":911,"./attributes":921,"./constants":923,"./helpers":927,"./style":935,"./uniform_text":937,d3:169,"fast-isnumeric":241}],933:[function(t,e,r){"use strict";function n(t,e,r,n,i){var a=e.c2p(n?t.s0:t.p0,!0),o=e.c2p(n?t.s1:t.p1,!0),s=r.c2p(n?t.p0:t.s0,!0),l=r.c2p(n?t.p1:t.s1,!0);return i?[(a+o)/2,(s+l)/2]:n?[o,(s+l)/2]:[(a+o)/2,l]}e.exports=function(t,e){var r,i=t.cd,a=t.xaxis,o=t.yaxis,s=i[0].trace,l="funnel"===s.type,c="h"===s.orientation,u=[];if(!1===e)for(r=0;r1||0===i.bargap&&0===i.bargroupgap&&!t[0].trace.marker.line.width)&&n.select(this).attr("shape-rendering","crispEdges")})),e.selectAll("g.points").each((function(e){d(n.select(this),e[0].trace,t)})),s.getComponentMethod("errorbars","style")(e)},styleTextPoints:g,styleOnSelect:function(t,e,r){var i=e[0].trace;i.selectedpoints?function(t,e,r){a.selectedPointStyle(t.selectAll("path"),e),function(t,e,r){t.each((function(t){var i,s=n.select(this);if(t.selected){i=o.ensureUniformFontSize(r,m(s,t,e,r));var l=e.selected.textfont&&e.selected.textfont.color;l&&(i.color=l),a.font(s,i)}else a.selectedTextStyle(s,e)}))}(t.selectAll("text"),e,r)}(r,i,t):(d(r,i,t),s.getComponentMethod("errorbars","style")(r))},getInsideTextFont:y,getOutsideTextFont:x,getBarColor:_,resizeText:l}},{"../../components/color":643,"../../components/drawing":665,"../../lib":778,"../../registry":911,"./attributes":921,"./helpers":927,"./uniform_text":937,d3:169}],936:[function(t,e,r){"use strict";var n=t("../../components/color"),i=t("../../components/colorscale/helpers").hasColorscale,a=t("../../components/colorscale/defaults");e.exports=function(t,e,r,o,s){r("marker.color",o),i(t,"marker")&&a(t,e,s,r,{prefix:"marker.",cLetter:"c"}),r("marker.line.color",n.defaultLine),i(t,"marker.line")&&a(t,e,s,r,{prefix:"marker.line.",cLetter:"c"}),r("marker.line.width"),r("marker.opacity"),r("selected.marker.color"),r("unselected.marker.color")}},{"../../components/color":643,"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654}],937:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib");function a(t){return"_"+t+"Text_minsize"}e.exports={recordMinTextSize:function(t,e,r){if(r.uniformtext.mode){var n=a(t),i=r.uniformtext.minsize,o=e.scale*e.fontSize;e.hide=oh.range[1]&&(x+=Math.PI);if(n.getClosest(c,(function(t){return g(y,x,[t.rp0,t.rp1],[t.thetag0,t.thetag1],d)?m+Math.min(1,Math.abs(t.thetag1-t.thetag0)/v)-1+(t.rp1-y)/(t.rp1-t.rp0)-1:1/0}),t),!1!==t.index){var b=c[t.index];t.x0=t.x1=b.ct[0],t.y0=t.y1=b.ct[1];var _=i.extendFlat({},b,{r:b.s,theta:b.p});return o(b,u,t),s(_,u,f,t),t.hovertemplate=u.hovertemplate,t.color=a(u,b),t.xLabelVal=t.yLabelVal=void 0,b.s<0&&(t.idealAlign="left"),[t]}}},{"../../components/fx":683,"../../lib":778,"../../plots/polar/helpers":893,"../bar/hover":928,"../scatterpolar/hover":1265}],942:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"barpolar",basePlotModule:t("../../plots/polar"),categories:["polar","bar","showLegend"],attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./calc").crossTraceCalc,plot:t("./plot"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("../scatterpolar/format_labels"),style:t("../bar/style").style,styleOnSelect:t("../bar/style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("../bar/select"),meta:{}}},{"../../plots/polar":894,"../bar/select":933,"../bar/style":935,"../scatter/marker_colorbar":1205,"../scatterpolar/format_labels":1264,"./attributes":938,"./calc":939,"./defaults":940,"./hover":941,"./layout_attributes":943,"./layout_defaults":944,"./plot":945}],943:[function(t,e,r){"use strict";e.exports={barmode:{valType:"enumerated",values:["stack","overlay"],dflt:"stack",editType:"calc"},bargap:{valType:"number",dflt:.1,min:0,max:1,editType:"calc"}}},{}],944:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e,r){var a,o={};function s(r,o){return n.coerce(t[a]||{},e[a],i,r,o)}for(var l=0;l0?(c=o,u=l):(c=l,u=o);var f=[s.findEnclosingVertexAngles(c,t.vangles)[0],(c+u)/2,s.findEnclosingVertexAngles(u,t.vangles)[1]];return s.pathPolygonAnnulus(n,i,c,u,f,e,r)};return function(t,n,i,o){return a.pathAnnulus(t,n,i,o,e,r)}}(e),p=e.layers.frontplot.select("g.barlayer");a.makeTraceGroups(p,r,"trace bars").each((function(){var r=n.select(this),s=a.ensureSingle(r,"g","points").selectAll("g.point").data(a.identity);s.enter().append("g").style("vector-effect","non-scaling-stroke").style("stroke-miterlimit",2).classed("point",!0),s.exit().remove(),s.each((function(t){var e,r=n.select(this),o=t.rp0=u.c2p(t.s0),s=t.rp1=u.c2p(t.s1),p=t.thetag0=f.c2g(t.p0),d=t.thetag1=f.c2g(t.p1);if(i(o)&&i(s)&&i(p)&&i(d)&&o!==s&&p!==d){var g=u.c2g(t.s1),m=(p+d)/2;t.ct=[l.c2p(g*Math.cos(m)),c.c2p(g*Math.sin(m))],e=h(o,s,p,d)}else e="M0,0Z";a.ensureSingle(r,"path").attr("d",e)})),o.setClipUrl(r,e._hasClipOnAxisFalse?e.clipIds.forTraces:null,t)}))}},{"../../components/drawing":665,"../../lib":778,"../../plots/polar/helpers":893,d3:169,"fast-isnumeric":241}],946:[function(t,e,r){"use strict";var n=t("../scatter/attributes"),i=t("../bar/attributes"),a=t("../../components/color/attributes"),o=t("../../plots/template_attributes").hovertemplateAttrs,s=t("../../lib/extend").extendFlat,l=n.marker,c=l.line;e.exports={y:{valType:"data_array",editType:"calc+clearAxisTypes"},x:{valType:"data_array",editType:"calc+clearAxisTypes"},x0:{valType:"any",editType:"calc+clearAxisTypes"},y0:{valType:"any",editType:"calc+clearAxisTypes"},dx:{valType:"number",editType:"calc"},dy:{valType:"number",editType:"calc"},xperiod:n.xperiod,yperiod:n.yperiod,xperiod0:n.xperiod0,yperiod0:n.yperiod0,xperiodalignment:n.xperiodalignment,yperiodalignment:n.yperiodalignment,name:{valType:"string",editType:"calc+clearAxisTypes"},q1:{valType:"data_array",editType:"calc+clearAxisTypes"},median:{valType:"data_array",editType:"calc+clearAxisTypes"},q3:{valType:"data_array",editType:"calc+clearAxisTypes"},lowerfence:{valType:"data_array",editType:"calc"},upperfence:{valType:"data_array",editType:"calc"},notched:{valType:"boolean",editType:"calc"},notchwidth:{valType:"number",min:0,max:.5,dflt:.25,editType:"calc"},notchspan:{valType:"data_array",editType:"calc"},boxpoints:{valType:"enumerated",values:["all","outliers","suspectedoutliers",!1],editType:"calc"},jitter:{valType:"number",min:0,max:1,editType:"calc"},pointpos:{valType:"number",min:-2,max:2,editType:"calc"},boxmean:{valType:"enumerated",values:[!0,"sd",!1],editType:"calc"},mean:{valType:"data_array",editType:"calc"},sd:{valType:"data_array",editType:"calc"},orientation:{valType:"enumerated",values:["v","h"],editType:"calc+clearAxisTypes"},quartilemethod:{valType:"enumerated",values:["linear","exclusive","inclusive"],dflt:"linear",editType:"calc"},width:{valType:"number",min:0,dflt:0,editType:"calc"},marker:{outliercolor:{valType:"color",dflt:"rgba(0, 0, 0, 0)",editType:"style"},symbol:s({},l.symbol,{arrayOk:!1,editType:"plot"}),opacity:s({},l.opacity,{arrayOk:!1,dflt:1,editType:"style"}),size:s({},l.size,{arrayOk:!1,editType:"calc"}),color:s({},l.color,{arrayOk:!1,editType:"style"}),line:{color:s({},c.color,{arrayOk:!1,dflt:a.defaultLine,editType:"style"}),width:s({},c.width,{arrayOk:!1,dflt:0,editType:"style"}),outliercolor:{valType:"color",editType:"style"},outlierwidth:{valType:"number",min:0,dflt:1,editType:"style"},editType:"style"},editType:"plot"},line:{color:{valType:"color",editType:"style"},width:{valType:"number",min:0,dflt:2,editType:"style"},editType:"plot"},fillcolor:n.fillcolor,whiskerwidth:{valType:"number",min:0,max:1,dflt:.5,editType:"calc"},offsetgroup:i.offsetgroup,alignmentgroup:i.alignmentgroup,selected:{marker:n.selected.marker,editType:"style"},unselected:{marker:n.unselected.marker,editType:"style"},text:s({},n.text,{}),hovertext:s({},n.hovertext,{}),hovertemplate:o({}),hoveron:{valType:"flaglist",flags:["boxes","points"],dflt:"boxes+points",editType:"style"}}},{"../../components/color/attributes":642,"../../lib/extend":768,"../../plots/template_attributes":906,"../bar/attributes":921,"../scatter/attributes":1187}],947:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../plots/cartesian/axes"),a=t("../../plots/cartesian/align_period"),o=t("../../lib"),s=t("../../constants/numerical").BADNUM,l=o._;e.exports=function(t,e){var r,c,y,x,b,_,w,T=t._fullLayout,k=i.getFromId(t,e.xaxis||"x"),M=i.getFromId(t,e.yaxis||"y"),A=[],S="violin"===e.type?"_numViolins":"_numBoxes";"h"===e.orientation?(y=k,x="x",b=M,_="y",w=!!e.yperiodalignment):(y=M,x="y",b=k,_="x",w=!!e.xperiodalignment);var E,C,L,I,P,z,O=function(t,e,r,i){var s,l=e+"0"in t,c="d"+e in t;if(e in t||l&&c){var u=r.makeCalcdata(t,e);return[a(t,r,e,u),u]}s=l?t[e+"0"]:"name"in t&&("category"===r.type||n(t.name)&&-1!==["linear","log"].indexOf(r.type)||o.isDateTime(t.name)&&"date"===r.type)?t.name:i;for(var f="multicategory"===r.type?r.r2c_just_indices(s):r.d2c(s,0,t[e+"calendar"]),h=t._length,p=new Array(h),d=0;dE.uf};if(e._hasPreCompStats){var U=e[x],V=function(t){return y.d2c((e[t]||[])[r])},q=1/0,H=-1/0;for(r=0;r=E.q1&&E.q3>=E.med){var Y=V("lowerfence");E.lf=Y!==s&&Y<=E.q1?Y:p(E,L,I);var W=V("upperfence");E.uf=W!==s&&W>=E.q3?W:d(E,L,I);var X=V("mean");E.mean=X!==s?X:I?o.mean(L,I):(E.q1+E.q3)/2;var Z=V("sd");E.sd=X!==s&&Z>=0?Z:I?o.stdev(L,I,E.mean):E.q3-E.q1,E.lo=g(E),E.uo=m(E);var J=V("notchspan");J=J!==s&&J>0?J:v(E,I),E.ln=E.med-J,E.un=E.med+J;var K=E.lf,Q=E.uf;e.boxpoints&&L.length&&(K=Math.min(K,L[0]),Q=Math.max(Q,L[I-1])),e.notched&&(K=Math.min(K,E.ln),Q=Math.max(Q,E.un)),E.min=K,E.max=Q}else{var $;o.warn(["Invalid input - make sure that q1 <= median <= q3","q1 = "+E.q1,"median = "+E.med,"q3 = "+E.q3].join("\n")),$=E.med!==s?E.med:E.q1!==s?E.q3!==s?(E.q1+E.q3)/2:E.q1:E.q3!==s?E.q3:0,E.med=$,E.q1=E.q3=$,E.lf=E.uf=$,E.mean=E.sd=$,E.ln=E.un=$,E.min=E.max=$}q=Math.min(q,E.min),H=Math.max(H,E.max),E.pts2=C.filter(j),A.push(E)}}e._extremes[y._id]=i.findExtremes(y,[q,H],{padded:!0})}else{var tt=y.makeCalcdata(e,x),et=function(t,e){for(var r=t.length,n=new Array(r+1),i=0;i=0&&it0){var ut,ft;if((E={}).pos=E[_]=B[r],C=E.pts=nt[r].sort(f),I=(L=E[x]=C.map(h)).length,E.min=L[0],E.max=L[I-1],E.mean=o.mean(L,I),E.sd=o.stdev(L,I,E.mean),E.med=o.interp(L,.5),I%2&&(lt||ct))lt?(ut=L.slice(0,I/2),ft=L.slice(I/2+1)):ct&&(ut=L.slice(0,I/2+1),ft=L.slice(I/2)),E.q1=o.interp(ut,.5),E.q3=o.interp(ft,.5);else E.q1=o.interp(L,.25),E.q3=o.interp(L,.75);E.lf=p(E,L,I),E.uf=d(E,L,I),E.lo=g(E),E.uo=m(E);var ht=v(E,I);E.ln=E.med-ht,E.un=E.med+ht,at=Math.min(at,E.ln),ot=Math.max(ot,E.un),E.pts2=C.filter(j),A.push(E)}e._extremes[y._id]=i.findExtremes(y,e.notched?tt.concat([at,ot]):tt,{padded:!0})}return function(t,e){if(o.isArrayOrTypedArray(e.selectedpoints))for(var r=0;r0?(A[0].t={num:T[S],dPos:N,posLetter:_,valLetter:x,labels:{med:l(t,"median:"),min:l(t,"min:"),q1:l(t,"q1:"),q3:l(t,"q3:"),max:l(t,"max:"),mean:"sd"===e.boxmean?l(t,"mean \xb1 \u03c3:"):l(t,"mean:"),lf:l(t,"lower fence:"),uf:l(t,"upper fence:")}},T[S]++,A):[{t:{empty:!0}}]};var c={text:"tx",hovertext:"htx"};function u(t,e,r){for(var n in c)o.isArrayOrTypedArray(e[n])&&(Array.isArray(r)?o.isArrayOrTypedArray(e[n][r[0]])&&(t[c[n]]=e[n][r[0]][r[1]]):t[c[n]]=e[n][r])}function f(t,e){return t.v-e.v}function h(t){return t.v}function p(t,e,r){return 0===r?t.q1:Math.min(t.q1,e[Math.min(o.findBin(2.5*t.q1-1.5*t.q3,e,!0)+1,r-1)])}function d(t,e,r){return 0===r?t.q3:Math.max(t.q3,e[Math.max(o.findBin(2.5*t.q3-1.5*t.q1,e),0)])}function g(t){return 4*t.q1-3*t.q3}function m(t){return 4*t.q3-3*t.q1}function v(t,e){return 0===e?0:1.57*(t.q3-t.q1)/Math.sqrt(e)}},{"../../constants/numerical":753,"../../lib":778,"../../plots/cartesian/align_period":825,"../../plots/cartesian/axes":828,"fast-isnumeric":241}],948:[function(t,e,r){"use strict";var n=t("../../plots/cartesian/axes"),i=t("../../lib"),a=t("../../plots/cartesian/constraints").getAxisGroup,o=["v","h"];function s(t,e,r,o){var s,l,c,u=e.calcdata,f=e._fullLayout,h=o._id,p=h.charAt(0),d=[],g=0;for(s=0;s1,b=1-f[t+"gap"],_=1-f[t+"groupgap"];for(s=0;s0){var H=E.pointpos,G=E.jitter,Y=E.marker.size/2,W=0;H+G>=0&&((W=V*(H+G))>A?(q=!0,j=Y,B=W):W>R&&(j=Y,B=A)),W<=A&&(B=A);var X=0;H-G<=0&&((X=-V*(H-G))>S?(q=!0,U=Y,N=X):X>F&&(U=Y,N=S)),X<=S&&(N=S)}else B=A,N=S;var Z=new Array(c.length);for(l=0;l0?(m="v",v=x>0?Math.min(_,b):Math.min(b)):x>0?(m="h",v=Math.min(_)):v=0;if(v){e._length=v;var S=r("orientation",m);e._hasPreCompStats?"v"===S&&0===x?(r("x0",0),r("dx",1)):"h"===S&&0===y&&(r("y0",0),r("dy",1)):"v"===S&&0===x?r("x0"):"h"===S&&0===y&&r("y0"),i.getComponentMethod("calendars","handleTraceDefaults")(t,e,["x","y"],a)}else e.visible=!1}function f(t,e,r,i){var a=i.prefix,o=n.coerce2(t,e,c,"marker.outliercolor"),s=r("marker.line.outliercolor"),l="outliers";e._hasPreCompStats?l="all":(o||s)&&(l="suspectedoutliers");var u=r(a+"points",l);u?(r("jitter","all"===u?.3:0),r("pointpos","all"===u?-1.5:0),r("marker.symbol"),r("marker.opacity"),r("marker.size"),r("marker.color",e.line.color),r("marker.line.color"),r("marker.line.width"),"suspectedoutliers"===u&&(r("marker.line.outliercolor",e.marker.color),r("marker.line.outlierwidth")),r("selected.marker.color"),r("unselected.marker.color"),r("selected.marker.size"),r("unselected.marker.size"),r("text"),r("hovertext")):delete e.marker;var f=r("hoveron");"all"!==f&&-1===f.indexOf("points")||r("hovertemplate"),n.coerceSelectionMarkerOpacity(e,r)}e.exports={supplyDefaults:function(t,e,r,i){function s(r,i){return n.coerce(t,e,c,r,i)}if(u(t,e,s,i),!1!==e.visible){o(t,e,i,s);var l=e._hasPreCompStats;l&&(s("lowerfence"),s("upperfence")),s("line.color",(t.marker||{}).color||r),s("line.width"),s("fillcolor",a.addOpacity(e.line.color,.5));var h=!1;if(l){var p=s("mean"),d=s("sd");p&&p.length&&(h=!0,d&&d.length&&(h="sd"))}s("boxmean",h),s("whiskerwidth"),s("width"),s("quartilemethod");var g=!1;if(l){var m=s("notchspan");m&&m.length&&(g=!0)}else n.validate(t.notchwidth,c.notchwidth)&&(g=!0);s("notched",g)&&s("notchwidth"),f(t,e,s,{prefix:"box"})}},crossTraceDefaults:function(t,e){var r,i;function a(t){return n.coerce(i._input,i,c,t)}for(var o=0;ot.lo&&(x.so=!0)}return a}));h.enter().append("path").classed("point",!0),h.exit().remove(),h.call(a.translatePoints,o,s)}function l(t,e,r,a){var o,s,l=e.val,c=e.pos,u=!!c.rangebreaks,f=a.bPos,h=a.bPosPxOffset||0,p=r.boxmean||(r.meanline||{}).visible;Array.isArray(a.bdPos)?(o=a.bdPos[0],s=a.bdPos[1]):(o=a.bdPos,s=a.bdPos);var d=t.selectAll("path.mean").data("box"===r.type&&r.boxmean||"violin"===r.type&&r.box.visible&&r.meanline.visible?i.identity:[]);d.enter().append("path").attr("class","mean").style({fill:"none","vector-effect":"non-scaling-stroke"}),d.exit().remove(),d.each((function(t){var e=c.c2l(t.pos+f,!0),i=c.l2p(e-o)+h,a=c.l2p(e+s)+h,d=u?(i+a)/2:c.l2p(e)+h,g=l.c2p(t.mean,!0),m=l.c2p(t.mean-t.sd,!0),v=l.c2p(t.mean+t.sd,!0);"h"===r.orientation?n.select(this).attr("d","M"+g+","+i+"V"+a+("sd"===p?"m0,0L"+m+","+d+"L"+g+","+i+"L"+v+","+d+"Z":"")):n.select(this).attr("d","M"+i+","+g+"H"+a+("sd"===p?"m0,0L"+d+","+m+"L"+i+","+g+"L"+d+","+v+"Z":""))}))}e.exports={plot:function(t,e,r,a){var c=e.xaxis,u=e.yaxis;i.makeTraceGroups(a,r,"trace boxes").each((function(t){var e,r,i=n.select(this),a=t[0],f=a.t,h=a.trace;(f.wdPos=f.bdPos*h.whiskerwidth,!0!==h.visible||f.empty)?i.remove():("h"===h.orientation?(e=u,r=c):(e=c,r=u),o(i,{pos:e,val:r},h,f),s(i,{x:c,y:u},h,f),l(i,{pos:e,val:r},h,f))}))},plotBoxAndWhiskers:o,plotPoints:s,plotBoxMean:l}},{"../../components/drawing":665,"../../lib":778,d3:169}],956:[function(t,e,r){"use strict";e.exports=function(t,e){var r,n,i=t.cd,a=t.xaxis,o=t.yaxis,s=[];if(!1===e)for(r=0;r=10)return null;for(var i=1/0,a=-1/0,o=e.length,s=0;s0?Math.floor:Math.ceil,P=C>0?Math.ceil:Math.floor,z=C>0?Math.min:Math.max,O=C>0?Math.max:Math.min,D=I(S+L),R=P(E-L),F=[[f=A(S)]];for(a=D;a*C=0;i--)a[u-i]=t[f][i],o[u-i]=e[f][i];for(s.push({x:a,y:o,bicubic:l}),i=f,a=[],o=[];i>=0;i--)a[f-i]=t[i][0],o[f-i]=e[i][0];return s.push({x:a,y:o,bicubic:c}),s}},{}],970:[function(t,e,r){"use strict";var n=t("../../plots/cartesian/axes"),i=t("../../lib/extend").extendFlat;e.exports=function(t,e,r){var a,o,s,l,c,u,f,h,p,d,g,m,v,y,x=t["_"+e],b=t[e+"axis"],_=b._gridlines=[],w=b._minorgridlines=[],T=b._boundarylines=[],k=t["_"+r],M=t[r+"axis"];"array"===b.tickmode&&(b.tickvals=x.slice());var A=t._xctrl,S=t._yctrl,E=A[0].length,C=A.length,L=t._a.length,I=t._b.length;n.prepTicks(b),"array"===b.tickmode&&delete b.tickvals;var P=b.smoothing?3:1;function z(n){var i,a,o,s,l,c,u,f,p,d,g,m,v=[],y=[],x={};if("b"===e)for(a=t.b2j(n),o=Math.floor(Math.max(0,Math.min(I-2,a))),s=a-o,x.length=I,x.crossLength=L,x.xy=function(e){return t.evalxy([],e,a)},x.dxy=function(e,r){return t.dxydi([],e,o,r,s)},i=0;i0&&(p=t.dxydi([],i-1,o,0,s),v.push(l[0]+p[0]/3),y.push(l[1]+p[1]/3),d=t.dxydi([],i-1,o,1,s),v.push(f[0]-d[0]/3),y.push(f[1]-d[1]/3)),v.push(f[0]),y.push(f[1]),l=f;else for(i=t.a2i(n),c=Math.floor(Math.max(0,Math.min(L-2,i))),u=i-c,x.length=L,x.crossLength=I,x.xy=function(e){return t.evalxy([],i,e)},x.dxy=function(e,r){return t.dxydj([],c,e,u,r)},a=0;a0&&(g=t.dxydj([],c,a-1,u,0),v.push(l[0]+g[0]/3),y.push(l[1]+g[1]/3),m=t.dxydj([],c,a-1,u,1),v.push(f[0]-m[0]/3),y.push(f[1]-m[1]/3)),v.push(f[0]),y.push(f[1]),l=f;return x.axisLetter=e,x.axis=b,x.crossAxis=M,x.value=n,x.constvar=r,x.index=h,x.x=v,x.y=y,x.smoothing=M.smoothing,x}function O(n){var i,a,o,s,l,c=[],u=[],f={};if(f.length=x.length,f.crossLength=k.length,"b"===e)for(o=Math.max(0,Math.min(I-2,n)),l=Math.min(1,Math.max(0,n-o)),f.xy=function(e){return t.evalxy([],e,n)},f.dxy=function(e,r){return t.dxydi([],e,o,r,l)},i=0;ix.length-1||_.push(i(O(o),{color:b.gridcolor,width:b.gridwidth}));for(h=u;hx.length-1||g<0||g>x.length-1))for(m=x[s],v=x[g],a=0;ax[x.length-1]||w.push(i(z(d),{color:b.minorgridcolor,width:b.minorgridwidth}));b.startline&&T.push(i(O(0),{color:b.startlinecolor,width:b.startlinewidth})),b.endline&&T.push(i(O(x.length-1),{color:b.endlinecolor,width:b.endlinewidth}))}else{for(l=5e-15,u=(c=[Math.floor((x[x.length-1]-b.tick0)/b.dtick*(1+l)),Math.ceil((x[0]-b.tick0)/b.dtick/(1+l))].sort((function(t,e){return t-e})))[0],f=c[1],h=u;h<=f;h++)p=b.tick0+b.dtick*h,_.push(i(z(p),{color:b.gridcolor,width:b.gridwidth}));for(h=u-1;hx[x.length-1]||w.push(i(z(d),{color:b.minorgridcolor,width:b.minorgridwidth}));b.startline&&T.push(i(z(x[0]),{color:b.startlinecolor,width:b.startlinewidth})),b.endline&&T.push(i(z(x[x.length-1]),{color:b.endlinecolor,width:b.endlinewidth}))}}},{"../../lib/extend":768,"../../plots/cartesian/axes":828}],971:[function(t,e,r){"use strict";var n=t("../../plots/cartesian/axes"),i=t("../../lib/extend").extendFlat;e.exports=function(t,e){var r,a,o,s=e._labels=[],l=e._gridlines;for(r=0;re.length&&(t=t.slice(0,e.length)):t=[],i=0;i90&&(p-=180,l=-l),{angle:p,flip:l,p:t.c2p(n,e,r),offsetMultplier:c}}},{}],985:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/drawing"),a=t("./map_1d_array"),o=t("./makepath"),s=t("./orient_text"),l=t("../../lib/svg_text_utils"),c=t("../../lib"),u=c.strRotate,f=c.strTranslate,h=t("../../constants/alignment");function p(t,e,r,i,s,l){var c="const-"+s+"-lines",u=r.selectAll("."+c).data(l);u.enter().append("path").classed(c,!0).style("vector-effect","non-scaling-stroke"),u.each((function(r){var i=r,s=i.x,l=i.y,c=a([],s,t.c2p),u=a([],l,e.c2p),f="M"+o(c,u,i.smoothing);n.select(this).attr("d",f).style("stroke-width",i.width).style("stroke",i.color).style("fill","none")})),u.exit().remove()}function d(t,e,r,a,o,c,h,p){var d=c.selectAll("text."+p).data(h);d.enter().append("text").classed(p,!0);var g=0,m={};return d.each((function(o,c){var h;if("auto"===o.axis.tickangle)h=s(a,e,r,o.xy,o.dxy);else{var p=(o.axis.tickangle+180)*Math.PI/180;h=s(a,e,r,o.xy,[Math.cos(p),Math.sin(p)])}c||(m={angle:h.angle,flip:h.flip});var d=(o.endAnchor?-1:1)*h.flip,v=n.select(this).attr({"text-anchor":d>0?"start":"end","data-notex":1}).call(i.font,o.font).text(o.text).call(l.convertToTspans,t),y=i.bBox(this);v.attr("transform",f(h.p[0],h.p[1])+u(h.angle)+f(o.axis.labelpadding*d,.3*y.height)),g=Math.max(g,y.width+o.axis.labelpadding)})),d.exit().remove(),m.maxExtent=g,m}e.exports=function(t,e,r,i){var l=e.xaxis,u=e.yaxis,f=t._fullLayout._clips;c.makeTraceGroups(i,r,"trace").each((function(e){var r=n.select(this),i=e[0],h=i.trace,g=h.aaxis,m=h.baxis,y=c.ensureSingle(r,"g","minorlayer"),x=c.ensureSingle(r,"g","majorlayer"),b=c.ensureSingle(r,"g","boundarylayer"),_=c.ensureSingle(r,"g","labellayer");r.style("opacity",h.opacity),p(l,u,x,g,"a",g._gridlines),p(l,u,x,m,"b",m._gridlines),p(l,u,y,g,"a",g._minorgridlines),p(l,u,y,m,"b",m._minorgridlines),p(l,u,b,g,"a-boundary",g._boundarylines),p(l,u,b,m,"b-boundary",m._boundarylines);var w=d(t,l,u,h,i,_,g._labels,"a-label"),T=d(t,l,u,h,i,_,m._labels,"b-label");!function(t,e,r,n,i,a,o,l){var u,f,h,p,d=c.aggNums(Math.min,null,r.a),g=c.aggNums(Math.max,null,r.a),m=c.aggNums(Math.min,null,r.b),y=c.aggNums(Math.max,null,r.b);u=.5*(d+g),f=m,h=r.ab2xy(u,f,!0),p=r.dxyda_rough(u,f),void 0===o.angle&&c.extendFlat(o,s(r,i,a,h,r.dxydb_rough(u,f)));v(t,e,r,n,h,p,r.aaxis,i,a,o,"a-title"),u=d,f=.5*(m+y),h=r.ab2xy(u,f,!0),p=r.dxydb_rough(u,f),void 0===l.angle&&c.extendFlat(l,s(r,i,a,h,r.dxyda_rough(u,f)));v(t,e,r,n,h,p,r.baxis,i,a,l,"b-title")}(t,_,h,i,l,u,w,T),function(t,e,r,n,i){var s,l,u,f,h=r.select("#"+t._clipPathId);h.size()||(h=r.append("clipPath").classed("carpetclip",!0));var p=c.ensureSingle(h,"path","carpetboundary"),d=e.clipsegments,g=[];for(f=0;f90&&y<270,b=n.select(this);b.text(h.title.text).call(l.convertToTspans,t),x&&(_=(-l.lineCount(b)+m)*g*a-_),b.attr("transform",f(e.p[0],e.p[1])+u(e.angle)+f(0,_)).attr("text-anchor","middle").call(i.font,h.title.font)})),b.exit().remove()}},{"../../components/drawing":665,"../../constants/alignment":745,"../../lib":778,"../../lib/svg_text_utils":803,"./makepath":982,"./map_1d_array":983,"./orient_text":984,d3:169}],986:[function(t,e,r){"use strict";var n=t("./constants"),i=t("../../lib/search").findBin,a=t("./compute_control_points"),o=t("./create_spline_evaluator"),s=t("./create_i_derivative_evaluator"),l=t("./create_j_derivative_evaluator");e.exports=function(t){var e=t._a,r=t._b,c=e.length,u=r.length,f=t.aaxis,h=t.baxis,p=e[0],d=e[c-1],g=r[0],m=r[u-1],v=e[e.length-1]-e[0],y=r[r.length-1]-r[0],x=v*n.RELATIVE_CULL_TOLERANCE,b=y*n.RELATIVE_CULL_TOLERANCE;p-=x,d+=x,g-=b,m+=b,t.isVisible=function(t,e){return t>p&&tg&&ed||em},t.setScale=function(){var e=t._x,r=t._y,n=a(t._xctrl,t._yctrl,e,r,f.smoothing,h.smoothing);t._xctrl=n[0],t._yctrl=n[1],t.evalxy=o([t._xctrl,t._yctrl],c,u,f.smoothing,h.smoothing),t.dxydi=s([t._xctrl,t._yctrl],f.smoothing,h.smoothing),t.dxydj=l([t._xctrl,t._yctrl],f.smoothing,h.smoothing)},t.i2a=function(t){var r=Math.max(0,Math.floor(t[0]),c-2),n=t[0]-r;return(1-n)*e[r]+n*e[r+1]},t.j2b=function(t){var e=Math.max(0,Math.floor(t[1]),c-2),n=t[1]-e;return(1-n)*r[e]+n*r[e+1]},t.ij2ab=function(e){return[t.i2a(e[0]),t.j2b(e[1])]},t.a2i=function(t){var r=Math.max(0,Math.min(i(t,e),c-2)),n=e[r],a=e[r+1];return Math.max(0,Math.min(c-1,r+(t-n)/(a-n)))},t.b2j=function(t){var e=Math.max(0,Math.min(i(t,r),u-2)),n=r[e],a=r[e+1];return Math.max(0,Math.min(u-1,e+(t-n)/(a-n)))},t.ab2ij=function(e){return[t.a2i(e[0]),t.b2j(e[1])]},t.i2c=function(e,r){return t.evalxy([],e,r)},t.ab2xy=function(n,i,a){if(!a&&(ne[c-1]|ir[u-1]))return[!1,!1];var o=t.a2i(n),s=t.b2j(i),l=t.evalxy([],o,s);if(a){var f,h,p,d,g=0,m=0,v=[];ne[c-1]?(f=c-2,h=1,g=(n-e[c-1])/(e[c-1]-e[c-2])):h=o-(f=Math.max(0,Math.min(c-2,Math.floor(o)))),ir[u-1]?(p=u-2,d=1,m=(i-r[u-1])/(r[u-1]-r[u-2])):d=s-(p=Math.max(0,Math.min(u-2,Math.floor(s)))),g&&(t.dxydi(v,f,p,h,d),l[0]+=v[0]*g,l[1]+=v[1]*g),m&&(t.dxydj(v,f,p,h,d),l[0]+=v[0]*m,l[1]+=v[1]*m)}return l},t.c2p=function(t,e,r){return[e.c2p(t[0]),r.c2p(t[1])]},t.p2x=function(t,e,r){return[e.p2c(t[0]),r.p2c(t[1])]},t.dadi=function(t){var r=Math.max(0,Math.min(e.length-2,t));return e[r+1]-e[r]},t.dbdj=function(t){var e=Math.max(0,Math.min(r.length-2,t));return r[e+1]-r[e]},t.dxyda=function(e,r,n,i){var a=t.dxydi(null,e,r,n,i),o=t.dadi(e,n);return[a[0]/o,a[1]/o]},t.dxydb=function(e,r,n,i){var a=t.dxydj(null,e,r,n,i),o=t.dbdj(r,i);return[a[0]/o,a[1]/o]},t.dxyda_rough=function(e,r,n){var i=v*(n||.1),a=t.ab2xy(e+i,r,!0),o=t.ab2xy(e-i,r,!0);return[.5*(a[0]-o[0])/i,.5*(a[1]-o[1])/i]},t.dxydb_rough=function(e,r,n){var i=y*(n||.1),a=t.ab2xy(e,r+i,!0),o=t.ab2xy(e,r-i,!0);return[.5*(a[0]-o[0])/i,.5*(a[1]-o[1])/i]},t.dpdx=function(t){return t._m},t.dpdy=function(t){return t._m}}},{"../../lib/search":798,"./compute_control_points":974,"./constants":975,"./create_i_derivative_evaluator":976,"./create_j_derivative_evaluator":977,"./create_spline_evaluator":978}],987:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t,e,r){var i,a,o,s=[],l=[],c=t[0].length,u=t.length;function f(e,r){var n,i=0,a=0;return e>0&&void 0!==(n=t[r][e-1])&&(a++,i+=n),e0&&void 0!==(n=t[r-1][e])&&(a++,i+=n),r0&&a0&&i1e-5);return n.log("Smoother converged to",k,"after",M,"iterations"),t}},{"../../lib":778}],988:[function(t,e,r){"use strict";var n=t("../../lib").isArray1D;e.exports=function(t,e,r){var i=r("x"),a=i&&i.length,o=r("y"),s=o&&o.length;if(!a&&!s)return!1;if(e._cheater=!i,a&&!n(i)||s&&!n(o))e._length=null;else{var l=a?i.length:1/0;s&&(l=Math.min(l,o.length)),e.a&&e.a.length&&(l=Math.min(l,e.a.length)),e.b&&e.b.length&&(l=Math.min(l,e.b.length)),e._length=l}return!0}},{"../../lib":778}],989:[function(t,e,r){"use strict";var n=t("../../plots/template_attributes").hovertemplateAttrs,i=t("../scattergeo/attributes"),a=t("../../components/colorscale/attributes"),o=t("../../plots/attributes"),s=t("../../components/color/attributes").defaultLine,l=t("../../lib/extend").extendFlat,c=i.marker.line;e.exports=l({locations:{valType:"data_array",editType:"calc"},locationmode:i.locationmode,z:{valType:"data_array",editType:"calc"},geojson:l({},i.geojson,{}),featureidkey:i.featureidkey,text:l({},i.text,{}),hovertext:l({},i.hovertext,{}),marker:{line:{color:l({},c.color,{dflt:s}),width:l({},c.width,{dflt:1}),editType:"calc"},opacity:{valType:"number",arrayOk:!0,min:0,max:1,dflt:1,editType:"style"},editType:"calc"},selected:{marker:{opacity:i.selected.marker.opacity,editType:"plot"},editType:"plot"},unselected:{marker:{opacity:i.unselected.marker.opacity,editType:"plot"},editType:"plot"},hoverinfo:l({},o.hoverinfo,{editType:"calc",flags:["location","z","text","name"]}),hovertemplate:n(),showlegend:l({},o.showlegend,{dflt:!1})},a("",{cLetter:"z",editTypeOverride:"calc"}))},{"../../components/color/attributes":642,"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../scattergeo/attributes":1229}],990:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../constants/numerical").BADNUM,a=t("../../components/colorscale/calc"),o=t("../scatter/arrays_to_calcdata"),s=t("../scatter/calc_selection");function l(t){return t&&"string"==typeof t}e.exports=function(t,e){var r,c=e._length,u=new Array(c);r=e.geojson?function(t){return l(t)||n(t)}:l;for(var f=0;f")}(t,f,o),[t]}},{"../../lib":778,"../../plots/cartesian/axes":828,"./attributes":989}],994:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../heatmap/colorbar"),calc:t("./calc"),calcGeoJSON:t("./plot").calcGeoJSON,plot:t("./plot").plot,style:t("./style").style,styleOnSelect:t("./style").styleOnSelect,hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("./select"),moduleType:"trace",name:"choropleth",basePlotModule:t("../../plots/geo"),categories:["geo","noOpacity","showLegend"],meta:{}}},{"../../plots/geo":860,"../heatmap/colorbar":1068,"./attributes":989,"./calc":990,"./defaults":991,"./event_data":992,"./hover":993,"./plot":995,"./select":996,"./style":997}],995:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../lib/geo_location_utils"),o=t("../../lib/topojson_utils").getTopojsonFeatures,s=t("../../plots/cartesian/autorange").findExtremes,l=t("./style").style;e.exports={calcGeoJSON:function(t,e){for(var r=t[0].trace,n=e[r.geo],i=n._subplot,l=r.locationmode,c=r._length,u="geojson-id"===l?a.extractTraceFeature(t):o(r,i.topojson),f=[],h=[],p=0;p=0;n--){var i=r[n].id;if("string"==typeof i&&0===i.indexOf("water"))for(var a=n+1;a=0;r--)t.removeLayer(e[r][1])},s.dispose=function(){var t=this.subplot.map;this._removeLayers(),t.removeSource(this.sourceId)},e.exports=function(t,e){var r=e[0].trace,i=new o(t,r.uid),a=i.sourceId,s=n(e),l=i.below=t.belowLookup["trace-"+r.uid];return t.map.addSource(a,{type:"geojson",data:s.geojson}),i._addLayers(s,l),e[0].trace._glTrace=i,i}},{"../../plots/mapbox/constants":883,"./convert":999}],1003:[function(t,e,r){"use strict";var n=t("../../components/colorscale/attributes"),i=t("../../plots/template_attributes").hovertemplateAttrs,a=t("../mesh3d/attributes"),o=t("../../plots/attributes"),s=t("../../lib/extend").extendFlat,l={x:{valType:"data_array",editType:"calc+clearAxisTypes"},y:{valType:"data_array",editType:"calc+clearAxisTypes"},z:{valType:"data_array",editType:"calc+clearAxisTypes"},u:{valType:"data_array",editType:"calc"},v:{valType:"data_array",editType:"calc"},w:{valType:"data_array",editType:"calc"},sizemode:{valType:"enumerated",values:["scaled","absolute"],editType:"calc",dflt:"scaled"},sizeref:{valType:"number",editType:"calc",min:0},anchor:{valType:"enumerated",editType:"calc",values:["tip","tail","cm","center"],dflt:"cm"},text:{valType:"string",dflt:"",arrayOk:!0,editType:"calc"},hovertext:{valType:"string",dflt:"",arrayOk:!0,editType:"calc"},hovertemplate:i({editType:"calc"},{keys:["norm"]}),showlegend:s({},o.showlegend,{dflt:!1})};s(l,n("",{colorAttr:"u/v/w norm",showScaleDflt:!0,editTypeOverride:"calc"}));["opacity","lightposition","lighting"].forEach((function(t){l[t]=a[t]})),l.hoverinfo=s({},o.hoverinfo,{editType:"calc",flags:["x","y","z","u","v","w","norm","text","name"],dflt:"x+y+z+norm+text+name"}),l.transforms=void 0,e.exports=l},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../mesh3d/attributes":1128}],1004:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc");e.exports=function(t,e){for(var r=e.u,i=e.v,a=e.w,o=Math.min(e.x.length,e.y.length,e.z.length,r.length,i.length,a.length),s=-1/0,l=1/0,c=0;co.level||o.starts.length&&a===o.level)}break;case"constraint":if(n.prefixBoundary=!1,n.edgepaths.length)return;var s=n.x.length,l=n.y.length,c=-1/0,u=1/0;for(r=0;r":p>c&&(n.prefixBoundary=!0);break;case"<":(pc||n.starts.length&&h===u)&&(n.prefixBoundary=!0);break;case"][":f=Math.min(p[0],p[1]),h=Math.max(p[0],p[1]),fc&&(n.prefixBoundary=!0)}}}},{}],1011:[function(t,e,r){"use strict";var n=t("../../components/colorscale"),i=t("./make_color_map"),a=t("./end_plus");e.exports={min:"zmin",max:"zmax",calc:function(t,e,r){var o=e.contours,s=e.line,l=o.size||1,c=o.coloring,u=i(e,{isColorbar:!0});if("heatmap"===c){var f=n.extractOpts(e);r._fillgradient=f.reversescale?n.flipScale(f.colorscale):f.colorscale,r._zrange=[f.min,f.max]}else"fill"===c&&(r._fillcolor=u);r._line={color:"lines"===c?u:s.color,width:!1!==o.showlines?s.width:0,dash:s.dash},r._levels={start:o.start,end:a(o),size:l}}}},{"../../components/colorscale":655,"./end_plus":1019,"./make_color_map":1024}],1012:[function(t,e,r){"use strict";e.exports={BOTTOMSTART:[1,9,13,104,713],TOPSTART:[4,6,7,104,713],LEFTSTART:[8,12,14,208,1114],RIGHTSTART:[2,3,11,208,1114],NEWDELTA:[null,[-1,0],[0,-1],[-1,0],[1,0],null,[0,-1],[-1,0],[0,1],[0,1],null,[0,1],[1,0],[1,0],[0,-1]],CHOOSESADDLE:{104:[4,1],208:[2,8],713:[7,13],1114:[11,14]},SADDLEREMAINDER:{1:4,2:8,4:1,7:13,8:2,11:14,13:7,14:11},LABELDISTANCE:2,LABELINCREASE:10,LABELMIN:3,LABELMAX:10,LABELOPTIMIZER:{EDGECOST:1,ANGLECOST:1,NEIGHBORCOST:5,SAMELEVELFACTOR:10,SAMELEVELDISTANCE:5,MAXCOST:100,INITIALSEARCHPOINTS:10,ITERATIONS:5}}},{}],1013:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("./label_defaults"),a=t("../../components/color"),o=a.addOpacity,s=a.opacity,l=t("../../constants/filter_ops"),c=l.CONSTRAINT_REDUCTION,u=l.COMPARISON_OPS2;e.exports=function(t,e,r,a,l,f){var h,p,d,g=e.contours,m=r("contours.operation");(g._operation=c[m],function(t,e){var r;-1===u.indexOf(e.operation)?(t("contours.value",[0,1]),Array.isArray(e.value)?e.value.length>2?e.value=e.value.slice(2):0===e.length?e.value=[0,1]:e.length<2?(r=parseFloat(e.value[0]),e.value=[r,r+1]):e.value=[parseFloat(e.value[0]),parseFloat(e.value[1])]:n(e.value)&&(r=parseFloat(e.value),e.value=[r,r+1])):(t("contours.value",0),n(e.value)||(Array.isArray(e.value)?e.value=parseFloat(e.value[0]):e.value=0))}(r,g),"="===m?h=g.showlines=!0:(h=r("contours.showlines"),d=r("fillcolor",o((t.line||{}).color||l,.5))),h)&&(p=r("line.color",d&&s(d)?o(e.fillcolor,1):l),r("line.width",2),r("line.dash"));r("line.smoothing"),i(r,a,p,f)}},{"../../components/color":643,"../../constants/filter_ops":749,"./label_defaults":1023,"fast-isnumeric":241}],1014:[function(t,e,r){"use strict";var n=t("../../constants/filter_ops"),i=t("fast-isnumeric");function a(t,e){var r,a=Array.isArray(e);function o(t){return i(t)?+t:null}return-1!==n.COMPARISON_OPS2.indexOf(t)?r=o(a?e[0]:e):-1!==n.INTERVAL_OPS.indexOf(t)?r=a?[o(e[0]),o(e[1])]:[o(e),o(e)]:-1!==n.SET_OPS.indexOf(t)&&(r=a?e.map(o):[o(e)]),r}function o(t){return function(e){e=a(t,e);var r=Math.min(e[0],e[1]),n=Math.max(e[0],e[1]);return{start:r,end:n,size:n-r}}}function s(t){return function(e){return{start:e=a(t,e),end:1/0,size:1/0}}}e.exports={"[]":o("[]"),"][":o("]["),">":s(">"),"<":s("<"),"=":s("=")}},{"../../constants/filter_ops":749,"fast-isnumeric":241}],1015:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){var i=n("contours.start"),a=n("contours.end"),o=!1===i||!1===a,s=r("contours.size");!(o?e.autocontour=!0:r("autocontour",!1))&&s||r("ncontours")}},{}],1016:[function(t,e,r){"use strict";var n=t("../../lib");function i(t){return n.extendFlat({},t,{edgepaths:n.extendDeep([],t.edgepaths),paths:n.extendDeep([],t.paths),starts:n.extendDeep([],t.starts)})}e.exports=function(t,e){var r,a,o,s=function(t){return t.reverse()},l=function(t){return t};switch(e){case"=":case"<":return t;case">":for(1!==t.length&&n.warn("Contour data invalid for the specified inequality operation."),a=t[0],r=0;r1e3){n.warn("Too many contours, clipping at 1000",t);break}return l}},{"../../lib":778,"./constraint_mapping":1014,"./end_plus":1019}],1019:[function(t,e,r){"use strict";e.exports=function(t){return t.end+t.size/1e6}},{}],1020:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./constants");function a(t,e,r,n){return Math.abs(t[0]-e[0])20&&e?208===t||1114===t?n=0===r[0]?1:-1:a=0===r[1]?1:-1:-1!==i.BOTTOMSTART.indexOf(t)?a=1:-1!==i.LEFTSTART.indexOf(t)?n=1:-1!==i.TOPSTART.indexOf(t)?a=-1:n=-1;return[n,a]}(f,r,e),p=[s(t,e,[-h[0],-h[1]])],d=t.z.length,g=t.z[0].length,m=e.slice(),v=h.slice();for(c=0;c<1e4;c++){if(f>20?(f=i.CHOOSESADDLE[f][(h[0]||h[1])<0?0:1],t.crossings[u]=i.SADDLEREMAINDER[f]):delete t.crossings[u],!(h=i.NEWDELTA[f])){n.log("Found bad marching index:",f,e,t.level);break}p.push(s(t,e,h)),e[0]+=h[0],e[1]+=h[1],u=e.join(","),a(p[p.length-1],p[p.length-2],o,l)&&p.pop();var y=h[0]&&(e[0]<0||e[0]>g-2)||h[1]&&(e[1]<0||e[1]>d-2);if(e[0]===m[0]&&e[1]===m[1]&&h[0]===v[0]&&h[1]===v[1]||r&&y)break;f=t.crossings[u]}1e4===c&&n.log("Infinite loop in contour?");var x,b,_,w,T,k,M,A,S,E,C,L,I,P,z,O=a(p[0],p[p.length-1],o,l),D=0,R=.2*t.smoothing,F=[],B=0;for(c=1;c=B;c--)if((x=F[c])=B&&x+F[b]A&&S--,t.edgepaths[S]=C.concat(p,E));break}V||(t.edgepaths[A]=p.concat(E))}for(A=0;At?0:1)+(e[0][1]>t?0:2)+(e[1][1]>t?0:4)+(e[1][0]>t?0:8);return 5===r||10===r?t>(e[0][0]+e[0][1]+e[1][0]+e[1][1])/4?5===r?713:1114:5===r?104:208:15===r?0:r}e.exports=function(t){var e,r,a,o,s,l,c,u,f,h=t[0].z,p=h.length,d=h[0].length,g=2===p||2===d;for(r=0;r=0&&(n=y,s=l):Math.abs(r[1]-n[1])<.01?Math.abs(r[1]-y[1])<.01&&(y[0]-r[0])*(n[0]-y[0])>=0&&(n=y,s=l):i.log("endpt to newendpt is not vert. or horz.",r,n,y)}if(r=n,s>=0)break;f+="L"+n}if(s===t.edgepaths.length){i.log("unclosed perimeter path");break}h=s,(d=-1===p.indexOf(h))&&(h=p[0],f+="Z")}for(h=0;hn.center?n.right-s:s-n.left)/(u+Math.abs(Math.sin(c)*o)),p=(l>n.middle?n.bottom-l:l-n.top)/(Math.abs(f)+Math.cos(c)*o);if(h<1||p<1)return 1/0;var d=v.EDGECOST*(1/(h-1)+1/(p-1));d+=v.ANGLECOST*c*c;for(var g=s-u,m=l-f,y=s+u,x=l+f,b=0;b2*v.MAXCOST)break;p&&(s/=2),l=(o=c-s/2)+1.5*s}if(h<=v.MAXCOST)return u},r.addLabelData=function(t,e,r,n){var i=e.fontSize,a=e.width+i/3,o=Math.max(0,e.height-i/3),s=t.x,l=t.y,c=t.theta,u=Math.sin(c),f=Math.cos(c),h=function(t,e){return[s+t*f-e*u,l+t*u+e*f]},p=[h(-a/2,-o/2),h(-a/2,o/2),h(a/2,o/2),h(a/2,-o/2)];r.push({text:e.text,x:s,y:l,dy:e.dy,theta:c,level:e.level,width:a,height:o}),n.push(p)},r.drawLabels=function(t,e,r,a,o){var l=t.selectAll("text").data(e,(function(t){return t.text+","+t.x+","+t.y+","+t.theta}));if(l.exit().remove(),l.enter().append("text").attr({"data-notex":1,"text-anchor":"middle"}).each((function(t){var e=t.x+Math.sin(t.theta)*t.dy,i=t.y-Math.cos(t.theta)*t.dy;n.select(this).text(t.text).attr({x:e,y:i,transform:"rotate("+180*t.theta/Math.PI+" "+e+" "+i+")"}).call(s.convertToTspans,r)})),o){for(var c="",u=0;ur.end&&(r.start=r.end=(r.start+r.end)/2),t._input.contours||(t._input.contours={}),i.extendFlat(t._input.contours,{start:r.start,end:r.end,size:r.size}),t._input.autocontour=!0}else if("constraint"!==r.type){var c,u=r.start,f=r.end,h=t._input.contours;if(u>f&&(r.start=h.start=f,f=r.end=h.end=u,u=r.start),!(r.size>0))c=u===f?1:a(u,f,t.ncontours).dtick,h.size=r.size=c}}},{"../../lib":778,"../../plots/cartesian/axes":828}],1028:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/drawing"),a=t("../heatmap/style"),o=t("./make_color_map");e.exports=function(t){var e=n.select(t).selectAll("g.contour");e.style("opacity",(function(t){return t[0].trace.opacity})),e.each((function(t){var e=n.select(this),r=t[0].trace,a=r.contours,s=r.line,l=a.size||1,c=a.start,u="constraint"===a.type,f=!u&&"lines"===a.coloring,h=!u&&"fill"===a.coloring,p=f||h?o(r):null;e.selectAll("g.contourlevel").each((function(t){n.select(this).selectAll("path").call(i.lineGroupStyle,s.width,f?p(t.level):s.color,s.dash)}));var d=a.labelfont;if(e.selectAll("g.contourlabels text").each((function(t){i.font(n.select(this),{family:d.family,size:d.size,color:d.color||(f?p(t.level):s.color)})})),u)e.selectAll("g.contourfill path").style("fill",r.fillcolor);else if(h){var g;e.selectAll("g.contourfill path").style("fill",(function(t){return void 0===g&&(g=t.level),p(t.level+.5*l)})),void 0===g&&(g=c),e.selectAll("g.contourbg path").style("fill",p(g-.5*l))}})),a(t)}},{"../../components/drawing":665,"../heatmap/style":1077,"./make_color_map":1024,d3:169}],1029:[function(t,e,r){"use strict";var n=t("../../components/colorscale/defaults"),i=t("./label_defaults");e.exports=function(t,e,r,a,o){var s,l=r("contours.coloring"),c="";"fill"===l&&(s=r("contours.showlines")),!1!==s&&("lines"!==l&&(c=r("line.color","#000")),r("line.width",.5),r("line.dash")),"none"!==l&&(!0!==t.showlegend&&(e.showlegend=!1),e._dfltShowLegend=!1,n(t,e,a,r,{prefix:"",cLetter:"z"})),r("line.smoothing"),i(r,a,c,o)}},{"../../components/colorscale/defaults":653,"./label_defaults":1023}],1030:[function(t,e,r){"use strict";var n=t("../heatmap/attributes"),i=t("../contour/attributes"),a=t("../../components/colorscale/attributes"),o=t("../../lib/extend").extendFlat,s=i.contours;e.exports=o({carpet:{valType:"string",editType:"calc"},z:n.z,a:n.x,a0:n.x0,da:n.dx,b:n.y,b0:n.y0,db:n.dy,text:n.text,hovertext:n.hovertext,transpose:n.transpose,atype:n.xtype,btype:n.ytype,fillcolor:i.fillcolor,autocontour:i.autocontour,ncontours:i.ncontours,contours:{type:s.type,start:s.start,end:s.end,size:s.size,coloring:{valType:"enumerated",values:["fill","lines","none"],dflt:"fill",editType:"calc"},showlines:s.showlines,showlabels:s.showlabels,labelfont:s.labelfont,labelformat:s.labelformat,operation:s.operation,value:s.value,editType:"calc",impliedEdits:{autocontour:!1}},line:{color:i.line.color,width:i.line.width,dash:i.line.dash,smoothing:i.line.smoothing,editType:"plot"},transforms:void 0},a("",{cLetter:"z",autoColorDflt:!1}))},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../contour/attributes":1008,"../heatmap/attributes":1065}],1031:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc"),i=t("../../lib"),a=t("../heatmap/convert_column_xyz"),o=t("../heatmap/clean_2d_array"),s=t("../heatmap/interp2d"),l=t("../heatmap/find_empties"),c=t("../heatmap/make_bound_array"),u=t("./defaults"),f=t("../carpet/lookup_carpetid"),h=t("../contour/set_contours");e.exports=function(t,e){var r=e._carpetTrace=f(t,e);if(r&&r.visible&&"legendonly"!==r.visible){if(!e.a||!e.b){var p=t.data[r.index],d=t.data[e.index];d.a||(d.a=p.a),d.b||(d.b=p.b),u(d,e,e._defaultColor,t._fullLayout)}var g=function(t,e){var r,u,f,h,p,d,g,m=e._carpetTrace,v=m.aaxis,y=m.baxis;v._minDtick=0,y._minDtick=0,i.isArray1D(e.z)&&a(e,v,y,"a","b",["z"]);r=e._a=e._a||e.a,h=e._b=e._b||e.b,r=r?v.makeCalcdata(e,"_a"):[],h=h?y.makeCalcdata(e,"_b"):[],u=e.a0||0,f=e.da||1,p=e.b0||0,d=e.db||1,g=e._z=o(e._z||e.z,e.transpose),e._emptypoints=l(g),s(g,e._emptypoints);var x=i.maxRowLength(g),b="scaled"===e.xtype?"":r,_=c(e,b,u,f,x,v),w="scaled"===e.ytype?"":h,T=c(e,w,p,d,g.length,y),k={a:_,b:T,z:g};"levels"===e.contours.type&&"none"!==e.contours.coloring&&n(t,e,{vals:g,containerStr:"",cLetter:"z"});return[k]}(t,e);return h(e,e._z),g}}},{"../../components/colorscale/calc":651,"../../lib":778,"../carpet/lookup_carpetid":981,"../contour/set_contours":1027,"../heatmap/clean_2d_array":1067,"../heatmap/convert_column_xyz":1069,"../heatmap/find_empties":1071,"../heatmap/interp2d":1074,"../heatmap/make_bound_array":1075,"./defaults":1032}],1032:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../heatmap/xyz_defaults"),a=t("./attributes"),o=t("../contour/constraint_defaults"),s=t("../contour/contours_defaults"),l=t("../contour/style_defaults");e.exports=function(t,e,r,c){function u(r,i){return n.coerce(t,e,a,r,i)}if(u("carpet"),t.a&&t.b){if(!i(t,e,u,c,"a","b"))return void(e.visible=!1);u("text"),"constraint"===u("contours.type")?o(t,e,u,c,r,{hasHover:!1}):(s(t,e,u,(function(r){return n.coerce2(t,e,a,r)})),l(t,e,u,c,{hasHover:!1}))}else e._defaultColor=r,e._length=null}},{"../../lib":778,"../contour/constraint_defaults":1013,"../contour/contours_defaults":1015,"../contour/style_defaults":1029,"../heatmap/xyz_defaults":1079,"./attributes":1030}],1033:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../contour/colorbar"),calc:t("./calc"),plot:t("./plot"),style:t("../contour/style"),moduleType:"trace",name:"contourcarpet",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","carpet","contour","symbols","showLegend","hasLines","carpetDependent","noHover","noSortingByValue"],meta:{}}},{"../../plots/cartesian":841,"../contour/colorbar":1011,"../contour/style":1028,"./attributes":1030,"./calc":1031,"./defaults":1032,"./plot":1034}],1034:[function(t,e,r){"use strict";var n=t("d3"),i=t("../carpet/map_1d_array"),a=t("../carpet/makepath"),o=t("../../components/drawing"),s=t("../../lib"),l=t("../contour/make_crossings"),c=t("../contour/find_all_paths"),u=t("../contour/plot"),f=t("../contour/constants"),h=t("../contour/convert_to_constraints"),p=t("../contour/empty_pathinfo"),d=t("../contour/close_boundaries"),g=t("../carpet/lookup_carpetid"),m=t("../carpet/axis_aligned_line");function v(t,e,r){var n=t.getPointAtLength(e),i=t.getPointAtLength(r),a=i.x-n.x,o=i.y-n.y,s=Math.sqrt(a*a+o*o);return[a/s,o/s]}function y(t){var e=Math.sqrt(t[0]*t[0]+t[1]*t[1]);return[t[0]/e,t[1]/e]}function x(t,e){var r=Math.abs(t[0]*e[0]+t[1]*e[1]);return Math.sqrt(1-r*r)/r}e.exports=function(t,e,r,b){var _=e.xaxis,w=e.yaxis;s.makeTraceGroups(b,r,"contour").each((function(r){var b=n.select(this),T=r[0],k=T.trace,M=k._carpetTrace=g(t,k),A=t.calcdata[M.index][0];if(M.visible&&"legendonly"!==M.visible){var S=T.a,E=T.b,C=k.contours,L=p(C,e,T),I="constraint"===C.type,P=C._operation,z=I?"="===P?"lines":"fill":C.coloring,O=[[S[0],E[E.length-1]],[S[S.length-1],E[E.length-1]],[S[S.length-1],E[0]],[S[0],E[0]]];l(L);var D=1e-8*(S[S.length-1]-S[0]),R=1e-8*(E[E.length-1]-E[0]);c(L,D,R);var F,B,N,j,U=L;"constraint"===C.type&&(U=h(L,P)),function(t,e){var r,n,i,a,o,s,l,c,u;for(r=0;r=0;j--)F=A.clipsegments[j],B=i([],F.x,_.c2p),N=i([],F.y,w.c2p),B.reverse(),N.reverse(),V.push(a(B,N,F.bicubic));var q="M"+V.join("L")+"Z";!function(t,e,r,n,o,l){var c,u,f,h,p=s.ensureSingle(t,"g","contourbg").selectAll("path").data("fill"!==l||o?[]:[0]);p.enter().append("path"),p.exit().remove();var d=[];for(h=0;h=0&&(h=C,d=g):Math.abs(f[1]-h[1])=0&&(h=C,d=g):s.log("endpt to newendpt is not vert. or horz.",f,h,C)}if(d>=0)break;y+=S(f,h),f=h}if(d===e.edgepaths.length){s.log("unclosed perimeter path");break}u=d,(b=-1===x.indexOf(u))&&(u=x[0],y+=S(f,h)+"Z",f=null)}for(u=0;um&&(n.max=m);n.len=n.max-n.min}(this,r,t,n,c,e.height),!(n.len<(e.width+e.height)*f.LABELMIN)))for(var i=Math.min(Math.ceil(n.len/P),f.LABELMAX),a=0;a0?+p[u]:0),f.push({type:"Feature",geometry:{type:"Point",coordinates:v},properties:y})}}var b=o.extractOpts(e),_=b.reversescale?o.flipScale(b.colorscale):b.colorscale,w=_[0][1],T=["interpolate",["linear"],["heatmap-density"],0,a.opacity(w)<1?w:a.addOpacity(w,0)];for(u=1;u<_.length;u++)T.push(_[u][0],_[u][1]);var k=["interpolate",["linear"],["get","z"],b.min,0,b.max,1];return i.extendFlat(c.heatmap.paint,{"heatmap-weight":d?k:1/(b.max-b.min),"heatmap-color":T,"heatmap-radius":g?{type:"identity",property:"r"}:e.radius,"heatmap-opacity":e.opacity}),c.geojson={type:"FeatureCollection",features:f},c.heatmap.layout.visibility="visible",c}},{"../../components/color":643,"../../components/colorscale":655,"../../constants/numerical":753,"../../lib":778,"../../lib/geojson_utils":772,"fast-isnumeric":241}],1038:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../components/colorscale/defaults"),a=t("./attributes");e.exports=function(t,e,r,o){function s(r,i){return n.coerce(t,e,a,r,i)}var l=s("lon")||[],c=s("lat")||[],u=Math.min(l.length,c.length);u?(e._length=u,s("z"),s("radius"),s("below"),s("text"),s("hovertext"),s("hovertemplate"),i(t,e,o,s,{prefix:"",cLetter:"z"})):e.visible=!1}},{"../../components/colorscale/defaults":653,"../../lib":778,"./attributes":1035}],1039:[function(t,e,r){"use strict";e.exports=function(t,e){return t.lon=e.lon,t.lat=e.lat,t.z=e.z,t}},{}],1040:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../plots/cartesian/axes"),a=t("../scattermapbox/hover");e.exports=function(t,e,r){var o=a(t,e,r);if(o){var s=o[0],l=s.cd,c=l[0].trace,u=l[s.index];if(delete s.color,"z"in u){var f=s.subplot.mockAxis;s.z=u.z,s.zLabel=i.tickText(f,f.c2l(u.z),"hover").text}return s.extraText=function(t,e,r){if(t.hovertemplate)return;var i=(e.hi||t.hoverinfo).split("+"),a=-1!==i.indexOf("all"),o=-1!==i.indexOf("lon"),s=-1!==i.indexOf("lat"),l=e.lonlat,c=[];function u(t){return t+"\xb0"}a||o&&s?c.push("("+u(l[0])+", "+u(l[1])+")"):o?c.push(r.lon+u(l[0])):s&&c.push(r.lat+u(l[1]));(a||-1!==i.indexOf("text"))&&n.fillText(e,t,c);return c.join("
")}(c,u,l[0].t.labels),[s]}}},{"../../lib":778,"../../plots/cartesian/axes":828,"../scattermapbox/hover":1257}],1041:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../heatmap/colorbar"),formatLabels:t("../scattermapbox/format_labels"),calc:t("./calc"),plot:t("./plot"),hoverPoints:t("./hover"),eventData:t("./event_data"),getBelow:function(t,e){for(var r=e.getMapLayers(),n=0;n=0;r--)t.removeLayer(e[r][1])},o.dispose=function(){var t=this.subplot.map;this._removeLayers(),t.removeSource(this.sourceId)},e.exports=function(t,e){var r=e[0].trace,i=new a(t,r.uid),o=i.sourceId,s=n(e),l=i.below=t.belowLookup["trace-"+r.uid];return t.map.addSource(o,{type:"geojson",data:s.geojson}),i._addLayers(s,l),i}},{"../../plots/mapbox/constants":883,"./convert":1037}],1043:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t,e){for(var r=0;r"),s.color=function(t,e){var r=t.marker,i=e.mc||r.color,a=e.mlc||r.line.color,o=e.mlw||r.line.width;if(n(i))return i;if(n(a)&&o)return a}(c,f),[s]}}},{"../../components/color":643,"../../lib":778,"../bar/hover":928}],1051:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults").supplyDefaults,crossTraceDefaults:t("./defaults").crossTraceDefaults,supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc"),crossTraceCalc:t("./cross_trace_calc"),plot:t("./plot"),style:t("./style").style,hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("../bar/select"),moduleType:"trace",name:"funnel",basePlotModule:t("../../plots/cartesian"),categories:["bar-like","cartesian","svg","oriented","showLegend","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"../bar/select":933,"./attributes":1044,"./calc":1045,"./cross_trace_calc":1047,"./defaults":1048,"./event_data":1049,"./hover":1050,"./layout_attributes":1052,"./layout_defaults":1053,"./plot":1054,"./style":1055}],1052:[function(t,e,r){"use strict";e.exports={funnelmode:{valType:"enumerated",values:["stack","group","overlay"],dflt:"stack",editType:"calc"},funnelgap:{valType:"number",min:0,max:1,editType:"calc"},funnelgroupgap:{valType:"number",min:0,max:1,dflt:0,editType:"calc"}}},{}],1053:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e,r){var a=!1;function o(r,a){return n.coerce(t,e,i,r,a)}for(var s=0;s path").each((function(t){if(!t.isBlank){var e=s.marker;n.select(this).call(a.fill,t.mc||e.color).call(a.stroke,t.mlc||e.line.color).call(i.dashLine,e.line.dash,t.mlw||e.line.width).style("opacity",s.selectedpoints&&!t.selected?o:1)}})),c(r,s,t),r.selectAll(".regions").each((function(){n.select(this).selectAll("path").style("stroke-width",0).call(a.fill,s.connector.fillcolor)})),r.selectAll(".lines").each((function(){var t=s.connector.line;i.lineGroupStyle(n.select(this).selectAll("path"),t.width,t.color,t.dash)}))}))}}},{"../../components/color":643,"../../components/drawing":665,"../../constants/interactions":752,"../bar/style":935,"../bar/uniform_text":937,d3:169}],1056:[function(t,e,r){"use strict";var n=t("../pie/attributes"),i=t("../../plots/attributes"),a=t("../../plots/domain").attributes,o=t("../../plots/template_attributes").hovertemplateAttrs,s=t("../../plots/template_attributes").texttemplateAttrs,l=t("../../lib/extend").extendFlat;e.exports={labels:n.labels,label0:n.label0,dlabel:n.dlabel,values:n.values,marker:{colors:n.marker.colors,line:{color:l({},n.marker.line.color,{dflt:null}),width:l({},n.marker.line.width,{dflt:1}),editType:"calc"},editType:"calc"},text:n.text,hovertext:n.hovertext,scalegroup:l({},n.scalegroup,{}),textinfo:l({},n.textinfo,{flags:["label","text","value","percent"]}),texttemplate:s({editType:"plot"},{keys:["label","color","value","text","percent"]}),hoverinfo:l({},i.hoverinfo,{flags:["label","text","value","percent","name"]}),hovertemplate:o({},{keys:["label","color","value","text","percent"]}),textposition:l({},n.textposition,{values:["inside","none"],dflt:"inside"}),textfont:n.textfont,insidetextfont:n.insidetextfont,title:{text:n.title.text,font:n.title.font,position:l({},n.title.position,{values:["top left","top center","top right"],dflt:"top center"}),editType:"plot"},domain:a({name:"funnelarea",trace:!0,editType:"calc"}),aspectratio:{valType:"number",min:0,dflt:1,editType:"plot"},baseratio:{valType:"number",min:0,max:1,dflt:.333,editType:"plot"}}},{"../../lib/extend":768,"../../plots/attributes":824,"../../plots/domain":855,"../../plots/template_attributes":906,"../pie/attributes":1161}],1057:[function(t,e,r){"use strict";var n=t("../../plots/plots");r.name="funnelarea",r.plot=function(t,e,i,a){n.plotBasePlot(r.name,t,e,i,a)},r.clean=function(t,e,i,a){n.cleanBasePlot(r.name,t,e,i,a)}},{"../../plots/plots":891}],1058:[function(t,e,r){"use strict";var n=t("../pie/calc");e.exports={calc:function(t,e){return n.calc(t,e)},crossTraceCalc:function(t){n.crossTraceCalc(t,{type:"funnelarea"})}}},{"../pie/calc":1163}],1059:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes"),a=t("../../plots/domain").defaults,o=t("../bar/defaults").handleText,s=t("../pie/defaults").handleLabelsAndValues;e.exports=function(t,e,r,l){function c(r,a){return n.coerce(t,e,i,r,a)}var u=c("labels"),f=c("values"),h=s(u,f),p=h.len;if(e._hasLabels=h.hasLabels,e._hasValues=h.hasValues,!e._hasLabels&&e._hasValues&&(c("label0"),c("dlabel")),p){e._length=p,c("marker.line.width")&&c("marker.line.color",l.paper_bgcolor),c("marker.colors"),c("scalegroup");var d,g=c("text"),m=c("texttemplate");if(m||(d=c("textinfo",Array.isArray(g)?"text+percent":"percent")),c("hovertext"),c("hovertemplate"),m||d&&"none"!==d){var v=c("textposition");o(t,e,l,c,v,{moduleHasSelected:!1,moduleHasUnselected:!1,moduleHasConstrain:!1,moduleHasCliponaxis:!1,moduleHasTextangle:!1,moduleHasInsideanchor:!1})}a(e,l,c),c("title.text")&&(c("title.position"),n.coerceFont(c,"title.font",l.font)),c("aspectratio"),c("baseratio")}else e.visible=!1}},{"../../lib":778,"../../plots/domain":855,"../bar/defaults":925,"../pie/defaults":1164,"./attributes":1056}],1060:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"funnelarea",basePlotModule:t("./base_plot"),categories:["pie-like","funnelarea","showLegend"],attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./calc").crossTraceCalc,plot:t("./plot"),style:t("./style"),styleOne:t("../pie/style_one"),meta:{}}},{"../pie/style_one":1172,"./attributes":1056,"./base_plot":1057,"./calc":1058,"./defaults":1059,"./layout_attributes":1061,"./layout_defaults":1062,"./plot":1063,"./style":1064}],1061:[function(t,e,r){"use strict";var n=t("../pie/layout_attributes").hiddenlabels;e.exports={hiddenlabels:n,funnelareacolorway:{valType:"colorlist",editType:"calc"},extendfunnelareacolors:{valType:"boolean",dflt:!0,editType:"calc"}}},{"../pie/layout_attributes":1168}],1062:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e){function r(r,a){return n.coerce(t,e,i,r,a)}r("hiddenlabels"),r("funnelareacolorway",e.colorway),r("extendfunnelareacolors")}},{"../../lib":778,"./layout_attributes":1061}],1063:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/drawing"),a=t("../../lib"),o=a.strScale,s=a.strTranslate,l=t("../../lib/svg_text_utils"),c=t("../bar/plot").toMoveInsideBar,u=t("../bar/uniform_text"),f=u.recordMinTextSize,h=u.clearMinTextSize,p=t("../pie/helpers"),d=t("../pie/plot"),g=d.attachFxHandlers,m=d.determineInsideTextFont,v=d.layoutAreas,y=d.prerenderTitles,x=d.positionTitleOutside,b=d.formatSliceLabel;function _(t,e){return"l"+(e[0]-t[0])+","+(e[1]-t[1])}e.exports=function(t,e){var r=t._fullLayout;h("funnelarea",r),y(e,t),v(e,r._size),a.makeTraceGroups(r._funnelarealayer,e,"trace").each((function(e){var u=n.select(this),h=e[0],d=h.trace;!function(t){if(!t.length)return;var e=t[0],r=e.trace,n=r.aspectratio,i=r.baseratio;i>.999&&(i=.999);var a,o=Math.pow(i,2),s=e.vTotal,l=s,c=s*o/(1-o)/s;function u(){var t,e={x:t=Math.sqrt(c),y:-t};return[e.x,e.y]}var f,h,p=[];for(p.push(u()),f=t.length-1;f>-1;f--)if(!(h=t[f]).hidden){var d=h.v/l;c+=d,p.push(u())}var g=1/0,m=-1/0;for(f=0;f-1;f--)if(!(h=t[f]).hidden){var M=p[k+=1][0],A=p[k][1];h.TL=[-M,A],h.TR=[M,A],h.BL=w,h.BR=T,h.pxmid=(S=h.TR,E=h.BR,[.5*(S[0]+E[0]),.5*(S[1]+E[1])]),w=h.TL,T=h.TR}var S,E}(e),u.each((function(){var u=n.select(this).selectAll("g.slice").data(e);u.enter().append("g").classed("slice",!0),u.exit().remove(),u.each((function(o,s){if(o.hidden)n.select(this).selectAll("path,g").remove();else{o.pointNumber=o.i,o.curveNumber=d.index;var u=h.cx,v=h.cy,y=n.select(this),x=y.selectAll("path.surface").data([o]);x.enter().append("path").classed("surface",!0).style({"pointer-events":"all"}),y.call(g,t,e);var w="M"+(u+o.TR[0])+","+(v+o.TR[1])+_(o.TR,o.BR)+_(o.BR,o.BL)+_(o.BL,o.TL)+"Z";x.attr("d",w),b(t,o,h);var T=p.castOption(d.textposition,o.pts),k=y.selectAll("g.slicetext").data(o.text&&"none"!==T?[0]:[]);k.enter().append("g").classed("slicetext",!0),k.exit().remove(),k.each((function(){var h=a.ensureSingle(n.select(this),"text","",(function(t){t.attr("data-notex",1)})),p=a.ensureUniformFontSize(t,m(d,o,r.font));h.text(o.text).attr({class:"slicetext",transform:"","text-anchor":"middle"}).call(i.font,p).call(l.convertToTspans,t);var g,y,x,b=i.bBox(h.node()),_=Math.min(o.BL[1],o.BR[1])+v,w=Math.max(o.TL[1],o.TR[1])+v;y=Math.max(o.TL[0],o.BL[0])+u,x=Math.min(o.TR[0],o.BR[0])+u,(g=c(y,x,_,w,b,{isHorizontal:!0,constrained:!0,angle:0,anchor:"middle"})).fontSize=p.size,f(d.type,g,r),e[s].transform=g,h.attr("transform",a.getTextTransform(g))}))}}));var v=n.select(this).selectAll("g.titletext").data(d.title.text?[0]:[]);v.enter().append("g").classed("titletext",!0),v.exit().remove(),v.each((function(){var e=a.ensureSingle(n.select(this),"text","",(function(t){t.attr("data-notex",1)})),c=d.title.text;d._meta&&(c=a.templateString(c,d._meta)),e.text(c).attr({class:"titletext",transform:"","text-anchor":"middle"}).call(i.font,d.title.font).call(l.convertToTspans,t);var u=x(h,r._size);e.attr("transform",s(u.x,u.y)+o(Math.min(1,u.scale))+s(u.tx,u.ty))}))}))}))}},{"../../components/drawing":665,"../../lib":778,"../../lib/svg_text_utils":803,"../bar/plot":932,"../bar/uniform_text":937,"../pie/helpers":1166,"../pie/plot":1170,d3:169}],1064:[function(t,e,r){"use strict";var n=t("d3"),i=t("../pie/style_one"),a=t("../bar/uniform_text").resizeText;e.exports=function(t){var e=t._fullLayout._funnelarealayer.selectAll(".trace");a(t,e,"funnelarea"),e.each((function(t){var e=t[0].trace,r=n.select(this);r.style({opacity:e.opacity}),r.selectAll("path.surface").each((function(t){n.select(this).call(i,t,e)}))}))}},{"../bar/uniform_text":937,"../pie/style_one":1172,d3:169}],1065:[function(t,e,r){"use strict";var n=t("../scatter/attributes"),i=t("../../plots/attributes"),a=t("../../plots/template_attributes").hovertemplateAttrs,o=t("../../components/colorscale/attributes"),s=(t("../../constants/docs").FORMAT_LINK,t("../../lib/extend").extendFlat);e.exports=s({z:{valType:"data_array",editType:"calc"},x:s({},n.x,{impliedEdits:{xtype:"array"}}),x0:s({},n.x0,{impliedEdits:{xtype:"scaled"}}),dx:s({},n.dx,{impliedEdits:{xtype:"scaled"}}),y:s({},n.y,{impliedEdits:{ytype:"array"}}),y0:s({},n.y0,{impliedEdits:{ytype:"scaled"}}),dy:s({},n.dy,{impliedEdits:{ytype:"scaled"}}),xperiod:s({},n.xperiod,{impliedEdits:{xtype:"scaled"}}),yperiod:s({},n.yperiod,{impliedEdits:{ytype:"scaled"}}),xperiod0:s({},n.xperiod0,{impliedEdits:{xtype:"scaled"}}),yperiod0:s({},n.yperiod0,{impliedEdits:{ytype:"scaled"}}),xperiodalignment:s({},n.xperiodalignment,{impliedEdits:{xtype:"scaled"}}),yperiodalignment:s({},n.yperiodalignment,{impliedEdits:{ytype:"scaled"}}),text:{valType:"data_array",editType:"calc"},hovertext:{valType:"data_array",editType:"calc"},transpose:{valType:"boolean",dflt:!1,editType:"calc"},xtype:{valType:"enumerated",values:["array","scaled"],editType:"calc+clearAxisTypes"},ytype:{valType:"enumerated",values:["array","scaled"],editType:"calc+clearAxisTypes"},zsmooth:{valType:"enumerated",values:["fast","best",!1],dflt:!1,editType:"calc"},hoverongaps:{valType:"boolean",dflt:!0,editType:"none"},connectgaps:{valType:"boolean",editType:"calc"},xgap:{valType:"number",dflt:0,min:0,editType:"plot"},ygap:{valType:"number",dflt:0,min:0,editType:"plot"},zhoverformat:{valType:"string",dflt:"",editType:"none"},hovertemplate:a(),showlegend:s({},i.showlegend,{dflt:!1})},{transforms:void 0},o("",{cLetter:"z",autoColorDflt:!1}))},{"../../components/colorscale/attributes":650,"../../constants/docs":748,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../scatter/attributes":1187}],1066:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib"),a=t("../../plots/cartesian/axes"),o=t("../../plots/cartesian/align_period"),s=t("../histogram2d/calc"),l=t("../../components/colorscale/calc"),c=t("./convert_column_xyz"),u=t("./clean_2d_array"),f=t("./interp2d"),h=t("./find_empties"),p=t("./make_bound_array"),d=t("../../constants/numerical").BADNUM;function g(t){for(var e=[],r=t.length,n=0;nD){z("x scale is not linear");break}}if(x.length&&"fast"===I){var R=(x[x.length-1]-x[0])/(x.length-1),F=Math.abs(R/100);for(k=0;kF){z("y scale is not linear");break}}}var B=i.maxRowLength(T),N="scaled"===e.xtype?"":r,j=p(e,N,m,v,B,A),U="scaled"===e.ytype?"":x,V=p(e,U,b,_,T.length,S);L||(e._extremes[A._id]=a.findExtremes(A,j),e._extremes[S._id]=a.findExtremes(S,V));var q={x:j,y:V,z:T,text:e._text||e.text,hovertext:e._hovertext||e.hovertext};if(e.xperiodalignment&&y&&(q.orig_x=y),e.yperiodalignment&&w&&(q.orig_y=w),N&&N.length===j.length-1&&(q.xCenter=N),U&&U.length===V.length-1&&(q.yCenter=U),C&&(q.xRanges=M.xRanges,q.yRanges=M.yRanges,q.pts=M.pts),E||l(t,e,{vals:T,cLetter:"z"}),E&&e.contours&&"heatmap"===e.contours.coloring){var H={type:"contour"===e.type?"heatmap":"histogram2d",xcalendar:e.xcalendar,ycalendar:e.ycalendar};q.xfill=p(H,N,m,v,B,A),q.yfill=p(H,U,b,_,T.length,S)}return[q]}},{"../../components/colorscale/calc":651,"../../constants/numerical":753,"../../lib":778,"../../plots/cartesian/align_period":825,"../../plots/cartesian/axes":828,"../../registry":911,"../histogram2d/calc":1098,"./clean_2d_array":1067,"./convert_column_xyz":1069,"./find_empties":1071,"./interp2d":1074,"./make_bound_array":1075}],1067:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../lib"),a=t("../../constants/numerical").BADNUM;e.exports=function(t,e,r,o){var s,l,c,u,f,h;function p(t){if(n(t))return+t}if(e&&e.transpose){for(s=0,f=0;f=0;o--)(s=((f[[(r=(a=h[o])[0])-1,i=a[1]]]||g)[2]+(f[[r+1,i]]||g)[2]+(f[[r,i-1]]||g)[2]+(f[[r,i+1]]||g)[2])/20)&&(l[a]=[r,i,s],h.splice(o,1),c=!0);if(!c)throw"findEmpties iterated with no new neighbors";for(a in l)f[a]=l[a],u.push(l[a])}return u.sort((function(t,e){return e[2]-t[2]}))}},{"../../lib":778}],1072:[function(t,e,r){"use strict";var n=t("../../components/fx"),i=t("../../lib"),a=t("../../plots/cartesian/axes"),o=t("../../components/colorscale").extractOpts;e.exports=function(t,e,r,s,l,c){var u,f,h,p,d=t.cd[0],g=d.trace,m=t.xa,v=t.ya,y=d.x,x=d.y,b=d.z,_=d.xCenter,w=d.yCenter,T=d.zmask,k=g.zhoverformat,M=y,A=x;if(!1!==t.index){try{h=Math.round(t.index[1]),p=Math.round(t.index[0])}catch(e){return void i.error("Error hovering on heatmap, pointNumber must be [row,col], found:",t.index)}if(h<0||h>=b[0].length||p<0||p>b.length)return}else{if(n.inbox(e-y[0],e-y[y.length-1],0)>0||n.inbox(r-x[0],r-x[x.length-1],0)>0)return;if(c){var S;for(M=[2*y[0]-y[1]],S=1;Sg&&(v=Math.max(v,Math.abs(t[a][o]-d)/(m-g))))}return v}e.exports=function(t,e){var r,i=1;for(o(t,e),r=0;r.01;r++)i=o(t,e,a(i));return i>.01&&n.log("interp2d didn't converge quickly",i),t}},{"../../lib":778}],1075:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib").isArrayOrTypedArray;e.exports=function(t,e,r,a,o,s){var l,c,u,f=[],h=n.traceIs(t,"contour"),p=n.traceIs(t,"histogram"),d=n.traceIs(t,"gl2d");if(i(e)&&e.length>1&&!p&&"category"!==s.type){var g=e.length;if(!(g<=o))return h?e.slice(0,o):e.slice(0,o+1);if(h||d)f=e.slice(0,o);else if(1===o)f=[e[0]-.5,e[0]+.5];else{for(f=[1.5*e[0]-.5*e[1]],u=1;u0;)h=p.c2p(T[y]),y--;for(h0;)v=d.c2p(k[y]),y--;if(v0&&(a=!0);for(var l=0;la){var o=a-r[t];return r[t]=a,o}}return 0},max:function(t,e,r,i){var a=i[e];if(n(a)){if(a=Number(a),!n(r[t]))return r[t]=a,a;if(r[t]c?t>o?t>1.1*i?i:t>1.1*a?a:o:t>s?s:t>l?l:c:Math.pow(10,Math.floor(Math.log(t)/Math.LN10))}function p(t,e,r,n,a,s){if(n&&t>o){var l=d(e,a,s),c=d(r,a,s),u=t===i?0:1;return l[u]!==c[u]}return Math.floor(r/t)-Math.floor(e/t)>.1}function d(t,e,r){var n=e.c2d(t,i,r).split("-");return""===n[0]&&(n.unshift(),n[0]="-"+n[0]),n}e.exports=function(t,e,r,n,a){var s,l,c=-1.1*e,h=-.1*e,p=t-h,d=r[0],g=r[1],m=Math.min(f(d+h,d+p,n,a),f(g+h,g+p,n,a)),v=Math.min(f(d+c,d+h,n,a),f(g+c,g+h,n,a));if(m>v&&vo){var y=s===i?1:6,x=s===i?"M12":"M1";return function(e,r){var o=n.c2d(e,i,a),s=o.indexOf("-",y);s>0&&(o=o.substr(0,s));var c=n.d2c(o,0,a);if(cr.r2l(B)&&(j=o.tickIncrement(j,b.size,!0,p)),O.start=r.l2r(j),F||i.nestedProperty(e,v+".start").set(O.start)}var U=b.end,V=r.r2l(z.end),q=void 0!==V;if((b.endFound||q)&&V!==r.r2l(U)){var H=q?V:i.aggNums(Math.max,null,d);O.end=r.l2r(H),q||i.nestedProperty(e,v+".start").set(O.end)}var G="autobin"+s;return!1===e._input[G]&&(e._input[v]=i.extendFlat({},e[v]||{}),delete e._input[G],delete e[G]),[O,d]}e.exports={calc:function(t,e){var r,a,p,d,g=[],m=[],v=o.getFromId(t,"h"===e.orientation?e.yaxis:e.xaxis),y="h"===e.orientation?"y":"x",x={x:"y",y:"x"}[y],b=e[y+"calendar"],_=e.cumulative,w=h(t,e,v,y),T=w[0],k=w[1],M="string"==typeof T.size,A=[],S=M?A:T,E=[],C=[],L=[],I=0,P=e.histnorm,z=e.histfunc,O=-1!==P.indexOf("density");_.enabled&&O&&(P=P.replace(/ ?density$/,""),O=!1);var D,R="max"===z||"min"===z?null:0,F=l.count,B=c[P],N=!1,j=function(t){return v.r2c(t,0,b)};for(i.isArrayOrTypedArray(e[x])&&"count"!==z&&(D=e[x],N="avg"===z,F=l[z]),r=j(T.start),p=j(T.end)+(r-o.tickIncrement(r,T.size,!1,b))/1e6;r=0&&d=0;n--)s(n);else if("increasing"===e){for(n=1;n=0;n--)t[n]+=t[n+1];"exclude"===r&&(t.push(0),t.shift())}}(m,_.direction,_.currentbin);var J=Math.min(g.length,m.length),K=[],Q=0,$=J-1;for(r=0;r=Q;r--)if(m[r]){$=r;break}for(r=Q;r<=$;r++)if(n(g[r])&&n(m[r])){var tt={p:g[r],s:m[r],b:0};_.enabled||(tt.pts=L[r],G?tt.ph0=tt.ph1=L[r].length?k[L[r][0]]:g[r]:(e._computePh=!0,tt.ph0=q(A[r]),tt.ph1=q(A[r+1],!0))),K.push(tt)}return 1===K.length&&(K[0].width1=o.tickIncrement(K[0].p,T.size,!1,b)-K[0].p),s(K,e),i.isArrayOrTypedArray(e.selectedpoints)&&i.tagSelected(K,e,X),K},calcAllAutoBins:h}},{"../../lib":778,"../../plots/cartesian/axes":828,"../../registry":911,"../bar/arrays_to_calcdata":920,"./average":1085,"./bin_functions":1087,"./bin_label_vals":1088,"./norm_functions":1096,"fast-isnumeric":241}],1090:[function(t,e,r){"use strict";e.exports={eventDataKeys:["binNumber"]}},{}],1091:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../plots/cartesian/axis_ids"),a=t("../../registry").traceIs,o=t("../bar/defaults").handleGroupingDefaults,s=n.nestedProperty,l=t("../../plots/cartesian/constraints").getAxisGroup,c=[{aStr:{x:"xbins.start",y:"ybins.start"},name:"start"},{aStr:{x:"xbins.end",y:"ybins.end"},name:"end"},{aStr:{x:"xbins.size",y:"ybins.size"},name:"size"},{aStr:{x:"nbinsx",y:"nbinsy"},name:"nbins"}],u=["x","y"];e.exports=function(t,e){var r,f,h,p,d,g,m,v=e._histogramBinOpts={},y=[],x={},b=[];function _(t,e){return n.coerce(r._input,r,r._module.attributes,t,e)}function w(t){return"v"===t.orientation?"x":"y"}function T(t,r,a){var o=t.uid+"__"+a;r||(r=o);var s=function(t,r){return i.getFromTrace({_fullLayout:e},t,r).type}(t,a),l=t[a+"calendar"]||"",c=v[r],u=!0;c&&(s===c.axType&&l===c.calendar?(u=!1,c.traces.push(t),c.dirs.push(a)):(r=o,s!==c.axType&&n.warn(["Attempted to group the bins of trace",t.index,"set on a","type:"+s,"axis","with bins on","type:"+c.axType,"axis."].join(" ")),l!==c.calendar&&n.warn(["Attempted to group the bins of trace",t.index,"set with a",l,"calendar","with bins",c.calendar?"on a "+c.calendar+" calendar":"w/o a set calendar"].join(" ")))),u&&(v[r]={traces:[t],dirs:[a],axType:s,calendar:t[a+"calendar"]||""}),t["_"+a+"bingroup"]=r}for(d=0;dS&&T.splice(S,T.length-S),A.length>S&&A.splice(S,A.length-S);var E=[],C=[],L=[],I="string"==typeof w.size,P="string"==typeof M.size,z=[],O=[],D=I?z:w,R=P?O:M,F=0,B=[],N=[],j=e.histnorm,U=e.histfunc,V=-1!==j.indexOf("density"),q="max"===U||"min"===U?null:0,H=a.count,G=o[j],Y=!1,W=[],X=[],Z="z"in e?e.z:"marker"in e&&Array.isArray(e.marker.color)?e.marker.color:"";Z&&"count"!==U&&(Y="avg"===U,H=a[U]);var J=w.size,K=x(w.start),Q=x(w.end)+(K-i.tickIncrement(K,J,!1,v))/1e6;for(r=K;r=0&&p=0&&d0||n.inbox(r-o.y0,r-(o.y0+o.h*s.dy),0)>0)){var u,f=Math.floor((e-o.x0)/s.dx),h=Math.floor(Math.abs(r-o.y0)/s.dy);if(s._hasZ?u=o.z[h][f]:s._hasSource&&(u=s._canvas.el.getContext("2d").getImageData(f,h,1,1).data),u){var p,d=o.hi||s.hoverinfo;if(d){var g=d.split("+");-1!==g.indexOf("all")&&(g=["color"]),-1!==g.indexOf("color")&&(p=!0)}var m,v=a.colormodel[s.colormodel],y=v.colormodel||s.colormodel,x=y.length,b=s._scaler(u),_=v.suffix,w=[];(s.hovertemplate||p)&&(w.push("["+[b[0]+_[0],b[1]+_[1],b[2]+_[2]].join(", ")),4===x&&w.push(", "+b[3]+_[3]),w.push("]"),w=w.join(""),t.extraText=y.toUpperCase()+": "+w),Array.isArray(s.hovertext)&&Array.isArray(s.hovertext[h])?m=s.hovertext[h][f]:Array.isArray(s.text)&&Array.isArray(s.text[h])&&(m=s.text[h][f]);var T=c.c2p(o.y0+(h+.5)*s.dy),k=o.x0+(f+.5)*s.dx,M=o.y0+(h+.5)*s.dy,A="["+u.slice(0,s.colormodel.length).join(", ")+"]";return[i.extendFlat(t,{index:[h,f],x0:l.c2p(o.x0+f*s.dx),x1:l.c2p(o.x0+(f+1)*s.dx),y0:T,y1:T,color:b,xVal:k,xLabelVal:k,yVal:M,yLabelVal:M,zLabelVal:A,text:m,hovertemplateLabels:{zLabel:A,colorLabel:w,"color[0]Label":b[0]+_[0],"color[1]Label":b[1]+_[1],"color[2]Label":b[2]+_[2],"color[3]Label":b[3]+_[3]}})]}}}},{"../../components/fx":683,"../../lib":778,"./constants":1108}],1113:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc"),plot:t("./plot"),style:t("./style"),hoverPoints:t("./hover"),eventData:t("./event_data"),moduleType:"trace",name:"image",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","2dMap","noSortingByValue"],animatable:!1,meta:{}}},{"../../plots/cartesian":841,"./attributes":1106,"./calc":1107,"./defaults":1109,"./event_data":1110,"./hover":1112,"./plot":1114,"./style":1115}],1114:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=i.strTranslate,o=t("../../constants/xmlns_namespaces"),s=t("./constants"),l=i.isIOS()||i.isSafari()||i.isIE();e.exports=function(t,e,r,c){var u=e.xaxis,f=e.yaxis,h=!(l||t._context._exportedPlot);i.makeTraceGroups(c,r,"im").each((function(e){var r=n.select(this),l=e[0],c=l.trace,p=h&&!c._hasZ&&c._hasSource&&"linear"===u.type&&"linear"===f.type;c._fastImage=p;var d,g,m,v,y,x,b=l.z,_=l.x0,w=l.y0,T=l.w,k=l.h,M=c.dx,A=c.dy;for(x=0;void 0===d&&x0;)g=u.c2p(_+x*M),x--;for(x=0;void 0===v&&x0;)y=f.c2p(w+x*A),x--;if(gP[0];if(z||O){var D=d+S/2,R=v+E/2;L+="transform:"+a(D+"px",R+"px")+"scale("+(z?-1:1)+","+(O?-1:1)+")"+a(-D+"px",-R+"px")+";"}}C.attr("style",L);var F=new Promise((function(t){if(c._hasZ)t();else if(c._hasSource)if(c._canvas&&c._canvas.el.width===T&&c._canvas.el.height===k&&c._canvas.source===c.source)t();else{var e=document.createElement("canvas");e.width=T,e.height=k;var r=e.getContext("2d");c._image=c._image||new Image;var n=c._image;n.onload=function(){r.drawImage(n,0,0),c._canvas={el:e,source:c.source},t()},n.setAttribute("src",c.source)}})).then((function(){var t;if(c._hasZ)t=B((function(t,e){return b[e][t]})).toDataURL("image/png");else if(c._hasSource)if(p)t=c.source;else{var e=c._canvas.el.getContext("2d").getImageData(0,0,T,k).data;t=B((function(t,r){var n=4*(r*T+t);return[e[n],e[n+1],e[n+2],e[n+3]]})).toDataURL("image/png")}C.attr({"xlink:href":t,height:E,width:S,x:d,y:v})}));t._promises.push(F)}function B(t){var e=document.createElement("canvas");e.width=S,e.height=E;var r,n=e.getContext("2d"),a=function(t){return i.constrain(Math.round(u.c2p(_+t*M)-d),0,S)},o=function(t){return i.constrain(Math.round(f.c2p(w+t*A)-v),0,E)},h=s.colormodel[c.colormodel],p=h.colormodel||c.colormodel,g=h.fmt;for(x=0;x0}function _(t){t.each((function(t){m.stroke(n.select(this),t.line.color)})).each((function(t){m.fill(n.select(this),t.color)})).style("stroke-width",(function(t){return t.line.width}))}function w(t,e,r){var n=t._fullLayout,a=i.extendFlat({type:"linear",ticks:"outside",range:r,showline:!0},e),o={type:"linear",_id:"x"+e._id},s={letter:"x",font:n.font,noHover:!0,noTickson:!0};function l(t,e){return i.coerce(a,o,g,t,e)}return p(a,o,l,s,n),d(a,o,l,s),o}function T(t,e,r){return[Math.min(e/t.width,r/t.height),t,e+"x"+r]}function k(t,e,r,i){var a=document.createElementNS("http://www.w3.org/2000/svg","text"),o=n.select(a);return o.text(t).attr("x",0).attr("y",0).attr("text-anchor",r).attr("data-unformatted",t).call(f.convertToTspans,i).call(c.font,e),c.bBox(o.node())}function M(t,e,r,n,a,o){var s="_cache"+e;t[s]&&t[s].key===a||(t[s]={key:a,value:r});var l=i.aggNums(o,null,[t[s].value,n],2);return t[s].value=l,l}e.exports=function(t,e,r,p){var d,g=t._fullLayout;b(r)&&p&&(d=p()),i.makeTraceGroups(g._indicatorlayer,e,"trace").each((function(e){var p,A,S,E,C,L=e[0].trace,I=n.select(this),P=L._hasGauge,z=L._isAngular,O=L._isBullet,D=L.domain,R={w:g._size.w*(D.x[1]-D.x[0]),h:g._size.h*(D.y[1]-D.y[0]),l:g._size.l+g._size.w*D.x[0],r:g._size.r+g._size.w*(1-D.x[1]),t:g._size.t+g._size.h*(1-D.y[1]),b:g._size.b+g._size.h*D.y[0]},F=R.l+R.w/2,B=R.t+R.h/2,N=Math.min(R.w/2,R.h),j=u.innerRadius*N,U=L.align||"center";if(A=B,P){if(z&&(p=F,A=B+N/2,S=function(t){return function(t,e){var r=Math.sqrt(t.width/2*(t.width/2)+t.height*t.height);return[e/r,t,e]}(t,.9*j)}),O){var V=u.bulletPadding,q=1-u.bulletNumberDomainSize+V;p=R.l+(q+(1-q)*y[U])*R.w,S=function(t){return T(t,(u.bulletNumberDomainSize-V)*R.w,R.h)}}}else p=R.l+y[U]*R.w,S=function(t){return T(t,R.w,R.h)};!function(t,e,r,s){var l,u,p,d=r[0].trace,g=s.numbersX,_=s.numbersY,T=d.align||"center",A=v[T],S=s.transitionOpts,E=s.onComplete,C=i.ensureSingle(e,"g","numbers"),L=[];d._hasNumber&&L.push("number");d._hasDelta&&(L.push("delta"),"left"===d.delta.position&&L.reverse());var I=C.selectAll("text").data(L);function P(e,r,n,i){if(!e.match("s")||n>=0==i>=0||r(n).slice(-1).match(x)||r(i).slice(-1).match(x))return r;var a=e.slice().replace("s","f").replace(/\d+/,(function(t){return parseInt(t)-1})),o=w(t,{tickformat:a});return function(t){return Math.abs(t)<1?h.tickText(o,t).text:r(t)}}I.enter().append("text"),I.attr("text-anchor",(function(){return A})).attr("class",(function(t){return t})).attr("x",null).attr("y",null).attr("dx",null).attr("dy",null),I.exit().remove();var z,O=d.mode+d.align;d._hasDelta&&(z=function(){var e=w(t,{tickformat:d.delta.valueformat},d._range);e.setScale(),h.prepTicks(e);var i=function(t){return h.tickText(e,t).text},a=function(t){return d.delta.relative?t.relativeDelta:t.delta},o=function(t,e){return 0===t||"number"!=typeof t||isNaN(t)?"-":(t>0?d.delta.increasing.symbol:d.delta.decreasing.symbol)+e(t)},s=function(t){return t.delta>=0?d.delta.increasing.color:d.delta.decreasing.color};void 0===d._deltaLastValue&&(d._deltaLastValue=a(r[0]));var l=C.select("text.delta");function p(){l.text(o(a(r[0]),i)).call(m.fill,s(r[0])).call(f.convertToTspans,t)}return l.call(c.font,d.delta.font).call(m.fill,s({delta:d._deltaLastValue})),b(S)?l.transition().duration(S.duration).ease(S.easing).tween("text",(function(){var t=n.select(this),e=a(r[0]),l=d._deltaLastValue,c=P(d.delta.valueformat,i,l,e),u=n.interpolateNumber(l,e);return d._deltaLastValue=e,function(e){t.text(o(u(e),c)),t.call(m.fill,s({delta:u(e)}))}})).each("end",(function(){p(),E&&E()})).each("interrupt",(function(){p(),E&&E()})):p(),u=k(o(a(r[0]),i),d.delta.font,A,t),l}(),O+=d.delta.position+d.delta.font.size+d.delta.font.family+d.delta.valueformat,O+=d.delta.increasing.symbol+d.delta.decreasing.symbol,p=u);d._hasNumber&&(!function(){var e=w(t,{tickformat:d.number.valueformat},d._range);e.setScale(),h.prepTicks(e);var i=function(t){return h.tickText(e,t).text},a=d.number.suffix,o=d.number.prefix,s=C.select("text.number");function u(){var e="number"==typeof r[0].y?o+i(r[0].y)+a:"-";s.text(e).call(c.font,d.number.font).call(f.convertToTspans,t)}b(S)?s.transition().duration(S.duration).ease(S.easing).each("end",(function(){u(),E&&E()})).each("interrupt",(function(){u(),E&&E()})).attrTween("text",(function(){var t=n.select(this),e=n.interpolateNumber(r[0].lastY,r[0].y);d._lastValue=r[0].y;var s=P(d.number.valueformat,i,r[0].lastY,r[0].y);return function(r){t.text(o+s(e(r))+a)}})):u(),l=k(o+i(r[0].y)+a,d.number.font,A,t)}(),O+=d.number.font.size+d.number.font.family+d.number.valueformat+d.number.suffix+d.number.prefix,p=l);if(d._hasDelta&&d._hasNumber){var D,R,F=[(l.left+l.right)/2,(l.top+l.bottom)/2],B=[(u.left+u.right)/2,(u.top+u.bottom)/2],N=.75*d.delta.font.size;"left"===d.delta.position&&(D=M(d,"deltaPos",0,-1*(l.width*y[d.align]+u.width*(1-y[d.align])+N),O,Math.min),R=F[1]-B[1],p={width:l.width+u.width+N,height:Math.max(l.height,u.height),left:u.left+D,right:l.right,top:Math.min(l.top,u.top+R),bottom:Math.max(l.bottom,u.bottom+R)}),"right"===d.delta.position&&(D=M(d,"deltaPos",0,l.width*(1-y[d.align])+u.width*y[d.align]+N,O,Math.max),R=F[1]-B[1],p={width:l.width+u.width+N,height:Math.max(l.height,u.height),left:l.left,right:u.right+D,top:Math.min(l.top,u.top+R),bottom:Math.max(l.bottom,u.bottom+R)}),"bottom"===d.delta.position&&(D=null,R=u.height,p={width:Math.max(l.width,u.width),height:l.height+u.height,left:Math.min(l.left,u.left),right:Math.max(l.right,u.right),top:l.bottom-l.height,bottom:l.bottom+u.height}),"top"===d.delta.position&&(D=null,R=l.top,p={width:Math.max(l.width,u.width),height:l.height+u.height,left:Math.min(l.left,u.left),right:Math.max(l.right,u.right),top:l.bottom-l.height-u.height,bottom:l.bottom}),z.attr({dx:D,dy:R})}(d._hasNumber||d._hasDelta)&&C.attr("transform",(function(){var t=s.numbersScaler(p);O+=t[2];var e,r=M(d,"numbersScale",1,t[0],O,Math.min);d._scaleNumbers||(r=1),e=d._isAngular?_-r*p.bottom:_-r*(p.top+p.bottom)/2,d._numbersTop=r*p.top+e;var n=p[T];"center"===T&&(n=(p.left+p.right)/2);var i=g-r*n;return i=M(d,"numbersTranslate",0,i,O,Math.max),o(i,e)+a(r)}))}(t,I,e,{numbersX:p,numbersY:A,numbersScaler:S,transitionOpts:r,onComplete:d}),P&&(E={range:L.gauge.axis.range,color:L.gauge.bgcolor,line:{color:L.gauge.bordercolor,width:0},thickness:1},C={range:L.gauge.axis.range,color:"rgba(0, 0, 0, 0)",line:{color:L.gauge.bordercolor,width:L.gauge.borderwidth},thickness:1});var H=I.selectAll("g.angular").data(z?e:[]);H.exit().remove();var G=I.selectAll("g.angularaxis").data(z?e:[]);G.exit().remove(),z&&function(t,e,r,i){var a,c,u,f,p=r[0].trace,d=i.size,g=i.radius,m=i.innerRadius,v=i.gaugeBg,y=i.gaugeOutline,x=[d.l+d.w/2,d.t+d.h/2+g/2],T=i.gauge,k=i.layer,M=i.transitionOpts,A=i.onComplete,S=Math.PI/2;function E(t){var e=p.gauge.axis.range[0],r=(t-e)/(p.gauge.axis.range[1]-e)*Math.PI-S;return r<-S?-S:r>S?S:r}function C(t){return n.svg.arc().innerRadius((m+g)/2-t/2*(g-m)).outerRadius((m+g)/2+t/2*(g-m)).startAngle(-S)}function L(t){t.attr("d",(function(t){return C(t.thickness).startAngle(E(t.range[0])).endAngle(E(t.range[1]))()}))}T.enter().append("g").classed("angular",!0),T.attr("transform",o(x[0],x[1])),k.enter().append("g").classed("angularaxis",!0).classed("crisp",!0),k.selectAll("g.xangularaxistick,path,text").remove(),(a=w(t,p.gauge.axis)).type="linear",a.range=p.gauge.axis.range,a._id="xangularaxis",a.setScale();var I=function(t){return(a.range[0]-t.x)/(a.range[1]-a.range[0])*Math.PI+Math.PI},P={},z=h.makeLabelFns(a,0).labelStandoff;P.xFn=function(t){var e=I(t);return Math.cos(e)*z},P.yFn=function(t){var e=I(t),r=Math.sin(e)>0?.2:1;return-Math.sin(e)*(z+t.fontSize*r)+Math.abs(Math.cos(e))*(t.fontSize*l)},P.anchorFn=function(t){var e=I(t),r=Math.cos(e);return Math.abs(r)<.1?"middle":r>0?"start":"end"},P.heightFn=function(t,e,r){var n=I(t);return-.5*(1+Math.sin(n))*r};var O=function(t){return o(x[0]+g*Math.cos(t),x[1]-g*Math.sin(t))};u=function(t){return O(I(t))};if(c=h.calcTicks(a),f=h.getTickSigns(a)[2],a.visible){f="inside"===a.ticks?-1:1;var D=(a.linewidth||1)/2;h.drawTicks(t,a,{vals:c,layer:k,path:"M"+f*D+",0h"+f*a.ticklen,transFn:function(t){var e=I(t);return O(e)+"rotate("+-s(e)+")"}}),h.drawLabels(t,a,{vals:c,layer:k,transFn:u,labelFns:P})}var R=[v].concat(p.gauge.steps),F=T.selectAll("g.bg-arc").data(R);F.enter().append("g").classed("bg-arc",!0).append("path"),F.select("path").call(L).call(_),F.exit().remove();var B=C(p.gauge.bar.thickness),N=T.selectAll("g.value-arc").data([p.gauge.bar]);N.enter().append("g").classed("value-arc",!0).append("path");var j=N.select("path");b(M)?(j.transition().duration(M.duration).ease(M.easing).each("end",(function(){A&&A()})).each("interrupt",(function(){A&&A()})).attrTween("d",(U=B,V=E(r[0].lastY),q=E(r[0].y),function(){var t=n.interpolate(V,q);return function(e){return U.endAngle(t(e))()}})),p._lastValue=r[0].y):j.attr("d","number"==typeof r[0].y?B.endAngle(E(r[0].y)):"M0,0Z");var U,V,q;j.call(_),N.exit().remove(),R=[];var H=p.gauge.threshold.value;H&&R.push({range:[H,H],color:p.gauge.threshold.color,line:{color:p.gauge.threshold.line.color,width:p.gauge.threshold.line.width},thickness:p.gauge.threshold.thickness});var G=T.selectAll("g.threshold-arc").data(R);G.enter().append("g").classed("threshold-arc",!0).append("path"),G.select("path").call(L).call(_),G.exit().remove();var Y=T.selectAll("g.gauge-outline").data([y]);Y.enter().append("g").classed("gauge-outline",!0).append("path"),Y.select("path").call(L).call(_),Y.exit().remove()}(t,0,e,{radius:N,innerRadius:j,gauge:H,layer:G,size:R,gaugeBg:E,gaugeOutline:C,transitionOpts:r,onComplete:d});var Y=I.selectAll("g.bullet").data(O?e:[]);Y.exit().remove();var W=I.selectAll("g.bulletaxis").data(O?e:[]);W.exit().remove(),O&&function(t,e,r,n){var i,a,s,l,c,f=r[0].trace,p=n.gauge,d=n.layer,g=n.gaugeBg,v=n.gaugeOutline,y=n.size,x=f.domain,T=n.transitionOpts,k=n.onComplete;p.enter().append("g").classed("bullet",!0),p.attr("transform",o(y.l,y.t)),d.enter().append("g").classed("bulletaxis",!0).classed("crisp",!0),d.selectAll("g.xbulletaxistick,path,text").remove();var M=y.h,A=f.gauge.bar.thickness*M,S=x.x[0],E=x.x[0]+(x.x[1]-x.x[0])*(f._hasNumber||f._hasDelta?1-u.bulletNumberDomainSize:1);(i=w(t,f.gauge.axis))._id="xbulletaxis",i.domain=[S,E],i.setScale(),a=h.calcTicks(i),s=h.makeTransTickFn(i),l=h.getTickSigns(i)[2],c=y.t+y.h,i.visible&&(h.drawTicks(t,i,{vals:"inside"===i.ticks?h.clipEnds(i,a):a,layer:d,path:h.makeTickPath(i,c,l),transFn:s}),h.drawLabels(t,i,{vals:a,layer:d,transFn:s,labelFns:h.makeLabelFns(i,c)}));function C(t){t.attr("width",(function(t){return Math.max(0,i.c2p(t.range[1])-i.c2p(t.range[0]))})).attr("x",(function(t){return i.c2p(t.range[0])})).attr("y",(function(t){return.5*(1-t.thickness)*M})).attr("height",(function(t){return t.thickness*M}))}var L=[g].concat(f.gauge.steps),I=p.selectAll("g.bg-bullet").data(L);I.enter().append("g").classed("bg-bullet",!0).append("rect"),I.select("rect").call(C).call(_),I.exit().remove();var P=p.selectAll("g.value-bullet").data([f.gauge.bar]);P.enter().append("g").classed("value-bullet",!0).append("rect"),P.select("rect").attr("height",A).attr("y",(M-A)/2).call(_),b(T)?P.select("rect").transition().duration(T.duration).ease(T.easing).each("end",(function(){k&&k()})).each("interrupt",(function(){k&&k()})).attr("width",Math.max(0,i.c2p(Math.min(f.gauge.axis.range[1],r[0].y)))):P.select("rect").attr("width","number"==typeof r[0].y?Math.max(0,i.c2p(Math.min(f.gauge.axis.range[1],r[0].y))):0);P.exit().remove();var z=r.filter((function(){return f.gauge.threshold.value})),O=p.selectAll("g.threshold-bullet").data(z);O.enter().append("g").classed("threshold-bullet",!0).append("line"),O.select("line").attr("x1",i.c2p(f.gauge.threshold.value)).attr("x2",i.c2p(f.gauge.threshold.value)).attr("y1",(1-f.gauge.threshold.thickness)/2*M).attr("y2",(1-(1-f.gauge.threshold.thickness)/2)*M).call(m.stroke,f.gauge.threshold.line.color).style("stroke-width",f.gauge.threshold.line.width),O.exit().remove();var D=p.selectAll("g.gauge-outline").data([v]);D.enter().append("g").classed("gauge-outline",!0).append("rect"),D.select("rect").call(C).call(_),D.exit().remove()}(t,0,e,{gauge:Y,layer:W,size:R,gaugeBg:E,gaugeOutline:C,transitionOpts:r,onComplete:d});var X=I.selectAll("text.title").data(e);X.exit().remove(),X.enter().append("text").classed("title",!0),X.attr("text-anchor",(function(){return O?v.right:v[L.title.align]})).text(L.title.text).call(c.font,L.title.font).call(f.convertToTspans,t),X.attr("transform",(function(){var t,e=R.l+R.w*y[L.title.align],r=u.titlePadding,n=c.bBox(X.node());if(P){if(z)if(L.gauge.axis.visible)t=c.bBox(G.node()).top-r-n.bottom;else t=R.t+R.h/2-N/2-n.bottom-r;O&&(t=A-(n.top+n.bottom)/2,e=R.l-u.bulletPadding*R.w)}else t=L._numbersTop-r-n.bottom;return o(e,t)}))}))}},{"../../components/color":643,"../../components/drawing":665,"../../constants/alignment":745,"../../lib":778,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"../../plots/cartesian/axis_defaults":830,"../../plots/cartesian/layout_attributes":842,"../../plots/cartesian/position_defaults":845,"./constants":1119,d3:169}],1123:[function(t,e,r){"use strict";var n=t("../../components/colorscale/attributes"),i=t("../../plots/template_attributes").hovertemplateAttrs,a=t("../mesh3d/attributes"),o=t("../../plots/attributes"),s=t("../../lib/extend").extendFlat,l=t("../../plot_api/edit_types").overrideAll;var c=e.exports=l(s({x:{valType:"data_array"},y:{valType:"data_array"},z:{valType:"data_array"},value:{valType:"data_array"},isomin:{valType:"number"},isomax:{valType:"number"},surface:{show:{valType:"boolean",dflt:!0},count:{valType:"integer",dflt:2,min:1},fill:{valType:"number",min:0,max:1,dflt:1},pattern:{valType:"flaglist",flags:["A","B","C","D","E"],extras:["all","odd","even"],dflt:"all"}},spaceframe:{show:{valType:"boolean",dflt:!1},fill:{valType:"number",min:0,max:1,dflt:.15}},slices:{x:{show:{valType:"boolean",dflt:!1},locations:{valType:"data_array",dflt:[]},fill:{valType:"number",min:0,max:1,dflt:1}},y:{show:{valType:"boolean",dflt:!1},locations:{valType:"data_array",dflt:[]},fill:{valType:"number",min:0,max:1,dflt:1}},z:{show:{valType:"boolean",dflt:!1},locations:{valType:"data_array",dflt:[]},fill:{valType:"number",min:0,max:1,dflt:1}}},caps:{x:{show:{valType:"boolean",dflt:!0},fill:{valType:"number",min:0,max:1,dflt:1}},y:{show:{valType:"boolean",dflt:!0},fill:{valType:"number",min:0,max:1,dflt:1}},z:{show:{valType:"boolean",dflt:!0},fill:{valType:"number",min:0,max:1,dflt:1}}},text:{valType:"string",dflt:"",arrayOk:!0},hovertext:{valType:"string",dflt:"",arrayOk:!0},hovertemplate:i(),showlegend:s({},o.showlegend,{dflt:!1})},n("",{colorAttr:"`value`",showScaleDflt:!0,editTypeOverride:"calc"}),{opacity:a.opacity,lightposition:a.lightposition,lighting:a.lighting,flatshading:a.flatshading,contour:a.contour,hoverinfo:s({},o.hoverinfo)}),"calc","nested");c.flatshading.dflt=!0,c.lighting.facenormalsepsilon.dflt=0,c.x.editType=c.y.editType=c.z.editType=c.value.editType="calc+clearAxisTypes",c.transforms=void 0},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plot_api/edit_types":810,"../../plots/attributes":824,"../../plots/template_attributes":906,"../mesh3d/attributes":1128}],1124:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc"),i=t("../streamtube/calc").processGrid,a=t("../streamtube/calc").filter;e.exports=function(t,e){e._len=Math.min(e.x.length,e.y.length,e.z.length,e.value.length),e._x=a(e.x,e._len),e._y=a(e.y,e._len),e._z=a(e.z,e._len),e._value=a(e.value,e._len);var r=i(e);e._gridFill=r.fill,e._Xs=r.Xs,e._Ys=r.Ys,e._Zs=r.Zs,e._len=r.len;for(var o=1/0,s=-1/0,l=0;l0;r--){var n=Math.min(e[r],e[r-1]),i=Math.max(e[r],e[r-1]);if(i>n&&n-1}function R(t,e){return null===t?e:t}function F(e,r,n){L();var i,a,o,l=[r],c=[n];if(s>=1)l=[r],c=[n];else if(s>0){var u=function(t,e){var r=t[0],n=t[1],i=t[2],a=function(t,e,r){for(var n=[],i=0;i-1?n[p]:C(d,g,v);h[p]=x>-1?x:P(d,g,v,R(e,y))}i=h[0],a=h[1],o=h[2],t._meshI.push(i),t._meshJ.push(a),t._meshK.push(o),++m}}function B(t,e,r,n){var i=t[3];in&&(i=n);for(var a=(t[3]-i)/(t[3]-e[3]+1e-9),o=[],s=0;s<4;s++)o[s]=(1-a)*t[s]+a*e[s];return o}function N(t,e,r){return t>=e&&t<=r}function j(t){var e=.001*(E-S);return t>=S-e&&t<=E+e}function U(e){for(var r=[],n=0;n<4;n++){var i=e[n];r.push([t._x[i],t._y[i],t._z[i],t._value[i]])}return r}function V(t,e,r,n,i,a){a||(a=1),r=[-1,-1,-1];var o=!1,s=[N(e[0][3],n,i),N(e[1][3],n,i),N(e[2][3],n,i)];if(!s[0]&&!s[1]&&!s[2])return!1;var l=function(t,e,r){return j(e[0][3])&&j(e[1][3])&&j(e[2][3])?(F(t,e,r),!0):a<3&&V(t,e,r,S,E,++a)};if(s[0]&&s[1]&&s[2])return l(t,e,r)||o;var c=!1;return[[0,1,2],[2,0,1],[1,2,0]].forEach((function(a){if(s[a[0]]&&s[a[1]]&&!s[a[2]]){var u=e[a[0]],f=e[a[1]],h=e[a[2]],p=B(h,u,n,i),d=B(h,f,n,i);o=l(t,[d,p,u],[-1,-1,r[a[0]]])||o,o=l(t,[u,f,d],[r[a[0]],r[a[1]],-1])||o,c=!0}})),c||[[0,1,2],[1,2,0],[2,0,1]].forEach((function(a){if(s[a[0]]&&!s[a[1]]&&!s[a[2]]){var u=e[a[0]],f=e[a[1]],h=e[a[2]],p=B(f,u,n,i),d=B(h,u,n,i);o=l(t,[d,p,u],[-1,-1,r[a[0]]])||o,c=!0}})),o}function q(t,e,r,n){var i=!1,a=U(e),o=[N(a[0][3],r,n),N(a[1][3],r,n),N(a[2][3],r,n),N(a[3][3],r,n)];if(!(o[0]||o[1]||o[2]||o[3]))return i;if(o[0]&&o[1]&&o[2]&&o[3])return g&&(i=function(t,e,r){var n=function(n,i,a){F(t,[e[n],e[i],e[a]],[r[n],r[i],r[a]])};n(0,1,2),n(3,0,1),n(2,3,0),n(1,2,3)}(t,a,e)||i),i;var s=!1;return[[0,1,2,3],[3,0,1,2],[2,3,0,1],[1,2,3,0]].forEach((function(l){if(o[l[0]]&&o[l[1]]&&o[l[2]]&&!o[l[3]]){var c=a[l[0]],u=a[l[1]],f=a[l[2]],h=a[l[3]];if(g)i=F(t,[c,u,f],[e[l[0]],e[l[1]],e[l[2]]])||i;else{var p=B(h,c,r,n),d=B(h,u,r,n),m=B(h,f,r,n);i=F(null,[p,d,m],[-1,-1,-1])||i}s=!0}})),s?i:([[0,1,2,3],[1,2,3,0],[2,3,0,1],[3,0,1,2],[0,2,3,1],[1,3,2,0]].forEach((function(l){if(o[l[0]]&&o[l[1]]&&!o[l[2]]&&!o[l[3]]){var c=a[l[0]],u=a[l[1]],f=a[l[2]],h=a[l[3]],p=B(f,c,r,n),d=B(f,u,r,n),m=B(h,u,r,n),v=B(h,c,r,n);g?(i=F(t,[c,v,p],[e[l[0]],-1,-1])||i,i=F(t,[u,d,m],[e[l[1]],-1,-1])||i):i=function(t,e,r){var n=function(n,i,a){F(t,[e[n],e[i],e[a]],[r[n],r[i],r[a]])};n(0,1,2),n(2,3,0)}(null,[p,d,m,v],[-1,-1,-1,-1])||i,s=!0}})),s||[[0,1,2,3],[1,2,3,0],[2,3,0,1],[3,0,1,2]].forEach((function(l){if(o[l[0]]&&!o[l[1]]&&!o[l[2]]&&!o[l[3]]){var c=a[l[0]],u=a[l[1]],f=a[l[2]],h=a[l[3]],p=B(u,c,r,n),d=B(f,c,r,n),m=B(h,c,r,n);g?(i=F(t,[c,p,d],[e[l[0]],-1,-1])||i,i=F(t,[c,d,m],[e[l[0]],-1,-1])||i,i=F(t,[c,m,p],[e[l[0]],-1,-1])||i):i=F(null,[p,d,m],[-1,-1,-1])||i,s=!0}})),i)}function H(t,e,r,n,i,a,o,s,l,c,u){var f=!1;return d&&(D(t,"A")&&(f=q(null,[e,r,n,a],c,u)||f),D(t,"B")&&(f=q(null,[r,n,i,l],c,u)||f),D(t,"C")&&(f=q(null,[r,a,o,l],c,u)||f),D(t,"D")&&(f=q(null,[n,a,s,l],c,u)||f),D(t,"E")&&(f=q(null,[r,n,a,l],c,u)||f)),g&&(f=q(t,[r,n,a,l],c,u)||f),f}function G(t,e,r,n,i,a,o,s){return[!0===s[0]||V(t,U([e,r,n]),[e,r,n],a,o),!0===s[1]||V(t,U([n,i,e]),[n,i,e],a,o)]}function Y(t,e,r,n,i,a,o,s,l){return s?G(t,e,r,i,n,a,o,l):G(t,r,i,n,e,a,o,l)}function W(t,e,r,n,i,a,o){var s,l,c,u,f=!1,h=function(){f=V(t,[s,l,c],[-1,-1,-1],i,a)||f,f=V(t,[c,u,s],[-1,-1,-1],i,a)||f},p=o[0],d=o[1],g=o[2];return p&&(s=z(U([k(e,r-0,n-0)])[0],U([k(e-1,r-0,n-0)])[0],p),l=z(U([k(e,r-0,n-1)])[0],U([k(e-1,r-0,n-1)])[0],p),c=z(U([k(e,r-1,n-1)])[0],U([k(e-1,r-1,n-1)])[0],p),u=z(U([k(e,r-1,n-0)])[0],U([k(e-1,r-1,n-0)])[0],p),h()),d&&(s=z(U([k(e-0,r,n-0)])[0],U([k(e-0,r-1,n-0)])[0],d),l=z(U([k(e-0,r,n-1)])[0],U([k(e-0,r-1,n-1)])[0],d),c=z(U([k(e-1,r,n-1)])[0],U([k(e-1,r-1,n-1)])[0],d),u=z(U([k(e-1,r,n-0)])[0],U([k(e-1,r-1,n-0)])[0],d),h()),g&&(s=z(U([k(e-0,r-0,n)])[0],U([k(e-0,r-0,n-1)])[0],g),l=z(U([k(e-0,r-1,n)])[0],U([k(e-0,r-1,n-1)])[0],g),c=z(U([k(e-1,r-1,n)])[0],U([k(e-1,r-1,n-1)])[0],g),u=z(U([k(e-1,r-0,n)])[0],U([k(e-1,r-0,n-1)])[0],g),h()),f}function X(t,e,r,n,i,a,o,s,l,c,u,f){var h=t;return f?(d&&"even"===t&&(h=null),H(h,e,r,n,i,a,o,s,l,c,u)):(d&&"odd"===t&&(h=null),H(h,l,s,o,a,i,n,r,e,c,u))}function Z(t,e,r,n,i){for(var a=[],o=0,s=0;sMath.abs(d-A)?[M,d]:[d,A];$(e,T[0],T[1])}}var C=[[Math.min(S,A),Math.max(S,A)],[Math.min(M,E),Math.max(M,E)]];["x","y","z"].forEach((function(e){for(var r=[],n=0;n0&&(u.push(p.id),"x"===e?f.push([p.distRatio,0,0]):"y"===e?f.push([0,p.distRatio,0]):f.push([0,0,p.distRatio]))}else c=nt(1,"x"===e?b-1:"y"===e?_-1:w-1);u.length>0&&(r[i]="x"===e?tt(null,u,a,o,f,r[i]):"y"===e?et(null,u,a,o,f,r[i]):rt(null,u,a,o,f,r[i]),i++),c.length>0&&(r[i]="x"===e?Z(null,c,a,o,r[i]):"y"===e?J(null,c,a,o,r[i]):K(null,c,a,o,r[i]),i++)}var d=t.caps[e];d.show&&d.fill&&(O(d.fill),r[i]="x"===e?Z(null,[0,b-1],a,o,r[i]):"y"===e?J(null,[0,_-1],a,o,r[i]):K(null,[0,w-1],a,o,r[i]),i++)}})),0===m&&I(),t._meshX=n,t._meshY=i,t._meshZ=a,t._meshIntensity=o,t._Xs=v,t._Ys=y,t._Zs=x}(),t}e.exports={findNearestOnAxis:l,generateIsoMeshes:h,createIsosurfaceTrace:function(t,e){var r=t.glplot.gl,i=n({gl:r}),a=new c(t,i,e.uid);return i._trace=a,a.update(e),t.glplot.add(i),a}}},{"../../components/colorscale":655,"../../lib/gl_format_color":774,"../../lib/str2rgbarray":802,"../../plots/gl3d/zip3":881,"gl-mesh3d":309}],1126:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry"),a=t("./attributes"),o=t("../../components/colorscale/defaults");function s(t,e,r,n,a){var s=a("isomin"),l=a("isomax");null!=l&&null!=s&&s>l&&(e.isomin=null,e.isomax=null);var c=a("x"),u=a("y"),f=a("z"),h=a("value");c&&c.length&&u&&u.length&&f&&f.length&&h&&h.length?(i.getComponentMethod("calendars","handleTraceDefaults")(t,e,["x","y","z"],n),["x","y","z"].forEach((function(t){var e="caps."+t;a(e+".show")&&a(e+".fill");var r="slices."+t;a(r+".show")&&(a(r+".fill"),a(r+".locations"))})),a("spaceframe.show")&&a("spaceframe.fill"),a("surface.show")&&(a("surface.count"),a("surface.fill"),a("surface.pattern")),a("contour.show")&&(a("contour.color"),a("contour.width")),["text","hovertext","hovertemplate","lighting.ambient","lighting.diffuse","lighting.specular","lighting.roughness","lighting.fresnel","lighting.vertexnormalsepsilon","lighting.facenormalsepsilon","lightposition.x","lightposition.y","lightposition.z","flatshading","opacity"].forEach((function(t){a(t)})),o(t,e,n,a,{prefix:"",cLetter:"c"}),e._length=null):e.visible=!1}e.exports={supplyDefaults:function(t,e,r,i){s(t,e,r,i,(function(r,i){return n.coerce(t,e,a,r,i)}))},supplyIsoDefaults:s}},{"../../components/colorscale/defaults":653,"../../lib":778,"../../registry":911,"./attributes":1123}],1127:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults").supplyDefaults,calc:t("./calc"),colorbar:{min:"cmin",max:"cmax"},plot:t("./convert").createIsosurfaceTrace,moduleType:"trace",name:"isosurface",basePlotModule:t("../../plots/gl3d"),categories:["gl3d","showLegend"],meta:{}}},{"../../plots/gl3d":870,"./attributes":1123,"./calc":1124,"./convert":1125,"./defaults":1126}],1128:[function(t,e,r){"use strict";var n=t("../../components/colorscale/attributes"),i=t("../../plots/template_attributes").hovertemplateAttrs,a=t("../surface/attributes"),o=t("../../plots/attributes"),s=t("../../lib/extend").extendFlat;e.exports=s({x:{valType:"data_array",editType:"calc+clearAxisTypes"},y:{valType:"data_array",editType:"calc+clearAxisTypes"},z:{valType:"data_array",editType:"calc+clearAxisTypes"},i:{valType:"data_array",editType:"calc"},j:{valType:"data_array",editType:"calc"},k:{valType:"data_array",editType:"calc"},text:{valType:"string",dflt:"",arrayOk:!0,editType:"calc"},hovertext:{valType:"string",dflt:"",arrayOk:!0,editType:"calc"},hovertemplate:i({editType:"calc"}),delaunayaxis:{valType:"enumerated",values:["x","y","z"],dflt:"z",editType:"calc"},alphahull:{valType:"number",dflt:-1,editType:"calc"},intensity:{valType:"data_array",editType:"calc"},intensitymode:{valType:"enumerated",values:["vertex","cell"],dflt:"vertex",editType:"calc"},color:{valType:"color",editType:"calc"},vertexcolor:{valType:"data_array",editType:"calc"},facecolor:{valType:"data_array",editType:"calc"},transforms:void 0},n("",{colorAttr:"`intensity`",showScaleDflt:!0,editTypeOverride:"calc"}),{opacity:a.opacity,flatshading:{valType:"boolean",dflt:!1,editType:"calc"},contour:{show:s({},a.contours.x.show,{}),color:a.contours.x.color,width:a.contours.x.width,editType:"calc"},lightposition:{x:s({},a.lightposition.x,{dflt:1e5}),y:s({},a.lightposition.y,{dflt:1e5}),z:s({},a.lightposition.z,{dflt:0}),editType:"calc"},lighting:s({vertexnormalsepsilon:{valType:"number",min:0,max:1,dflt:1e-12,editType:"calc"},facenormalsepsilon:{valType:"number",min:0,max:1,dflt:1e-6,editType:"calc"},editType:"calc"},a.lighting),hoverinfo:s({},o.hoverinfo,{editType:"calc"}),showlegend:s({},o.showlegend,{dflt:!1})})},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../surface/attributes":1311}],1129:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc");e.exports=function(t,e){e.intensity&&n(t,e,{vals:e.intensity,containerStr:"",cLetter:"c"})}},{"../../components/colorscale/calc":651}],1130:[function(t,e,r){"use strict";var n=t("gl-mesh3d"),i=t("delaunay-triangulate"),a=t("alpha-shape"),o=t("convex-hull"),s=t("../../lib/gl_format_color").parseColorScale,l=t("../../lib/str2rgbarray"),c=t("../../components/colorscale").extractOpts,u=t("../../plots/gl3d/zip3");function f(t,e,r){this.scene=t,this.uid=r,this.mesh=e,this.name="",this.color="#fff",this.data=null,this.showContour=!1}var h=f.prototype;function p(t){for(var e=[],r=t.length,n=0;n=e-.5)return!1;return!0}h.handlePick=function(t){if(t.object===this.mesh){var e=t.index=t.data.index;t.data._cellCenter?t.traceCoordinate=t.data.dataCoordinate:t.traceCoordinate=[this.data.x[e],this.data.y[e],this.data.z[e]];var r=this.data.hovertext||this.data.text;return Array.isArray(r)&&void 0!==r[e]?t.textLabel=r[e]:r&&(t.textLabel=r),!0}},h.update=function(t){var e=this.scene,r=e.fullSceneLayout;this.data=t;var n,f=t.x.length,h=u(d(r.xaxis,t.x,e.dataScale[0],t.xcalendar),d(r.yaxis,t.y,e.dataScale[1],t.ycalendar),d(r.zaxis,t.z,e.dataScale[2],t.zcalendar));if(t.i&&t.j&&t.k){if(t.i.length!==t.j.length||t.j.length!==t.k.length||!m(t.i,f)||!m(t.j,f)||!m(t.k,f))return;n=u(g(t.i),g(t.j),g(t.k))}else n=0===t.alphahull?o(h):t.alphahull>0?a(t.alphahull,h):function(t,e){for(var r=["x","y","z"].indexOf(t),n=[],a=e.length,o=0;ov):m=M>w,v=M;var A=c(w,T,k,M);A.pos=_,A.yc=(w+M)/2,A.i=b,A.dir=m?"increasing":"decreasing",A.x=A.pos,A.y=[k,T],y&&(A.orig_p=r[b]),d&&(A.tx=e.text[b]),g&&(A.htx=e.hovertext[b]),x.push(A)}else x.push({pos:_,empty:!0})}return e._extremes[l._id]=a.findExtremes(l,n.concat(h,f),{padded:!0}),x.length&&(x[0].t={labels:{open:i(t,"open:")+" ",high:i(t,"high:")+" ",low:i(t,"low:")+" ",close:i(t,"close:")+" "}}),x}e.exports={calc:function(t,e){var r=a.getFromId(t,e.xaxis),i=a.getFromId(t,e.yaxis),s=function(t,e,r){var i=r._minDiff;if(!i){var a,s=t._fullData,l=[];for(i=1/0,a=0;a"+c.labels[x]+n.hoverLabelText(s,b):((y=i.extendFlat({},h)).y0=y.y1=_,y.yLabelVal=b,y.yLabel=c.labels[x]+n.hoverLabelText(s,b),y.name="",f.push(y),m[b]=y)}return f}function h(t,e,r,i){var a=t.cd,o=t.ya,l=a[0].trace,f=a[0].t,h=u(t,e,r,i);if(!h)return[];var p=a[h.index],d=h.index=p.i,g=p.dir;function m(t){return f.labels[t]+n.hoverLabelText(o,l[t][d])}var v=p.hi||l.hoverinfo,y=v.split("+"),x="all"===v,b=x||-1!==y.indexOf("y"),_=x||-1!==y.indexOf("text"),w=b?[m("open"),m("high"),m("low"),m("close")+" "+c[g]]:[];return _&&s(p,l,w),h.extraText=w.join("
"),h.y0=h.y1=o.c2p(p.yc,!0),[h]}e.exports={hoverPoints:function(t,e,r,n){return t.cd[0].trace.hoverlabel.split?f(t,e,r,n):h(t,e,r,n)},hoverSplit:f,hoverOnPoints:h}},{"../../components/color":643,"../../components/fx":683,"../../constants/delta.js":747,"../../lib":778,"../../plots/cartesian/axes":828}],1137:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"ohlc",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","showLegend"],meta:{},attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc").calc,plot:t("./plot"),style:t("./style"),hoverPoints:t("./hover").hoverPoints,selectPoints:t("./select")}},{"../../plots/cartesian":841,"./attributes":1133,"./calc":1134,"./defaults":1135,"./hover":1136,"./plot":1139,"./select":1140,"./style":1141}],1138:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib");e.exports=function(t,e,r,a){var o=r("x"),s=r("open"),l=r("high"),c=r("low"),u=r("close");if(r("hoverlabel.split"),n.getComponentMethod("calendars","handleTraceDefaults")(t,e,["x"],a),s&&l&&c&&u){var f=Math.min(s.length,l.length,c.length,u.length);return o&&(f=Math.min(f,i.minRowLength(o))),e._length=f,f}}},{"../../lib":778,"../../registry":911}],1139:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib");e.exports=function(t,e,r,a){var o=e.yaxis,s=e.xaxis,l=!!s.rangebreaks;i.makeTraceGroups(a,r,"trace ohlc").each((function(t){var e=n.select(this),r=t[0],a=r.t;if(!0!==r.trace.visible||a.empty)e.remove();else{var c=a.tickLen,u=e.selectAll("path").data(i.identity);u.enter().append("path"),u.exit().remove(),u.attr("d",(function(t){if(t.empty)return"M0,0Z";var e=s.c2p(t.pos-c,!0),r=s.c2p(t.pos+c,!0),n=l?(e+r)/2:s.c2p(t.pos,!0);return"M"+e+","+o.c2p(t.o,!0)+"H"+n+"M"+n+","+o.c2p(t.h,!0)+"V"+o.c2p(t.l,!0)+"M"+r+","+o.c2p(t.c,!0)+"H"+n}))}}))}},{"../../lib":778,d3:169}],1140:[function(t,e,r){"use strict";e.exports=function(t,e){var r,n=t.cd,i=t.xaxis,a=t.yaxis,o=[],s=n[0].t.bPos||0;if(!1===e)for(r=0;r=t.length)return!1;if(void 0!==e[t[r]])return!1;e[t[r]]=!0}return!0}(t.map((function(t){return t.displayindex}))))for(e=0;e0;c&&(o="array");var u=r("categoryorder",o);"array"===u?(r("categoryarray"),r("ticktext")):(delete t.categoryarray,delete t.ticktext),c||"array"!==u||(e.categoryorder="trace")}}e.exports=function(t,e,r,f){function h(r,i){return n.coerce(t,e,l,r,i)}var p=s(t,e,{name:"dimensions",handleItemDefaults:u}),d=function(t,e,r,o,s){s("line.shape"),s("line.hovertemplate");var l=s("line.color",o.colorway[0]);if(i(t,"line")&&n.isArrayOrTypedArray(l)){if(l.length)return s("line.colorscale"),a(t,e,o,s,{prefix:"line.",cLetter:"c"}),l.length;e.line.color=r}return 1/0}(t,e,r,f,h);o(e,f,h),Array.isArray(p)&&p.length||(e.visible=!1),c(e,p,"values",d),h("hoveron"),h("hovertemplate"),h("arrangement"),h("bundlecolors"),h("sortpaths"),h("counts");var g={family:f.font.family,size:Math.round(f.font.size),color:f.font.color};n.coerceFont(h,"labelfont",g);var m={family:f.font.family,size:Math.round(f.font.size/1.2),color:f.font.color};n.coerceFont(h,"tickfont",m)}},{"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654,"../../lib":778,"../../plots/array_container_defaults":823,"../../plots/domain":855,"../parcoords/merge_length":1158,"./attributes":1142}],1146:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc"),plot:t("./plot"),colorbar:{container:"line",min:"cmin",max:"cmax"},moduleType:"trace",name:"parcats",basePlotModule:t("./base_plot"),categories:["noOpacity"],meta:{}}},{"./attributes":1142,"./base_plot":1143,"./calc":1144,"./defaults":1145,"./plot":1148}],1147:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../plot_api/plot_api"),a=t("../../components/fx"),o=t("../../lib"),s=o.strTranslate,l=t("../../components/drawing"),c=t("tinycolor2"),u=t("../../lib/svg_text_utils");function f(t,e,r,i){var a=t.map(R.bind(0,e,r)),c=i.selectAll("g.parcatslayer").data([null]);c.enter().append("g").attr("class","parcatslayer").style("pointer-events","all");var f=c.selectAll("g.trace.parcats").data(a,h),v=f.enter().append("g").attr("class","trace parcats");f.attr("transform",(function(t){return s(t.x,t.y)})),v.append("g").attr("class","paths");var y=f.select("g.paths").selectAll("path.path").data((function(t){return t.paths}),h);y.attr("fill",(function(t){return t.model.color}));var _=y.enter().append("path").attr("class","path").attr("stroke-opacity",0).attr("fill",(function(t){return t.model.color})).attr("fill-opacity",0);b(_),y.attr("d",(function(t){return t.svgD})),_.empty()||y.sort(d),y.exit().remove(),y.on("mouseover",g).on("mouseout",m).on("click",x),v.append("g").attr("class","dimensions");var k=f.select("g.dimensions").selectAll("g.dimension").data((function(t){return t.dimensions}),h);k.enter().append("g").attr("class","dimension"),k.attr("transform",(function(t){return s(t.x,0)})),k.exit().remove();var M=k.selectAll("g.category").data((function(t){return t.categories}),h),A=M.enter().append("g").attr("class","category");M.attr("transform",(function(t){return s(0,t.y)})),A.append("rect").attr("class","catrect").attr("pointer-events","none"),M.select("rect.catrect").attr("fill","none").attr("width",(function(t){return t.width})).attr("height",(function(t){return t.height})),w(A);var S=M.selectAll("rect.bandrect").data((function(t){return t.bands}),h);S.each((function(){o.raiseToTop(this)})),S.attr("fill",(function(t){return t.color}));var z=S.enter().append("rect").attr("class","bandrect").attr("stroke-opacity",0).attr("fill",(function(t){return t.color})).attr("fill-opacity",0);S.attr("fill",(function(t){return t.color})).attr("width",(function(t){return t.width})).attr("height",(function(t){return t.height})).attr("y",(function(t){return t.y})).attr("cursor",(function(t){return"fixed"===t.parcatsViewModel.arrangement?"default":"perpendicular"===t.parcatsViewModel.arrangement?"ns-resize":"move"})),T(z),S.exit().remove(),A.append("text").attr("class","catlabel").attr("pointer-events","none");var O=e._fullLayout.paper_bgcolor;M.select("text.catlabel").attr("text-anchor",(function(t){return p(t)?"start":"end"})).attr("alignment-baseline","middle").style("text-shadow",O+" -1px 1px 2px, "+O+" 1px 1px 2px, "+O+" 1px -1px 2px, "+O+" -1px -1px 2px").style("fill","rgb(0, 0, 0)").attr("x",(function(t){return p(t)?t.width+5:-5})).attr("y",(function(t){return t.height/2})).text((function(t){return t.model.categoryLabel})).each((function(t){l.font(n.select(this),t.parcatsViewModel.categorylabelfont),u.convertToTspans(n.select(this),e)})),A.append("text").attr("class","dimlabel"),M.select("text.dimlabel").attr("text-anchor","middle").attr("alignment-baseline","baseline").attr("cursor",(function(t){return"fixed"===t.parcatsViewModel.arrangement?"default":"ew-resize"})).attr("x",(function(t){return t.width/2})).attr("y",-5).text((function(t,e){return 0===e?t.parcatsViewModel.model.dimensions[t.model.dimensionInd].dimensionLabel:null})).each((function(t){l.font(n.select(this),t.parcatsViewModel.labelfont)})),M.selectAll("rect.bandrect").on("mouseover",E).on("mouseout",C),M.exit().remove(),k.call(n.behavior.drag().origin((function(t){return{x:t.x,y:0}})).on("dragstart",L).on("drag",I).on("dragend",P)),f.each((function(t){t.traceSelection=n.select(this),t.pathSelection=n.select(this).selectAll("g.paths").selectAll("path.path"),t.dimensionSelection=n.select(this).selectAll("g.dimensions").selectAll("g.dimension")})),f.exit().remove()}function h(t){return t.key}function p(t){var e=t.parcatsViewModel.dimensions.length,r=t.parcatsViewModel.dimensions[e-1].model.dimensionInd;return t.model.dimensionInd===r}function d(t,e){return t.model.rawColor>e.model.rawColor?1:t.model.rawColor"),C=n.mouse(f)[0];a.loneHover({trace:h,x:b-d.left+g.left,y:w-d.top+g.top,text:E,color:t.model.color,borderColor:"black",fontFamily:'Monaco, "Courier New", monospace',fontSize:10,fontColor:T,idealAlign:C1&&h.displayInd===f.dimensions.length-1?(i=c.left,a="left"):(i=c.left+c.width,a="right");var g=u.model.count,m=u.model.categoryLabel,v=g/u.parcatsViewModel.model.count,y={countLabel:g,categoryLabel:m,probabilityLabel:v.toFixed(3)},x=[];-1!==u.parcatsViewModel.hoverinfoItems.indexOf("count")&&x.push(["Count:",y.countLabel].join(" ")),-1!==u.parcatsViewModel.hoverinfoItems.indexOf("probability")&&x.push(["P("+y.categoryLabel+"):",y.probabilityLabel].join(" "));var b=x.join("
");return{trace:p,x:o*(i-e.left),y:s*(d-e.top),text:b,color:"lightgray",borderColor:"black",fontFamily:'Monaco, "Courier New", monospace',fontSize:12,fontColor:"black",idealAlign:a,hovertemplate:p.hovertemplate,hovertemplateLabels:y,eventData:[{data:p._input,fullData:p,count:g,category:m,probability:v}]}}function E(t){if(!t.parcatsViewModel.dragDimension&&-1===t.parcatsViewModel.hoverinfoItems.indexOf("skip")){if(n.mouse(this)[1]<-1)return;var e,r=t.parcatsViewModel.graphDiv,i=r._fullLayout,s=i._paperdiv.node().getBoundingClientRect(),l=t.parcatsViewModel.hoveron;if("color"===l?(!function(t){var e=n.select(t).datum(),r=k(e);_(r),r.each((function(){o.raiseToTop(this)})),n.select(t.parentNode).selectAll("rect.bandrect").filter((function(t){return t.color===e.color})).each((function(){o.raiseToTop(this),n.select(this).attr("stroke","black").attr("stroke-width",1.5)}))}(this),A(this,"plotly_hover",n.event)):(!function(t){n.select(t.parentNode).selectAll("rect.bandrect").each((function(t){var e=k(t);_(e),e.each((function(){o.raiseToTop(this)}))})),n.select(t.parentNode).select("rect.catrect").attr("stroke","black").attr("stroke-width",2.5)}(this),M(this,"plotly_hover",n.event)),-1===t.parcatsViewModel.hoverinfoItems.indexOf("none"))"category"===l?e=S(r,s,this):"color"===l?e=function(t,e,r){t._fullLayout._calcInverseTransform(t);var i,a,o=t._fullLayout._invScaleX,s=t._fullLayout._invScaleY,l=r.getBoundingClientRect(),u=n.select(r).datum(),f=u.categoryViewModel,h=f.parcatsViewModel,p=h.model.dimensions[f.model.dimensionInd],d=h.trace,g=l.y+l.height/2;h.dimensions.length>1&&p.displayInd===h.dimensions.length-1?(i=l.left,a="left"):(i=l.left+l.width,a="right");var m=f.model.categoryLabel,v=u.parcatsViewModel.model.count,y=0;u.categoryViewModel.bands.forEach((function(t){t.color===u.color&&(y+=t.count)}));var x=f.model.count,b=0;h.pathSelection.each((function(t){t.model.color===u.color&&(b+=t.model.count)}));var _=y/v,w=y/b,T=y/x,k={countLabel:v,categoryLabel:m,probabilityLabel:_.toFixed(3)},M=[];-1!==f.parcatsViewModel.hoverinfoItems.indexOf("count")&&M.push(["Count:",k.countLabel].join(" ")),-1!==f.parcatsViewModel.hoverinfoItems.indexOf("probability")&&(M.push("P(color \u2229 "+m+"): "+k.probabilityLabel),M.push("P("+m+" | color): "+w.toFixed(3)),M.push("P(color | "+m+"): "+T.toFixed(3)));var A=M.join("
"),S=c.mostReadable(u.color,["black","white"]);return{trace:d,x:o*(i-e.left),y:s*(g-e.top),text:A,color:u.color,borderColor:"black",fontFamily:'Monaco, "Courier New", monospace',fontColor:S,fontSize:10,idealAlign:a,hovertemplate:d.hovertemplate,hovertemplateLabels:k,eventData:[{data:d._input,fullData:d,category:m,count:v,probability:_,categorycount:x,colorcount:b,bandcolorcount:y}]}}(r,s,this):"dimension"===l&&(e=function(t,e,r){var i=[];return n.select(r.parentNode.parentNode).selectAll("g.category").select("rect.catrect").each((function(){i.push(S(t,e,this))})),i}(r,s,this)),e&&a.loneHover(e,{container:i._hoverlayer.node(),outerContainer:i._paper.node(),gd:r})}}function C(t){var e=t.parcatsViewModel;if(!e.dragDimension&&(b(e.pathSelection),w(e.dimensionSelection.selectAll("g.category")),T(e.dimensionSelection.selectAll("g.category").selectAll("rect.bandrect")),a.loneUnhover(e.graphDiv._fullLayout._hoverlayer.node()),e.pathSelection.sort(d),-1===e.hoverinfoItems.indexOf("skip"))){"color"===t.parcatsViewModel.hoveron?A(this,"plotly_unhover",n.event):M(this,"plotly_unhover",n.event)}}function L(t){"fixed"!==t.parcatsViewModel.arrangement&&(t.dragDimensionDisplayInd=t.model.displayInd,t.initialDragDimensionDisplayInds=t.parcatsViewModel.model.dimensions.map((function(t){return t.displayInd})),t.dragHasMoved=!1,t.dragCategoryDisplayInd=null,n.select(this).selectAll("g.category").select("rect.catrect").each((function(e){var r=n.mouse(this)[0],i=n.mouse(this)[1];-2<=r&&r<=e.width+2&&-2<=i&&i<=e.height+2&&(t.dragCategoryDisplayInd=e.model.displayInd,t.initialDragCategoryDisplayInds=t.model.categories.map((function(t){return t.displayInd})),e.model.dragY=e.y,o.raiseToTop(this.parentNode),n.select(this.parentNode).selectAll("rect.bandrect").each((function(e){e.yf.y+f.height/2&&(o.model.displayInd=f.model.displayInd,f.model.displayInd=l),t.dragCategoryDisplayInd=o.model.displayInd}if(null===t.dragCategoryDisplayInd||"freeform"===t.parcatsViewModel.arrangement){a.model.dragX=n.event.x;var h=t.parcatsViewModel.dimensions[r],p=t.parcatsViewModel.dimensions[i];void 0!==h&&a.model.dragXp.x&&(a.model.displayInd=p.model.displayInd,p.model.displayInd=t.dragDimensionDisplayInd),t.dragDimensionDisplayInd=a.model.displayInd}N(t.parcatsViewModel),B(t.parcatsViewModel),D(t.parcatsViewModel),O(t.parcatsViewModel)}}function P(t){if("fixed"!==t.parcatsViewModel.arrangement&&null!==t.dragDimensionDisplayInd){n.select(this).selectAll("text").attr("font-weight","normal");var e={},r=z(t.parcatsViewModel),a=t.parcatsViewModel.model.dimensions.map((function(t){return t.displayInd})),o=t.initialDragDimensionDisplayInds.some((function(t,e){return t!==a[e]}));o&&a.forEach((function(r,n){var i=t.parcatsViewModel.model.dimensions[n].containerInd;e["dimensions["+i+"].displayindex"]=r}));var s=!1;if(null!==t.dragCategoryDisplayInd){var l=t.model.categories.map((function(t){return t.displayInd}));if(s=t.initialDragCategoryDisplayInds.some((function(t,e){return t!==l[e]}))){var c=t.model.categories.slice().sort((function(t,e){return t.displayInd-e.displayInd})),u=c.map((function(t){return t.categoryValue})),f=c.map((function(t){return t.categoryLabel}));e["dimensions["+t.model.containerInd+"].categoryarray"]=[u],e["dimensions["+t.model.containerInd+"].ticktext"]=[f],e["dimensions["+t.model.containerInd+"].categoryorder"]="array"}}if(-1===t.parcatsViewModel.hoverinfoItems.indexOf("skip")&&!t.dragHasMoved&&t.potentialClickBand&&("color"===t.parcatsViewModel.hoveron?A(t.potentialClickBand,"plotly_click",n.event.sourceEvent):M(t.potentialClickBand,"plotly_click",n.event.sourceEvent)),t.model.dragX=null,null!==t.dragCategoryDisplayInd)t.parcatsViewModel.dimensions[t.dragDimensionDisplayInd].categories[t.dragCategoryDisplayInd].model.dragY=null,t.dragCategoryDisplayInd=null;t.dragDimensionDisplayInd=null,t.parcatsViewModel.dragDimension=null,t.dragHasMoved=null,t.potentialClickBand=null,N(t.parcatsViewModel),B(t.parcatsViewModel),n.transition().duration(300).ease("cubic-in-out").each((function(){D(t.parcatsViewModel,!0),O(t.parcatsViewModel,!0)})).each("end",(function(){(o||s)&&i.restyle(t.parcatsViewModel.graphDiv,e,[r])}))}}function z(t){for(var e,r=t.graphDiv._fullData,n=0;n=0;s--)u+="C"+c[s]+","+(e[s+1]+i)+" "+l[s]+","+(e[s]+i)+" "+(t[s]+r[s])+","+(e[s]+i),u+="l-"+r[s]+",0 ";return u+="Z"}function B(t){var e=t.dimensions,r=t.model,n=e.map((function(t){return t.categories.map((function(t){return t.y}))})),i=t.model.dimensions.map((function(t){return t.categories.map((function(t){return t.displayInd}))})),a=t.model.dimensions.map((function(t){return t.displayInd})),o=t.dimensions.map((function(t){return t.model.dimensionInd})),s=e.map((function(t){return t.x})),l=e.map((function(t){return t.width})),c=[];for(var u in r.paths)r.paths.hasOwnProperty(u)&&c.push(r.paths[u]);function f(t){var e=t.categoryInds.map((function(t,e){return i[e][t]}));return o.map((function(t){return e[t]}))}c.sort((function(e,r){var n=f(e),i=f(r);return"backward"===t.sortpaths&&(n.reverse(),i.reverse()),n.push(e.valueInds[0]),i.push(r.valueInds[0]),t.bundlecolors&&(n.unshift(e.rawColor),i.unshift(r.rawColor)),ni?1:0}));for(var h=new Array(c.length),p=e[0].model.count,d=e[0].categories.map((function(t){return t.height})).reduce((function(t,e){return t+e})),g=0;g0?d*(v.count/p):0;for(var y,x=new Array(n.length),b=0;b1?(t.width-80-16)/(n-1):0)*i;var a,o,s,l,c,u=[],f=t.model.maxCats,h=e.categories.length,p=e.count,d=t.height-8*(f-1),g=8*(f-h)/2,m=e.categories.map((function(t){return{displayInd:t.displayInd,categoryInd:t.categoryInd}}));for(m.sort((function(t,e){return t.displayInd-e.displayInd})),c=0;c0?o.count/p*d:0,s={key:o.valueInds[0],model:o,width:16,height:a,y:null!==o.dragY?o.dragY:g,bands:[],parcatsViewModel:t},g=g+a+8,u.push(s);return{key:e.dimensionInd,x:null!==e.dragX?e.dragX:r,y:0,width:16,model:e,categories:u,parcatsViewModel:t,dragCategoryDisplayInd:null,dragDimensionDisplayInd:null,initialDragDimensionDisplayInds:null,initialDragCategoryDisplayInds:null,dragHasMoved:null,potentialClickBand:null}}e.exports=function(t,e,r,n){f(r,t,n,e)}},{"../../components/drawing":665,"../../components/fx":683,"../../lib":778,"../../lib/svg_text_utils":803,"../../plot_api/plot_api":814,d3:169,tinycolor2:576}],1148:[function(t,e,r){"use strict";var n=t("./parcats");e.exports=function(t,e,r,i){var a=t._fullLayout,o=a._paper,s=a._size;n(t,o,e,{width:s.w,height:s.h,margin:{t:s.t,r:s.r,b:s.b,l:s.l}},r,i)}},{"./parcats":1147}],1149:[function(t,e,r){"use strict";var n=t("../../components/colorscale/attributes"),i=t("../../plots/cartesian/layout_attributes"),a=t("../../plots/font_attributes"),o=t("../../plots/domain").attributes,s=t("../../lib/extend").extendFlat,l=t("../../plot_api/plot_template").templatedArray;e.exports={domain:o({name:"parcoords",trace:!0,editType:"plot"}),labelangle:{valType:"angle",dflt:0,editType:"plot"},labelside:{valType:"enumerated",values:["top","bottom"],dflt:"top",editType:"plot"},labelfont:a({editType:"plot"}),tickfont:a({editType:"plot"}),rangefont:a({editType:"plot"}),dimensions:l("dimension",{label:{valType:"string",editType:"plot"},tickvals:s({},i.tickvals,{editType:"plot"}),ticktext:s({},i.ticktext,{editType:"plot"}),tickformat:s({},i.tickformat,{editType:"plot"}),visible:{valType:"boolean",dflt:!0,editType:"plot"},range:{valType:"info_array",items:[{valType:"number",editType:"plot"},{valType:"number",editType:"plot"}],editType:"plot"},constraintrange:{valType:"info_array",freeLength:!0,dimensions:"1-2",items:[{valType:"number",editType:"plot"},{valType:"number",editType:"plot"}],editType:"plot"},multiselect:{valType:"boolean",dflt:!0,editType:"plot"},values:{valType:"data_array",editType:"calc"},editType:"calc"}),line:s({editType:"calc"},n("line",{colorscaleDflt:"Viridis",autoColorDflt:!1,editTypeOverride:"calc"}))}},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plot_api/plot_template":817,"../../plots/cartesian/layout_attributes":842,"../../plots/domain":855,"../../plots/font_attributes":856}],1150:[function(t,e,r){"use strict";var n=t("./constants"),i=t("d3"),a=t("../../lib/gup").keyFun,o=t("../../lib/gup").repeat,s=t("../../lib").sorterAsc,l=t("../../lib").strTranslate,c=n.bar.snapRatio;function u(t,e){return t*(1-c)+e*c}var f=n.bar.snapClose;function h(t,e){return t*(1-f)+e*f}function p(t,e,r,n){if(function(t,e){for(var r=0;r=e[r][0]&&t<=e[r][1])return!0;return!1}(r,n))return r;var i=t?-1:1,a=0,o=e.length-1;if(i<0){var s=a;a=o,o=s}for(var l=e[a],c=l,f=a;i*fe){h=r;break}}if(a=u,isNaN(a)&&(a=isNaN(f)||isNaN(h)?isNaN(f)?h:f:e-c[f][1]t[1]+r||e=.9*t[1]+.1*t[0]?"n":e<=.9*t[0]+.1*t[1]?"s":"ns"}(d,e);g&&(o.interval=l[a],o.intervalPix=d,o.region=g)}}if(t.ordinal&&!o.region){var m=t.unitTickvals,y=t.unitToPaddedPx.invert(e);for(r=0;r=x[0]&&y<=x[1]){o.clickableOrdinalRange=x;break}}}return o}function w(t,e){i.event.sourceEvent.stopPropagation();var r=e.height-i.mouse(t)[1]-2*n.verticalPadding,a=e.brush.svgBrush;a.wasDragged=!0,a._dragging=!0,a.grabbingBar?a.newExtent=[r-a.grabPoint,r+a.barLength-a.grabPoint].map(e.unitToPaddedPx.invert):a.newExtent=[a.startExtent,e.unitToPaddedPx.invert(r)].sort(s),e.brush.filterSpecified=!0,a.extent=a.stayingIntervals.concat([a.newExtent]),a.brushCallback(e),b(t.parentNode)}function T(t,e){var r=_(e,e.height-i.mouse(t)[1]-2*n.verticalPadding),a="crosshair";r.clickableOrdinalRange?a="pointer":r.region&&(a=r.region+"-resize"),i.select(document.body).style("cursor",a)}function k(t){t.on("mousemove",(function(t){i.event.preventDefault(),t.parent.inBrushDrag||T(this,t)})).on("mouseleave",(function(t){t.parent.inBrushDrag||y()})).call(i.behavior.drag().on("dragstart",(function(t){!function(t,e){i.event.sourceEvent.stopPropagation();var r=e.height-i.mouse(t)[1]-2*n.verticalPadding,a=e.unitToPaddedPx.invert(r),o=e.brush,s=_(e,r),l=s.interval,c=o.svgBrush;if(c.wasDragged=!1,c.grabbingBar="ns"===s.region,c.grabbingBar){var u=l.map(e.unitToPaddedPx);c.grabPoint=r-u[0]-n.verticalPadding,c.barLength=u[1]-u[0]}c.clickableOrdinalRange=s.clickableOrdinalRange,c.stayingIntervals=e.multiselect&&o.filterSpecified?o.filter.getConsolidated():[],l&&(c.stayingIntervals=c.stayingIntervals.filter((function(t){return t[0]!==l[0]&&t[1]!==l[1]}))),c.startExtent=s.region?l["s"===s.region?1:0]:a,e.parent.inBrushDrag=!0,c.brushStartCallback()}(this,t)})).on("drag",(function(t){w(this,t)})).on("dragend",(function(t){!function(t,e){var r=e.brush,n=r.filter,a=r.svgBrush;a._dragging||(T(t,e),w(t,e),e.brush.svgBrush.wasDragged=!1),a._dragging=!1,i.event.sourceEvent.stopPropagation();var o=a.grabbingBar;if(a.grabbingBar=!1,a.grabLocation=void 0,e.parent.inBrushDrag=!1,y(),!a.wasDragged)return a.wasDragged=void 0,a.clickableOrdinalRange?r.filterSpecified&&e.multiselect?a.extent.push(a.clickableOrdinalRange):(a.extent=[a.clickableOrdinalRange],r.filterSpecified=!0):o?(a.extent=a.stayingIntervals,0===a.extent.length&&A(r)):A(r),a.brushCallback(e),b(t.parentNode),void a.brushEndCallback(r.filterSpecified?n.getConsolidated():[]);var s=function(){n.set(n.getConsolidated())};if(e.ordinal){var l=e.unitTickvals;l[l.length-1]a.newExtent[0];a.extent=a.stayingIntervals.concat(c?[a.newExtent]:[]),a.extent.length||A(r),a.brushCallback(e),c?b(t.parentNode,s):(s(),b(t.parentNode))}else s();a.brushEndCallback(r.filterSpecified?n.getConsolidated():[])}(this,t)})))}function M(t,e){return t[0]-e[0]}function A(t){t.filterSpecified=!1,t.svgBrush.extent=[[-1/0,1/0]]}function S(t){for(var e,r=t.slice(),n=[],i=r.shift();i;){for(e=i.slice();(i=r.shift())&&i[0]<=e[1];)e[1]=Math.max(e[1],i[1]);n.push(e)}return 1===n.length&&n[0][0]>n[0][1]&&(n=[]),n}e.exports={makeBrush:function(t,e,r,n,i,a){var o,l=function(){var t,e,r=[];return{set:function(n){1===(r=n.map((function(t){return t.slice().sort(s)})).sort(M)).length&&r[0][0]===-1/0&&r[0][1]===1/0&&(r=[[0,-1]]),t=S(r),e=r.reduce((function(t,e){return[Math.min(t[0],e[0]),Math.max(t[1],e[1])]}),[1/0,-1/0])},get:function(){return r.slice()},getConsolidated:function(){return t},getBounds:function(){return e}}}();return l.set(r),{filter:l,filterSpecified:e,svgBrush:{extent:[],brushStartCallback:n,brushCallback:(o=i,function(t){var e=t.brush,r=function(t){return t.svgBrush.extent.map((function(t){return t.slice()}))}(e).slice();e.filter.set(r),o()}),brushEndCallback:a}}},ensureAxisBrush:function(t){var e=t.selectAll("."+n.cn.axisBrush).data(o,a);e.enter().append("g").classed(n.cn.axisBrush,!0),function(t){var e=t.selectAll(".background").data(o);e.enter().append("rect").classed("background",!0).call(d).call(g).style("pointer-events","auto").attr("transform",l(0,n.verticalPadding)),e.call(k).attr("height",(function(t){return t.height-n.verticalPadding}));var r=t.selectAll(".highlight-shadow").data(o);r.enter().append("line").classed("highlight-shadow",!0).attr("x",-n.bar.width/2).attr("stroke-width",n.bar.width+n.bar.strokeWidth).attr("stroke",n.bar.strokeColor).attr("opacity",n.bar.strokeOpacity).attr("stroke-linecap","butt"),r.attr("y1",(function(t){return t.height})).call(x);var i=t.selectAll(".highlight").data(o);i.enter().append("line").classed("highlight",!0).attr("x",-n.bar.width/2).attr("stroke-width",n.bar.width-n.bar.strokeWidth).attr("stroke",n.bar.fillColor).attr("opacity",n.bar.fillOpacity).attr("stroke-linecap","butt"),i.attr("y1",(function(t){return t.height})).call(x)}(e)},cleanRanges:function(t,e){if(Array.isArray(t[0])?(t=t.map((function(t){return t.sort(s)})),t=e.multiselect?S(t.sort(M)):[t[0]]):t=[t.sort(s)],e.tickvals){var r=e.tickvals.slice().sort(s);if(!(t=t.map((function(t){var e=[p(0,r,t[0],[]),p(1,r,t[1],[])];if(e[1]>e[0])return e})).filter((function(t){return t}))).length)return}return t.length>1?t:t[0]}}},{"../../lib":778,"../../lib/gup":775,"./constants":1153,d3:169}],1151:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../plots/get_data").getModuleCalcData,a=t("./plot"),o=t("../../constants/xmlns_namespaces");r.name="parcoords",r.plot=function(t){var e=i(t.calcdata,"parcoords")[0];e.length&&a(t,e)},r.clean=function(t,e,r,n){var i=n._has&&n._has("parcoords"),a=e._has&&e._has("parcoords");i&&!a&&(n._paperdiv.selectAll(".parcoords").remove(),n._glimages.selectAll("*").remove())},r.toSVG=function(t){var e=t._fullLayout._glimages,r=n.select(t).selectAll(".svg-container");r.filter((function(t,e){return e===r.size()-1})).selectAll(".gl-canvas-context, .gl-canvas-focus").each((function(){var t=this.toDataURL("image/png");e.append("svg:image").attr({xmlns:o.svg,"xlink:href":t,preserveAspectRatio:"none",x:0,y:0,width:this.width,height:this.height})})),window.setTimeout((function(){n.selectAll("#filterBarPattern").attr("id","filterBarPattern")}),60)}},{"../../constants/xmlns_namespaces":754,"../../plots/get_data":865,"./plot":1160,d3:169}],1152:[function(t,e,r){"use strict";var n=t("../../lib").isArrayOrTypedArray,i=t("../../components/colorscale"),a=t("../../lib/gup").wrap;e.exports=function(t,e){var r,o;return i.hasColorscale(e,"line")&&n(e.line.color)?(r=e.line.color,o=i.extractOpts(e.line).colorscale,i.calc(t,e,{vals:r,containerStr:"line",cLetter:"c"})):(r=function(t){for(var e=new Array(t),r=0;rf&&(n.log("parcoords traces support up to "+f+" dimensions at the moment"),d.splice(f));var g=s(t,e,{name:"dimensions",layout:l,handleItemDefaults:p}),m=function(t,e,r,o,s){var l=s("line.color",r);if(i(t,"line")&&n.isArrayOrTypedArray(l)){if(l.length)return s("line.colorscale"),a(t,e,o,s,{prefix:"line.",cLetter:"c"}),l.length;e.line.color=r}return 1/0}(t,e,r,l,u);o(e,l,u),Array.isArray(g)&&g.length||(e.visible=!1),h(e,g,"values",m);var v={family:l.font.family,size:Math.round(l.font.size/1.2),color:l.font.color};n.coerceFont(u,"labelfont",v),n.coerceFont(u,"tickfont",v),n.coerceFont(u,"rangefont",v),u("labelangle"),u("labelside")}},{"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654,"../../lib":778,"../../plots/array_container_defaults":823,"../../plots/cartesian/axes":828,"../../plots/domain":855,"./attributes":1149,"./axisbrush":1150,"./constants":1153,"./merge_length":1158}],1155:[function(t,e,r){"use strict";var n=t("../../lib").isTypedArray;r.convertTypedArray=function(t){return n(t)?Array.prototype.slice.call(t):t},r.isOrdinal=function(t){return!!t.tickvals},r.isVisible=function(t){return t.visible||!("visible"in t)}},{"../../lib":778}],1156:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc"),plot:t("./plot"),colorbar:{container:"line",min:"cmin",max:"cmax"},moduleType:"trace",name:"parcoords",basePlotModule:t("./base_plot"),categories:["gl","regl","noOpacity","noHover"],meta:{}}},{"./attributes":1149,"./base_plot":1151,"./calc":1152,"./defaults":1154,"./plot":1160}],1157:[function(t,e,r){"use strict";var n=t("glslify"),i=n(["precision highp float;\n#define GLSLIFY 1\n\nvarying vec4 fragColor;\n\nattribute vec4 p01_04, p05_08, p09_12, p13_16,\n p17_20, p21_24, p25_28, p29_32,\n p33_36, p37_40, p41_44, p45_48,\n p49_52, p53_56, p57_60, colors;\n\nuniform mat4 dim0A, dim1A, dim0B, dim1B, dim0C, dim1C, dim0D, dim1D,\n loA, hiA, loB, hiB, loC, hiC, loD, hiD;\n\nuniform vec2 resolution, viewBoxPos, viewBoxSize;\nuniform sampler2D mask, palette;\nuniform float maskHeight;\nuniform float drwLayer; // 0: context, 1: focus, 2: pick\nuniform vec4 contextColor;\n\nbool isPick = (drwLayer > 1.5);\nbool isContext = (drwLayer < 0.5);\n\nconst vec4 ZEROS = vec4(0.0, 0.0, 0.0, 0.0);\nconst vec4 UNITS = vec4(1.0, 1.0, 1.0, 1.0);\n\nfloat val(mat4 p, mat4 v) {\n return dot(matrixCompMult(p, v) * UNITS, UNITS);\n}\n\nfloat axisY(float ratio, mat4 A, mat4 B, mat4 C, mat4 D) {\n float y1 = val(A, dim0A) + val(B, dim0B) + val(C, dim0C) + val(D, dim0D);\n float y2 = val(A, dim1A) + val(B, dim1B) + val(C, dim1C) + val(D, dim1D);\n return y1 * (1.0 - ratio) + y2 * ratio;\n}\n\nint iMod(int a, int b) {\n return a - b * (a / b);\n}\n\nbool fOutside(float p, float lo, float hi) {\n return (lo < hi) && (lo > p || p > hi);\n}\n\nbool vOutside(vec4 p, vec4 lo, vec4 hi) {\n return (\n fOutside(p[0], lo[0], hi[0]) ||\n fOutside(p[1], lo[1], hi[1]) ||\n fOutside(p[2], lo[2], hi[2]) ||\n fOutside(p[3], lo[3], hi[3])\n );\n}\n\nbool mOutside(mat4 p, mat4 lo, mat4 hi) {\n return (\n vOutside(p[0], lo[0], hi[0]) ||\n vOutside(p[1], lo[1], hi[1]) ||\n vOutside(p[2], lo[2], hi[2]) ||\n vOutside(p[3], lo[3], hi[3])\n );\n}\n\nbool outsideBoundingBox(mat4 A, mat4 B, mat4 C, mat4 D) {\n return mOutside(A, loA, hiA) ||\n mOutside(B, loB, hiB) ||\n mOutside(C, loC, hiC) ||\n mOutside(D, loD, hiD);\n}\n\nbool outsideRasterMask(mat4 A, mat4 B, mat4 C, mat4 D) {\n mat4 pnts[4];\n pnts[0] = A;\n pnts[1] = B;\n pnts[2] = C;\n pnts[3] = D;\n\n for(int i = 0; i < 4; ++i) {\n for(int j = 0; j < 4; ++j) {\n for(int k = 0; k < 4; ++k) {\n if(0 == iMod(\n int(255.0 * texture2D(mask,\n vec2(\n (float(i * 2 + j / 2) + 0.5) / 8.0,\n (pnts[i][j][k] * (maskHeight - 1.0) + 1.0) / maskHeight\n ))[3]\n ) / int(pow(2.0, float(iMod(j * 4 + k, 8)))),\n 2\n )) return true;\n }\n }\n }\n return false;\n}\n\nvec4 position(bool isContext, float v, mat4 A, mat4 B, mat4 C, mat4 D) {\n float x = 0.5 * sign(v) + 0.5;\n float y = axisY(x, A, B, C, D);\n float z = 1.0 - abs(v);\n\n z += isContext ? 0.0 : 2.0 * float(\n outsideBoundingBox(A, B, C, D) ||\n outsideRasterMask(A, B, C, D)\n );\n\n return vec4(\n 2.0 * (vec2(x, y) * viewBoxSize + viewBoxPos) / resolution - 1.0,\n z,\n 1.0\n );\n}\n\nvoid main() {\n mat4 A = mat4(p01_04, p05_08, p09_12, p13_16);\n mat4 B = mat4(p17_20, p21_24, p25_28, p29_32);\n mat4 C = mat4(p33_36, p37_40, p41_44, p45_48);\n mat4 D = mat4(p49_52, p53_56, p57_60, ZEROS);\n\n float v = colors[3];\n\n gl_Position = position(isContext, v, A, B, C, D);\n\n fragColor =\n isContext ? vec4(contextColor) :\n isPick ? vec4(colors.rgb, 1.0) : texture2D(palette, vec2(abs(v), 0.5));\n}\n"]),a=n(["precision highp float;\n#define GLSLIFY 1\n\nvarying vec4 fragColor;\n\nvoid main() {\n gl_FragColor = fragColor;\n}\n"]),o=t("./constants").maxDimensionCount,s=t("../../lib"),l=new Uint8Array(4),c=new Uint8Array(4),u={shape:[256,1],format:"rgba",type:"uint8",mag:"nearest",min:"nearest"};function f(t,e,r,n,i){var a=t._gl;a.enable(a.SCISSOR_TEST),a.scissor(e,r,n,i),t.clear({color:[0,0,0,0],depth:1})}function h(t,e,r,n,i,a){var o=a.key;r.drawCompleted||(!function(t){t.read({x:0,y:0,width:1,height:1,data:l})}(t),r.drawCompleted=!0),function s(l){var c=Math.min(n,i-l*n);0===l&&(window.cancelAnimationFrame(r.currentRafs[o]),delete r.currentRafs[o],f(t,a.scissorX,a.scissorY,a.scissorWidth,a.viewBoxSize[1])),r.clearOnly||(a.count=2*c,a.offset=2*l*n,e(a),l*n+c>>8*e)%256/255}function g(t,e,r){for(var n=new Array(8*e),i=0,a=0;au&&(u=t[i].dim1.canvasX,o=i);0===s&&f(T,0,0,r.canvasWidth,r.canvasHeight);var p=function(t){var e,r,n,i=[[],[]];for(n=0;n<64;n++){var a=!t&&ni._length&&(A=A.slice(0,i._length));var E,C=i.tickvals;function L(t,e){return{val:t,text:E[e]}}function I(t,e){return t.val-e.val}if(Array.isArray(C)&&C.length){E=i.ticktext,Array.isArray(E)&&E.length?E.length>C.length?E=E.slice(0,C.length):C.length>E.length&&(C=C.slice(0,E.length)):E=C.map(n.format(i.tickformat));for(var P=1;P=r||l>=a)return;var c=t.lineLayer.readPixel(s,a-1-l),u=0!==c[3],f=u?c[2]+256*(c[1]+256*c[0]):null,h={x:s,y:l,clientX:e.clientX,clientY:e.clientY,dataIndex:t.model.key,curveNumber:f};f!==R&&(u?i.hover(h):i.unhover&&i.unhover(h),R=f)}})),D.style("opacity",(function(t){return t.pick?0:1})),h.style("background","rgba(255, 255, 255, 0)");var F=h.selectAll("."+v.cn.parcoords).data(A,p);F.exit().remove(),F.enter().append("g").classed(v.cn.parcoords,!0).style("shape-rendering","crispEdges").style("pointer-events","none"),F.attr("transform",(function(t){return l(t.model.translateX,t.model.translateY)}));var B=F.selectAll("."+v.cn.parcoordsControlView).data(d,p);B.enter().append("g").classed(v.cn.parcoordsControlView,!0),B.attr("transform",(function(t){return l(t.model.pad.l,t.model.pad.t)}));var N=B.selectAll("."+v.cn.yAxis).data((function(t){return t.dimensions}),p);N.enter().append("g").classed(v.cn.yAxis,!0),B.each((function(t){P(N,t)})),D.each((function(t){if(t.viewModel){!t.lineLayer||i?t.lineLayer=x(this,t):t.lineLayer.update(t),(t.key||0===t.key)&&(t.viewModel[t.key]=t.lineLayer);var e=!t.context||i;t.lineLayer.render(t.viewModel.panels,e)}})),N.attr("transform",(function(t){return l(t.xScale(t.xIndex),0)})),N.call(n.behavior.drag().origin((function(t){return t})).on("drag",(function(t){var e=t.parent;M.linePickActive(!1),t.x=Math.max(-v.overdrag,Math.min(t.model.width+v.overdrag,n.event.x)),t.canvasX=t.x*t.model.canvasPixelRatio,N.sort((function(t,e){return t.x-e.x})).each((function(e,r){e.xIndex=r,e.x=t===e?e.x:e.xScale(e.xIndex),e.canvasX=e.x*e.model.canvasPixelRatio})),P(N,e),N.filter((function(e){return 0!==Math.abs(t.xIndex-e.xIndex)})).attr("transform",(function(t){return l(t.xScale(t.xIndex),0)})),n.select(this).attr("transform",l(t.x,0)),N.each((function(r,n,i){i===t.parent.key&&(e.dimensions[n]=r)})),e.contextLayer&&e.contextLayer.render(e.panels,!1,!S(e)),e.focusLayer.render&&e.focusLayer.render(e.panels)})).on("dragend",(function(t){var e=t.parent;t.x=t.xScale(t.xIndex),t.canvasX=t.x*t.model.canvasPixelRatio,P(N,e),n.select(this).attr("transform",(function(t){return l(t.x,0)})),e.contextLayer&&e.contextLayer.render(e.panels,!1,!S(e)),e.focusLayer&&e.focusLayer.render(e.panels),e.pickLayer&&e.pickLayer.render(e.panels,!0),M.linePickActive(!0),i&&i.axesMoved&&i.axesMoved(e.key,e.dimensions.map((function(t){return t.crossfilterDimensionIndex})))}))),N.exit().remove();var j=N.selectAll("."+v.cn.axisOverlays).data(d,p);j.enter().append("g").classed(v.cn.axisOverlays,!0),j.selectAll("."+v.cn.axis).remove();var U=j.selectAll("."+v.cn.axis).data(d,p);U.enter().append("g").classed(v.cn.axis,!0),U.each((function(t){var e=t.model.height/t.model.tickDistance,r=t.domainScale,i=r.domain();n.select(this).call(n.svg.axis().orient("left").tickSize(4).outerTickSize(2).ticks(e,t.tickFormat).tickValues(t.ordinal?i:null).tickFormat((function(e){return m.isOrdinal(t)?e:z(t.model.dimensions[t.visibleIndex],e)})).scale(r)),u.font(U.selectAll("text"),t.model.tickFont)})),U.selectAll(".domain, .tick>line").attr("fill","none").attr("stroke","black").attr("stroke-opacity",.25).attr("stroke-width","1px"),U.selectAll("text").style("text-shadow","1px 1px 1px #fff, -1px -1px 1px #fff, 1px -1px 1px #fff, -1px 1px 1px #fff").style("cursor","default");var V=j.selectAll("."+v.cn.axisHeading).data(d,p);V.enter().append("g").classed(v.cn.axisHeading,!0);var q=V.selectAll("."+v.cn.axisTitle).data(d,p);q.enter().append("text").classed(v.cn.axisTitle,!0).attr("text-anchor","middle").style("cursor","ew-resize").style("pointer-events","auto"),q.text((function(t){return t.label})).each((function(e){var r=n.select(this);u.font(r,e.model.labelFont),c.convertToTspans(r,t)})).attr("transform",(function(t){var e=I(t.model.labelAngle,t.model.labelSide),r=v.axisTitleOffset;return(e.dir>0?"":l(0,2*r+t.model.height))+s(e.degrees)+l(-r*e.dx,-r*e.dy)})).attr("text-anchor",(function(t){var e=I(t.model.labelAngle,t.model.labelSide);return 2*Math.abs(e.dx)>Math.abs(e.dy)?e.dir*e.dx<0?"start":"end":"middle"}));var H=j.selectAll("."+v.cn.axisExtent).data(d,p);H.enter().append("g").classed(v.cn.axisExtent,!0);var G=H.selectAll("."+v.cn.axisExtentTop).data(d,p);G.enter().append("g").classed(v.cn.axisExtentTop,!0),G.attr("transform",l(0,-v.axisExtentOffset));var Y=G.selectAll("."+v.cn.axisExtentTopText).data(d,p);Y.enter().append("text").classed(v.cn.axisExtentTopText,!0).call(L),Y.text((function(t){return O(t,!0)})).each((function(t){u.font(n.select(this),t.model.rangeFont)}));var W=H.selectAll("."+v.cn.axisExtentBottom).data(d,p);W.enter().append("g").classed(v.cn.axisExtentBottom,!0),W.attr("transform",(function(t){return l(0,t.model.height+v.axisExtentOffset)}));var X=W.selectAll("."+v.cn.axisExtentBottomText).data(d,p);X.enter().append("text").classed(v.cn.axisExtentBottomText,!0).attr("dy","0.75em").call(L),X.text((function(t){return O(t,!1)})).each((function(t){u.font(n.select(this),t.model.rangeFont)})),y.ensureAxisBrush(j)}},{"../../components/colorscale":655,"../../components/drawing":665,"../../lib":778,"../../lib/gup":775,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"./axisbrush":1150,"./constants":1153,"./helpers":1155,"./lines":1157,"color-rgba":127,d3:169}],1160:[function(t,e,r){"use strict";var n=t("./parcoords"),i=t("../../lib/prepare_regl"),a=t("./helpers").isVisible;function o(t,e,r){var n=e.indexOf(r),i=t.indexOf(n);return-1===i&&(i+=e.length),i}e.exports=function(t,e){var r=t._fullLayout;if(i(t)){var s={},l={},c={},u={},f=r._size;e.forEach((function(e,r){var n=e[0].trace;c[r]=n.index;var i=u[r]=n._fullInput.index;s[r]=t.data[i].dimensions,l[r]=t.data[i].dimensions.slice()}));n(t,e,{width:f.w,height:f.h,margin:{t:f.t,r:f.r,b:f.b,l:f.l}},{filterChanged:function(e,n,i){var a=l[e][n],o=i.map((function(t){return t.slice()})),s="dimensions["+n+"].constraintrange",f=r._tracePreGUI[t._fullData[c[e]]._fullInput.uid];if(void 0===f[s]){var h=a.constraintrange;f[s]=h||null}var p=t._fullData[c[e]].dimensions[n];o.length?(1===o.length&&(o=o[0]),a.constraintrange=o,p.constraintrange=o.slice(),o=[o]):(delete a.constraintrange,delete p.constraintrange,o=null);var d={};d[s]=o,t.emit("plotly_restyle",[d,[u[e]]])},hover:function(e){t.emit("plotly_hover",e)},unhover:function(e){t.emit("plotly_unhover",e)},axesMoved:function(e,r){var n=function(t,e){return function(r,n){return o(t,e,r)-o(t,e,n)}}(r,l[e].filter(a));s[e].sort(n),l[e].filter((function(t){return!a(t)})).sort((function(t){return l[e].indexOf(t)})).forEach((function(t){s[e].splice(s[e].indexOf(t),1),s[e].splice(l[e].indexOf(t),0,t)})),t.emit("plotly_restyle",[{dimensions:[s[e]]},[u[e]]])}})}}},{"../../lib/prepare_regl":791,"./helpers":1155,"./parcoords":1159}],1161:[function(t,e,r){"use strict";var n=t("../../plots/attributes"),i=t("../../plots/domain").attributes,a=t("../../plots/font_attributes"),o=t("../../components/color/attributes"),s=t("../../plots/template_attributes").hovertemplateAttrs,l=t("../../plots/template_attributes").texttemplateAttrs,c=t("../../lib/extend").extendFlat,u=a({editType:"plot",arrayOk:!0,colorEditType:"plot"});e.exports={labels:{valType:"data_array",editType:"calc"},label0:{valType:"number",dflt:0,editType:"calc"},dlabel:{valType:"number",dflt:1,editType:"calc"},values:{valType:"data_array",editType:"calc"},marker:{colors:{valType:"data_array",editType:"calc"},line:{color:{valType:"color",dflt:o.defaultLine,arrayOk:!0,editType:"style"},width:{valType:"number",min:0,dflt:0,arrayOk:!0,editType:"style"},editType:"calc"},editType:"calc"},text:{valType:"data_array",editType:"plot"},hovertext:{valType:"string",dflt:"",arrayOk:!0,editType:"style"},scalegroup:{valType:"string",dflt:"",editType:"calc"},textinfo:{valType:"flaglist",flags:["label","text","value","percent"],extras:["none"],editType:"calc"},hoverinfo:c({},n.hoverinfo,{flags:["label","text","value","percent","name"]}),hovertemplate:s({},{keys:["label","color","value","percent","text"]}),texttemplate:l({editType:"plot"},{keys:["label","color","value","percent","text"]}),textposition:{valType:"enumerated",values:["inside","outside","auto","none"],dflt:"auto",arrayOk:!0,editType:"plot"},textfont:c({},u,{}),insidetextorientation:{valType:"enumerated",values:["horizontal","radial","tangential","auto"],dflt:"auto",editType:"plot"},insidetextfont:c({},u,{}),outsidetextfont:c({},u,{}),automargin:{valType:"boolean",dflt:!1,editType:"plot"},title:{text:{valType:"string",dflt:"",editType:"plot"},font:c({},u,{}),position:{valType:"enumerated",values:["top left","top center","top right","middle center","bottom left","bottom center","bottom right"],editType:"plot"},editType:"plot"},domain:i({name:"pie",trace:!0,editType:"calc"}),hole:{valType:"number",min:0,max:1,dflt:0,editType:"calc"},sort:{valType:"boolean",dflt:!0,editType:"calc"},direction:{valType:"enumerated",values:["clockwise","counterclockwise"],dflt:"counterclockwise",editType:"calc"},rotation:{valType:"number",min:-360,max:360,dflt:0,editType:"calc"},pull:{valType:"number",min:0,max:1,dflt:0,arrayOk:!0,editType:"calc"},_deprecated:{title:{valType:"string",dflt:"",editType:"calc"},titlefont:c({},u,{}),titleposition:{valType:"enumerated",values:["top left","top center","top right","middle center","bottom left","bottom center","bottom right"],editType:"calc"}}}},{"../../components/color/attributes":642,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/domain":855,"../../plots/font_attributes":856,"../../plots/template_attributes":906}],1162:[function(t,e,r){"use strict";var n=t("../../plots/plots");r.name="pie",r.plot=function(t,e,i,a){n.plotBasePlot(r.name,t,e,i,a)},r.clean=function(t,e,i,a){n.cleanBasePlot(r.name,t,e,i,a)}},{"../../plots/plots":891}],1163:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("tinycolor2"),a=t("../../components/color"),o={};function s(t){return function(e,r){return!!e&&(!!(e=i(e)).isValid()&&(e=a.addOpacity(e,e.getAlpha()),t[r]||(t[r]=e),e))}}function l(t,e){var r,n=JSON.stringify(t),a=e[n];if(!a){for(a=t.slice(),r=0;r0){s=!0;break}}s||(o=0)}return{hasLabels:r,hasValues:a,len:o}}e.exports={handleLabelsAndValues:l,supplyDefaults:function(t,e,r,n){function c(r,n){return i.coerce(t,e,a,r,n)}var u=l(c("labels"),c("values")),f=u.len;if(e._hasLabels=u.hasLabels,e._hasValues=u.hasValues,!e._hasLabels&&e._hasValues&&(c("label0"),c("dlabel")),f){e._length=f,c("marker.line.width")&&c("marker.line.color"),c("marker.colors"),c("scalegroup");var h,p=c("text"),d=c("texttemplate");if(d||(h=c("textinfo",Array.isArray(p)?"text+percent":"percent")),c("hovertext"),c("hovertemplate"),d||h&&"none"!==h){var g=c("textposition");s(t,e,n,c,g,{moduleHasSelected:!1,moduleHasUnselected:!1,moduleHasConstrain:!1,moduleHasCliponaxis:!1,moduleHasTextangle:!1,moduleHasInsideanchor:!1}),(Array.isArray(g)||"auto"===g||"outside"===g)&&c("automargin"),("inside"===g||"auto"===g||Array.isArray(g))&&c("insidetextorientation")}o(e,n,c);var m=c("hole");if(c("title.text")){var v=c("title.position",m?"middle center":"top center");m||"middle center"!==v||(e.title.position="top center"),i.coerceFont(c,"title.font",n.font)}c("sort"),c("direction"),c("rotation"),c("pull")}else e.visible=!1}}},{"../../lib":778,"../../plots/domain":855,"../bar/defaults":925,"./attributes":1161,"fast-isnumeric":241}],1165:[function(t,e,r){"use strict";var n=t("../../components/fx/helpers").appendArrayMultiPointValues;e.exports=function(t,e){var r={curveNumber:e.index,pointNumbers:t.pts,data:e._input,fullData:e,label:t.label,color:t.color,value:t.v,percent:t.percent,text:t.text,v:t.v};return 1===t.pts.length&&(r.pointNumber=r.i=t.pts[0]),n(r,e,t.pts),"funnelarea"===e.type&&(delete r.v,delete r.i),r}},{"../../components/fx/helpers":679}],1166:[function(t,e,r){"use strict";var n=t("../../lib");function i(t){return-1!==t.indexOf("e")?t.replace(/[.]?0+e/,"e"):-1!==t.indexOf(".")?t.replace(/[.]?0+$/,""):t}r.formatPiePercent=function(t,e){var r=i((100*t).toPrecision(3));return n.numSeparate(r,e)+"%"},r.formatPieValue=function(t,e){var r=i(t.toPrecision(10));return n.numSeparate(r,e)},r.getFirstFilled=function(t,e){if(Array.isArray(t))for(var r=0;r"),name:u.hovertemplate||-1!==f.indexOf("name")?u.name:void 0,idealAlign:t.pxmid[0]<0?"left":"right",color:m.castOption(b.bgcolor,t.pts)||t.color,borderColor:m.castOption(b.bordercolor,t.pts),fontFamily:m.castOption(_.family,t.pts),fontSize:m.castOption(_.size,t.pts),fontColor:m.castOption(_.color,t.pts),nameLength:m.castOption(b.namelength,t.pts),textAlign:m.castOption(b.align,t.pts),hovertemplate:m.castOption(u.hovertemplate,t.pts),hovertemplateLabels:t,eventData:[v(t,u)]},{container:r._hoverlayer.node(),outerContainer:r._paper.node(),gd:e}),o._hasHoverLabel=!0}o._hasHoverEvent=!0,e.emit("plotly_hover",{points:[v(t,u)],event:n.event})}})),t.on("mouseout",(function(t){var r=e._fullLayout,i=e._fullData[o.index],s=n.select(this).datum();o._hasHoverEvent&&(t.originalEvent=n.event,e.emit("plotly_unhover",{points:[v(s,i)],event:n.event}),o._hasHoverEvent=!1),o._hasHoverLabel&&(a.loneUnhover(r._hoverlayer.node()),o._hasHoverLabel=!1)})),t.on("click",(function(t){var r=e._fullLayout,i=e._fullData[o.index];e._dragging||!1===r.hovermode||(e._hoverdata=[v(t,i)],a.click(e,n.event))}))}function b(t,e,r){var n=m.castOption(t.insidetextfont.color,e.pts);!n&&t._input.textfont&&(n=m.castOption(t._input.textfont.color,e.pts));var i=m.castOption(t.insidetextfont.family,e.pts)||m.castOption(t.textfont.family,e.pts)||r.family,a=m.castOption(t.insidetextfont.size,e.pts)||m.castOption(t.textfont.size,e.pts)||r.size;return{color:n||o.contrast(e.color),family:i,size:a}}function _(t,e){for(var r,n,i=0;ie&&e>n||r=-4;m-=2)v(Math.PI*m,"tan");for(m=4;m>=-4;m-=2)v(Math.PI*(m+1),"tan")}if(f||p){for(m=4;m>=-4;m-=2)v(Math.PI*(m+1.5),"rad");for(m=4;m>=-4;m-=2)v(Math.PI*(m+.5),"rad")}}if(s||d||f){var y=Math.sqrt(t.width*t.width+t.height*t.height);if((a={scale:i*n*2/y,rCenter:1-i,rotate:0}).textPosAngle=(e.startangle+e.stopangle)/2,a.scale>=1)return a;g.push(a)}(d||p)&&((a=T(t,n,o,l,c)).textPosAngle=(e.startangle+e.stopangle)/2,g.push(a)),(d||h)&&((a=k(t,n,o,l,c)).textPosAngle=(e.startangle+e.stopangle)/2,g.push(a));for(var x=0,b=0,_=0;_=1)break}return g[x]}function T(t,e,r,n,i){e=Math.max(0,e-2*g);var a=t.width/t.height,o=S(a,n,e,r);return{scale:2*o/t.height,rCenter:M(a,o/e),rotate:A(i)}}function k(t,e,r,n,i){e=Math.max(0,e-2*g);var a=t.height/t.width,o=S(a,n,e,r);return{scale:2*o/t.width,rCenter:M(a,o/e),rotate:A(i+Math.PI/2)}}function M(t,e){return Math.cos(e)-t*e}function A(t){return(180/Math.PI*t+720)%180-90}function S(t,e,r,n){var i=t+1/(2*Math.tan(e));return r*Math.min(1/(Math.sqrt(i*i+.5)+i),n/(Math.sqrt(t*t+n/2)+t))}function E(t,e){return t.v!==e.vTotal||e.trace.hole?Math.min(1/(1+1/Math.sin(t.halfangle)),t.ring/2):1}function C(t,e){var r=e.pxmid[0],n=e.pxmid[1],i=t.width/2,a=t.height/2;return r<0&&(i*=-1),n<0&&(a*=-1),{scale:1,rCenter:1,rotate:0,x:i+Math.abs(a)*(i>0?1:-1)/2,y:a/(1+r*r/(n*n)),outside:!0}}function L(t,e){var r,n,i,a=t.trace,o={x:t.cx,y:t.cy},s={tx:0,ty:0};s.ty+=a.title.font.size,i=P(a),-1!==a.title.position.indexOf("top")?(o.y-=(1+i)*t.r,s.ty-=t.titleBox.height):-1!==a.title.position.indexOf("bottom")&&(o.y+=(1+i)*t.r);var l,c,u=(l=t.r,c=t.trace.aspectratio,l/(void 0===c?1:c)),f=e.w*(a.domain.x[1]-a.domain.x[0])/2;return-1!==a.title.position.indexOf("left")?(f+=u,o.x-=(1+i)*u,s.tx+=t.titleBox.width/2):-1!==a.title.position.indexOf("center")?f*=2:-1!==a.title.position.indexOf("right")&&(f+=u,o.x+=(1+i)*u,s.tx-=t.titleBox.width/2),r=f/t.titleBox.width,n=I(t,e)/t.titleBox.height,{x:o.x,y:o.y,scale:Math.min(r,n),tx:s.tx,ty:s.ty}}function I(t,e){var r=t.trace,n=e.h*(r.domain.y[1]-r.domain.y[0]);return Math.min(t.titleBox.height,n/2)}function P(t){var e,r=t.pull;if(!r)return 0;if(Array.isArray(r))for(r=0,e=0;er&&(r=t.pull[e]);return r}function z(t,e){for(var r=[],n=0;n1?(c=r.r,u=c/i.aspectratio):(u=r.r,c=u*i.aspectratio),c*=(1+i.baseratio)/2,l=c*u}o=Math.min(o,l/r.vTotal)}for(n=0;n")}if(a){var x=l.castOption(i,e.i,"texttemplate");if(x){var b=function(t){return{label:t.label,value:t.v,valueLabel:m.formatPieValue(t.v,n.separators),percent:t.v/r.vTotal,percentLabel:m.formatPiePercent(t.v/r.vTotal,n.separators),color:t.color,text:t.text,customdata:l.castOption(i,t.i,"customdata")}}(e),_=m.getFirstFilled(i.text,e.pts);(y(_)||""===_)&&(b.text=_),e.text=l.texttemplateString(x,b,t._fullLayout._d3locale,b,i._meta||{})}else e.text=""}}function R(t,e){var r=t.rotate*Math.PI/180,n=Math.cos(r),i=Math.sin(r),a=(e.left+e.right)/2,o=(e.top+e.bottom)/2;t.textX=a*n-o*i,t.textY=a*i+o*n,t.noCenter=!0}e.exports={plot:function(t,e){var r=t._fullLayout,a=r._size;d("pie",r),_(e,t),z(e,a);var h=l.makeTraceGroups(r._pielayer,e,"trace").each((function(e){var h=n.select(this),d=e[0],g=d.trace;!function(t){var e,r,n,i=t[0],a=i.r,o=i.trace,s=m.getRotationAngle(o.rotation),l=2*Math.PI/i.vTotal,c="px0",u="px1";if("counterclockwise"===o.direction){for(e=0;ei.vTotal/2?1:0,r.halfangle=Math.PI*Math.min(r.v/i.vTotal,.5),r.ring=1-o.hole,r.rInscribed=E(r,i))}(e),h.attr("stroke-linejoin","round"),h.each((function(){var v=n.select(this).selectAll("g.slice").data(e);v.enter().append("g").classed("slice",!0),v.exit().remove();var y=[[[],[]],[[],[]]],_=!1;v.each((function(i,a){if(i.hidden)n.select(this).selectAll("path,g").remove();else{i.pointNumber=i.i,i.curveNumber=g.index,y[i.pxmid[1]<0?0:1][i.pxmid[0]<0?0:1].push(i);var o=d.cx,c=d.cy,u=n.select(this),h=u.selectAll("path.surface").data([i]);if(h.enter().append("path").classed("surface",!0).style({"pointer-events":"all"}),u.call(x,t,e),g.pull){var v=+m.castOption(g.pull,i.pts)||0;v>0&&(o+=v*i.pxmid[0],c+=v*i.pxmid[1])}i.cxFinal=o,i.cyFinal=c;var T=g.hole;if(i.v===d.vTotal){var k="M"+(o+i.px0[0])+","+(c+i.px0[1])+L(i.px0,i.pxmid,!0,1)+L(i.pxmid,i.px0,!0,1)+"Z";T?h.attr("d","M"+(o+T*i.px0[0])+","+(c+T*i.px0[1])+L(i.px0,i.pxmid,!1,T)+L(i.pxmid,i.px0,!1,T)+"Z"+k):h.attr("d",k)}else{var M=L(i.px0,i.px1,!0,1);if(T){var A=1-T;h.attr("d","M"+(o+T*i.px1[0])+","+(c+T*i.px1[1])+L(i.px1,i.px0,!1,T)+"l"+A*i.px0[0]+","+A*i.px0[1]+M+"Z")}else h.attr("d","M"+o+","+c+"l"+i.px0[0]+","+i.px0[1]+M+"Z")}D(t,i,d);var S=m.castOption(g.textposition,i.pts),E=u.selectAll("g.slicetext").data(i.text&&"none"!==S?[0]:[]);E.enter().append("g").classed("slicetext",!0),E.exit().remove(),E.each((function(){var u=l.ensureSingle(n.select(this),"text","",(function(t){t.attr("data-notex",1)})),h=l.ensureUniformFontSize(t,"outside"===S?function(t,e,r){var n=m.castOption(t.outsidetextfont.color,e.pts)||m.castOption(t.textfont.color,e.pts)||r.color,i=m.castOption(t.outsidetextfont.family,e.pts)||m.castOption(t.textfont.family,e.pts)||r.family,a=m.castOption(t.outsidetextfont.size,e.pts)||m.castOption(t.textfont.size,e.pts)||r.size;return{color:n,family:i,size:a}}(g,i,r.font):b(g,i,r.font));u.text(i.text).attr({class:"slicetext",transform:"","text-anchor":"middle"}).call(s.font,h).call(f.convertToTspans,t);var v,y=s.bBox(u.node());if("outside"===S)v=C(y,i);else if(v=w(y,i,d),"auto"===S&&v.scale<1){var x=l.ensureUniformFontSize(t,g.outsidetextfont);u.call(s.font,x),v=C(y=s.bBox(u.node()),i)}var T=v.textPosAngle,k=void 0===T?i.pxmid:O(d.r,T);if(v.targetX=o+k[0]*v.rCenter+(v.x||0),v.targetY=c+k[1]*v.rCenter+(v.y||0),R(v,y),v.outside){var M=v.targetY;i.yLabelMin=M-y.height/2,i.yLabelMid=M,i.yLabelMax=M+y.height/2,i.labelExtraX=0,i.labelExtraY=0,_=!0}v.fontSize=h.size,p(g.type,v,r),e[a].transform=v,u.attr("transform",l.getTextTransform(v))}))}function L(t,e,r,n){var a=n*(e[0]-t[0]),o=n*(e[1]-t[1]);return"a"+n*d.r+","+n*d.r+" 0 "+i.largeArc+(r?" 1 ":" 0 ")+a+","+o}}));var T=n.select(this).selectAll("g.titletext").data(g.title.text?[0]:[]);if(T.enter().append("g").classed("titletext",!0),T.exit().remove(),T.each((function(){var e,r=l.ensureSingle(n.select(this),"text","",(function(t){t.attr("data-notex",1)})),i=g.title.text;g._meta&&(i=l.templateString(i,g._meta)),r.text(i).attr({class:"titletext",transform:"","text-anchor":"middle"}).call(s.font,g.title.font).call(f.convertToTspans,t),e="middle center"===g.title.position?function(t){var e=Math.sqrt(t.titleBox.width*t.titleBox.width+t.titleBox.height*t.titleBox.height);return{x:t.cx,y:t.cy,scale:t.trace.hole*t.r*2/e,tx:0,ty:-t.titleBox.height/2+t.trace.title.font.size}}(d):L(d,a),r.attr("transform",u(e.x,e.y)+c(Math.min(1,e.scale))+u(e.tx,e.ty))})),_&&function(t,e){var r,n,i,a,o,s,l,c,u,f,h,p,d;function g(t,e){return t.pxmid[1]-e.pxmid[1]}function v(t,e){return e.pxmid[1]-t.pxmid[1]}function y(t,r){r||(r={});var i,c,u,h,p=r.labelExtraY+(n?r.yLabelMax:r.yLabelMin),d=n?t.yLabelMin:t.yLabelMax,g=n?t.yLabelMax:t.yLabelMin,v=t.cyFinal+o(t.px0[1],t.px1[1]),y=p-d;if(y*l>0&&(t.labelExtraY=y),Array.isArray(e.pull))for(c=0;c=(m.castOption(e.pull,u.pts)||0)||((t.pxmid[1]-u.pxmid[1])*l>0?(y=u.cyFinal+o(u.px0[1],u.px1[1])-d-t.labelExtraY)*l>0&&(t.labelExtraY+=y):(g+t.labelExtraY-v)*l>0&&(i=3*s*Math.abs(c-f.indexOf(t)),(h=u.cxFinal+a(u.px0[0],u.px1[0])+i-(t.cxFinal+t.pxmid[0])-t.labelExtraX)*s>0&&(t.labelExtraX+=h)))}for(n=0;n<2;n++)for(i=n?g:v,o=n?Math.max:Math.min,l=n?1:-1,r=0;r<2;r++){for(a=r?Math.max:Math.min,s=r?1:-1,(c=t[n][r]).sort(i),u=t[1-n][r],f=u.concat(c),p=[],h=0;hMath.abs(f)?s+="l"+f*t.pxmid[0]/t.pxmid[1]+","+f+"H"+(a+t.labelExtraX+c):s+="l"+t.labelExtraX+","+u+"v"+(f-u)+"h"+c}else s+="V"+(t.yLabelMid+t.labelExtraY)+"h"+c;l.ensureSingle(r,"path","textline").call(o.stroke,e.outsidetextfont.color).attr({"stroke-width":Math.min(2,e.outsidetextfont.size/8),d:s,fill:"none"})}else r.select("path.textline").remove()}))}(v,g),_&&g.automargin){var k=s.bBox(h.node()),M=g.domain,A=a.w*(M.x[1]-M.x[0]),S=a.h*(M.y[1]-M.y[0]),E=(.5*A-d.r)/a.w,I=(.5*S-d.r)/a.h;i.autoMargin(t,"pie."+g.uid+".automargin",{xl:M.x[0]-E,xr:M.x[1]+E,yb:M.y[0]-I,yt:M.y[1]+I,l:Math.max(d.cx-d.r-k.left,0),r:Math.max(k.right-(d.cx+d.r),0),b:Math.max(k.bottom-(d.cy+d.r),0),t:Math.max(d.cy-d.r-k.top,0),pad:5})}}))}));setTimeout((function(){h.selectAll("tspan").each((function(){var t=n.select(this);t.attr("dy")&&t.attr("dy",t.attr("dy"))}))}),0)},formatSliceLabel:D,transformInsideText:w,determineInsideTextFont:b,positionTitleOutside:L,prerenderTitles:_,layoutAreas:z,attachFxHandlers:x,computeTransform:R}},{"../../components/color":643,"../../components/drawing":665,"../../components/fx":683,"../../lib":778,"../../lib/svg_text_utils":803,"../../plots/plots":891,"../bar/constants":923,"../bar/uniform_text":937,"./event_data":1165,"./helpers":1166,d3:169}],1171:[function(t,e,r){"use strict";var n=t("d3"),i=t("./style_one"),a=t("../bar/uniform_text").resizeText;e.exports=function(t){var e=t._fullLayout._pielayer.selectAll(".trace");a(t,e,"pie"),e.each((function(t){var e=t[0].trace,r=n.select(this);r.style({opacity:e.opacity}),r.selectAll("path.surface").each((function(t){n.select(this).call(i,t,e)}))}))}},{"../bar/uniform_text":937,"./style_one":1172,d3:169}],1172:[function(t,e,r){"use strict";var n=t("../../components/color"),i=t("./helpers").castOption;e.exports=function(t,e,r){var a=r.marker.line,o=i(a.color,e.pts)||n.defaultLine,s=i(a.width,e.pts)||0;t.style("stroke-width",s).call(n.fill,e.color).call(n.stroke,o)}},{"../../components/color":643,"./helpers":1166}],1173:[function(t,e,r){"use strict";var n=t("../scatter/attributes");e.exports={x:n.x,y:n.y,xy:{valType:"data_array",editType:"calc"},indices:{valType:"data_array",editType:"calc"},xbounds:{valType:"data_array",editType:"calc"},ybounds:{valType:"data_array",editType:"calc"},text:n.text,marker:{color:{valType:"color",arrayOk:!1,editType:"calc"},opacity:{valType:"number",min:0,max:1,dflt:1,arrayOk:!1,editType:"calc"},blend:{valType:"boolean",dflt:null,editType:"calc"},sizemin:{valType:"number",min:.1,max:2,dflt:.5,editType:"calc"},sizemax:{valType:"number",min:.1,dflt:20,editType:"calc"},border:{color:{valType:"color",arrayOk:!1,editType:"calc"},arearatio:{valType:"number",min:0,max:1,dflt:0,editType:"calc"},editType:"calc"},editType:"calc"},transforms:void 0}},{"../scatter/attributes":1187}],1174:[function(t,e,r){"use strict";var n=t("gl-pointcloud2d"),i=t("../../lib/str2rgbarray"),a=t("../../plots/cartesian/autorange").findExtremes,o=t("../scatter/get_trace_color");function s(t,e){this.scene=t,this.uid=e,this.type="pointcloud",this.pickXData=[],this.pickYData=[],this.xData=[],this.yData=[],this.textLabels=[],this.color="rgb(0, 0, 0)",this.name="",this.hoverinfo="all",this.idToIndex=new Int32Array(0),this.bounds=[0,0,0,0],this.pointcloudOptions={positions:new Float32Array(0),idToIndex:this.idToIndex,sizemin:.5,sizemax:12,color:[0,0,0,1],areaRatio:1,borderColor:[0,0,0,1]},this.pointcloud=n(t.glplot,this.pointcloudOptions),this.pointcloud._trace=this}var l=s.prototype;l.handlePick=function(t){var e=this.idToIndex[t.pointId];return{trace:this,dataCoord:t.dataCoord,traceCoord:this.pickXYData?[this.pickXYData[2*e],this.pickXYData[2*e+1]]:[this.pickXData[e],this.pickYData[e]],textLabel:Array.isArray(this.textLabels)?this.textLabels[e]:this.textLabels,color:this.color,name:this.name,pointIndex:e,hoverinfo:this.hoverinfo}},l.update=function(t){this.index=t.index,this.textLabels=t.text,this.name=t.name,this.hoverinfo=t.hoverinfo,this.bounds=[1/0,1/0,-1/0,-1/0],this.updateFast(t),this.color=o(t,{})},l.updateFast=function(t){var e,r,n,o,s,l,c=this.xData=this.pickXData=t.x,u=this.yData=this.pickYData=t.y,f=this.pickXYData=t.xy,h=t.xbounds&&t.ybounds,p=t.indices,d=this.bounds;if(f){if(n=f,e=f.length>>>1,h)d[0]=t.xbounds[0],d[2]=t.xbounds[1],d[1]=t.ybounds[0],d[3]=t.ybounds[1];else for(l=0;ld[2]&&(d[2]=o),sd[3]&&(d[3]=s);if(p)r=p;else for(r=new Int32Array(e),l=0;ld[2]&&(d[2]=o),sd[3]&&(d[3]=s);this.idToIndex=r,this.pointcloudOptions.idToIndex=r,this.pointcloudOptions.positions=n;var g=i(t.marker.color),m=i(t.marker.border.color),v=t.opacity*t.marker.opacity;g[3]*=v,this.pointcloudOptions.color=g;var y=t.marker.blend;if(null===y){y=c.length<100||u.length<100}this.pointcloudOptions.blend=y,m[3]*=v,this.pointcloudOptions.borderColor=m;var x=t.marker.sizemin,b=Math.max(t.marker.sizemax,t.marker.sizemin);this.pointcloudOptions.sizeMin=x,this.pointcloudOptions.sizeMax=b,this.pointcloudOptions.areaRatio=t.marker.border.arearatio,this.pointcloud.update(this.pointcloudOptions);var _=this.scene.xaxis,w=this.scene.yaxis,T=b/2||.5;t._extremes[_._id]=a(_,[d[0],d[2]],{ppad:T}),t._extremes[w._id]=a(w,[d[1],d[3]],{ppad:T})},l.dispose=function(){this.pointcloud.dispose()},e.exports=function(t,e){var r=new s(t,e.uid);return r.update(e),r}},{"../../lib/str2rgbarray":802,"../../plots/cartesian/autorange":827,"../scatter/get_trace_color":1197,"gl-pointcloud2d":324}],1175:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes");e.exports=function(t,e,r){function a(r,a){return n.coerce(t,e,i,r,a)}a("x"),a("y"),a("xbounds"),a("ybounds"),t.xy&&t.xy instanceof Float32Array&&(e.xy=t.xy),t.indices&&t.indices instanceof Int32Array&&(e.indices=t.indices),a("text"),a("marker.color",r),a("marker.opacity"),a("marker.blend"),a("marker.sizemin"),a("marker.sizemax"),a("marker.border.color",r),a("marker.border.arearatio"),e._length=null}},{"../../lib":778,"./attributes":1173}],1176:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("../scatter3d/calc"),plot:t("./convert"),moduleType:"trace",name:"pointcloud",basePlotModule:t("../../plots/gl2d"),categories:["gl","gl2d","showLegend"],meta:{}}},{"../../plots/gl2d":868,"../scatter3d/calc":1216,"./attributes":1173,"./convert":1174,"./defaults":1175}],1177:[function(t,e,r){"use strict";var n=t("../../plots/font_attributes"),i=t("../../plots/attributes"),a=t("../../components/color/attributes"),o=t("../../components/fx/attributes"),s=t("../../plots/domain").attributes,l=t("../../plots/template_attributes").hovertemplateAttrs,c=t("../../components/colorscale/attributes"),u=t("../../plot_api/plot_template").templatedArray,f=t("../../lib/extend").extendFlat,h=t("../../plot_api/edit_types").overrideAll;t("../../constants/docs").FORMAT_LINK;(e.exports=h({hoverinfo:f({},i.hoverinfo,{flags:[],arrayOk:!1}),hoverlabel:o.hoverlabel,domain:s({name:"sankey",trace:!0}),orientation:{valType:"enumerated",values:["v","h"],dflt:"h"},valueformat:{valType:"string",dflt:".3s"},valuesuffix:{valType:"string",dflt:""},arrangement:{valType:"enumerated",values:["snap","perpendicular","freeform","fixed"],dflt:"snap"},textfont:n({}),customdata:void 0,node:{label:{valType:"data_array",dflt:[]},groups:{valType:"info_array",impliedEdits:{x:[],y:[]},dimensions:2,freeLength:!0,dflt:[],items:{valType:"number",editType:"calc"}},x:{valType:"data_array",dflt:[]},y:{valType:"data_array",dflt:[]},color:{valType:"color",arrayOk:!0},customdata:{valType:"data_array",editType:"calc"},line:{color:{valType:"color",dflt:a.defaultLine,arrayOk:!0},width:{valType:"number",min:0,dflt:.5,arrayOk:!0}},pad:{valType:"number",arrayOk:!1,min:0,dflt:20},thickness:{valType:"number",arrayOk:!1,min:1,dflt:20},hoverinfo:{valType:"enumerated",values:["all","none","skip"],dflt:"all"},hoverlabel:o.hoverlabel,hovertemplate:l({},{keys:["value","label"]})},link:{label:{valType:"data_array",dflt:[]},color:{valType:"color",arrayOk:!0},customdata:{valType:"data_array",editType:"calc"},line:{color:{valType:"color",dflt:a.defaultLine,arrayOk:!0},width:{valType:"number",min:0,dflt:0,arrayOk:!0}},source:{valType:"data_array",dflt:[]},target:{valType:"data_array",dflt:[]},value:{valType:"data_array",dflt:[]},hoverinfo:{valType:"enumerated",values:["all","none","skip"],dflt:"all"},hoverlabel:o.hoverlabel,hovertemplate:l({},{keys:["value","label"]}),colorscales:u("concentrationscales",{editType:"calc",label:{valType:"string",editType:"calc",dflt:""},cmax:{valType:"number",editType:"calc",dflt:1},cmin:{valType:"number",editType:"calc",dflt:0},colorscale:f(c().colorscale,{dflt:[[0,"white"],[1,"black"]]})})}},"calc","nested")).transforms=void 0},{"../../components/color/attributes":642,"../../components/colorscale/attributes":650,"../../components/fx/attributes":674,"../../constants/docs":748,"../../lib/extend":768,"../../plot_api/edit_types":810,"../../plot_api/plot_template":817,"../../plots/attributes":824,"../../plots/domain":855,"../../plots/font_attributes":856,"../../plots/template_attributes":906}],1178:[function(t,e,r){"use strict";var n=t("../../plot_api/edit_types").overrideAll,i=t("../../plots/get_data").getModuleCalcData,a=t("./plot"),o=t("../../components/fx/layout_attributes"),s=t("../../lib/setcursor"),l=t("../../components/dragelement"),c=t("../../plots/cartesian/select").prepSelect,u=t("../../lib"),f=t("../../registry");function h(t,e){var r=t._fullData[e],n=t._fullLayout,i=n.dragmode,a="pan"===n.dragmode?"move":"crosshair",o=r._bgRect;if("pan"!==i&&"zoom"!==i){s(o,a);var h={_id:"x",c2p:u.identity,_offset:r._sankey.translateX,_length:r._sankey.width},p={_id:"y",c2p:u.identity,_offset:r._sankey.translateY,_length:r._sankey.height},d={gd:t,element:o.node(),plotinfo:{id:e,xaxis:h,yaxis:p,fillRangeItems:u.noop},subplot:e,xaxes:[h],yaxes:[p],doneFnCompleted:function(r){var n,i=t._fullData[e],a=i.node.groups.slice(),o=[];function s(t){for(var e=i._sankey.graph.nodes,r=0;ry&&(y=a.source[e]),a.target[e]>y&&(y=a.target[e]);var x,b=y+1;t.node._count=b;var _=t.node.groups,w={};for(e=0;e<_.length;e++){var T=_[e];for(x=0;x0&&s(E,b)&&s(C,b)&&(!w.hasOwnProperty(E)||!w.hasOwnProperty(C)||w[E]!==w[C])){w.hasOwnProperty(C)&&(C=w[C]),w.hasOwnProperty(E)&&(E=w[E]),C=+C,h[E=+E]=h[C]=!0;var L="";a.label&&a.label[e]&&(L=a.label[e]);var I=null;L&&p.hasOwnProperty(L)&&(I=p[L]),c.push({pointNumber:e,label:L,color:u?a.color[e]:a.color,customdata:f?a.customdata[e]:a.customdata,concentrationscale:I,source:E,target:C,value:+S}),A.source.push(E),A.target.push(C)}}var P=b+_.length,z=o(r.color),O=o(r.customdata),D=[];for(e=0;eb-1,childrenNodes:[],pointNumber:e,label:R,color:z?r.color[e]:r.color,customdata:O?r.customdata[e]:r.customdata})}var F=!1;return function(t,e,r){for(var a=i.init2dArray(t,0),o=0;o1}))}(P,A.source,A.target)&&(F=!0),{circular:F,links:c,nodes:D,groups:_,groupLookup:w}}e.exports=function(t,e){var r=c(e);return a({circular:r.circular,_nodes:r.nodes,_links:r.links,_groups:r.groups,_groupLookup:r.groupLookup})}},{"../../components/colorscale":655,"../../lib":778,"../../lib/gup":775,"strongly-connected-components":569}],1180:[function(t,e,r){"use strict";e.exports={nodeTextOffsetHorizontal:4,nodeTextOffsetVertical:3,nodePadAcross:10,sankeyIterations:50,forceIterations:5,forceTicksPerFrame:10,duration:500,ease:"linear",cn:{sankey:"sankey",sankeyLinks:"sankey-links",sankeyLink:"sankey-link",sankeyNodeSet:"sankey-node-set",sankeyNode:"sankey-node",nodeRect:"node-rect",nodeCapture:"node-capture",nodeCentered:"node-entered",nodeLabelGuide:"node-label-guide",nodeLabel:"node-label",nodeLabelTextPath:"node-label-text-path"}}},{}],1181:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes"),a=t("../../components/color"),o=t("tinycolor2"),s=t("../../plots/domain").defaults,l=t("../../components/fx/hoverlabel_defaults"),c=t("../../plot_api/plot_template"),u=t("../../plots/array_container_defaults");function f(t,e){function r(r,a){return n.coerce(t,e,i.link.colorscales,r,a)}r("label"),r("cmin"),r("cmax"),r("colorscale")}e.exports=function(t,e,r,h){function p(r,a){return n.coerce(t,e,i,r,a)}var d=n.extendDeep(h.hoverlabel,t.hoverlabel),g=t.node,m=c.newContainer(e,"node");function v(t,e){return n.coerce(g,m,i.node,t,e)}v("label"),v("groups"),v("x"),v("y"),v("pad"),v("thickness"),v("line.color"),v("line.width"),v("hoverinfo",t.hoverinfo),l(g,m,v,d),v("hovertemplate");var y=h.colorway;v("color",m.label.map((function(t,e){return a.addOpacity(function(t){return y[t%y.length]}(e),.8)}))),v("customdata");var x=t.link||{},b=c.newContainer(e,"link");function _(t,e){return n.coerce(x,b,i.link,t,e)}_("label"),_("source"),_("target"),_("value"),_("line.color"),_("line.width"),_("hoverinfo",t.hoverinfo),l(x,b,_,d),_("hovertemplate");var w,T=o(h.paper_bgcolor).getLuminance()<.333?"rgba(255, 255, 255, 0.6)":"rgba(0, 0, 0, 0.2)";_("color",n.repeat(T,b.value.length)),_("customdata"),u(x,b,{name:"colorscales",handleItemDefaults:f}),s(e,h,p),p("orientation"),p("valueformat"),p("valuesuffix"),m.x.length&&m.y.length&&(w="freeform"),p("arrangement",w),n.coerceFont(p,"textfont",n.extendFlat({},h.font)),e._length=null}},{"../../components/color":643,"../../components/fx/hoverlabel_defaults":681,"../../lib":778,"../../plot_api/plot_template":817,"../../plots/array_container_defaults":823,"../../plots/domain":855,"./attributes":1177,tinycolor2:576}],1182:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc"),plot:t("./plot"),moduleType:"trace",name:"sankey",basePlotModule:t("./base_plot"),selectPoints:t("./select.js"),categories:["noOpacity"],meta:{}}},{"./attributes":1177,"./base_plot":1178,"./calc":1179,"./defaults":1181,"./plot":1183,"./select.js":1185}],1183:[function(t,e,r){"use strict";var n=t("d3"),i=t("./render"),a=t("../../components/fx"),o=t("../../components/color"),s=t("../../lib"),l=t("./constants").cn,c=s._;function u(t){return""!==t}function f(t,e){return t.filter((function(t){return t.key===e.traceId}))}function h(t,e){n.select(t).select("path").style("fill-opacity",e),n.select(t).select("rect").style("fill-opacity",e)}function p(t){n.select(t).select("text.name").style("fill","black")}function d(t){return function(e){return-1!==t.node.sourceLinks.indexOf(e.link)||-1!==t.node.targetLinks.indexOf(e.link)}}function g(t){return function(e){return-1!==e.node.sourceLinks.indexOf(t.link)||-1!==e.node.targetLinks.indexOf(t.link)}}function m(t,e,r){e&&r&&f(r,e).selectAll("."+l.sankeyLink).filter(d(e)).call(y.bind(0,e,r,!1))}function v(t,e,r){e&&r&&f(r,e).selectAll("."+l.sankeyLink).filter(d(e)).call(x.bind(0,e,r,!1))}function y(t,e,r,n){var i=n.datum().link.label;n.style("fill-opacity",(function(t){if(!t.link.concentrationscale)return.4})),i&&f(e,t).selectAll("."+l.sankeyLink).filter((function(t){return t.link.label===i})).style("fill-opacity",(function(t){if(!t.link.concentrationscale)return.4})),r&&f(e,t).selectAll("."+l.sankeyNode).filter(g(t)).call(m)}function x(t,e,r,n){var i=n.datum().link.label;n.style("fill-opacity",(function(t){return t.tinyColorAlpha})),i&&f(e,t).selectAll("."+l.sankeyLink).filter((function(t){return t.link.label===i})).style("fill-opacity",(function(t){return t.tinyColorAlpha})),r&&f(e,t).selectAll(l.sankeyNode).filter(g(t)).call(v)}function b(t,e){var r=t.hoverlabel||{},n=s.nestedProperty(r,e).get();return!Array.isArray(n)&&n}e.exports=function(t,e){for(var r=t._fullLayout,s=r._paper,f=r._size,d=0;d"),color:b(s,"bgcolor")||o.addOpacity(d.color,1),borderColor:b(s,"bordercolor"),fontFamily:b(s,"font.family"),fontSize:b(s,"font.size"),fontColor:b(s,"font.color"),nameLength:b(s,"namelength"),textAlign:b(s,"align"),idealAlign:n.event.x"),color:b(o,"bgcolor")||i.tinyColorHue,borderColor:b(o,"bordercolor"),fontFamily:b(o,"font.family"),fontSize:b(o,"font.size"),fontColor:b(o,"font.color"),nameLength:b(o,"namelength"),textAlign:b(o,"align"),idealAlign:"left",hovertemplate:o.hovertemplate,hovertemplateLabels:v,eventData:[i.node]},{container:r._hoverlayer.node(),outerContainer:r._paper.node(),gd:t});h(_,.85),p(_)}}},unhover:function(e,i,o){!1!==t._fullLayout.hovermode&&(n.select(e).call(v,i,o),"skip"!==i.node.trace.node.hoverinfo&&(i.node.fullData=i.node.trace,t.emit("plotly_unhover",{event:n.event,points:[i.node]})),a.loneUnhover(r._hoverlayer.node()))},select:function(e,r,i){var o=r.node;o.originalEvent=n.event,t._hoverdata=[o],n.select(e).call(v,r,i),a.click(t,{target:!0})}}})}},{"../../components/color":643,"../../components/fx":683,"../../lib":778,"./constants":1180,"./render":1184,d3:169}],1184:[function(t,e,r){"use strict";var n=t("./constants"),i=t("d3"),a=t("tinycolor2"),o=t("../../components/color"),s=t("../../components/drawing"),l=t("@plotly/d3-sankey"),c=t("@plotly/d3-sankey-circular"),u=t("d3-force"),f=t("../../lib"),h=f.strTranslate,p=t("../../lib/gup"),d=p.keyFun,g=p.repeat,m=p.unwrap,v=t("d3-interpolate").interpolateNumber,y=t("../../registry");function x(t,e,r){var i,o=m(e),s=o.trace,u=s.domain,h="h"===s.orientation,p=s.node.pad,d=s.node.thickness,g=t.width*(u.x[1]-u.x[0]),v=t.height*(u.y[1]-u.y[0]),y=o._nodes,x=o._links,b=o.circular;(i=b?c.sankeyCircular().circularLinkGap(0):l.sankey()).iterations(n.sankeyIterations).size(h?[g,v]:[v,g]).nodeWidth(d).nodePadding(p).nodeId((function(t){return t.pointNumber})).nodes(y).links(x);var _,w,T,k=i();for(var M in i.nodePadding()=i||(r=i-e.y0)>1e-6&&(e.y0+=r,e.y1+=r),i=e.y1+p}))}(function(t){var e,r,n=t.map((function(t,e){return{x0:t.x0,index:e}})).sort((function(t,e){return t.x0-e.x0})),i=[],a=-1,o=-1/0;for(_=0;_o+d&&(a+=1,e=s.x0),o=s.x0,i[a]||(i[a]=[]),i[a].push(s),r=e-s.x0,s.x0+=r,s.x1+=r}return i}(y=k.nodes));i.update(k)}return{circular:b,key:r,trace:s,guid:f.randstr(),horizontal:h,width:g,height:v,nodePad:s.node.pad,nodeLineColor:s.node.line.color,nodeLineWidth:s.node.line.width,linkLineColor:s.link.line.color,linkLineWidth:s.link.line.width,valueFormat:s.valueformat,valueSuffix:s.valuesuffix,textFont:s.textfont,translateX:u.x[0]*t.width+t.margin.l,translateY:t.height-u.y[1]*t.height+t.margin.t,dragParallel:h?v:g,dragPerpendicular:h?g:v,arrangement:s.arrangement,sankey:i,graph:k,forceLayouts:{},interactionState:{dragInProgress:!1,hovered:!1}}}function b(t,e,r){var n=a(e.color),i=e.source.label+"|"+e.target.label+"__"+r;return e.trace=t.trace,e.curveNumber=t.trace.index,{circular:t.circular,key:i,traceId:t.key,pointNumber:e.pointNumber,link:e,tinyColorHue:o.tinyRGB(n),tinyColorAlpha:n.getAlpha(),linkPath:_,linkLineColor:t.linkLineColor,linkLineWidth:t.linkLineWidth,valueFormat:t.valueFormat,valueSuffix:t.valueSuffix,sankey:t.sankey,parent:t,interactionState:t.interactionState,flow:e.flow}}function _(){return function(t){if(t.link.circular)return e=t.link,r=e.width/2,n=e.circularPathData,"top"===e.circularLinkType?"M "+n.targetX+" "+(n.targetY+r)+" L"+n.rightInnerExtent+" "+(n.targetY+r)+"A"+(n.rightLargeArcRadius+r)+" "+(n.rightSmallArcRadius+r)+" 0 0 1 "+(n.rightFullExtent-r)+" "+(n.targetY-n.rightSmallArcRadius)+"L"+(n.rightFullExtent-r)+" "+n.verticalRightInnerExtent+"A"+(n.rightLargeArcRadius+r)+" "+(n.rightLargeArcRadius+r)+" 0 0 1 "+n.rightInnerExtent+" "+(n.verticalFullExtent-r)+"L"+n.leftInnerExtent+" "+(n.verticalFullExtent-r)+"A"+(n.leftLargeArcRadius+r)+" "+(n.leftLargeArcRadius+r)+" 0 0 1 "+(n.leftFullExtent+r)+" "+n.verticalLeftInnerExtent+"L"+(n.leftFullExtent+r)+" "+(n.sourceY-n.leftSmallArcRadius)+"A"+(n.leftLargeArcRadius+r)+" "+(n.leftSmallArcRadius+r)+" 0 0 1 "+n.leftInnerExtent+" "+(n.sourceY+r)+"L"+n.sourceX+" "+(n.sourceY+r)+"L"+n.sourceX+" "+(n.sourceY-r)+"L"+n.leftInnerExtent+" "+(n.sourceY-r)+"A"+(n.leftLargeArcRadius-r)+" "+(n.leftSmallArcRadius-r)+" 0 0 0 "+(n.leftFullExtent-r)+" "+(n.sourceY-n.leftSmallArcRadius)+"L"+(n.leftFullExtent-r)+" "+n.verticalLeftInnerExtent+"A"+(n.leftLargeArcRadius-r)+" "+(n.leftLargeArcRadius-r)+" 0 0 0 "+n.leftInnerExtent+" "+(n.verticalFullExtent+r)+"L"+n.rightInnerExtent+" "+(n.verticalFullExtent+r)+"A"+(n.rightLargeArcRadius-r)+" "+(n.rightLargeArcRadius-r)+" 0 0 0 "+(n.rightFullExtent+r)+" "+n.verticalRightInnerExtent+"L"+(n.rightFullExtent+r)+" "+(n.targetY-n.rightSmallArcRadius)+"A"+(n.rightLargeArcRadius-r)+" "+(n.rightSmallArcRadius-r)+" 0 0 0 "+n.rightInnerExtent+" "+(n.targetY-r)+"L"+n.targetX+" "+(n.targetY-r)+"Z":"M "+n.targetX+" "+(n.targetY-r)+" L"+n.rightInnerExtent+" "+(n.targetY-r)+"A"+(n.rightLargeArcRadius+r)+" "+(n.rightSmallArcRadius+r)+" 0 0 0 "+(n.rightFullExtent-r)+" "+(n.targetY+n.rightSmallArcRadius)+"L"+(n.rightFullExtent-r)+" "+n.verticalRightInnerExtent+"A"+(n.rightLargeArcRadius+r)+" "+(n.rightLargeArcRadius+r)+" 0 0 0 "+n.rightInnerExtent+" "+(n.verticalFullExtent+r)+"L"+n.leftInnerExtent+" "+(n.verticalFullExtent+r)+"A"+(n.leftLargeArcRadius+r)+" "+(n.leftLargeArcRadius+r)+" 0 0 0 "+(n.leftFullExtent+r)+" "+n.verticalLeftInnerExtent+"L"+(n.leftFullExtent+r)+" "+(n.sourceY+n.leftSmallArcRadius)+"A"+(n.leftLargeArcRadius+r)+" "+(n.leftSmallArcRadius+r)+" 0 0 0 "+n.leftInnerExtent+" "+(n.sourceY-r)+"L"+n.sourceX+" "+(n.sourceY-r)+"L"+n.sourceX+" "+(n.sourceY+r)+"L"+n.leftInnerExtent+" "+(n.sourceY+r)+"A"+(n.leftLargeArcRadius-r)+" "+(n.leftSmallArcRadius-r)+" 0 0 1 "+(n.leftFullExtent-r)+" "+(n.sourceY+n.leftSmallArcRadius)+"L"+(n.leftFullExtent-r)+" "+n.verticalLeftInnerExtent+"A"+(n.leftLargeArcRadius-r)+" "+(n.leftLargeArcRadius-r)+" 0 0 1 "+n.leftInnerExtent+" "+(n.verticalFullExtent-r)+"L"+n.rightInnerExtent+" "+(n.verticalFullExtent-r)+"A"+(n.rightLargeArcRadius-r)+" "+(n.rightLargeArcRadius-r)+" 0 0 1 "+(n.rightFullExtent+r)+" "+n.verticalRightInnerExtent+"L"+(n.rightFullExtent+r)+" "+(n.targetY+n.rightSmallArcRadius)+"A"+(n.rightLargeArcRadius-r)+" "+(n.rightSmallArcRadius-r)+" 0 0 1 "+n.rightInnerExtent+" "+(n.targetY+r)+"L"+n.targetX+" "+(n.targetY+r)+"Z";var e,r,n,i=t.link.source.x1,a=t.link.target.x0,o=v(i,a),s=o(.5),l=o(.5),c=t.link.y0-t.link.width/2,u=t.link.y0+t.link.width/2,f=t.link.y1-t.link.width/2,h=t.link.y1+t.link.width/2;return"M"+i+","+c+"C"+s+","+c+" "+l+","+f+" "+a+","+f+"L"+a+","+h+"C"+l+","+h+" "+s+","+u+" "+i+","+u+"Z"}}function w(t,e){var r=a(e.color),i=n.nodePadAcross,s=t.nodePad/2;e.dx=e.x1-e.x0,e.dy=e.y1-e.y0;var l=e.dx,c=Math.max(.5,e.dy),u="node_"+e.pointNumber;return e.group&&(u=f.randstr()),e.trace=t.trace,e.curveNumber=t.trace.index,{index:e.pointNumber,key:u,partOfGroup:e.partOfGroup||!1,group:e.group,traceId:t.key,trace:t.trace,node:e,nodePad:t.nodePad,nodeLineColor:t.nodeLineColor,nodeLineWidth:t.nodeLineWidth,textFont:t.textFont,size:t.horizontal?t.height:t.width,visibleWidth:Math.ceil(l),visibleHeight:c,zoneX:-i,zoneY:-s,zoneWidth:l+2*i,zoneHeight:c+2*s,labelY:t.horizontal?e.dy/2+1:e.dx/2+1,left:1===e.originalLayer,sizeAcross:t.width,forceLayouts:t.forceLayouts,horizontal:t.horizontal,darkBackground:r.getBrightness()<=128,tinyColorHue:o.tinyRGB(r),tinyColorAlpha:r.getAlpha(),valueFormat:t.valueFormat,valueSuffix:t.valueSuffix,sankey:t.sankey,graph:t.graph,arrangement:t.arrangement,uniqueNodeLabelPathId:[t.guid,t.key,u].join("_"),interactionState:t.interactionState,figure:t}}function T(t){t.attr("transform",(function(t){return h(t.node.x0.toFixed(3),t.node.y0.toFixed(3))}))}function k(t){t.call(T)}function M(t,e){t.call(k),e.attr("d",_())}function A(t){t.attr("width",(function(t){return t.node.x1-t.node.x0})).attr("height",(function(t){return t.visibleHeight}))}function S(t){return t.link.width>1||t.linkLineWidth>0}function E(t){return h(t.translateX,t.translateY)+(t.horizontal?"matrix(1 0 0 1 0 0)":"matrix(0 1 1 0 0 0)")}function C(t){return h(t.horizontal?0:t.labelY,t.horizontal?t.labelY:0)}function L(t){return i.svg.line()([[t.horizontal?t.left?-t.sizeAcross:t.visibleWidth+n.nodeTextOffsetHorizontal:n.nodeTextOffsetHorizontal,0],[t.horizontal?t.left?-n.nodeTextOffsetHorizontal:t.sizeAcross:t.visibleHeight-n.nodeTextOffsetHorizontal,0]])}function I(t){return t.horizontal?"matrix(1 0 0 1 0 0)":"matrix(0 1 1 0 0 0)"}function P(t){return t.horizontal?"scale(1 1)":"scale(-1 1)"}function z(t){return t.darkBackground&&!t.horizontal?"rgb(255,255,255)":"rgb(0,0,0)"}function O(t){return t.horizontal&&t.left?"100%":"0%"}function D(t,e,r){t.on(".basic",null).on("mouseover.basic",(function(t){t.interactionState.dragInProgress||t.partOfGroup||(r.hover(this,t,e),t.interactionState.hovered=[this,t])})).on("mousemove.basic",(function(t){t.interactionState.dragInProgress||t.partOfGroup||(r.follow(this,t),t.interactionState.hovered=[this,t])})).on("mouseout.basic",(function(t){t.interactionState.dragInProgress||t.partOfGroup||(r.unhover(this,t,e),t.interactionState.hovered=!1)})).on("click.basic",(function(t){t.interactionState.hovered&&(r.unhover(this,t,e),t.interactionState.hovered=!1),t.interactionState.dragInProgress||t.partOfGroup||r.select(this,t,e)}))}function R(t,e,r,a){var o=i.behavior.drag().origin((function(t){return{x:t.node.x0+t.visibleWidth/2,y:t.node.y0+t.visibleHeight/2}})).on("dragstart",(function(i){if("fixed"!==i.arrangement&&(f.ensureSingle(a._fullLayout._infolayer,"g","dragcover",(function(t){a._fullLayout._dragCover=t})),f.raiseToTop(this),i.interactionState.dragInProgress=i.node,B(i.node),i.interactionState.hovered&&(r.nodeEvents.unhover.apply(0,i.interactionState.hovered),i.interactionState.hovered=!1),"snap"===i.arrangement)){var o=i.traceId+"|"+i.key;i.forceLayouts[o]?i.forceLayouts[o].alpha(1):function(t,e,r,i){!function(t){for(var e=0;e0&&i.forceLayouts[e].alpha(0)}}(0,e,a,r)).stop()}(0,o,i),function(t,e,r,i,a){window.requestAnimationFrame((function o(){var s;for(s=0;s0)window.requestAnimationFrame(o);else{var l=r.node.originalX;r.node.x0=l-r.visibleWidth/2,r.node.x1=l+r.visibleWidth/2,F(r,a)}}))}(t,e,i,o,a)}})).on("drag",(function(r){if("fixed"!==r.arrangement){var n=i.event.x,a=i.event.y;"snap"===r.arrangement?(r.node.x0=n-r.visibleWidth/2,r.node.x1=n+r.visibleWidth/2,r.node.y0=a-r.visibleHeight/2,r.node.y1=a+r.visibleHeight/2):("freeform"===r.arrangement&&(r.node.x0=n-r.visibleWidth/2,r.node.x1=n+r.visibleWidth/2),a=Math.max(0,Math.min(r.size-r.visibleHeight/2,a)),r.node.y0=a-r.visibleHeight/2,r.node.y1=a+r.visibleHeight/2),B(r.node),"snap"!==r.arrangement&&(r.sankey.update(r.graph),M(t.filter(N(r)),e))}})).on("dragend",(function(t){if("fixed"!==t.arrangement){t.interactionState.dragInProgress=!1;for(var e=0;e5?t.node.label:""})).attr("text-anchor",(function(t){return t.horizontal&&t.left?"end":"start"})),q.transition().ease(n.ease).duration(n.duration).attr("startOffset",O).style("fill",z)}},{"../../components/color":643,"../../components/drawing":665,"../../lib":778,"../../lib/gup":775,"../../registry":911,"./constants":1180,"@plotly/d3-sankey":56,"@plotly/d3-sankey-circular":55,d3:169,"d3-force":160,"d3-interpolate":162,tinycolor2:576}],1185:[function(t,e,r){"use strict";e.exports=function(t,e){for(var r=[],n=t.cd[0].trace,i=n._sankey.graph.nodes,a=0;al&&E[v].gap;)v--;for(x=E[v].s,g=E.length-1;g>v;g--)E[g].s=x;for(;lA[u]&&u=0;i--){var a=t[i];if("scatter"===a.type&&a.xaxis===r.xaxis&&a.yaxis===r.yaxis){a.opacity=void 0;break}}}}}},{}],1194:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry"),a=t("./attributes"),o=t("./constants"),s=t("./subtypes"),l=t("./xy_defaults"),c=t("./period_defaults"),u=t("./stack_defaults"),f=t("./marker_defaults"),h=t("./line_defaults"),p=t("./line_shape_defaults"),d=t("./text_defaults"),g=t("./fillcolor_defaults");e.exports=function(t,e,r,m){function v(r,i){return n.coerce(t,e,a,r,i)}var y=l(t,e,m,v);if(y||(e.visible=!1),e.visible){c(t,e,m,v);var x=u(t,e,m,v),b=!x&&yG!=(F=P[L][1])>=G&&(O=P[L-1][0],D=P[L][0],F-R&&(z=O+(D-O)*(G-R)/(F-R),U=Math.min(U,z),V=Math.max(V,z)));U=Math.max(U,0),V=Math.min(V,h._length);var Y=s.defaultLine;return s.opacity(f.fillcolor)?Y=f.fillcolor:s.opacity((f.line||{}).color)&&(Y=f.line.color),n.extendFlat(t,{distance:t.maxHoverDistance,x0:U,x1:V,y0:G,y1:G,color:Y,hovertemplate:!1}),delete t.index,f.text&&!Array.isArray(f.text)?t.text=String(f.text):t.text=f.name,[t]}}}},{"../../components/color":643,"../../components/fx":683,"../../lib":778,"../../registry":911,"./get_trace_color":1197}],1199:[function(t,e,r){"use strict";var n=t("./subtypes");e.exports={hasLines:n.hasLines,hasMarkers:n.hasMarkers,hasText:n.hasText,isBubble:n.isBubble,attributes:t("./attributes"),supplyDefaults:t("./defaults"),crossTraceDefaults:t("./cross_trace_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./cross_trace_calc"),arraysToCalcdata:t("./arrays_to_calcdata"),plot:t("./plot"),colorbar:t("./marker_colorbar"),formatLabels:t("./format_labels"),style:t("./style").style,styleOnSelect:t("./style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("./select"),animatable:!0,moduleType:"trace",name:"scatter",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","symbols","errorBarsOK","showLegend","scatter-like","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"./arrays_to_calcdata":1186,"./attributes":1187,"./calc":1188,"./cross_trace_calc":1192,"./cross_trace_defaults":1193,"./defaults":1194,"./format_labels":1196,"./hover":1198,"./marker_colorbar":1205,"./plot":1208,"./select":1209,"./style":1211,"./subtypes":1212}],1200:[function(t,e,r){"use strict";var n=t("../../lib").isArrayOrTypedArray,i=t("../../components/colorscale/helpers").hasColorscale,a=t("../../components/colorscale/defaults");e.exports=function(t,e,r,o,s,l){var c=(t.marker||{}).color;(s("line.color",r),i(t,"line"))?a(t,e,o,s,{prefix:"line.",cLetter:"c"}):s("line.color",!n(c)&&c||r);s("line.width"),(l||{}).noDash||s("line.dash")}},{"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654,"../../lib":778}],1201:[function(t,e,r){"use strict";var n=t("../../constants/numerical"),i=n.BADNUM,a=n.LOG_CLIP,o=a+.5,s=a-.5,l=t("../../lib"),c=l.segmentsIntersect,u=l.constrain,f=t("./constants");e.exports=function(t,e){var r,n,a,h,p,d,g,m,v,y,x,b,_,w,T,k,M,A,S=e.xaxis,E=e.yaxis,C="log"===S.type,L="log"===E.type,I=S._length,P=E._length,z=e.connectGaps,O=e.baseTolerance,D=e.shape,R="linear"===D,F=e.fill&&"none"!==e.fill,B=[],N=f.minTolerance,j=t.length,U=new Array(j),V=0;function q(r){var n=t[r];if(!n)return!1;var a=e.linearized?S.l2p(n.x):S.c2p(n.x),l=e.linearized?E.l2p(n.y):E.c2p(n.y);if(a===i){if(C&&(a=S.c2p(n.x,!0)),a===i)return!1;L&&l===i&&(a*=Math.abs(S._m*P*(S._m>0?o:s)/(E._m*I*(E._m>0?o:s)))),a*=1e3}if(l===i){if(L&&(l=E.c2p(n.y,!0)),l===i)return!1;l*=1e3}return[a,l]}function H(t,e,r,n){var i=r-t,a=n-e,o=.5-t,s=.5-e,l=i*i+a*a,c=i*o+a*s;if(c>0&&crt||t[1]it)return[u(t[0],et,rt),u(t[1],nt,it)]}function st(t,e){return t[0]===e[0]&&(t[0]===et||t[0]===rt)||(t[1]===e[1]&&(t[1]===nt||t[1]===it)||void 0)}function lt(t,e,r){return function(n,i){var a=ot(n),o=ot(i),s=[];if(a&&o&&st(a,o))return s;a&&s.push(a),o&&s.push(o);var c=2*l.constrain((n[t]+i[t])/2,e,r)-((a||n)[t]+(o||i)[t]);c&&((a&&o?c>0==a[t]>o[t]?a:o:a||o)[t]+=c);return s}}function ct(t){var e=t[0],r=t[1],n=e===U[V-1][0],i=r===U[V-1][1];if(!n||!i)if(V>1){var a=e===U[V-2][0],o=r===U[V-2][1];n&&(e===et||e===rt)&&a?o?V--:U[V-1]=t:i&&(r===nt||r===it)&&o?a?V--:U[V-1]=t:U[V++]=t}else U[V++]=t}function ut(t){U[V-1][0]!==t[0]&&U[V-1][1]!==t[1]&&ct([Z,J]),ct(t),K=null,Z=J=0}function ft(t){if(M=t[0]/I,A=t[1]/P,W=t[0]rt?rt:0,X=t[1]it?it:0,W||X){if(V)if(K){var e=$(K,t);e.length>1&&(ut(e[0]),U[V++]=e[1])}else Q=$(U[V-1],t)[0],U[V++]=Q;else U[V++]=[W||t[0],X||t[1]];var r=U[V-1];W&&X&&(r[0]!==W||r[1]!==X)?(K&&(Z!==W&&J!==X?ct(Z&&J?(n=K,a=(i=t)[0]-n[0],o=(i[1]-n[1])/a,(n[1]*i[0]-i[1]*n[0])/a>0?[o>0?et:rt,it]:[o>0?rt:et,nt]):[Z||W,J||X]):Z&&J&&ct([Z,J])),ct([W,X])):Z-W&&J-X&&ct([W||Z,X||J]),K=t,Z=W,J=X}else K&&ut($(K,t)[0]),U[V++]=t;var n,i,a,o}for("linear"===D||"spline"===D?$=function(t,e){for(var r=[],n=0,i=0;i<4;i++){var a=at[i],o=c(t[0],t[1],e[0],e[1],a[0],a[1],a[2],a[3]);o&&(!n||Math.abs(o.x-r[0][0])>1||Math.abs(o.y-r[0][1])>1)&&(o=[o.x,o.y],n&&Y(o,t)G(d,ht))break;a=d,(_=v[0]*m[0]+v[1]*m[1])>x?(x=_,h=d,g=!1):_=t.length||!d)break;ft(d),n=d}}else ft(h)}K&&ct([Z||K[0],J||K[1]]),B.push(U.slice(0,V))}return B}},{"../../constants/numerical":753,"../../lib":778,"./constants":1191}],1202:[function(t,e,r){"use strict";e.exports=function(t,e,r){"spline"===r("line.shape")&&r("line.smoothing")}},{}],1203:[function(t,e,r){"use strict";var n={tonextx:1,tonexty:1,tonext:1};e.exports=function(t,e,r){var i,a,o,s,l,c={},u=!1,f=-1,h=0,p=-1;for(a=0;a=0?l=p:(l=p=h,h++),l0?Math.max(e,i):0}}},{"fast-isnumeric":241}],1205:[function(t,e,r){"use strict";e.exports={container:"marker",min:"cmin",max:"cmax"}},{}],1206:[function(t,e,r){"use strict";var n=t("../../components/color"),i=t("../../components/colorscale/helpers").hasColorscale,a=t("../../components/colorscale/defaults"),o=t("./subtypes");e.exports=function(t,e,r,s,l,c){var u=o.isBubble(t),f=(t.line||{}).color;(c=c||{},f&&(r=f),l("marker.symbol"),l("marker.opacity",u?.7:1),l("marker.size"),l("marker.color",r),i(t,"marker")&&a(t,e,s,l,{prefix:"marker.",cLetter:"c"}),c.noSelect||(l("selected.marker.color"),l("unselected.marker.color"),l("selected.marker.size"),l("unselected.marker.size")),c.noLine||(l("marker.line.color",f&&!Array.isArray(f)&&e.marker.color!==f?f:u?n.background:n.defaultLine),i(t,"marker.line")&&a(t,e,s,l,{prefix:"marker.line.",cLetter:"c"}),l("marker.line.width",u?1:0)),u&&(l("marker.sizeref"),l("marker.sizemin"),l("marker.sizemode")),c.gradient)&&("none"!==l("marker.gradient.type")&&l("marker.gradient.color"))}},{"../../components/color":643,"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654,"./subtypes":1212}],1207:[function(t,e,r){"use strict";var n=t("../../lib").dateTick0,i=t("../../constants/numerical").ONEWEEK;function a(t,e){return n(e,t%i==0?1:0)}e.exports=function(t,e,r,n,i){if(i||(i={x:!0,y:!0}),i.x){var o=n("xperiod");o&&(n("xperiod0",a(o,e.xcalendar)),n("xperiodalignment"))}if(i.y){var s=n("yperiod");s&&(n("yperiod0",a(s,e.ycalendar)),n("yperiodalignment"))}}},{"../../constants/numerical":753,"../../lib":778}],1208:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../registry"),a=t("../../lib"),o=a.ensureSingle,s=a.identity,l=t("../../components/drawing"),c=t("./subtypes"),u=t("./line_points"),f=t("./link_traces"),h=t("../../lib/polygon").tester;function p(t,e,r,f,p,d,g){var m;!function(t,e,r,i,o){var s=r.xaxis,l=r.yaxis,u=n.extent(a.simpleMap(s.range,s.r2c)),f=n.extent(a.simpleMap(l.range,l.r2c)),h=i[0].trace;if(!c.hasMarkers(h))return;var p=h.marker.maxdisplayed;if(0===p)return;var d=i.filter((function(t){return t.x>=u[0]&&t.x<=u[1]&&t.y>=f[0]&&t.y<=f[1]})),g=Math.ceil(d.length/p),m=0;o.forEach((function(t,r){var n=t[0].trace;c.hasMarkers(n)&&n.marker.maxdisplayed>0&&r0;function y(t){return v?t.transition():t}var x=r.xaxis,b=r.yaxis,_=f[0].trace,w=_.line,T=n.select(d),k=o(T,"g","errorbars"),M=o(T,"g","lines"),A=o(T,"g","points"),S=o(T,"g","text");if(i.getComponentMethod("errorbars","plot")(t,k,r,g),!0===_.visible){var E,C;y(T).style("opacity",_.opacity);var L=_.fill.charAt(_.fill.length-1);"x"!==L&&"y"!==L&&(L=""),f[0][r.isRangePlot?"nodeRangePlot3":"node3"]=T;var I,P,z="",O=[],D=_._prevtrace;D&&(z=D._prevRevpath||"",C=D._nextFill,O=D._polygons);var R,F,B,N,j,U,V,q="",H="",G=[],Y=a.noop;if(E=_._ownFill,c.hasLines(_)||"none"!==_.fill){for(C&&C.datum(f),-1!==["hv","vh","hvh","vhv"].indexOf(w.shape)?(R=l.steps(w.shape),F=l.steps(w.shape.split("").reverse().join(""))):R=F="spline"===w.shape?function(t){var e=t[t.length-1];return t.length>1&&t[0][0]===e[0]&&t[0][1]===e[1]?l.smoothclosed(t.slice(1),w.smoothing):l.smoothopen(t,w.smoothing)}:function(t){return"M"+t.join("L")},B=function(t){return F(t.reverse())},G=u(f,{xaxis:x,yaxis:b,connectGaps:_.connectgaps,baseTolerance:Math.max(w.width||1,3)/4,shape:w.shape,simplify:w.simplify,fill:_.fill}),V=_._polygons=new Array(G.length),m=0;m1){var r=n.select(this);if(r.datum(f),t)y(r.style("opacity",0).attr("d",I).call(l.lineGroupStyle)).style("opacity",1);else{var i=y(r);i.attr("d",I),l.singleLineStyle(f,i)}}}}}var W=M.selectAll(".js-line").data(G);y(W.exit()).style("opacity",0).remove(),W.each(Y(!1)),W.enter().append("path").classed("js-line",!0).style("vector-effect","non-scaling-stroke").call(l.lineGroupStyle).each(Y(!0)),l.setClipUrl(W,r.layerClipId,t),G.length?(E?(E.datum(f),N&&U&&(L?("y"===L?N[1]=U[1]=b.c2p(0,!0):"x"===L&&(N[0]=U[0]=x.c2p(0,!0)),y(E).attr("d","M"+U+"L"+N+"L"+q.substr(1)).call(l.singleFillStyle)):y(E).attr("d",q+"Z").call(l.singleFillStyle))):C&&("tonext"===_.fill.substr(0,6)&&q&&z?("tonext"===_.fill?y(C).attr("d",q+"Z"+z+"Z").call(l.singleFillStyle):y(C).attr("d",q+"L"+z.substr(1)+"Z").call(l.singleFillStyle),_._polygons=_._polygons.concat(O)):(Z(C),_._polygons=null)),_._prevRevpath=H,_._prevPolygons=V):(E?Z(E):C&&Z(C),_._polygons=_._prevRevpath=_._prevPolygons=null),A.datum(f),S.datum(f),function(e,i,a){var o,u=a[0].trace,f=c.hasMarkers(u),h=c.hasText(u),p=tt(u),d=et,g=et;if(f||h){var m=s,_=u.stackgroup,w=_&&"infer zero"===t._fullLayout._scatterStackOpts[x._id+b._id][_].stackgaps;u.marker.maxdisplayed||u._needsCull?m=w?K:J:_&&!w&&(m=Q),f&&(d=m),h&&(g=m)}var T,k=(o=e.selectAll("path.point").data(d,p)).enter().append("path").classed("point",!0);v&&k.call(l.pointStyle,u,t).call(l.translatePoints,x,b).style("opacity",0).transition().style("opacity",1),o.order(),f&&(T=l.makePointStyleFns(u)),o.each((function(e){var i=n.select(this),a=y(i);l.translatePoint(e,a,x,b)?(l.singlePointStyle(e,a,u,T,t),r.layerClipId&&l.hideOutsideRangePoint(e,a,x,b,u.xcalendar,u.ycalendar),u.customdata&&i.classed("plotly-customdata",null!==e.data&&void 0!==e.data)):a.remove()})),v?o.exit().transition().style("opacity",0).remove():o.exit().remove(),(o=i.selectAll("g").data(g,p)).enter().append("g").classed("textpoint",!0).append("text"),o.order(),o.each((function(t){var e=n.select(this),i=y(e.select("text"));l.translatePoint(t,i,x,b)?r.layerClipId&&l.hideOutsideRangePoint(t,e,x,b,u.xcalendar,u.ycalendar):e.remove()})),o.selectAll("text").call(l.textPointStyle,u,t).each((function(t){var e=x.c2p(t.x),r=b.c2p(t.y);n.select(this).selectAll("tspan.line").each((function(){y(n.select(this)).attr({x:e,y:r})}))})),o.exit().remove()}(A,S,f);var X=!1===_.cliponaxis?null:r.layerClipId;l.setClipUrl(A,X,t),l.setClipUrl(S,X,t)}function Z(t){y(t).attr("d","M0,0Z")}function J(t){return t.filter((function(t){return!t.gap&&t.vis}))}function K(t){return t.filter((function(t){return t.vis}))}function Q(t){return t.filter((function(t){return!t.gap}))}function $(t){return t.id}function tt(t){if(t.ids)return $}function et(){return!1}}e.exports=function(t,e,r,i,a,c){var u,h,d=!a,g=!!a&&a.duration>0,m=f(t,e,r);((u=i.selectAll("g.trace").data(m,(function(t){return t[0].trace.uid}))).enter().append("g").attr("class",(function(t){return"trace scatter trace"+t[0].trace.uid})).style("stroke-miterlimit",2),u.order(),function(t,e,r){e.each((function(e){var i=o(n.select(this),"g","fills");l.setClipUrl(i,r.layerClipId,t);var a=e[0].trace,c=[];a._ownfill&&c.push("_ownFill"),a._nexttrace&&c.push("_nextFill");var u=i.selectAll("g").data(c,s);u.enter().append("g"),u.exit().each((function(t){a[t]=null})).remove(),u.order().each((function(t){a[t]=o(n.select(this),"path","js-fill")}))}))}(t,u,e),g)?(c&&(h=c()),n.transition().duration(a.duration).ease(a.easing).each("end",(function(){h&&h()})).each("interrupt",(function(){h&&h()})).each((function(){i.selectAll("g.trace").each((function(r,n){p(t,n,e,r,m,this,a)}))}))):u.each((function(r,n){p(t,n,e,r,m,this,a)}));d&&u.exit().remove(),i.selectAll("path:not([d])").remove()}},{"../../components/drawing":665,"../../lib":778,"../../lib/polygon":790,"../../registry":911,"./line_points":1201,"./link_traces":1203,"./subtypes":1212,d3:169}],1209:[function(t,e,r){"use strict";var n=t("./subtypes");e.exports=function(t,e){var r,i,a,o,s=t.cd,l=t.xaxis,c=t.yaxis,u=[],f=s[0].trace;if(!n.hasMarkers(f)&&!n.hasText(f))return[];if(!1===e)for(r=0;r0){var h=i.c2l(u);i._lowerLogErrorBound||(i._lowerLogErrorBound=h),i._lowerErrorBound=Math.min(i._lowerLogErrorBound,h)}}else o[s]=[-l[0]*r,l[1]*r]}return o}e.exports=function(t,e,r){var n=[i(t.x,t.error_x,e[0],r.xaxis),i(t.y,t.error_y,e[1],r.yaxis),i(t.z,t.error_z,e[2],r.zaxis)],a=function(t){for(var e=0;e-1?-1:t.indexOf("right")>-1?1:0}function b(t){return null==t?0:t.indexOf("top")>-1?-1:t.indexOf("bottom")>-1?1:0}function _(t,e){return e(4*t)}function w(t){return p[t]}function T(t,e,r,n,i){var a=null;if(l.isArrayOrTypedArray(t)){a=[];for(var o=0;o=0){var g=function(t,e,r){var n,i=(r+1)%3,a=(r+2)%3,o=[],l=[];for(n=0;n=0&&f("surfacecolor",h||p);for(var d=["x","y","z"],g=0;g<3;++g){var m="projection."+d[g];f(m+".show")&&(f(m+".opacity"),f(m+".scale"))}var v=n.getComponentMethod("errorbars","supplyDefaults");v(t,e,h||p||r,{axis:"z"}),v(t,e,h||p||r,{axis:"y",inherit:"z"}),v(t,e,h||p||r,{axis:"x",inherit:"z"})}else e.visible=!1}},{"../../lib":778,"../../registry":911,"../scatter/line_defaults":1200,"../scatter/marker_defaults":1206,"../scatter/subtypes":1212,"../scatter/text_defaults":1213,"./attributes":1215}],1220:[function(t,e,r){"use strict";e.exports={plot:t("./convert"),attributes:t("./attributes"),markerSymbols:t("../../constants/gl3d_markers"),supplyDefaults:t("./defaults"),colorbar:[{container:"marker",min:"cmin",max:"cmax"},{container:"line",min:"cmin",max:"cmax"}],calc:t("./calc"),moduleType:"trace",name:"scatter3d",basePlotModule:t("../../plots/gl3d"),categories:["gl3d","symbols","showLegend","scatter-like"],meta:{}}},{"../../constants/gl3d_markers":751,"../../plots/gl3d":870,"./attributes":1215,"./calc":1216,"./convert":1218,"./defaults":1219}],1221:[function(t,e,r){"use strict";var n=t("../scatter/attributes"),i=t("../../plots/attributes"),a=t("../../plots/template_attributes").hovertemplateAttrs,o=t("../../plots/template_attributes").texttemplateAttrs,s=t("../../components/colorscale/attributes"),l=t("../../lib/extend").extendFlat,c=n.marker,u=n.line,f=c.line;e.exports={carpet:{valType:"string",editType:"calc"},a:{valType:"data_array",editType:"calc"},b:{valType:"data_array",editType:"calc"},mode:l({},n.mode,{dflt:"markers"}),text:l({},n.text,{}),texttemplate:o({editType:"plot"},{keys:["a","b","text"]}),hovertext:l({},n.hovertext,{}),line:{color:u.color,width:u.width,dash:u.dash,shape:l({},u.shape,{values:["linear","spline"]}),smoothing:u.smoothing,editType:"calc"},connectgaps:n.connectgaps,fill:l({},n.fill,{values:["none","toself","tonext"],dflt:"none"}),fillcolor:n.fillcolor,marker:l({symbol:c.symbol,opacity:c.opacity,maxdisplayed:c.maxdisplayed,size:c.size,sizeref:c.sizeref,sizemin:c.sizemin,sizemode:c.sizemode,line:l({width:f.width,editType:"calc"},s("marker.line")),gradient:c.gradient,editType:"calc"},s("marker")),textfont:n.textfont,textposition:n.textposition,selected:n.selected,unselected:n.unselected,hoverinfo:l({},i.hoverinfo,{flags:["a","b","text","name"]}),hoveron:n.hoveron,hovertemplate:a()}},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../scatter/attributes":1187}],1222:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../scatter/colorscale_calc"),a=t("../scatter/arrays_to_calcdata"),o=t("../scatter/calc_selection"),s=t("../scatter/calc").calcMarkerSize,l=t("../carpet/lookup_carpetid");e.exports=function(t,e){var r=e._carpetTrace=l(t,e);if(r&&r.visible&&"legendonly"!==r.visible){var c;e.xaxis=r.xaxis,e.yaxis=r.yaxis;var u,f,h=e._length,p=new Array(h),d=!1;for(c=0;c")}return o}function y(t,e){var r;r=t.labelprefix&&t.labelprefix.length>0?t.labelprefix.replace(/ = $/,""):t._hovertitle,m.push(r+": "+e.toFixed(3)+t.labelsuffix)}}},{"../../lib":778,"../scatter/hover":1198}],1227:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("./calc"),plot:t("./plot"),style:t("../scatter/style").style,styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("../scatter/select"),eventData:t("./event_data"),moduleType:"trace",name:"scattercarpet",basePlotModule:t("../../plots/cartesian"),categories:["svg","carpet","symbols","showLegend","carpetDependent","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"../scatter/marker_colorbar":1205,"../scatter/select":1209,"../scatter/style":1211,"./attributes":1221,"./calc":1222,"./defaults":1223,"./event_data":1224,"./format_labels":1225,"./hover":1226,"./plot":1228}],1228:[function(t,e,r){"use strict";var n=t("../scatter/plot"),i=t("../../plots/cartesian/axes"),a=t("../../components/drawing");e.exports=function(t,e,r,o){var s,l,c,u=r[0][0].carpet,f={xaxis:i.getFromId(t,u.xaxis||"x"),yaxis:i.getFromId(t,u.yaxis||"y"),plot:e.plot};for(n(t,f,r,o),s=0;s")}(c,g,t,l[0].t.labels),t.hovertemplate=c.hovertemplate,[t]}}},{"../../components/fx":683,"../../constants/numerical":753,"../../lib":778,"../scatter/get_trace_color":1197,"./attributes":1229}],1235:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("./calc"),calcGeoJSON:t("./plot").calcGeoJSON,plot:t("./plot").plot,style:t("./style"),styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("./select"),moduleType:"trace",name:"scattergeo",basePlotModule:t("../../plots/geo"),categories:["geo","symbols","showLegend","scatter-like"],meta:{}}},{"../../plots/geo":860,"../scatter/marker_colorbar":1205,"../scatter/style":1211,"./attributes":1229,"./calc":1230,"./defaults":1231,"./event_data":1232,"./format_labels":1233,"./hover":1234,"./plot":1236,"./select":1237,"./style":1238}],1236:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../lib/topojson_utils").getTopojsonFeatures,o=t("../../lib/geojson_utils"),s=t("../../lib/geo_location_utils"),l=t("../../plots/cartesian/autorange").findExtremes,c=t("../../constants/numerical").BADNUM,u=t("../scatter/calc").calcMarkerSize,f=t("../scatter/subtypes"),h=t("./style");e.exports={calcGeoJSON:function(t,e){var r,n,i=t[0].trace,o=e[i.geo],f=o._subplot,h=i._length;if(Array.isArray(i.locations)){var p=i.locationmode,d="geojson-id"===p?s.extractTraceFeature(t):a(i,f.topojson);for(r=0;r=m,k=2*w,M={},A=x.makeCalcdata(e,"x"),S=b.makeCalcdata(e,"y"),E=s(e,x,"x",A),C=s(e,b,"y",S);e._x=E,e._y=C,e.xperiodalignment&&(e._origX=A),e.yperiodalignment&&(e._origY=S);var L=new Array(k);for(r=0;r1&&i.extendFlat(s.line,p.linePositions(t,r,n));if(s.errorX||s.errorY){var l=p.errorBarPositions(t,r,n,a,o);s.errorX&&i.extendFlat(s.errorX,l.x),s.errorY&&i.extendFlat(s.errorY,l.y)}s.text&&(i.extendFlat(s.text,{positions:n},p.textPosition(t,r,s.text,s.marker)),i.extendFlat(s.textSel,{positions:n},p.textPosition(t,r,s.text,s.markerSel)),i.extendFlat(s.textUnsel,{positions:n},p.textPosition(t,r,s.text,s.markerUnsel)));return s}(t,0,e,L,E,C),O=d(t,_);return f(y,e),T?z.marker&&(P=2*(z.marker.sizeAvg||Math.max(z.marker.size,3))):P=c(e,w),u(t,e,x,b,E,C,P),z.errorX&&v(e,x,z.errorX),z.errorY&&v(e,b,z.errorY),z.fill&&!O.fill2d&&(O.fill2d=!0),z.marker&&!O.scatter2d&&(O.scatter2d=!0),z.line&&!O.line2d&&(O.line2d=!0),!z.errorX&&!z.errorY||O.error2d||(O.error2d=!0),z.text&&!O.glText&&(O.glText=!0),z.marker&&(z.marker.snap=w),O.lineOptions.push(z.line),O.errorXOptions.push(z.errorX),O.errorYOptions.push(z.errorY),O.fillOptions.push(z.fill),O.markerOptions.push(z.marker),O.markerSelectedOptions.push(z.markerSel),O.markerUnselectedOptions.push(z.markerUnsel),O.textOptions.push(z.text),O.textSelectedOptions.push(z.textSel),O.textUnselectedOptions.push(z.textUnsel),O.selectBatch.push([]),O.unselectBatch.push([]),M._scene=O,M.index=O.count,M.x=E,M.y=C,M.positions=L,O.count++,[{x:!1,y:!1,t:M,trace:e}]}},{"../../constants/numerical":753,"../../lib":778,"../../plots/cartesian/align_period":825,"../../plots/cartesian/autorange":827,"../../plots/cartesian/axis_ids":831,"../scatter/calc":1188,"../scatter/colorscale_calc":1190,"./constants":1241,"./convert":1242,"./scene_update":1250,"@plotly/point-cluster":57}],1241:[function(t,e,r){"use strict";e.exports={TOO_MANY_POINTS:1e5,SYMBOL_SDF_SIZE:200,SYMBOL_SIZE:20,SYMBOL_STROKE:1,DOT_RE:/-dot/,OPEN_RE:/-open/,DASHES:{solid:[1],dot:[1,1],dash:[4,1],longdash:[8,1],dashdot:[4,1,1,1],longdashdot:[8,1,1,1]}}},{}],1242:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("svg-path-sdf"),a=t("color-normalize"),o=t("../../registry"),s=t("../../lib"),l=t("../../components/drawing"),c=t("../../plots/cartesian/axis_ids"),u=t("../../lib/gl_format_color").formatColor,f=t("../scatter/subtypes"),h=t("../scatter/make_bubble_size_func"),p=t("./helpers"),d=t("./constants"),g=t("../../constants/interactions").DESELECTDIM,m={start:1,left:1,end:-1,right:-1,middle:0,center:0,bottom:1,top:-1},v=t("../../components/fx/helpers").appendArrayPointValue;function y(t,e){var r,i=t._fullLayout,a=e._length,o=e.textfont,l=e.textposition,c=Array.isArray(l)?l:[l],u=o.color,f=o.size,h=o.family,p={},d=e.texttemplate;if(d){p.text=[];var g=i._d3locale,m=Array.isArray(d),y=m?Math.min(d.length,a):a,x=m?function(t){return d[t]}:function(){return d};for(r=0;rd.TOO_MANY_POINTS||f.hasMarkers(e)?"rect":"round";if(c&&e.connectgaps){var h=n[0],p=n[1];for(i=0;i1?l[i]:l[0]:l,d=Array.isArray(c)?c.length>1?c[i]:c[0]:c,g=m[p],v=m[d],y=u?u/.8+1:0,x=-v*y-.5*v;o.offset[i]=[g*y/h,x/h]}}return o}}},{"../../components/drawing":665,"../../components/fx/helpers":679,"../../constants/interactions":752,"../../lib":778,"../../lib/gl_format_color":774,"../../plots/cartesian/axis_ids":831,"../../registry":911,"../scatter/make_bubble_size_func":1204,"../scatter/subtypes":1212,"./constants":1241,"./helpers":1246,"color-normalize":125,"fast-isnumeric":241,"svg-path-sdf":574}],1243:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry"),a=t("./helpers"),o=t("./attributes"),s=t("../scatter/constants"),l=t("../scatter/subtypes"),c=t("../scatter/xy_defaults"),u=t("../scatter/period_defaults"),f=t("../scatter/marker_defaults"),h=t("../scatter/line_defaults"),p=t("../scatter/fillcolor_defaults"),d=t("../scatter/text_defaults");e.exports=function(t,e,r,g){function m(r,i){return n.coerce(t,e,o,r,i)}var v=!!t.marker&&a.isOpenSymbol(t.marker.symbol),y=l.isBubble(t),x=c(t,e,g,m);if(x){u(t,e,g,m);var b=x100},r.isDotSymbol=function(t){return"string"==typeof t?n.DOT_RE.test(t):t>200}},{"./constants":1241}],1247:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib"),a=t("../scatter/get_trace_color");function o(t,e,r,o){var s=t.xa,l=t.ya,c=t.distance,u=t.dxy,f=t.index,h={pointNumber:f,x:e[f],y:r[f]};h.tx=Array.isArray(o.text)?o.text[f]:o.text,h.htx=Array.isArray(o.hovertext)?o.hovertext[f]:o.hovertext,h.data=Array.isArray(o.customdata)?o.customdata[f]:o.customdata,h.tp=Array.isArray(o.textposition)?o.textposition[f]:o.textposition;var p=o.textfont;p&&(h.ts=i.isArrayOrTypedArray(p.size)?p.size[f]:p.size,h.tc=Array.isArray(p.color)?p.color[f]:p.color,h.tf=Array.isArray(p.family)?p.family[f]:p.family);var d=o.marker;d&&(h.ms=i.isArrayOrTypedArray(d.size)?d.size[f]:d.size,h.mo=i.isArrayOrTypedArray(d.opacity)?d.opacity[f]:d.opacity,h.mx=i.isArrayOrTypedArray(d.symbol)?d.symbol[f]:d.symbol,h.mc=i.isArrayOrTypedArray(d.color)?d.color[f]:d.color);var g=d&&d.line;g&&(h.mlc=Array.isArray(g.color)?g.color[f]:g.color,h.mlw=i.isArrayOrTypedArray(g.width)?g.width[f]:g.width);var m=d&&d.gradient;m&&"none"!==m.type&&(h.mgt=Array.isArray(m.type)?m.type[f]:m.type,h.mgc=Array.isArray(m.color)?m.color[f]:m.color);var v=s.c2p(h.x,!0),y=l.c2p(h.y,!0),x=h.mrc||1,b=o.hoverlabel;b&&(h.hbg=Array.isArray(b.bgcolor)?b.bgcolor[f]:b.bgcolor,h.hbc=Array.isArray(b.bordercolor)?b.bordercolor[f]:b.bordercolor,h.hts=i.isArrayOrTypedArray(b.font.size)?b.font.size[f]:b.font.size,h.htc=Array.isArray(b.font.color)?b.font.color[f]:b.font.color,h.htf=Array.isArray(b.font.family)?b.font.family[f]:b.font.family,h.hnl=i.isArrayOrTypedArray(b.namelength)?b.namelength[f]:b.namelength);var _=o.hoverinfo;_&&(h.hi=Array.isArray(_)?_[f]:_);var w=o.hovertemplate;w&&(h.ht=Array.isArray(w)?w[f]:w);var T={};T[t.index]=h;var k=o._origX,M=o._origY,A=i.extendFlat({},t,{color:a(o,h),x0:v-x,x1:v+x,xLabelVal:k?k[f]:h.x,y0:y-x,y1:y+x,yLabelVal:M?M[f]:h.y,cd:T,distance:c,spikeDistance:u,hovertemplate:h.ht});return h.htx?A.text=h.htx:h.tx?A.text=h.tx:o.text&&(A.text=o.text),i.fillText(h,o,A),n.getComponentMethod("errorbars","hoverInfo")(h,o,A),A}e.exports={hoverPoints:function(t,e,r,n){var i,a,s,l,c,u,f,h,p,d=t.cd,g=d[0].t,m=d[0].trace,v=t.xa,y=t.ya,x=g.x,b=g.y,_=v.c2p(e),w=y.c2p(r),T=t.distance;if(g.tree){var k=v.p2c(_-T),M=v.p2c(_+T),A=y.p2c(w-T),S=y.p2c(w+T);i="x"===n?g.tree.range(Math.min(k,M),Math.min(y._rl[0],y._rl[1]),Math.max(k,M),Math.max(y._rl[0],y._rl[1])):g.tree.range(Math.min(k,M),Math.min(A,S),Math.max(k,M),Math.max(A,S))}else i=g.ids;var E=T;if("x"===n)for(c=0;c-1;c--)s=x[i[c]],l=b[i[c]],u=v.c2p(s)-_,f=y.c2p(l)-w,(h=Math.sqrt(u*u+f*f))v.glText.length){var w=b-v.glText.length;for(d=0;dr&&(isNaN(e[n])||isNaN(e[n+1]));)n-=2;t.positions=e.slice(r,n+2)}return t})),v.line2d.update(v.lineOptions)),v.error2d){var k=(v.errorXOptions||[]).concat(v.errorYOptions||[]);v.error2d.update(k)}v.scatter2d&&v.scatter2d.update(v.markerOptions),v.fillOrder=s.repeat(null,b),v.fill2d&&(v.fillOptions=v.fillOptions.map((function(t,e){var n=r[e];if(t&&n&&n[0]&&n[0].trace){var i,a,o=n[0],s=o.trace,l=o.t,c=v.lineOptions[e],u=[];s._ownfill&&u.push(e),s._nexttrace&&u.push(e+1),u.length&&(v.fillOrder[e]=u);var f,h,p=[],d=c&&c.positions||l.positions;if("tozeroy"===s.fill){for(f=0;ff&&isNaN(d[h+1]);)h-=2;0!==d[f+1]&&(p=[d[f],0]),p=p.concat(d.slice(f,h+2)),0!==d[h+1]&&(p=p.concat([d[h],0]))}else if("tozerox"===s.fill){for(f=0;ff&&isNaN(d[h]);)h-=2;0!==d[f]&&(p=[0,d[f+1]]),p=p.concat(d.slice(f,h+2)),0!==d[h]&&(p=p.concat([0,d[h+1]]))}else if("toself"===s.fill||"tonext"===s.fill){for(p=[],i=0,a=0;a-1;for(d=0;d=0?Math.floor((e+180)/360):Math.ceil((e-180)/360)),d=e-p;if(n.getClosest(l,(function(t){var e=t.lonlat;if(e[0]===s)return 1/0;var n=i.modHalf(e[0],360),a=e[1],o=h.project([n,a]),l=o.x-u.c2p([d,a]),c=o.y-f.c2p([n,r]),p=Math.max(3,t.mrc||0);return Math.max(Math.sqrt(l*l+c*c)-p,1-3/p)}),t),!1!==t.index){var g=l[t.index],m=g.lonlat,v=[i.modHalf(m[0],360)+p,m[1]],y=u.c2p(v),x=f.c2p(v),b=g.mrc||1;t.x0=y-b,t.x1=y+b,t.y0=x-b,t.y1=x+b;var _={};_[c.subplot]={_subplot:h};var w=c._module.formatLabels(g,c,_);return t.lonLabel=w.lonLabel,t.latLabel=w.latLabel,t.color=a(c,g),t.extraText=function(t,e,r){if(t.hovertemplate)return;var n=(e.hi||t.hoverinfo).split("+"),i=-1!==n.indexOf("all"),a=-1!==n.indexOf("lon"),s=-1!==n.indexOf("lat"),l=e.lonlat,c=[];function u(t){return t+"\xb0"}i||a&&s?c.push("("+u(l[0])+", "+u(l[1])+")"):a?c.push(r.lon+u(l[0])):s&&c.push(r.lat+u(l[1]));(i||-1!==n.indexOf("text"))&&o(e,t,c);return c.join("
")}(c,g,l[0].t.labels),t.hovertemplate=c.hovertemplate,[t]}}},{"../../components/fx":683,"../../constants/numerical":753,"../../lib":778,"../scatter/get_trace_color":1197}],1258:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("../scattergeo/calc"),plot:t("./plot"),hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("./select"),styleOnSelect:function(t,e){e&&e[0].trace._glTrace.update(e)},moduleType:"trace",name:"scattermapbox",basePlotModule:t("../../plots/mapbox"),categories:["mapbox","gl","symbols","showLegend","scatter-like"],meta:{}}},{"../../plots/mapbox":885,"../scatter/marker_colorbar":1205,"../scattergeo/calc":1230,"./attributes":1252,"./defaults":1254,"./event_data":1255,"./format_labels":1256,"./hover":1257,"./plot":1259,"./select":1260}],1259:[function(t,e,r){"use strict";var n=t("./convert"),i=t("../../plots/mapbox/constants").traceLayerPrefix,a=["fill","line","circle","symbol"];function o(t,e){this.type="scattermapbox",this.subplot=t,this.uid=e,this.sourceIds={fill:"source-"+e+"-fill",line:"source-"+e+"-line",circle:"source-"+e+"-circle",symbol:"source-"+e+"-symbol"},this.layerIds={fill:i+e+"-fill",line:i+e+"-line",circle:i+e+"-circle",symbol:i+e+"-symbol"},this.below=null}var s=o.prototype;s.addSource=function(t,e){this.subplot.map.addSource(this.sourceIds[t],{type:"geojson",data:e.geojson})},s.setSourceData=function(t,e){this.subplot.map.getSource(this.sourceIds[t]).setData(e.geojson)},s.addLayer=function(t,e,r){this.subplot.addLayer({type:t,id:this.layerIds[t],source:this.sourceIds[t],layout:e.layout,paint:e.paint},r)},s.update=function(t){var e,r,i,o=this.subplot,s=o.map,l=n(o.gd,t),c=o.belowLookup["trace-"+this.uid];if(c!==this.below){for(e=a.length-1;e>=0;e--)r=a[e],s.removeLayer(this.layerIds[r]);for(e=0;e=0;e--){var r=a[e];t.removeLayer(this.layerIds[r]),t.removeSource(this.sourceIds[r])}},e.exports=function(t,e){for(var r=e[0].trace,i=new o(t,r.uid),s=n(t.gd,e),l=i.below=t.belowLookup["trace-"+r.uid],c=0;c")}}e.exports={hoverPoints:function(t,e,r,a){var o=n(t,e,r,a);if(o&&!1!==o[0].index){var s=o[0];if(void 0===s.index)return o;var l=t.subplot,c=s.cd[s.index],u=s.trace;if(l.isPtInside(c))return s.xLabelVal=void 0,s.yLabelVal=void 0,i(c,u,l,s),s.hovertemplate=u.hovertemplate,o}},makeHoverPointText:i}},{"../scatter/hover":1198}],1266:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"scatterpolar",basePlotModule:t("../../plots/polar"),categories:["polar","symbols","showLegend","scatter-like"],attributes:t("./attributes"),supplyDefaults:t("./defaults").supplyDefaults,colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("./calc"),plot:t("./plot"),style:t("../scatter/style").style,styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover").hoverPoints,selectPoints:t("../scatter/select"),meta:{}}},{"../../plots/polar":894,"../scatter/marker_colorbar":1205,"../scatter/select":1209,"../scatter/style":1211,"./attributes":1261,"./calc":1262,"./defaults":1263,"./format_labels":1264,"./hover":1265,"./plot":1267}],1267:[function(t,e,r){"use strict";var n=t("../scatter/plot"),i=t("../../constants/numerical").BADNUM;e.exports=function(t,e,r){for(var a=e.layers.frontplot.select("g.scatterlayer"),o={xaxis:e.xaxis,yaxis:e.yaxis,plot:e.framework,layerClipId:e._hasClipOnAxisFalse?e.clipIds.forTraces:null},s=e.radialAxis,l=e.angularAxis,c=0;c=c&&(y.marker.cluster=d.tree),y.marker&&(y.markerSel.positions=y.markerUnsel.positions=y.marker.positions=_),y.line&&_.length>1&&l.extendFlat(y.line,s.linePositions(t,p,_)),y.text&&(l.extendFlat(y.text,{positions:_},s.textPosition(t,p,y.text,y.marker)),l.extendFlat(y.textSel,{positions:_},s.textPosition(t,p,y.text,y.markerSel)),l.extendFlat(y.textUnsel,{positions:_},s.textPosition(t,p,y.text,y.markerUnsel))),y.fill&&!h.fill2d&&(h.fill2d=!0),y.marker&&!h.scatter2d&&(h.scatter2d=!0),y.line&&!h.line2d&&(h.line2d=!0),y.text&&!h.glText&&(h.glText=!0),h.lineOptions.push(y.line),h.fillOptions.push(y.fill),h.markerOptions.push(y.marker),h.markerSelectedOptions.push(y.markerSel),h.markerUnselectedOptions.push(y.markerUnsel),h.textOptions.push(y.text),h.textSelectedOptions.push(y.textSel),h.textUnselectedOptions.push(y.textUnsel),h.selectBatch.push([]),h.unselectBatch.push([]),d.x=w,d.y=T,d.rawx=w,d.rawy=T,d.r=m,d.theta=v,d.positions=_,d._scene=h,d.index=h.count,h.count++}})),a(t,e,r)}}},{"../../lib":778,"../scattergl/constants":1241,"../scattergl/convert":1242,"../scattergl/plot":1249,"../scattergl/scene_update":1250,"@plotly/point-cluster":57,"fast-isnumeric":241}],1275:[function(t,e,r){"use strict";var n=t("../../plots/template_attributes").hovertemplateAttrs,i=t("../../plots/template_attributes").texttemplateAttrs,a=t("../scatter/attributes"),o=t("../../plots/attributes"),s=t("../../components/colorscale/attributes"),l=t("../../components/drawing/attributes").dash,c=t("../../lib/extend").extendFlat,u=a.marker,f=a.line,h=u.line;e.exports={a:{valType:"data_array",editType:"calc"},b:{valType:"data_array",editType:"calc"},c:{valType:"data_array",editType:"calc"},sum:{valType:"number",dflt:0,min:0,editType:"calc"},mode:c({},a.mode,{dflt:"markers"}),text:c({},a.text,{}),texttemplate:i({editType:"plot"},{keys:["a","b","c","text"]}),hovertext:c({},a.hovertext,{}),line:{color:f.color,width:f.width,dash:l,shape:c({},f.shape,{values:["linear","spline"]}),smoothing:f.smoothing,editType:"calc"},connectgaps:a.connectgaps,cliponaxis:a.cliponaxis,fill:c({},a.fill,{values:["none","toself","tonext"],dflt:"none"}),fillcolor:a.fillcolor,marker:c({symbol:u.symbol,opacity:u.opacity,maxdisplayed:u.maxdisplayed,size:u.size,sizeref:u.sizeref,sizemin:u.sizemin,sizemode:u.sizemode,line:c({width:h.width,editType:"calc"},s("marker.line")),gradient:u.gradient,editType:"calc"},s("marker")),textfont:a.textfont,textposition:a.textposition,selected:a.selected,unselected:a.unselected,hoverinfo:c({},o.hoverinfo,{flags:["a","b","c","text","name"]}),hoveron:a.hoveron,hovertemplate:n()}},{"../../components/colorscale/attributes":650,"../../components/drawing/attributes":664,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../scatter/attributes":1187}],1276:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../scatter/colorscale_calc"),a=t("../scatter/arrays_to_calcdata"),o=t("../scatter/calc_selection"),s=t("../scatter/calc").calcMarkerSize,l=["a","b","c"],c={a:["b","c"],b:["a","c"],c:["a","b"]};e.exports=function(t,e){var r,u,f,h,p,d,g=t._fullLayout[e.subplot].sum,m=e.sum||g,v={a:e.a,b:e.b,c:e.c};for(r=0;r"),o.hovertemplate=h.hovertemplate,a}function x(t,e){v.push(t._hovertitle+": "+e)}}},{"../scatter/hover":1198}],1281:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("./calc"),plot:t("./plot"),style:t("../scatter/style").style,styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("../scatter/select"),eventData:t("./event_data"),moduleType:"trace",name:"scatterternary",basePlotModule:t("../../plots/ternary"),categories:["ternary","symbols","showLegend","scatter-like"],meta:{}}},{"../../plots/ternary":907,"../scatter/marker_colorbar":1205,"../scatter/select":1209,"../scatter/style":1211,"./attributes":1275,"./calc":1276,"./defaults":1277,"./event_data":1278,"./format_labels":1279,"./hover":1280,"./plot":1282}],1282:[function(t,e,r){"use strict";var n=t("../scatter/plot");e.exports=function(t,e,r){var i=e.plotContainer;i.select(".scatterlayer").selectAll("*").remove();var a={xaxis:e.xaxis,yaxis:e.yaxis,plot:i,layerClipId:e._hasClipOnAxisFalse?e.clipIdRelative:null},o=e.layers.frontplot.select("g.scatterlayer");n(t,a,r,o)}},{"../scatter/plot":1208}],1283:[function(t,e,r){"use strict";var n=t("../scatter/attributes"),i=t("../../components/colorscale/attributes"),a=t("../../plots/template_attributes").hovertemplateAttrs,o=t("../scattergl/attributes"),s=t("../../plots/cartesian/constants").idRegex,l=t("../../plot_api/plot_template").templatedArray,c=t("../../lib/extend").extendFlat,u=n.marker,f=u.line,h=c(i("marker.line",{editTypeOverride:"calc"}),{width:c({},f.width,{editType:"calc"}),editType:"calc"}),p=c(i("marker"),{symbol:u.symbol,size:c({},u.size,{editType:"markerSize"}),sizeref:u.sizeref,sizemin:u.sizemin,sizemode:u.sizemode,opacity:u.opacity,colorbar:u.colorbar,line:h,editType:"calc"});function d(t){return{valType:"info_array",freeLength:!0,editType:"calc",items:{valType:"subplotid",regex:s[t],editType:"plot"}}}p.color.editType=p.cmin.editType=p.cmax.editType="style",e.exports={dimensions:l("dimension",{visible:{valType:"boolean",dflt:!0,editType:"calc"},label:{valType:"string",editType:"calc"},values:{valType:"data_array",editType:"calc+clearAxisTypes"},axis:{type:{valType:"enumerated",values:["linear","log","date","category"],editType:"calc+clearAxisTypes"},matches:{valType:"boolean",dflt:!1,editType:"calc"},editType:"calc+clearAxisTypes"},editType:"calc+clearAxisTypes"}),text:c({},o.text,{}),hovertext:c({},o.hovertext,{}),hovertemplate:a(),marker:p,xaxes:d("x"),yaxes:d("y"),diagonal:{visible:{valType:"boolean",dflt:!0,editType:"calc"},editType:"calc"},showupperhalf:{valType:"boolean",dflt:!0,editType:"calc"},showlowerhalf:{valType:"boolean",dflt:!0,editType:"calc"},selected:{marker:o.selected.marker,editType:"calc"},unselected:{marker:o.unselected.marker,editType:"calc"},opacity:o.opacity}},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plot_api/plot_template":817,"../../plots/cartesian/constants":834,"../../plots/template_attributes":906,"../scatter/attributes":1187,"../scattergl/attributes":1239}],1284:[function(t,e,r){"use strict";var n=t("regl-line2d"),i=t("../../registry"),a=t("../../lib/prepare_regl"),o=t("../../plots/get_data").getModuleCalcData,s=t("../../plots/cartesian"),l=t("../../plots/cartesian/axis_ids").getFromId,c=t("../../plots/cartesian/axes").shouldShowZeroLine;function u(t,e,r){for(var n=r.matrixOptions.data.length,i=e._visibleDims,a=r.viewOpts.ranges=new Array(n),o=0;oh?2*(b.sizeAvg||Math.max(b.size,3)):a(e,x),p=0;pa&&l||i-1,A=!0;if(o(x)||!!p.selectedpoints||M){var S=p._length;if(p.selectedpoints){g.selectBatch=p.selectedpoints;var E=p.selectedpoints,C={};for(l=0;l1&&(u=g[y-1],h=m[y-1],d=v[y-1]),e=0;eu?"-":"+")+"x")).replace("y",(f>h?"-":"+")+"y")).replace("z",(p>d?"-":"+")+"z");var C=function(){y=0,A=[],S=[],E=[]};(!y||y2?t.slice(1,e-1):2===e?[(t[0]+t[1])/2]:t}function p(t){var e=t.length;return 1===e?[.5,.5]:[t[1]-t[0],t[e-1]-t[e-2]]}function d(t,e){var r=t.fullSceneLayout,i=t.dataScale,u=e._len,f={};function d(t,e){var n=r[e],o=i[c[e]];return a.simpleMap(t,(function(t){return n.d2l(t)*o}))}if(f.vectors=l(d(e._u,"xaxis"),d(e._v,"yaxis"),d(e._w,"zaxis"),u),!u)return{positions:[],cells:[]};var g=d(e._Xs,"xaxis"),m=d(e._Ys,"yaxis"),v=d(e._Zs,"zaxis");if(f.meshgrid=[g,m,v],f.gridFill=e._gridFill,e._slen)f.startingPositions=l(d(e._startsX,"xaxis"),d(e._startsY,"yaxis"),d(e._startsZ,"zaxis"));else{for(var y=m[0],x=h(g),b=h(v),_=new Array(x.length*b.length),w=0,T=0;T=0};v?(r=Math.min(m.length,x.length),l=function(t){return M(m[t])&&A(t)},f=function(t){return String(m[t])}):(r=Math.min(y.length,x.length),l=function(t){return M(y[t])&&A(t)},f=function(t){return String(y[t])}),_&&(r=Math.min(r,b.length));for(var S=0;S1){for(var I=a.randstr(),P=0;P"),name:k||z("name")?l.name:void 0,color:T("hoverlabel.bgcolor")||y.color,borderColor:T("hoverlabel.bordercolor"),fontFamily:T("hoverlabel.font.family"),fontSize:T("hoverlabel.font.size"),fontColor:T("hoverlabel.font.color"),nameLength:T("hoverlabel.namelength"),textAlign:T("hoverlabel.align"),hovertemplate:k,hovertemplateLabels:L,eventData:[f(i,l,h.eventDataKeys)]};m&&(R.x0=S-i.rInscribed*i.rpx1,R.x1=S+i.rInscribed*i.rpx1,R.idealAlign=i.pxmid[0]<0?"left":"right"),v&&(R.x=S,R.idealAlign=S<0?"left":"right"),o.loneHover(R,{container:a._hoverlayer.node(),outerContainer:a._paper.node(),gd:r}),d._hasHoverLabel=!0}if(v){var F=t.select("path.surface");h.styleOne(F,i,l,{hovered:!0})}d._hasHoverEvent=!0,r.emit("plotly_hover",{points:[f(i,l,h.eventDataKeys)],event:n.event})}})),t.on("mouseout",(function(e){var i=r._fullLayout,a=r._fullData[d.index],s=n.select(this).datum();if(d._hasHoverEvent&&(e.originalEvent=n.event,r.emit("plotly_unhover",{points:[f(s,a,h.eventDataKeys)],event:n.event}),d._hasHoverEvent=!1),d._hasHoverLabel&&(o.loneUnhover(i._hoverlayer.node()),d._hasHoverLabel=!1),v){var l=t.select("path.surface");h.styleOne(l,s,a,{hovered:!1})}})),t.on("click",(function(t){var e=r._fullLayout,a=r._fullData[d.index],s=m&&(c.isHierarchyRoot(t)||c.isLeaf(t)),u=c.getPtId(t),p=c.isEntry(t)?c.findEntryWithChild(g,u):c.findEntryWithLevel(g,u),v=c.getPtId(p),y={points:[f(t,a,h.eventDataKeys)],event:n.event};s||(y.nextLevel=v);var x=l.triggerHandler(r,"plotly_"+d.type+"click",y);if(!1!==x&&e.hovermode&&(r._hoverdata=[f(t,a,h.eventDataKeys)],o.click(r,n.event)),!s&&!1!==x&&!r._dragging&&!r._transitioning){i.call("_storeDirectGUIEdit",a,e._tracePreGUI[a.uid],{level:a.level});var b={data:[{level:v}],traces:[d.index]},_={frame:{redraw:!1,duration:h.transitionTime},transition:{duration:h.transitionTime,easing:h.transitionEasing},mode:"immediate",fromcurrent:!0};o.loneUnhover(e._hoverlayer.node()),i.call("animate",r,b,_)}}))}},{"../../components/fx":683,"../../components/fx/helpers":679,"../../lib":778,"../../lib/events":767,"../../registry":911,"../pie/helpers":1166,"./helpers":1305,d3:169}],1305:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../components/color"),a=t("../../lib/setcursor"),o=t("../pie/helpers");function s(t){return t.data.data.pid}r.findEntryWithLevel=function(t,e){var n;return e&&t.eachAfter((function(t){if(r.getPtId(t)===e)return n=t.copy()})),n||t},r.findEntryWithChild=function(t,e){var n;return t.eachAfter((function(t){for(var i=t.children||[],a=0;a0)},r.getMaxDepth=function(t){return t.maxdepth>=0?t.maxdepth:1/0},r.isHeader=function(t,e){return!(r.isLeaf(t)||t.depth===e._maxDepth-1)},r.getParent=function(t,e){return r.findEntryWithLevel(t,s(e))},r.listPath=function(t,e){var n=t.parent;if(!n)return[];var i=e?[n.data[e]]:[n];return r.listPath(n,e).concat(i)},r.getPath=function(t){return r.listPath(t,"label").join("/")+"/"},r.formatValue=o.formatPieValue,r.formatPercent=function(t,e){var r=n.formatPercent(t,0);return"0%"===r&&(r=o.formatPiePercent(t,e)),r}},{"../../components/color":643,"../../lib":778,"../../lib/setcursor":799,"../pie/helpers":1166}],1306:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"sunburst",basePlotModule:t("./base_plot"),categories:[],animatable:!0,attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./calc").crossTraceCalc,plot:t("./plot").plot,style:t("./style").style,colorbar:t("../scatter/marker_colorbar"),meta:{}}},{"../scatter/marker_colorbar":1205,"./attributes":1299,"./base_plot":1300,"./calc":1301,"./defaults":1303,"./layout_attributes":1307,"./layout_defaults":1308,"./plot":1309,"./style":1310}],1307:[function(t,e,r){"use strict";e.exports={sunburstcolorway:{valType:"colorlist",editType:"calc"},extendsunburstcolors:{valType:"boolean",dflt:!0,editType:"calc"}}},{}],1308:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e){function r(r,a){return n.coerce(t,e,i,r,a)}r("sunburstcolorway",e.colorway),r("extendsunburstcolors")}},{"../../lib":778,"./layout_attributes":1307}],1309:[function(t,e,r){"use strict";var n=t("d3"),i=t("d3-hierarchy"),a=t("../../components/drawing"),o=t("../../lib"),s=t("../../lib/svg_text_utils"),l=t("../bar/uniform_text"),c=l.recordMinTextSize,u=l.clearMinTextSize,f=t("../pie/plot"),h=t("../pie/helpers").getRotationAngle,p=f.computeTransform,d=f.transformInsideText,g=t("./style").styleOne,m=t("../bar/style").resizeText,v=t("./fx"),y=t("./constants"),x=t("./helpers");function b(t,e,l,u){var f=t._fullLayout,m=!f.uniformtext.mode&&x.hasTransition(u),b=n.select(l).selectAll("g.slice"),w=e[0],T=w.trace,k=w.hierarchy,M=x.findEntryWithLevel(k,T.level),A=x.getMaxDepth(T),S=f._size,E=T.domain,C=S.w*(E.x[1]-E.x[0]),L=S.h*(E.y[1]-E.y[0]),I=.5*Math.min(C,L),P=w.cx=S.l+S.w*(E.x[1]+E.x[0])/2,z=w.cy=S.t+S.h*(1-E.y[0])-L/2;if(!M)return b.remove();var O=null,D={};m&&b.each((function(t){D[x.getPtId(t)]={rpx0:t.rpx0,rpx1:t.rpx1,x0:t.x0,x1:t.x1,transform:t.transform},!O&&x.isEntry(t)&&(O=t)}));var R=function(t){return i.partition().size([2*Math.PI,t.height+1])(t)}(M).descendants(),F=M.height+1,B=0,N=A;w.hasMultipleRoots&&x.isHierarchyRoot(M)&&(R=R.slice(1),F-=1,B=1,N+=1),R=R.filter((function(t){return t.y1<=N}));var j=h(T.rotation);j&&R.forEach((function(t){t.x0+=j,t.x1+=j}));var U=Math.min(F,A),V=function(t){return(t-B)/U*I},q=function(t,e){return[t*Math.cos(e),-t*Math.sin(e)]},H=function(t){return o.pathAnnulus(t.rpx0,t.rpx1,t.x0,t.x1,P,z)},G=function(t){return P+_(t)[0]*(t.transform.rCenter||0)+(t.transform.x||0)},Y=function(t){return z+_(t)[1]*(t.transform.rCenter||0)+(t.transform.y||0)};(b=b.data(R,x.getPtId)).enter().append("g").classed("slice",!0),m?b.exit().transition().each((function(){var t=n.select(this);t.select("path.surface").transition().attrTween("d",(function(t){var e=function(t){var e,r=x.getPtId(t),i=D[r],a=D[x.getPtId(M)];if(a){var o=(t.x1>a.x1?2*Math.PI:0)+j;e=t.rpx1W?2*Math.PI:0)+j;e={x0:a,x1:a}}else e={rpx0:I,rpx1:I},o.extendFlat(e,J(t));else e={rpx0:0,rpx1:0};else e={x0:j,x1:j};return n.interpolate(e,i)}(t);return function(t){return H(e(t))}})):u.attr("d",H),l.call(v,M,t,e,{eventDataKeys:y.eventDataKeys,transitionTime:y.CLICK_TRANSITION_TIME,transitionEasing:y.CLICK_TRANSITION_EASING}).call(x.setSliceCursor,t,{hideOnRoot:!0,hideOnLeaves:!0,isTransitioning:t._transitioning}),u.call(g,i,T);var h=o.ensureSingle(l,"g","slicetext"),b=o.ensureSingle(h,"text","",(function(t){t.attr("data-notex",1)})),_=o.ensureUniformFontSize(t,x.determineTextFont(T,i,f.font));b.text(r.formatSliceLabel(i,M,T,e,f)).classed("slicetext",!0).attr("text-anchor","middle").call(a.font,_).call(s.convertToTspans,t);var k=a.bBox(b.node());i.transform=d(k,i,w),i.transform.targetX=G(i),i.transform.targetY=Y(i);var A=function(t,e){var r=t.transform;return p(r,e),r.fontSize=_.size,c(T.type,r,f),o.getTextTransform(r)};m?b.transition().attrTween("transform",(function(t){var e=function(t){var e,r=D[x.getPtId(t)],i=t.transform;if(r)e=r;else if(e={rpx1:t.rpx1,transform:{textPosAngle:i.textPosAngle,scale:0,rotate:i.rotate,rCenter:i.rCenter,x:i.x,y:i.y}},O)if(t.parent)if(W){var a=t.x1>W?2*Math.PI:0;e.x0=e.x1=a}else o.extendFlat(e,J(t));else e.x0=e.x1=j;else e.x0=e.x1=j;var s=n.interpolate(e.transform.textPosAngle,t.transform.textPosAngle),l=n.interpolate(e.rpx1,t.rpx1),u=n.interpolate(e.x0,t.x0),h=n.interpolate(e.x1,t.x1),p=n.interpolate(e.transform.scale,i.scale),d=n.interpolate(e.transform.rotate,i.rotate),g=0===i.rCenter?3:0===e.transform.rCenter?1/3:1,m=n.interpolate(e.transform.rCenter,i.rCenter);return function(t){var e=l(t),r=u(t),n=h(t),a=function(t){return m(Math.pow(t,g))}(t),o={pxmid:q(e,(r+n)/2),rpx1:e,transform:{textPosAngle:s(t),rCenter:a,x:i.x,y:i.y}};return c(T.type,i,f),{transform:{targetX:G(o),targetY:Y(o),scale:p(t),rotate:d(t),rCenter:a}}}}(t);return function(t){return A(e(t),k)}})):b.attr("transform",A(i,k))}))}function _(t){return e=t.rpx1,r=t.transform.textPosAngle,[e*Math.sin(r),-e*Math.cos(r)];var e,r}r.plot=function(t,e,r,i){var a,o,s=t._fullLayout,l=s._sunburstlayer,c=!r,f=!s.uniformtext.mode&&x.hasTransition(r);(u("sunburst",s),(a=l.selectAll("g.trace.sunburst").data(e,(function(t){return t[0].trace.uid}))).enter().append("g").classed("trace",!0).classed("sunburst",!0).attr("stroke-linejoin","round"),a.order(),f)?(i&&(o=i()),n.transition().duration(r.duration).ease(r.easing).each("end",(function(){o&&o()})).each("interrupt",(function(){o&&o()})).each((function(){l.selectAll("g.trace").each((function(e){b(t,e,this,r)}))}))):(a.each((function(e){b(t,e,this,r)})),s.uniformtext.mode&&m(t,s._sunburstlayer.selectAll(".trace"),"sunburst"));c&&a.exit().remove()},r.formatSliceLabel=function(t,e,r,n,i){var a=r.texttemplate,s=r.textinfo;if(!(a||s&&"none"!==s))return"";var l=i.separators,c=n[0],u=t.data.data,f=c.hierarchy,h=x.isHierarchyRoot(t),p=x.getParent(f,t),d=x.getValue(t);if(!a){var g,m=s.split("+"),v=function(t){return-1!==m.indexOf(t)},y=[];if(v("label")&&u.label&&y.push(u.label),u.hasOwnProperty("v")&&v("value")&&y.push(x.formatValue(u.v,l)),!h){v("current path")&&y.push(x.getPath(t.data));var b=0;v("percent parent")&&b++,v("percent entry")&&b++,v("percent root")&&b++;var _=b>1;if(b){var w,T=function(t){g=x.formatPercent(w,l),_&&(g+=" of "+t),y.push(g)};v("percent parent")&&!h&&(w=d/x.getValue(p),T("parent")),v("percent entry")&&(w=d/x.getValue(e),T("entry")),v("percent root")&&(w=d/x.getValue(f),T("root"))}}return v("text")&&(g=o.castOption(r,u.i,"text"),o.isValidTextValue(g)&&y.push(g)),y.join("
")}var k=o.castOption(r,u.i,"texttemplate");if(!k)return"";var M={};u.label&&(M.label=u.label),u.hasOwnProperty("v")&&(M.value=u.v,M.valueLabel=x.formatValue(u.v,l)),M.currentPath=x.getPath(t.data),h||(M.percentParent=d/x.getValue(p),M.percentParentLabel=x.formatPercent(M.percentParent,l),M.parent=x.getPtLabel(p)),M.percentEntry=d/x.getValue(e),M.percentEntryLabel=x.formatPercent(M.percentEntry,l),M.entry=x.getPtLabel(e),M.percentRoot=d/x.getValue(f),M.percentRootLabel=x.formatPercent(M.percentRoot,l),M.root=x.getPtLabel(f),u.hasOwnProperty("color")&&(M.color=u.color);var A=o.castOption(r,u.i,"text");return(o.isValidTextValue(A)||""===A)&&(M.text=A),M.customdata=o.castOption(r,u.i,"customdata"),o.texttemplateString(k,M,i._d3locale,M,r._meta||{})}},{"../../components/drawing":665,"../../lib":778,"../../lib/svg_text_utils":803,"../bar/style":935,"../bar/uniform_text":937,"../pie/helpers":1166,"../pie/plot":1170,"./constants":1302,"./fx":1304,"./helpers":1305,"./style":1310,d3:169,"d3-hierarchy":161}],1310:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/color"),a=t("../../lib"),o=t("../bar/uniform_text").resizeText;function s(t,e,r){var n=e.data.data,o=!e.children,s=n.i,l=a.castOption(r,s,"marker.line.color")||i.defaultLine,c=a.castOption(r,s,"marker.line.width")||0;t.style("stroke-width",c).call(i.fill,n.color).call(i.stroke,l).style("opacity",o?r.leaf.opacity:null)}e.exports={style:function(t){var e=t._fullLayout._sunburstlayer.selectAll(".trace");o(t,e,"sunburst"),e.each((function(t){var e=n.select(this),r=t[0].trace;e.style("opacity",r.opacity),e.selectAll("path.surface").each((function(t){n.select(this).call(s,t,r)}))}))},styleOne:s}},{"../../components/color":643,"../../lib":778,"../bar/uniform_text":937,d3:169}],1311:[function(t,e,r){"use strict";var n=t("../../components/color"),i=t("../../components/colorscale/attributes"),a=t("../../plots/template_attributes").hovertemplateAttrs,o=t("../../plots/attributes"),s=t("../../lib/extend").extendFlat,l=t("../../plot_api/edit_types").overrideAll;function c(t){return{show:{valType:"boolean",dflt:!1},start:{valType:"number",dflt:null,editType:"plot"},end:{valType:"number",dflt:null,editType:"plot"},size:{valType:"number",dflt:null,min:0,editType:"plot"},project:{x:{valType:"boolean",dflt:!1},y:{valType:"boolean",dflt:!1},z:{valType:"boolean",dflt:!1}},color:{valType:"color",dflt:n.defaultLine},usecolormap:{valType:"boolean",dflt:!1},width:{valType:"number",min:1,max:16,dflt:2},highlight:{valType:"boolean",dflt:!0},highlightcolor:{valType:"color",dflt:n.defaultLine},highlightwidth:{valType:"number",min:1,max:16,dflt:2}}}var u=e.exports=l(s({z:{valType:"data_array"},x:{valType:"data_array"},y:{valType:"data_array"},text:{valType:"string",dflt:"",arrayOk:!0},hovertext:{valType:"string",dflt:"",arrayOk:!0},hovertemplate:a(),connectgaps:{valType:"boolean",dflt:!1,editType:"calc"},surfacecolor:{valType:"data_array"}},i("",{colorAttr:"z or surfacecolor",showScaleDflt:!0,autoColorDflt:!1,editTypeOverride:"calc"}),{contours:{x:c(),y:c(),z:c()},hidesurface:{valType:"boolean",dflt:!1},lightposition:{x:{valType:"number",min:-1e5,max:1e5,dflt:10},y:{valType:"number",min:-1e5,max:1e5,dflt:1e4},z:{valType:"number",min:-1e5,max:1e5,dflt:0}},lighting:{ambient:{valType:"number",min:0,max:1,dflt:.8},diffuse:{valType:"number",min:0,max:1,dflt:.8},specular:{valType:"number",min:0,max:2,dflt:.05},roughness:{valType:"number",min:0,max:1,dflt:.5},fresnel:{valType:"number",min:0,max:5,dflt:.2}},opacity:{valType:"number",min:0,max:1,dflt:1},opacityscale:{valType:"any",editType:"calc"},_deprecated:{zauto:s({},i.zauto,{}),zmin:s({},i.zmin,{}),zmax:s({},i.zmax,{})},hoverinfo:s({},o.hoverinfo),showlegend:s({},o.showlegend,{dflt:!1})}),"calc","nested");u.x.editType=u.y.editType=u.z.editType="calc+clearAxisTypes",u.transforms=void 0},{"../../components/color":643,"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plot_api/edit_types":810,"../../plots/attributes":824,"../../plots/template_attributes":906}],1312:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc");e.exports=function(t,e){e.surfacecolor?n(t,e,{vals:e.surfacecolor,containerStr:"",cLetter:"c"}):n(t,e,{vals:e.z,containerStr:"",cLetter:"c"})}},{"../../components/colorscale/calc":651}],1313:[function(t,e,r){"use strict";var n=t("gl-surface3d"),i=t("ndarray"),a=t("ndarray-linear-interpolate").d2,o=t("../heatmap/interp2d"),s=t("../heatmap/find_empties"),l=t("../../lib").isArrayOrTypedArray,c=t("../../lib/gl_format_color").parseColorScale,u=t("../../lib/str2rgbarray"),f=t("../../components/colorscale").extractOpts;function h(t,e,r){this.scene=t,this.uid=r,this.surface=e,this.data=null,this.showContour=[!1,!1,!1],this.contourStart=[null,null,null],this.contourEnd=[null,null,null],this.contourSize=[0,0,0],this.minValues=[1/0,1/0,1/0],this.maxValues=[-1/0,-1/0,-1/0],this.dataScaleX=1,this.dataScaleY=1,this.refineData=!0,this.objectOffset=[0,0,0]}var p=h.prototype;p.getXat=function(t,e,r,n){var i=l(this.data.x)?l(this.data.x[0])?this.data.x[e][t]:this.data.x[t]:t;return void 0===r?i:n.d2l(i,0,r)},p.getYat=function(t,e,r,n){var i=l(this.data.y)?l(this.data.y[0])?this.data.y[e][t]:this.data.y[e]:e;return void 0===r?i:n.d2l(i,0,r)},p.getZat=function(t,e,r,n){var i=this.data.z[e][t];return null===i&&this.data.connectgaps&&this.data._interpolatedZ&&(i=this.data._interpolatedZ[e][t]),void 0===r?i:n.d2l(i,0,r)},p.handlePick=function(t){if(t.object===this.surface){var e=(t.data.index[0]-1)/this.dataScaleX-1,r=(t.data.index[1]-1)/this.dataScaleY-1,n=Math.max(Math.min(Math.round(e),this.data.z[0].length-1),0),i=Math.max(Math.min(Math.round(r),this.data._ylength-1),0);t.index=[n,i],t.traceCoordinate=[this.getXat(n,i),this.getYat(n,i),this.getZat(n,i)],t.dataCoordinate=[this.getXat(n,i,this.data.xcalendar,this.scene.fullSceneLayout.xaxis),this.getYat(n,i,this.data.ycalendar,this.scene.fullSceneLayout.yaxis),this.getZat(n,i,this.data.zcalendar,this.scene.fullSceneLayout.zaxis)];for(var a=0;a<3;a++){var o=t.dataCoordinate[a];null!=o&&(t.dataCoordinate[a]*=this.scene.dataScale[a])}var s=this.data.hovertext||this.data.text;return Array.isArray(s)&&s[i]&&void 0!==s[i][n]?t.textLabel=s[i][n]:t.textLabel=s||"",t.data.dataCoordinate=t.dataCoordinate.slice(),this.surface.highlight(t.data),this.scene.glplot.spikes.position=t.dataCoordinate,!0}};var d=[2,3,5,7,11,13,17,19,23,29,31,37,41,43,47,53,59,61,67,71,73,79,83,89,97,101,103,107,109,113,127,131,137,139,149,151,157,163,167,173,179,181,191,193,197,199,211,223,227,229,233,239,241,251,257,263,269,271,277,281,283,293,307,311,313,317,331,337,347,349,353,359,367,373,379,383,389,397,401,409,419,421,431,433,439,443,449,457,461,463,467,479,487,491,499,503,509,521,523,541,547,557,563,569,571,577,587,593,599,601,607,613,617,619,631,641,643,647,653,659,661,673,677,683,691,701,709,719,727,733,739,743,751,757,761,769,773,787,797,809,811,821,823,827,829,839,853,857,859,863,877,881,883,887,907,911,919,929,937,941,947,953,967,971,977,983,991,997,1009,1013,1019,1021,1031,1033,1039,1049,1051,1061,1063,1069,1087,1091,1093,1097,1103,1109,1117,1123,1129,1151,1153,1163,1171,1181,1187,1193,1201,1213,1217,1223,1229,1231,1237,1249,1259,1277,1279,1283,1289,1291,1297,1301,1303,1307,1319,1321,1327,1361,1367,1373,1381,1399,1409,1423,1427,1429,1433,1439,1447,1451,1453,1459,1471,1481,1483,1487,1489,1493,1499,1511,1523,1531,1543,1549,1553,1559,1567,1571,1579,1583,1597,1601,1607,1609,1613,1619,1621,1627,1637,1657,1663,1667,1669,1693,1697,1699,1709,1721,1723,1733,1741,1747,1753,1759,1777,1783,1787,1789,1801,1811,1823,1831,1847,1861,1867,1871,1873,1877,1879,1889,1901,1907,1913,1931,1933,1949,1951,1973,1979,1987,1993,1997,1999,2003,2011,2017,2027,2029,2039,2053,2063,2069,2081,2083,2087,2089,2099,2111,2113,2129,2131,2137,2141,2143,2153,2161,2179,2203,2207,2213,2221,2237,2239,2243,2251,2267,2269,2273,2281,2287,2293,2297,2309,2311,2333,2339,2341,2347,2351,2357,2371,2377,2381,2383,2389,2393,2399,2411,2417,2423,2437,2441,2447,2459,2467,2473,2477,2503,2521,2531,2539,2543,2549,2551,2557,2579,2591,2593,2609,2617,2621,2633,2647,2657,2659,2663,2671,2677,2683,2687,2689,2693,2699,2707,2711,2713,2719,2729,2731,2741,2749,2753,2767,2777,2789,2791,2797,2801,2803,2819,2833,2837,2843,2851,2857,2861,2879,2887,2897,2903,2909,2917,2927,2939,2953,2957,2963,2969,2971,2999];function g(t,e){if(t0){r=d[n];break}return r}function y(t,e){if(!(t<1||e<1)){for(var r=m(t),n=m(e),i=1,a=0;a_;)r--,r/=v(r),++r1?n:1},p.refineCoords=function(t){for(var e=this.dataScaleX,r=this.dataScaleY,n=t[0].shape[0],a=t[0].shape[1],o=0|Math.floor(t[0].shape[0]*e+1),s=0|Math.floor(t[0].shape[1]*r+1),l=1+n+1,c=1+a+1,u=i(new Float32Array(l*c),[l,c]),f=[1/e,0,0,0,1/r,0,0,0,1],h=0;h0&&null!==this.contourStart[t]&&null!==this.contourEnd[t]&&this.contourEnd[t]>this.contourStart[t]))for(i[t]=!0,e=this.contourStart[t];ea&&(this.minValues[e]=a),this.maxValues[e]",maxDimensionCount:60,overdrag:45,releaseTransitionDuration:120,releaseTransitionEase:"cubic-out",scrollbarCaptureWidth:18,scrollbarHideDelay:1e3,scrollbarHideDuration:1e3,scrollbarOffset:5,scrollbarWidth:8,transitionDuration:100,transitionEase:"cubic-out",uplift:5,wrapSpacer:" ",wrapSplitCharacter:" ",cn:{table:"table",tableControlView:"table-control-view",scrollBackground:"scroll-background",yColumn:"y-column",columnBlock:"column-block",scrollAreaClip:"scroll-area-clip",scrollAreaClipRect:"scroll-area-clip-rect",columnBoundary:"column-boundary",columnBoundaryClippath:"column-boundary-clippath",columnBoundaryRect:"column-boundary-rect",columnCells:"column-cells",columnCell:"column-cell",cellRect:"cell-rect",cellText:"cell-text",cellTextHolder:"cell-text-holder",scrollbarKit:"scrollbar-kit",scrollbar:"scrollbar",scrollbarSlider:"scrollbar-slider",scrollbarGlyph:"scrollbar-glyph",scrollbarCaptureZone:"scrollbar-capture-zone"}}},{}],1320:[function(t,e,r){"use strict";var n=t("./constants"),i=t("../../lib/extend").extendFlat,a=t("fast-isnumeric");function o(t){if(Array.isArray(t)){for(var e=0,r=0;r=e||c===t.length-1)&&(n[i]=o,o.key=l++,o.firstRowIndex=s,o.lastRowIndex=c,o={firstRowIndex:null,lastRowIndex:null,rows:[]},i+=a,s=c+1,a=0);return n}e.exports=function(t,e){var r=l(e.cells.values),p=function(t){return t.slice(e.header.values.length,t.length)},d=l(e.header.values);d.length&&!d[0].length&&(d[0]=[""],d=l(d));var g=d.concat(p(r).map((function(){return c((d[0]||[""]).length)}))),m=e.domain,v=Math.floor(t._fullLayout._size.w*(m.x[1]-m.x[0])),y=Math.floor(t._fullLayout._size.h*(m.y[1]-m.y[0])),x=e.header.values.length?g[0].map((function(){return e.header.height})):[n.emptyHeaderHeight],b=r.length?r[0].map((function(){return e.cells.height})):[],_=x.reduce(s,0),w=h(b,y-_+n.uplift),T=f(h(x,_),[]),k=f(w,T),M={},A=e._fullInput.columnorder.concat(p(r.map((function(t,e){return e})))),S=g.map((function(t,r){var n=Array.isArray(e.columnwidth)?e.columnwidth[Math.min(r,e.columnwidth.length-1)]:e.columnwidth;return a(n)?Number(n):1})),E=S.reduce(s,0);S=S.map((function(t){return t/E*v}));var C=Math.max(o(e.header.line.width),o(e.cells.line.width)),L={key:e.uid+t._context.staticPlot,translateX:m.x[0]*t._fullLayout._size.w,translateY:t._fullLayout._size.h*(1-m.y[1]),size:t._fullLayout._size,width:v,maxLineWidth:C,height:y,columnOrder:A,groupHeight:y,rowBlocks:k,headerRowBlocks:T,scrollY:0,cells:i({},e.cells,{values:r}),headerCells:i({},e.header,{values:g}),gdColumns:g.map((function(t){return t[0]})),gdColumnsOriginalOrder:g.map((function(t){return t[0]})),prevPages:[0,0],scrollbarState:{scrollbarScrollInProgress:!1},columns:g.map((function(t,e){var r=M[t];return M[t]=(r||0)+1,{key:t+"__"+M[t],label:t,specIndex:e,xIndex:A[e],xScale:u,x:void 0,calcdata:void 0,columnWidth:S[e]}}))};return L.columns.forEach((function(t){t.calcdata=L,t.x=u(t)})),L}},{"../../lib/extend":768,"./constants":1319,"fast-isnumeric":241}],1321:[function(t,e,r){"use strict";var n=t("../../lib/extend").extendFlat;r.splitToPanels=function(t){var e=[0,0],r=n({},t,{key:"header",type:"header",page:0,prevPages:e,currentRepaint:[null,null],dragHandle:!0,values:t.calcdata.headerCells.values[t.specIndex],rowBlocks:t.calcdata.headerRowBlocks,calcdata:n({},t.calcdata,{cells:t.calcdata.headerCells})});return[n({},t,{key:"cells1",type:"cells",page:0,prevPages:e,currentRepaint:[null,null],dragHandle:!1,values:t.calcdata.cells.values[t.specIndex],rowBlocks:t.calcdata.rowBlocks}),n({},t,{key:"cells2",type:"cells",page:1,prevPages:e,currentRepaint:[null,null],dragHandle:!1,values:t.calcdata.cells.values[t.specIndex],rowBlocks:t.calcdata.rowBlocks}),r]},r.splitToCells=function(t){var e=function(t){var e=t.rowBlocks[t.page],r=e?e.rows[0].rowIndex:0,n=e?r+e.rows.length:0;return[r,n]}(t);return(t.values||[]).slice(e[0],e[1]).map((function(r,n){return{keyWithinBlock:n+("string"==typeof r&&r.match(/[<$&> ]/)?"_keybuster_"+Math.random():""),key:e[0]+n,column:t,calcdata:t.calcdata,page:t.page,rowBlocks:t.rowBlocks,value:r}}))}},{"../../lib/extend":768}],1322:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes"),a=t("../../plots/domain").defaults;e.exports=function(t,e,r,o){function s(r,a){return n.coerce(t,e,i,r,a)}a(e,o,s),s("columnwidth"),s("header.values"),s("header.format"),s("header.align"),s("header.prefix"),s("header.suffix"),s("header.height"),s("header.line.width"),s("header.line.color"),s("header.fill.color"),n.coerceFont(s,"header.font",n.extendFlat({},o.font)),function(t,e){for(var r=t.columnorder||[],n=t.header.values.length,i=r.slice(0,n),a=i.slice().sort((function(t,e){return t-e})),o=i.map((function(t){return a.indexOf(t)})),s=o.length;s/i),l=!o||s;t.mayHaveMarkup=o&&a.match(/[<&>]/);var c,u="string"==typeof(c=a)&&c.match(n.latexCheck);t.latex=u;var f,h,p=u?"":w(t.calcdata.cells.prefix,e,r)||"",d=u?"":w(t.calcdata.cells.suffix,e,r)||"",g=u?null:w(t.calcdata.cells.format,e,r)||null,m=p+(g?i.format(g)(t.value):t.value)+d;if(t.wrappingNeeded=!t.wrapped&&!l&&!u&&(f=_(m)),t.cellHeightMayIncrease=s||u||t.mayHaveMarkup||(void 0===f?_(m):f),t.needsConvertToTspans=t.mayHaveMarkup||t.wrappingNeeded||t.latex,t.wrappingNeeded){var v=(" "===n.wrapSplitCharacter?m.replace(/i&&n.push(a),i+=l}return n}(i,l,s);1===u.length&&(u[0]===i.length-1?u.unshift(u[0]-1):u.push(u[0]+1)),u[0]%2&&u.reverse(),e.each((function(t,e){t.page=u[e],t.scrollY=l})),e.attr("transform",(function(t){var e=O(t.rowBlocks,t.page)-t.scrollY;return c(0,e)})),t&&(C(t,r,e,u,n.prevPages,n,0),C(t,r,e,u,n.prevPages,n,1),y(r,t))}}function E(t,e,r,a){return function(o){var s=o.calcdata?o.calcdata:o,l=e.filter((function(t){return s.key===t.key})),c=r||s.scrollbarState.dragMultiplier,u=s.scrollY;s.scrollY=void 0===a?s.scrollY+c*i.event.dy:a;var f=l.selectAll("."+n.cn.yColumn).selectAll("."+n.cn.columnBlock).filter(k);return S(t,f,l),s.scrollY===u}}function C(t,e,r,n,i,a,o){n[o]!==i[o]&&(clearTimeout(a.currentRepaint[o]),a.currentRepaint[o]=setTimeout((function(){var a=r.filter((function(t,e){return e===o&&n[e]!==i[e]}));x(t,e,a,r),i[o]=n[o]})))}function L(t,e,r,a){return function(){var o=i.select(e.parentNode);o.each((function(t){var e=t.fragments;o.selectAll("tspan.line").each((function(t,r){e[r].width=this.getComputedTextLength()}));var r,i,a=e[e.length-1].width,s=e.slice(0,-1),l=[],c=0,u=t.column.columnWidth-2*n.cellPad;for(t.value="";s.length;)c+(i=(r=s.shift()).width+a)>u&&(t.value+=l.join(n.wrapSpacer)+n.lineBreaker,l=[],c=0),l.push(r.text),c+=i;c&&(t.value+=l.join(n.wrapSpacer)),t.wrapped=!0})),o.selectAll("tspan.line").remove(),b(o.select("."+n.cn.cellText),r,t,a),i.select(e.parentNode.parentNode).call(z)}}function I(t,e,r,a,o){return function(){if(!o.settledY){var s=i.select(e.parentNode),l=F(o),u=o.key-l.firstRowIndex,f=l.rows[u].rowHeight,h=o.cellHeightMayIncrease?e.parentNode.getBoundingClientRect().height+2*n.cellPad:f,p=Math.max(h,f);p-l.rows[u].rowHeight&&(l.rows[u].rowHeight=p,t.selectAll("."+n.cn.columnCell).call(z),S(null,t.filter(k),0),y(r,a,!0)),s.attr("transform",(function(){var t=this.parentNode.getBoundingClientRect(),e=i.select(this.parentNode).select("."+n.cn.cellRect).node().getBoundingClientRect(),r=this.transform.baseVal.consolidate(),a=e.top-t.top+(r?r.matrix.f:n.cellPad);return c(P(o,i.select(this.parentNode).select("."+n.cn.cellTextHolder).node().getBoundingClientRect().width),a)})),o.settledY=!0}}}function P(t,e){switch(t.align){case"left":return n.cellPad;case"right":return t.column.columnWidth-(e||0)-n.cellPad;case"center":return(t.column.columnWidth-(e||0))/2;default:return n.cellPad}}function z(t){t.attr("transform",(function(t){var e=t.rowBlocks[0].auxiliaryBlocks.reduce((function(t,e){return t+D(e,1/0)}),0),r=D(F(t),t.key);return c(0,r+e)})).selectAll("."+n.cn.cellRect).attr("height",(function(t){return(e=F(t),r=t.key,e.rows[r-e.firstRowIndex]).rowHeight;var e,r}))}function O(t,e){for(var r=0,n=e-1;n>=0;n--)r+=R(t[n]);return r}function D(t,e){for(var r=0,n=0;n","<","|","/","\\"],dflt:">",editType:"plot"},thickness:{valType:"number",min:12,editType:"plot"},textfont:u({},s.textfont,{}),editType:"calc"},text:s.text,textinfo:l.textinfo,texttemplate:i({editType:"plot"},{keys:c.eventDataKeys.concat(["label","value"])}),hovertext:s.hovertext,hoverinfo:l.hoverinfo,hovertemplate:n({},{keys:c.eventDataKeys}),textfont:s.textfont,insidetextfont:s.insidetextfont,outsidetextfont:u({},s.outsidetextfont,{}),textposition:{valType:"enumerated",values:["top left","top center","top right","middle left","middle center","middle right","bottom left","bottom center","bottom right"],dflt:"top left",editType:"plot"},sort:s.sort,root:l.root,domain:o({name:"treemap",trace:!0,editType:"calc"})}},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/domain":855,"../../plots/template_attributes":906,"../pie/attributes":1161,"../sunburst/attributes":1299,"./constants":1328}],1326:[function(t,e,r){"use strict";var n=t("../../plots/plots");r.name="treemap",r.plot=function(t,e,i,a){n.plotBasePlot(r.name,t,e,i,a)},r.clean=function(t,e,i,a){n.cleanBasePlot(r.name,t,e,i,a)}},{"../../plots/plots":891}],1327:[function(t,e,r){"use strict";var n=t("../sunburst/calc");r.calc=function(t,e){return n.calc(t,e)},r.crossTraceCalc=function(t){return n._runCrossTraceCalc("treemap",t)}},{"../sunburst/calc":1301}],1328:[function(t,e,r){"use strict";e.exports={CLICK_TRANSITION_TIME:750,CLICK_TRANSITION_EASING:"poly",eventDataKeys:["currentPath","root","entry","percentRoot","percentEntry","percentParent"],gapWithPathbar:1}},{}],1329:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes"),a=t("../../components/color"),o=t("../../plots/domain").defaults,s=t("../bar/defaults").handleText,l=t("../bar/constants").TEXTPAD,c=t("../../components/colorscale"),u=c.hasColorscale,f=c.handleDefaults;e.exports=function(t,e,r,c){function h(r,a){return n.coerce(t,e,i,r,a)}var p=h("labels"),d=h("parents");if(p&&p.length&&d&&d.length){var g=h("values");g&&g.length?h("branchvalues"):h("count"),h("level"),h("maxdepth"),"squarify"===h("tiling.packing")&&h("tiling.squarifyratio"),h("tiling.flip"),h("tiling.pad");var m=h("text");h("texttemplate"),e.texttemplate||h("textinfo",Array.isArray(m)?"text+label":"label"),h("hovertext"),h("hovertemplate");var v=h("pathbar.visible");s(t,e,c,h,"auto",{hasPathbar:v,moduleHasSelected:!1,moduleHasUnselected:!1,moduleHasConstrain:!1,moduleHasCliponaxis:!1,moduleHasTextangle:!1,moduleHasInsideanchor:!1}),h("textposition");var y=-1!==e.textposition.indexOf("bottom");h("marker.line.width")&&h("marker.line.color",c.paper_bgcolor);var x=h("marker.colors"),b=e._hasColorscale=u(t,"marker","colors")||(t.marker||{}).coloraxis;b?f(t,e,c,h,{prefix:"marker.",cLetter:"c"}):h("marker.depthfade",!(x||[]).length);var _=2*e.textfont.size;h("marker.pad.t",y?_/4:_),h("marker.pad.l",_/4),h("marker.pad.r",_/4),h("marker.pad.b",y?_:_/4),b&&f(t,e,c,h,{prefix:"marker.",cLetter:"c"}),e._hovered={marker:{line:{width:2,color:a.contrast(c.paper_bgcolor)}}},v&&(h("pathbar.thickness",e.pathbar.textfont.size+2*l),h("pathbar.side"),h("pathbar.edgeshape")),h("sort"),h("root.color"),o(e,c,h),e._length=null}else e.visible=!1}},{"../../components/color":643,"../../components/colorscale":655,"../../lib":778,"../../plots/domain":855,"../bar/constants":923,"../bar/defaults":925,"./attributes":1325}],1330:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../components/drawing"),o=t("../../lib/svg_text_utils"),s=t("./partition"),l=t("./style").styleOne,c=t("./constants"),u=t("../sunburst/helpers"),f=t("../sunburst/fx");e.exports=function(t,e,r,h,p){var d=p.barDifY,g=p.width,m=p.height,v=p.viewX,y=p.viewY,x=p.pathSlice,b=p.toMoveInsideSlice,_=p.strTransform,w=p.hasTransition,T=p.handleSlicesExit,k=p.makeUpdateSliceInterpolator,M=p.makeUpdateTextInterpolator,A={},S=t._fullLayout,E=e[0],C=E.trace,L=E.hierarchy,I=g/C._entryDepth,P=u.listPath(r.data,"id"),z=s(L.copy(),[g,m],{packing:"dice",pad:{inner:0,top:0,left:0,right:0,bottom:0}}).descendants();(z=z.filter((function(t){var e=P.indexOf(t.data.id);return-1!==e&&(t.x0=I*e,t.x1=I*(e+1),t.y0=d,t.y1=d+m,t.onPathbar=!0,!0)}))).reverse(),(h=h.data(z,u.getPtId)).enter().append("g").classed("pathbar",!0),T(h,!0,A,[g,m],x),h.order();var O=h;w&&(O=O.transition().each("end",(function(){var e=n.select(this);u.setSliceCursor(e,t,{hideOnRoot:!1,hideOnLeaves:!1,isTransitioning:!1})}))),O.each((function(s){s._hoverX=v(s.x1-Math.min(g,m)/2),s._hoverY=y(s.y1-m/2);var h=n.select(this),p=i.ensureSingle(h,"path","surface",(function(t){t.style("pointer-events","all")}));w?p.transition().attrTween("d",(function(t){var e=k(t,!0,A,[g,m]);return function(t){return x(e(t))}})):p.attr("d",x),h.call(f,r,t,e,{styleOne:l,eventDataKeys:c.eventDataKeys,transitionTime:c.CLICK_TRANSITION_TIME,transitionEasing:c.CLICK_TRANSITION_EASING}).call(u.setSliceCursor,t,{hideOnRoot:!1,hideOnLeaves:!1,isTransitioning:t._transitioning}),p.call(l,s,C,{hovered:!1}),s._text=(u.getPtLabel(s)||"").split("
").join(" ")||"";var d=i.ensureSingle(h,"g","slicetext"),T=i.ensureSingle(d,"text","",(function(t){t.attr("data-notex",1)})),E=i.ensureUniformFontSize(t,u.determineTextFont(C,s,S.font,{onPathbar:!0}));T.text(s._text||" ").classed("slicetext",!0).attr("text-anchor","start").call(a.font,E).call(o.convertToTspans,t),s.textBB=a.bBox(T.node()),s.transform=b(s,{fontSize:E.size,onPathbar:!0}),s.transform.fontSize=E.size,w?T.transition().attrTween("transform",(function(t){var e=M(t,!0,A,[g,m]);return function(t){return _(e(t))}})):T.attr("transform",_(s))}))}},{"../../components/drawing":665,"../../lib":778,"../../lib/svg_text_utils":803,"../sunburst/fx":1304,"../sunburst/helpers":1305,"./constants":1328,"./partition":1335,"./style":1337,d3:169}],1331:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../components/drawing"),o=t("../../lib/svg_text_utils"),s=t("./partition"),l=t("./style").styleOne,c=t("./constants"),u=t("../sunburst/helpers"),f=t("../sunburst/fx"),h=t("../sunburst/plot").formatSliceLabel;e.exports=function(t,e,r,p,d){var g=d.width,m=d.height,v=d.viewX,y=d.viewY,x=d.pathSlice,b=d.toMoveInsideSlice,_=d.strTransform,w=d.hasTransition,T=d.handleSlicesExit,k=d.makeUpdateSliceInterpolator,M=d.makeUpdateTextInterpolator,A=d.prevEntry,S=t._fullLayout,E=e[0].trace,C=-1!==E.textposition.indexOf("left"),L=-1!==E.textposition.indexOf("right"),I=-1!==E.textposition.indexOf("bottom"),P=!I&&!E.marker.pad.t||I&&!E.marker.pad.b,z=s(r,[g,m],{packing:E.tiling.packing,squarifyratio:E.tiling.squarifyratio,flipX:E.tiling.flip.indexOf("x")>-1,flipY:E.tiling.flip.indexOf("y")>-1,pad:{inner:E.tiling.pad,top:E.marker.pad.t,left:E.marker.pad.l,right:E.marker.pad.r,bottom:E.marker.pad.b}}).descendants(),O=1/0,D=-1/0;z.forEach((function(t){var e=t.depth;e>=E._maxDepth?(t.x0=t.x1=(t.x0+t.x1)/2,t.y0=t.y1=(t.y0+t.y1)/2):(O=Math.min(O,e),D=Math.max(D,e))})),p=p.data(z,u.getPtId),E._maxVisibleLayers=isFinite(D)?D-O+1:0,p.enter().append("g").classed("slice",!0),T(p,!1,{},[g,m],x),p.order();var R=null;if(w&&A){var F=u.getPtId(A);p.each((function(t){null===R&&u.getPtId(t)===F&&(R={x0:t.x0,x1:t.x1,y0:t.y0,y1:t.y1})}))}var B=function(){return R||{x0:0,x1:g,y0:0,y1:m}},N=p;return w&&(N=N.transition().each("end",(function(){var e=n.select(this);u.setSliceCursor(e,t,{hideOnRoot:!0,hideOnLeaves:!1,isTransitioning:!1})}))),N.each((function(s){var p=u.isHeader(s,E);s._hoverX=v(s.x1-E.marker.pad.r),s._hoverY=y(I?s.y1-E.marker.pad.b/2:s.y0+E.marker.pad.t/2);var d=n.select(this),T=i.ensureSingle(d,"path","surface",(function(t){t.style("pointer-events","all")}));w?T.transition().attrTween("d",(function(t){var e=k(t,!1,B(),[g,m]);return function(t){return x(e(t))}})):T.attr("d",x),d.call(f,r,t,e,{styleOne:l,eventDataKeys:c.eventDataKeys,transitionTime:c.CLICK_TRANSITION_TIME,transitionEasing:c.CLICK_TRANSITION_EASING}).call(u.setSliceCursor,t,{isTransitioning:t._transitioning}),T.call(l,s,E,{hovered:!1}),s.x0===s.x1||s.y0===s.y1?s._text="":s._text=p?P?"":u.getPtLabel(s)||"":h(s,r,E,e,S)||"";var A=i.ensureSingle(d,"g","slicetext"),z=i.ensureSingle(A,"text","",(function(t){t.attr("data-notex",1)})),O=i.ensureUniformFontSize(t,u.determineTextFont(E,s,S.font));z.text(s._text||" ").classed("slicetext",!0).attr("text-anchor",L?"end":C||p?"start":"middle").call(a.font,O).call(o.convertToTspans,t),s.textBB=a.bBox(z.node()),s.transform=b(s,{fontSize:O.size,isHeader:p}),s.transform.fontSize=O.size,w?z.transition().attrTween("transform",(function(t){var e=M(t,!1,B(),[g,m]);return function(t){return _(e(t))}})):z.attr("transform",_(s))})),R}},{"../../components/drawing":665,"../../lib":778,"../../lib/svg_text_utils":803,"../sunburst/fx":1304,"../sunburst/helpers":1305,"../sunburst/plot":1309,"./constants":1328,"./partition":1335,"./style":1337,d3:169}],1332:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"treemap",basePlotModule:t("./base_plot"),categories:[],animatable:!0,attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./calc").crossTraceCalc,plot:t("./plot"),style:t("./style").style,colorbar:t("../scatter/marker_colorbar"),meta:{}}},{"../scatter/marker_colorbar":1205,"./attributes":1325,"./base_plot":1326,"./calc":1327,"./defaults":1329,"./layout_attributes":1333,"./layout_defaults":1334,"./plot":1336,"./style":1337}],1333:[function(t,e,r){"use strict";e.exports={treemapcolorway:{valType:"colorlist",editType:"calc"},extendtreemapcolors:{valType:"boolean",dflt:!0,editType:"calc"}}},{}],1334:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e){function r(r,a){return n.coerce(t,e,i,r,a)}r("treemapcolorway",e.colorway),r("extendtreemapcolors")}},{"../../lib":778,"./layout_attributes":1333}],1335:[function(t,e,r){"use strict";var n=t("d3-hierarchy");e.exports=function(t,e,r){var i,a=r.flipX,o=r.flipY,s="dice-slice"===r.packing,l=r.pad[o?"bottom":"top"],c=r.pad[a?"right":"left"],u=r.pad[a?"left":"right"],f=r.pad[o?"top":"bottom"];s&&(i=c,c=l,l=i,i=u,u=f,f=i);var h=n.treemap().tile(function(t,e){switch(t){case"squarify":return n.treemapSquarify.ratio(e);case"binary":return n.treemapBinary;case"dice":return n.treemapDice;case"slice":return n.treemapSlice;default:return n.treemapSliceDice}}(r.packing,r.squarifyratio)).paddingInner(r.pad.inner).paddingLeft(c).paddingRight(u).paddingTop(l).paddingBottom(f).size(s?[e[1],e[0]]:e)(t);return(s||a||o)&&function t(e,r,n){var i;n.swapXY&&(i=e.x0,e.x0=e.y0,e.y0=i,i=e.x1,e.x1=e.y1,e.y1=i);n.flipX&&(i=e.x0,e.x0=r[0]-e.x1,e.x1=r[0]-i);n.flipY&&(i=e.y0,e.y0=r[1]-e.y1,e.y1=r[1]-i);var a=e.children;if(a)for(var o=0;o-1?E+I:-(L+I):0,z={x0:C,x1:C,y0:P,y1:P+L},O=function(t,e,r){var n=m.tiling.pad,i=function(t){return t-n<=e.x0},a=function(t){return t+n>=e.x1},o=function(t){return t-n<=e.y0},s=function(t){return t+n>=e.y1};return{x0:i(t.x0-n)?0:a(t.x0-n)?r[0]:t.x0,x1:i(t.x1+n)?0:a(t.x1+n)?r[0]:t.x1,y0:o(t.y0-n)?0:s(t.y0-n)?r[1]:t.y0,y1:o(t.y1+n)?0:s(t.y1+n)?r[1]:t.y1}},D=null,R={},F={},B=null,N=function(t,e){return e?R[g(t)]:F[g(t)]},j=function(t,e,r,n){if(e)return R[g(v)]||z;var i=F[m.level]||r;return function(t){return t.data.depth-y.data.depth=(n-=v.r-o)){var y=(r+n)/2;r=y,n=y}var x;h?i<(x=a-v.b)&&x"===Q?(l.x-=a,c.x-=a,u.x-=a,f.x-=a):"/"===Q?(u.x-=a,f.x-=a,o.x-=a/2,s.x-=a/2):"\\"===Q?(l.x-=a,c.x-=a,o.x-=a/2,s.x-=a/2):"<"===Q&&(o.x-=a,s.x-=a),K(l),K(f),K(o),K(c),K(u),K(s),"M"+Z(l.x,l.y)+"L"+Z(c.x,c.y)+"L"+Z(s.x,s.y)+"L"+Z(u.x,u.y)+"L"+Z(f.x,f.y)+"L"+Z(o.x,o.y)+"Z"},toMoveInsideSlice:$,makeUpdateSliceInterpolator:et,makeUpdateTextInterpolator:rt,handleSlicesExit:nt,hasTransition:T,strTransform:it}):b.remove()}e.exports=function(t,e,r,a){var o,s,l=t._fullLayout,c=l._treemaplayer,h=!r;(u("treemap",l),(o=c.selectAll("g.trace.treemap").data(e,(function(t){return t[0].trace.uid}))).enter().append("g").classed("trace",!0).classed("treemap",!0),o.order(),!l.uniformtext.mode&&i.hasTransition(r))?(a&&(s=a()),n.transition().duration(r.duration).ease(r.easing).each("end",(function(){s&&s()})).each("interrupt",(function(){s&&s()})).each((function(){c.selectAll("g.trace").each((function(e){m(t,e,this,r)}))}))):(o.each((function(e){m(t,e,this,r)})),l.uniformtext.mode&&f(t,l._treemaplayer.selectAll(".trace"),"treemap"));h&&o.exit().remove()}},{"../../lib":778,"../bar/constants":923,"../bar/plot":932,"../bar/style":935,"../bar/uniform_text":937,"../sunburst/helpers":1305,"./constants":1328,"./draw_ancestors":1330,"./draw_descendants":1331,d3:169}],1337:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/color"),a=t("../../lib"),o=t("../sunburst/helpers"),s=t("../bar/uniform_text").resizeText;function l(t,e,r,n){var s,l,c=(n||{}).hovered,u=e.data.data,f=u.i,h=u.color,p=o.isHierarchyRoot(e),d=1;if(c)s=r._hovered.marker.line.color,l=r._hovered.marker.line.width;else if(p&&h===r.root.color)d=100,s="rgba(0,0,0,0)",l=0;else if(s=a.castOption(r,f,"marker.line.color")||i.defaultLine,l=a.castOption(r,f,"marker.line.width")||0,!r._hasColorscale&&!e.onPathbar){var g=r.marker.depthfade;if(g){var m,v=i.combine(i.addOpacity(r._backgroundColor,.75),h);if(!0===g){var y=o.getMaxDepth(r);m=isFinite(y)?o.isLeaf(e)?0:r._maxVisibleLayers-(e.data.depth-r._entryDepth):e.data.height+1}else m=e.data.depth-r._entryDepth,r._atRootLevel||m++;if(m>0)for(var x=0;x0){var y,x,b,_,w,T=t.xa,k=t.ya;"h"===h.orientation?(w=e,y="y",b=k,x="x",_=T):(w=r,y="x",b=T,x="y",_=k);var M=f[t.index];if(w>=M.span[0]&&w<=M.span[1]){var A=n.extendFlat({},t),S=_.c2p(w,!0),E=o.getKdeValue(M,h,w),C=o.getPositionOnKdePath(M,h,S),L=b._offset,I=b._length;A[y+"0"]=C[0],A[y+"1"]=C[1],A[x+"0"]=A[x+"1"]=S,A[x+"Label"]=x+": "+i.hoverLabelText(_,w)+", "+f[0].t.labels.kde+" "+E.toFixed(3),A.spikeDistance=v[0].spikeDistance;var P=y+"Spike";A[P]=v[0][P],v[0].spikeDistance=void 0,v[0][P]=void 0,A.hovertemplate=!1,m.push(A),(u={stroke:t.color})[y+"1"]=n.constrain(L+C[0],L,L+I),u[y+"2"]=n.constrain(L+C[1],L,L+I),u[x+"1"]=u[x+"2"]=_._offset+S}}d&&(m=m.concat(v))}-1!==p.indexOf("points")&&(c=a.hoverOnPoints(t,e,r));var z=l.selectAll(".violinline-"+h.uid).data(u?[0]:[]);return z.enter().append("line").classed("violinline-"+h.uid,!0).attr("stroke-width",1.5),z.exit().remove(),z.attr(u),"closest"===s?c?[c]:m:c?(m.push(c),m):m}},{"../../lib":778,"../../plots/cartesian/axes":828,"../box/hover":951,"./helpers":1342}],1344:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),crossTraceDefaults:t("../box/defaults").crossTraceDefaults,supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc"),crossTraceCalc:t("./cross_trace_calc"),plot:t("./plot"),style:t("./style"),styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("../box/select"),moduleType:"trace",name:"violin",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","symbols","oriented","box-violin","showLegend","violinLayout","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"../box/defaults":949,"../box/select":956,"../scatter/style":1211,"./attributes":1338,"./calc":1339,"./cross_trace_calc":1340,"./defaults":1341,"./hover":1343,"./layout_attributes":1345,"./layout_defaults":1346,"./plot":1347,"./style":1348}],1345:[function(t,e,r){"use strict";var n=t("../box/layout_attributes"),i=t("../../lib").extendFlat;e.exports={violinmode:i({},n.boxmode,{}),violingap:i({},n.boxgap,{}),violingroupgap:i({},n.boxgroupgap,{})}},{"../../lib":778,"../box/layout_attributes":953}],1346:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes"),a=t("../box/layout_defaults");e.exports=function(t,e,r){a._supply(t,e,r,(function(r,a){return n.coerce(t,e,i,r,a)}),"violin")}},{"../../lib":778,"../box/layout_defaults":954,"./layout_attributes":1345}],1347:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../components/drawing"),o=t("../box/plot"),s=t("../scatter/line_points"),l=t("./helpers");e.exports=function(t,e,r,c){var u=t._fullLayout,f=e.xaxis,h=e.yaxis;function p(t){var e=s(t,{xaxis:f,yaxis:h,connectGaps:!0,baseTolerance:.75,shape:"spline",simplify:!0,linearized:!0});return a.smoothopen(e[0],1)}i.makeTraceGroups(c,r,"trace violins").each((function(t){var r=n.select(this),a=t[0],s=a.t,c=a.trace;if(!0!==c.visible||s.empty)r.remove();else{var d=s.bPos,g=s.bdPos,m=e[s.valLetter+"axis"],v=e[s.posLetter+"axis"],y="both"===c.side,x=y||"positive"===c.side,b=y||"negative"===c.side,_=r.selectAll("path.violin").data(i.identity);_.enter().append("path").style("vector-effect","non-scaling-stroke").attr("class","violin"),_.exit().remove(),_.each((function(t){var e,r,i,a,o,l,f,h,_=n.select(this),w=t.density,T=w.length,k=v.c2l(t.pos+d,!0),M=v.l2p(k);if(c.width)e=s.maxKDE/g;else{var A=u._violinScaleGroupStats[c.scalegroup];e="count"===c.scalemode?A.maxKDE/g*(A.maxCount/t.pts.length):A.maxKDE/g}if(x){for(f=new Array(T),o=0;o")),c.color=function(t,e){var r=t[e.dir].marker,n=r.color,a=r.line.color,o=r.line.width;if(i(n))return n;if(i(a)&&o)return a}(f,d),[c]}function w(t){return n(p,t)}}},{"../../components/color":643,"../../constants/delta.js":747,"../../plots/cartesian/axes":828,"../bar/hover":928}],1360:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults").supplyDefaults,crossTraceDefaults:t("./defaults").crossTraceDefaults,supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc"),crossTraceCalc:t("./cross_trace_calc"),plot:t("./plot"),style:t("./style").style,hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("../bar/select"),moduleType:"trace",name:"waterfall",basePlotModule:t("../../plots/cartesian"),categories:["bar-like","cartesian","svg","oriented","showLegend","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"../bar/select":933,"./attributes":1353,"./calc":1354,"./cross_trace_calc":1356,"./defaults":1357,"./event_data":1358,"./hover":1359,"./layout_attributes":1361,"./layout_defaults":1362,"./plot":1363,"./style":1364}],1361:[function(t,e,r){"use strict";e.exports={waterfallmode:{valType:"enumerated",values:["group","overlay"],dflt:"group",editType:"calc"},waterfallgap:{valType:"number",min:0,max:1,editType:"calc"},waterfallgroupgap:{valType:"number",min:0,max:1,dflt:0,editType:"calc"}}},{}],1362:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e,r){var a=!1;function o(r,a){return n.coerce(t,e,i,r,a)}for(var s=0;s0&&(m+=h?"M"+f[0]+","+d[1]+"V"+d[0]:"M"+f[1]+","+d[0]+"H"+f[0]),"between"!==p&&(r.isSum||s path").each((function(t){if(!t.isBlank){var e=s[t.dir].marker;n.select(this).call(a.fill,e.color).call(a.stroke,e.line.color).call(i.dashLine,e.line.dash,e.line.width).style("opacity",s.selectedpoints&&!t.selected?o:1)}})),c(r,s,t),r.selectAll(".lines").each((function(){var t=s.connector.line;i.lineGroupStyle(n.select(this).selectAll("path"),t.width,t.color,t.dash)}))}))}}},{"../../components/color":643,"../../components/drawing":665,"../../constants/interactions":752,"../bar/style":935,"../bar/uniform_text":937,d3:169}],1365:[function(t,e,r){"use strict";var n=t("../plots/cartesian/axes"),i=t("../lib"),a=t("../plot_api/plot_schema"),o=t("./helpers").pointsAccessorFunction,s=t("../constants/numerical").BADNUM;r.moduleType="transform",r.name="aggregate";var l=r.attributes={enabled:{valType:"boolean",dflt:!0,editType:"calc"},groups:{valType:"string",strict:!0,noBlank:!0,arrayOk:!0,dflt:"x",editType:"calc"},aggregations:{_isLinkedToArray:"aggregation",target:{valType:"string",editType:"calc"},func:{valType:"enumerated",values:["count","sum","avg","median","mode","rms","stddev","min","max","first","last","change","range"],dflt:"first",editType:"calc"},funcmode:{valType:"enumerated",values:["sample","population"],dflt:"sample",editType:"calc"},enabled:{valType:"boolean",dflt:!0,editType:"calc"},editType:"calc"},editType:"calc"},c=l.aggregations;function u(t,e,r,a){if(a.enabled){for(var o=a.target,l=i.nestedProperty(e,o),c=l.get(),u=function(t,e){var r=t.func,n=e.d2c,a=e.c2d;switch(r){case"count":return f;case"first":return h;case"last":return p;case"sum":return function(t,e){for(var r=0,i=0;ii&&(i=u,o=c)}}return i?a(o):s};case"rms":return function(t,e){for(var r=0,i=0,o=0;o":return function(t){return h(t)>s};case">=":return function(t){return h(t)>=s};case"[]":return function(t){var e=h(t);return e>=s[0]&&e<=s[1]};case"()":return function(t){var e=h(t);return e>s[0]&&e=s[0]&&es[0]&&e<=s[1]};case"][":return function(t){var e=h(t);return e<=s[0]||e>=s[1]};case")(":return function(t){var e=h(t);return es[1]};case"](":return function(t){var e=h(t);return e<=s[0]||e>s[1]};case")[":return function(t){var e=h(t);return e=s[1]};case"{}":return function(t){return-1!==s.indexOf(h(t))};case"}{":return function(t){return-1===s.indexOf(h(t))}}}(r,a.getDataToCoordFunc(t,e,s,i),h),x={},b={},_=0;d?(m=function(t){x[t.astr]=n.extendDeep([],t.get()),t.set(new Array(f))},v=function(t,e){var r=x[t.astr][e];t.get()[e]=r}):(m=function(t){x[t.astr]=n.extendDeep([],t.get()),t.set([])},v=function(t,e){var r=x[t.astr][e];t.get().push(r)}),k(m);for(var w=o(e.transforms,r),T=0;T1?"%{group} (%{trace})":"%{group}");var l=t.styles,c=o.styles=[];if(l)for(a=0;a
\ No newline at end of file diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/ml_vis04.html --- a/test-data/ml_vis04.html Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/ml_vis04.html Wed Aug 09 12:54:40 2023 +0000 @@ -1,31 +1,67 @@ -
- - +
-
- -
+!function(t){if("object"==typeof exports&&"undefined"!=typeof module)module.exports=t();else if("function"==typeof define&&define.amd)define([],t);else{("undefined"!=typeof window?window:"undefined"!=typeof global?global:"undefined"!=typeof self?self:this).Plotly=t()}}((function(){return function t(e,r,n){function i(o,s){if(!r[o]){if(!e[o]){var l="function"==typeof require&&require;if(!s&&l)return l(o,!0);if(a)return a(o,!0);var c=new Error("Cannot find module '"+o+"'");throw c.code="MODULE_NOT_FOUND",c}var u=r[o]={exports:{}};e[o][0].call(u.exports,(function(t){return i(e[o][1][t]||t)}),u,u.exports,t,e,r,n)}return r[o].exports}for(var a="function"==typeof require&&require,o=0;o:not(.watermark)":"opacity:0;-webkit-transition:opacity 0.3s ease 0s;-moz-transition:opacity 0.3s ease 0s;-ms-transition:opacity 0.3s ease 0s;-o-transition:opacity 0.3s ease 0s;transition:opacity 0.3s ease 0s;","X:hover .modebar--hover .modebar-group":"opacity:1;","X .modebar-group":"float:left;display:inline-block;box-sizing:border-box;padding-left:8px;position:relative;vertical-align:middle;white-space:nowrap;","X .modebar-btn":"position:relative;font-size:16px;padding:3px 4px;height:22px;cursor:pointer;line-height:normal;box-sizing:border-box;","X .modebar-btn svg":"position:relative;top:2px;","X .modebar.vertical":"display:flex;flex-direction:column;flex-wrap:wrap;align-content:flex-end;max-height:100%;","X .modebar.vertical svg":"top:-1px;","X .modebar.vertical .modebar-group":"display:block;float:none;padding-left:0px;padding-bottom:8px;","X .modebar.vertical .modebar-group .modebar-btn":"display:block;text-align:center;","X [data-title]:before,X [data-title]:after":"position:absolute;-webkit-transform:translate3d(0, 0, 0);-moz-transform:translate3d(0, 0, 0);-ms-transform:translate3d(0, 0, 0);-o-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);display:none;opacity:0;z-index:1001;pointer-events:none;top:110%;right:50%;","X [data-title]:hover:before,X [data-title]:hover:after":"display:block;opacity:1;","X [data-title]:before":"content:'';position:absolute;background:transparent;border:6px solid transparent;z-index:1002;margin-top:-12px;border-bottom-color:#69738a;margin-right:-6px;","X [data-title]:after":"content:attr(data-title);background:#69738a;color:white;padding:8px 10px;font-size:12px;line-height:12px;white-space:nowrap;margin-right:-18px;border-radius:2px;","X .vertical [data-title]:before,X .vertical [data-title]:after":"top:0%;right:200%;","X .vertical [data-title]:before":"border:6px solid transparent;border-left-color:#69738a;margin-top:8px;margin-right:-30px;","X .select-outline":"fill:none;stroke-width:1;shape-rendering:crispEdges;","X .select-outline-1":"stroke:white;","X .select-outline-2":"stroke:black;stroke-dasharray:2px 2px;",Y:"font-family:'Open Sans', verdana, arial, sans-serif;position:fixed;top:50px;right:20px;z-index:10000;font-size:10pt;max-width:180px;","Y p":"margin:0;","Y .notifier-note":"min-width:180px;max-width:250px;border:1px solid #fff;z-index:3000;margin:0;background-color:#8c97af;background-color:rgba(140,151,175,0.9);color:#fff;padding:10px;overflow-wrap:break-word;word-wrap:break-word;-ms-hyphens:auto;-webkit-hyphens:auto;hyphens:auto;","Y .notifier-close":"color:#fff;opacity:0.8;float:right;padding:0 5px;background:none;border:none;font-size:20px;font-weight:bold;line-height:20px;","Y .notifier-close:hover":"color:#444;text-decoration:none;cursor:pointer;"};for(var a in i){var o=a.replace(/^,/," ,").replace(/X/g,".js-plotly-plot .plotly").replace(/Y/g,".plotly-notifier");n.addStyleRule(o,i[a])}},{"../src/lib":778}],2:[function(t,e,r){"use strict";e.exports=t("../src/transforms/aggregate")},{"../src/transforms/aggregate":1365}],3:[function(t,e,r){"use strict";e.exports=t("../src/traces/bar")},{"../src/traces/bar":929}],4:[function(t,e,r){"use strict";e.exports=t("../src/traces/barpolar")},{"../src/traces/barpolar":942}],5:[function(t,e,r){"use strict";e.exports=t("../src/traces/box")},{"../src/traces/box":952}],6:[function(t,e,r){"use strict";e.exports=t("../src/components/calendars")},{"../src/components/calendars":641}],7:[function(t,e,r){"use strict";e.exports=t("../src/traces/candlestick")},{"../src/traces/candlestick":961}],8:[function(t,e,r){"use strict";e.exports=t("../src/traces/carpet")},{"../src/traces/carpet":980}],9:[function(t,e,r){"use strict";e.exports=t("../src/traces/choropleth")},{"../src/traces/choropleth":994}],10:[function(t,e,r){"use strict";e.exports=t("../src/traces/choroplethmapbox")},{"../src/traces/choroplethmapbox":1001}],11:[function(t,e,r){"use strict";e.exports=t("../src/traces/cone")},{"../src/traces/cone":1007}],12:[function(t,e,r){"use strict";e.exports=t("../src/traces/contour")},{"../src/traces/contour":1022}],13:[function(t,e,r){"use strict";e.exports=t("../src/traces/contourcarpet")},{"../src/traces/contourcarpet":1033}],14:[function(t,e,r){"use strict";e.exports=t("../src/core")},{"../src/core":755}],15:[function(t,e,r){"use strict";e.exports=t("../src/traces/densitymapbox")},{"../src/traces/densitymapbox":1041}],16:[function(t,e,r){"use strict";e.exports=t("../src/transforms/filter")},{"../src/transforms/filter":1366}],17:[function(t,e,r){"use strict";e.exports=t("../src/traces/funnel")},{"../src/traces/funnel":1051}],18:[function(t,e,r){"use strict";e.exports=t("../src/traces/funnelarea")},{"../src/traces/funnelarea":1060}],19:[function(t,e,r){"use strict";e.exports=t("../src/transforms/groupby")},{"../src/transforms/groupby":1367}],20:[function(t,e,r){"use strict";e.exports=t("../src/traces/heatmap")},{"../src/traces/heatmap":1073}],21:[function(t,e,r){"use strict";e.exports=t("../src/traces/heatmapgl")},{"../src/traces/heatmapgl":1083}],22:[function(t,e,r){"use strict";e.exports=t("../src/traces/histogram")},{"../src/traces/histogram":1095}],23:[function(t,e,r){"use strict";e.exports=t("../src/traces/histogram2d")},{"../src/traces/histogram2d":1101}],24:[function(t,e,r){"use strict";e.exports=t("../src/traces/histogram2dcontour")},{"../src/traces/histogram2dcontour":1105}],25:[function(t,e,r){"use strict";e.exports=t("../src/traces/image")},{"../src/traces/image":1113}],26:[function(t,e,r){"use strict";var n=t("./core");n.register([t("./bar"),t("./box"),t("./heatmap"),t("./histogram"),t("./histogram2d"),t("./histogram2dcontour"),t("./contour"),t("./scatterternary"),t("./violin"),t("./funnel"),t("./waterfall"),t("./image"),t("./pie"),t("./sunburst"),t("./treemap"),t("./funnelarea"),t("./scatter3d"),t("./surface"),t("./isosurface"),t("./volume"),t("./mesh3d"),t("./cone"),t("./streamtube"),t("./scattergeo"),t("./choropleth"),t("./scattergl"),t("./splom"),t("./pointcloud"),t("./heatmapgl"),t("./parcoords"),t("./parcats"),t("./scattermapbox"),t("./choroplethmapbox"),t("./densitymapbox"),t("./sankey"),t("./indicator"),t("./table"),t("./carpet"),t("./scattercarpet"),t("./contourcarpet"),t("./ohlc"),t("./candlestick"),t("./scatterpolar"),t("./scatterpolargl"),t("./barpolar")]),n.register([t("./aggregate"),t("./filter"),t("./groupby"),t("./sort")]),n.register([t("./calendars")]),e.exports=n},{"./aggregate":2,"./bar":3,"./barpolar":4,"./box":5,"./calendars":6,"./candlestick":7,"./carpet":8,"./choropleth":9,"./choroplethmapbox":10,"./cone":11,"./contour":12,"./contourcarpet":13,"./core":14,"./densitymapbox":15,"./filter":16,"./funnel":17,"./funnelarea":18,"./groupby":19,"./heatmap":20,"./heatmapgl":21,"./histogram":22,"./histogram2d":23,"./histogram2dcontour":24,"./image":25,"./indicator":27,"./isosurface":28,"./mesh3d":29,"./ohlc":30,"./parcats":31,"./parcoords":32,"./pie":33,"./pointcloud":34,"./sankey":35,"./scatter3d":36,"./scattercarpet":37,"./scattergeo":38,"./scattergl":39,"./scattermapbox":40,"./scatterpolar":41,"./scatterpolargl":42,"./scatterternary":43,"./sort":44,"./splom":45,"./streamtube":46,"./sunburst":47,"./surface":48,"./table":49,"./treemap":50,"./violin":51,"./volume":52,"./waterfall":53}],27:[function(t,e,r){"use strict";e.exports=t("../src/traces/indicator")},{"../src/traces/indicator":1121}],28:[function(t,e,r){"use strict";e.exports=t("../src/traces/isosurface")},{"../src/traces/isosurface":1127}],29:[function(t,e,r){"use strict";e.exports=t("../src/traces/mesh3d")},{"../src/traces/mesh3d":1132}],30:[function(t,e,r){"use strict";e.exports=t("../src/traces/ohlc")},{"../src/traces/ohlc":1137}],31:[function(t,e,r){"use strict";e.exports=t("../src/traces/parcats")},{"../src/traces/parcats":1146}],32:[function(t,e,r){"use strict";e.exports=t("../src/traces/parcoords")},{"../src/traces/parcoords":1156}],33:[function(t,e,r){"use strict";e.exports=t("../src/traces/pie")},{"../src/traces/pie":1167}],34:[function(t,e,r){"use strict";e.exports=t("../src/traces/pointcloud")},{"../src/traces/pointcloud":1176}],35:[function(t,e,r){"use strict";e.exports=t("../src/traces/sankey")},{"../src/traces/sankey":1182}],36:[function(t,e,r){"use strict";e.exports=t("../src/traces/scatter3d")},{"../src/traces/scatter3d":1220}],37:[function(t,e,r){"use strict";e.exports=t("../src/traces/scattercarpet")},{"../src/traces/scattercarpet":1227}],38:[function(t,e,r){"use strict";e.exports=t("../src/traces/scattergeo")},{"../src/traces/scattergeo":1235}],39:[function(t,e,r){"use strict";e.exports=t("../src/traces/scattergl")},{"../src/traces/scattergl":1248}],40:[function(t,e,r){"use strict";e.exports=t("../src/traces/scattermapbox")},{"../src/traces/scattermapbox":1258}],41:[function(t,e,r){"use strict";e.exports=t("../src/traces/scatterpolar")},{"../src/traces/scatterpolar":1266}],42:[function(t,e,r){"use strict";e.exports=t("../src/traces/scatterpolargl")},{"../src/traces/scatterpolargl":1273}],43:[function(t,e,r){"use strict";e.exports=t("../src/traces/scatterternary")},{"../src/traces/scatterternary":1281}],44:[function(t,e,r){"use strict";e.exports=t("../src/transforms/sort")},{"../src/transforms/sort":1369}],45:[function(t,e,r){"use strict";e.exports=t("../src/traces/splom")},{"../src/traces/splom":1290}],46:[function(t,e,r){"use strict";e.exports=t("../src/traces/streamtube")},{"../src/traces/streamtube":1298}],47:[function(t,e,r){"use strict";e.exports=t("../src/traces/sunburst")},{"../src/traces/sunburst":1306}],48:[function(t,e,r){"use strict";e.exports=t("../src/traces/surface")},{"../src/traces/surface":1315}],49:[function(t,e,r){"use strict";e.exports=t("../src/traces/table")},{"../src/traces/table":1323}],50:[function(t,e,r){"use strict";e.exports=t("../src/traces/treemap")},{"../src/traces/treemap":1332}],51:[function(t,e,r){"use strict";e.exports=t("../src/traces/violin")},{"../src/traces/violin":1344}],52:[function(t,e,r){"use strict";e.exports=t("../src/traces/volume")},{"../src/traces/volume":1352}],53:[function(t,e,r){"use strict";e.exports=t("../src/traces/waterfall")},{"../src/traces/waterfall":1360}],54:[function(t,e,r){"use strict";e.exports=function(t){var e=(t=t||{}).eye||[0,0,1],r=t.center||[0,0,0],s=t.up||[0,1,0],l=t.distanceLimits||[0,1/0],c=t.mode||"turntable",u=n(),f=i(),h=a();return u.setDistanceLimits(l[0],l[1]),u.lookAt(0,e,r,s),f.setDistanceLimits(l[0],l[1]),f.lookAt(0,e,r,s),h.setDistanceLimits(l[0],l[1]),h.lookAt(0,e,r,s),new o({turntable:u,orbit:f,matrix:h},c)};var n=t("turntable-camera-controller"),i=t("orbit-camera-controller"),a=t("matrix-camera-controller");function o(t,e){this._controllerNames=Object.keys(t),this._controllerList=this._controllerNames.map((function(e){return t[e]})),this._mode=e,this._active=t[e],this._active||(this._mode="turntable",this._active=t.turntable),this.modes=this._controllerNames,this.computedMatrix=this._active.computedMatrix,this.computedEye=this._active.computedEye,this.computedUp=this._active.computedUp,this.computedCenter=this._active.computedCenter,this.computedRadius=this._active.computedRadius}var s=o.prototype;[["flush",1],["idle",1],["lookAt",4],["rotate",4],["pan",4],["translate",4],["setMatrix",2],["setDistanceLimits",2],["setDistance",2]].forEach((function(t){for(var e=t[0],r=[],n=0;n1||i>1)}function A(t,e,r){return t.sort(E),t.forEach((function(n,i){var a,o,s=0;if(H(n,r)&&M(n))n.circularPathData.verticalBuffer=s+n.width/2;else{for(var l=0;lo.source.column)){var c=t[l].circularPathData.verticalBuffer+t[l].width/2+e;s=c>s?c:s}n.circularPathData.verticalBuffer=s+n.width/2}})),t}function S(t,r,i,a){var o=e.min(t.links,(function(t){return t.source.y0}));t.links.forEach((function(t){t.circular&&(t.circularPathData={})})),A(t.links.filter((function(t){return"top"==t.circularLinkType})),r,a),A(t.links.filter((function(t){return"bottom"==t.circularLinkType})),r,a),t.links.forEach((function(e){if(e.circular){if(e.circularPathData.arcRadius=e.width+10,e.circularPathData.leftNodeBuffer=5,e.circularPathData.rightNodeBuffer=5,e.circularPathData.sourceWidth=e.source.x1-e.source.x0,e.circularPathData.sourceX=e.source.x0+e.circularPathData.sourceWidth,e.circularPathData.targetX=e.target.x0,e.circularPathData.sourceY=e.y0,e.circularPathData.targetY=e.y1,H(e,a)&&M(e))e.circularPathData.leftSmallArcRadius=10+e.width/2,e.circularPathData.leftLargeArcRadius=10+e.width/2,e.circularPathData.rightSmallArcRadius=10+e.width/2,e.circularPathData.rightLargeArcRadius=10+e.width/2,"bottom"==e.circularLinkType?(e.circularPathData.verticalFullExtent=e.source.y1+25+e.circularPathData.verticalBuffer,e.circularPathData.verticalLeftInnerExtent=e.circularPathData.verticalFullExtent-e.circularPathData.leftLargeArcRadius,e.circularPathData.verticalRightInnerExtent=e.circularPathData.verticalFullExtent-e.circularPathData.rightLargeArcRadius):(e.circularPathData.verticalFullExtent=e.source.y0-25-e.circularPathData.verticalBuffer,e.circularPathData.verticalLeftInnerExtent=e.circularPathData.verticalFullExtent+e.circularPathData.leftLargeArcRadius,e.circularPathData.verticalRightInnerExtent=e.circularPathData.verticalFullExtent+e.circularPathData.rightLargeArcRadius);else{var s=e.source.column,l=e.circularLinkType,c=t.links.filter((function(t){return t.source.column==s&&t.circularLinkType==l}));"bottom"==e.circularLinkType?c.sort(L):c.sort(C);var u=0;c.forEach((function(t,n){t.circularLinkID==e.circularLinkID&&(e.circularPathData.leftSmallArcRadius=10+e.width/2+u,e.circularPathData.leftLargeArcRadius=10+e.width/2+n*r+u),u+=t.width})),s=e.target.column,c=t.links.filter((function(t){return t.target.column==s&&t.circularLinkType==l})),"bottom"==e.circularLinkType?c.sort(P):c.sort(I),u=0,c.forEach((function(t,n){t.circularLinkID==e.circularLinkID&&(e.circularPathData.rightSmallArcRadius=10+e.width/2+u,e.circularPathData.rightLargeArcRadius=10+e.width/2+n*r+u),u+=t.width})),"bottom"==e.circularLinkType?(e.circularPathData.verticalFullExtent=Math.max(i,e.source.y1,e.target.y1)+25+e.circularPathData.verticalBuffer,e.circularPathData.verticalLeftInnerExtent=e.circularPathData.verticalFullExtent-e.circularPathData.leftLargeArcRadius,e.circularPathData.verticalRightInnerExtent=e.circularPathData.verticalFullExtent-e.circularPathData.rightLargeArcRadius):(e.circularPathData.verticalFullExtent=o-25-e.circularPathData.verticalBuffer,e.circularPathData.verticalLeftInnerExtent=e.circularPathData.verticalFullExtent+e.circularPathData.leftLargeArcRadius,e.circularPathData.verticalRightInnerExtent=e.circularPathData.verticalFullExtent+e.circularPathData.rightLargeArcRadius)}e.circularPathData.leftInnerExtent=e.circularPathData.sourceX+e.circularPathData.leftNodeBuffer,e.circularPathData.rightInnerExtent=e.circularPathData.targetX-e.circularPathData.rightNodeBuffer,e.circularPathData.leftFullExtent=e.circularPathData.sourceX+e.circularPathData.leftLargeArcRadius+e.circularPathData.leftNodeBuffer,e.circularPathData.rightFullExtent=e.circularPathData.targetX-e.circularPathData.rightLargeArcRadius-e.circularPathData.rightNodeBuffer}if(e.circular)e.path=function(t){var e="";e="top"==t.circularLinkType?"M"+t.circularPathData.sourceX+" "+t.circularPathData.sourceY+" L"+t.circularPathData.leftInnerExtent+" "+t.circularPathData.sourceY+" A"+t.circularPathData.leftLargeArcRadius+" "+t.circularPathData.leftSmallArcRadius+" 0 0 0 "+t.circularPathData.leftFullExtent+" "+(t.circularPathData.sourceY-t.circularPathData.leftSmallArcRadius)+" L"+t.circularPathData.leftFullExtent+" "+t.circularPathData.verticalLeftInnerExtent+" A"+t.circularPathData.leftLargeArcRadius+" "+t.circularPathData.leftLargeArcRadius+" 0 0 0 "+t.circularPathData.leftInnerExtent+" "+t.circularPathData.verticalFullExtent+" L"+t.circularPathData.rightInnerExtent+" "+t.circularPathData.verticalFullExtent+" A"+t.circularPathData.rightLargeArcRadius+" "+t.circularPathData.rightLargeArcRadius+" 0 0 0 "+t.circularPathData.rightFullExtent+" "+t.circularPathData.verticalRightInnerExtent+" L"+t.circularPathData.rightFullExtent+" "+(t.circularPathData.targetY-t.circularPathData.rightSmallArcRadius)+" A"+t.circularPathData.rightLargeArcRadius+" "+t.circularPathData.rightSmallArcRadius+" 0 0 0 "+t.circularPathData.rightInnerExtent+" "+t.circularPathData.targetY+" L"+t.circularPathData.targetX+" "+t.circularPathData.targetY:"M"+t.circularPathData.sourceX+" "+t.circularPathData.sourceY+" L"+t.circularPathData.leftInnerExtent+" "+t.circularPathData.sourceY+" A"+t.circularPathData.leftLargeArcRadius+" "+t.circularPathData.leftSmallArcRadius+" 0 0 1 "+t.circularPathData.leftFullExtent+" "+(t.circularPathData.sourceY+t.circularPathData.leftSmallArcRadius)+" L"+t.circularPathData.leftFullExtent+" "+t.circularPathData.verticalLeftInnerExtent+" A"+t.circularPathData.leftLargeArcRadius+" "+t.circularPathData.leftLargeArcRadius+" 0 0 1 "+t.circularPathData.leftInnerExtent+" "+t.circularPathData.verticalFullExtent+" L"+t.circularPathData.rightInnerExtent+" "+t.circularPathData.verticalFullExtent+" A"+t.circularPathData.rightLargeArcRadius+" "+t.circularPathData.rightLargeArcRadius+" 0 0 1 "+t.circularPathData.rightFullExtent+" "+t.circularPathData.verticalRightInnerExtent+" L"+t.circularPathData.rightFullExtent+" "+(t.circularPathData.targetY+t.circularPathData.rightSmallArcRadius)+" A"+t.circularPathData.rightLargeArcRadius+" "+t.circularPathData.rightSmallArcRadius+" 0 0 1 "+t.circularPathData.rightInnerExtent+" "+t.circularPathData.targetY+" L"+t.circularPathData.targetX+" "+t.circularPathData.targetY;return e}(e);else{var f=n.linkHorizontal().source((function(t){return[t.source.x0+(t.source.x1-t.source.x0),t.y0]})).target((function(t){return[t.target.x0,t.y1]}));e.path=f(e)}}))}function E(t,e){return z(t)==z(e)?"bottom"==t.circularLinkType?L(t,e):C(t,e):z(e)-z(t)}function C(t,e){return t.y0-e.y0}function L(t,e){return e.y0-t.y0}function I(t,e){return t.y1-e.y1}function P(t,e){return e.y1-t.y1}function z(t){return t.target.column-t.source.column}function O(t){return t.target.x0-t.source.x1}function D(t,e){var r=T(t),n=O(e)/Math.tan(r);return"up"==q(t)?t.y1+n:t.y1-n}function R(t,e){var r=T(t),n=O(e)/Math.tan(r);return"up"==q(t)?t.y1-n:t.y1+n}function F(t,e,r,n){t.links.forEach((function(i){if(!i.circular&&i.target.column-i.source.column>1){var a=i.source.column+1,o=i.target.column-1,s=1,l=o-a+1;for(s=1;a<=o;a++,s++)t.nodes.forEach((function(o){if(o.column==a){var c,u=s/(l+1),f=Math.pow(1-u,3),h=3*u*Math.pow(1-u,2),p=3*Math.pow(u,2)*(1-u),d=Math.pow(u,3),g=f*i.y0+h*i.y0+p*i.y1+d*i.y1,m=g-i.width/2,v=g+i.width/2;m>o.y0&&mo.y0&&vo.y1)&&(c=v-o.y0+10,o=N(o,c,e,r),t.nodes.forEach((function(t){b(t,n)!=b(o,n)&&t.column==o.column&&t.y0o.y1&&N(t,c,e,r)})))}}))}}))}function B(t,e){return t.y0>e.y0&&t.y0e.y0&&t.y1e.y1)}function N(t,e,r,n){return t.y0+e>=r&&t.y1+e<=n&&(t.y0=t.y0+e,t.y1=t.y1+e,t.targetLinks.forEach((function(t){t.y1=t.y1+e})),t.sourceLinks.forEach((function(t){t.y0=t.y0+e}))),t}function j(t,e,r,n){t.nodes.forEach((function(i){n&&i.y+(i.y1-i.y0)>e&&(i.y=i.y-(i.y+(i.y1-i.y0)-e));var a=t.links.filter((function(t){return b(t.source,r)==b(i,r)})),o=a.length;o>1&&a.sort((function(t,e){if(!t.circular&&!e.circular){if(t.target.column==e.target.column)return t.y1-e.y1;if(!V(t,e))return t.y1-e.y1;if(t.target.column>e.target.column){var r=R(e,t);return t.y1-r}if(e.target.column>t.target.column)return R(t,e)-e.y1}return t.circular&&!e.circular?"top"==t.circularLinkType?-1:1:e.circular&&!t.circular?"top"==e.circularLinkType?1:-1:t.circular&&e.circular?t.circularLinkType===e.circularLinkType&&"top"==t.circularLinkType?t.target.column===e.target.column?t.target.y1-e.target.y1:e.target.column-t.target.column:t.circularLinkType===e.circularLinkType&&"bottom"==t.circularLinkType?t.target.column===e.target.column?e.target.y1-t.target.y1:t.target.column-e.target.column:"top"==t.circularLinkType?-1:1:void 0}));var s=i.y0;a.forEach((function(t){t.y0=s+t.width/2,s+=t.width})),a.forEach((function(t,e){if("bottom"==t.circularLinkType){for(var r=e+1,n=0;r1&&n.sort((function(t,e){if(!t.circular&&!e.circular){if(t.source.column==e.source.column)return t.y0-e.y0;if(!V(t,e))return t.y0-e.y0;if(e.source.column0?"up":"down"}function H(t,e){return b(t.source,e)==b(t.target,e)}function G(t,r,n){var i=t.nodes,a=t.links,o=!1,s=!1;if(a.forEach((function(t){"top"==t.circularLinkType?o=!0:"bottom"==t.circularLinkType&&(s=!0)})),0==o||0==s){var l=e.min(i,(function(t){return t.y0})),c=(n-r)/(e.max(i,(function(t){return t.y1}))-l);i.forEach((function(t){var e=(t.y1-t.y0)*c;t.y0=(t.y0-l)*c,t.y1=t.y0+e})),a.forEach((function(t){t.y0=(t.y0-l)*c,t.y1=(t.y1-l)*c,t.width=t.width*c}))}}t.sankeyCircular=function(){var t,n,i=0,a=0,b=1,T=1,M=24,A=m,E=o,C=v,L=y,I=32,P=2,z=null;function O(){var t={nodes:C.apply(null,arguments),links:L.apply(null,arguments)};D(t),_(t,A,z),R(t),B(t),w(t,A),N(t,I,A),V(t);for(var e=4,r=0;r0?r+25+10:r,bottom:n=n>0?n+25+10:n,left:a=a>0?a+25+10:a,right:i=i>0?i+25+10:i}}(o),f=function(t,r){var n=e.max(t.nodes,(function(t){return t.column})),o=b-i,s=T-a,l=o/(o+r.right+r.left),c=s/(s+r.top+r.bottom);return i=i*l+r.left,b=0==r.right?b:b*l,a=a*c+r.top,T*=c,t.nodes.forEach((function(t){t.x0=i+t.column*((b-i-M)/n),t.x1=t.x0+M})),c}(o,u);l*=f,o.links.forEach((function(t){t.width=t.value*l})),c.forEach((function(t){var e=t.length;t.forEach((function(t,n){t.depth==c.length-1&&1==e||0==t.depth&&1==e?(t.y0=T/2-t.value*l,t.y1=t.y0+t.value*l):t.partOfCycle?0==k(t,r)?(t.y0=T/2+n,t.y1=t.y0+t.value*l):"top"==t.circularLinkType?(t.y0=a+n,t.y1=t.y0+t.value*l):(t.y0=T-t.value*l-n,t.y1=t.y0+t.value*l):0==u.top||0==u.bottom?(t.y0=(T-a)/e*n,t.y1=t.y0+t.value*l):(t.y0=(T-a)/2-e/2+n,t.y1=t.y0+t.value*l)}))}))}(l),y();for(var u=1,m=s;m>0;--m)v(u*=.99,l),y();function v(t,r){var n=c.length;c.forEach((function(i){var a=i.length,o=i[0].depth;i.forEach((function(i){var s;if(i.sourceLinks.length||i.targetLinks.length)if(i.partOfCycle&&k(i,r)>0);else if(0==o&&1==a)s=i.y1-i.y0,i.y0=T/2-s/2,i.y1=T/2+s/2;else if(o==n-1&&1==a)s=i.y1-i.y0,i.y0=T/2-s/2,i.y1=T/2+s/2;else{var l=e.mean(i.sourceLinks,g),c=e.mean(i.targetLinks,d),u=((l&&c?(l+c)/2:l||c)-p(i))*t;i.y0+=u,i.y1+=u}}))}))}function y(){c.forEach((function(e){var r,n,i,o=a,s=e.length;for(e.sort(f),i=0;i0&&(r.y0+=n,r.y1+=n),o=r.y1+t;if((n=o-t-T)>0)for(o=r.y0-=n,r.y1-=n,i=s-2;i>=0;--i)(n=(r=e[i]).y1+t-o)>0&&(r.y0-=n,r.y1-=n),o=r.y0}))}}function V(t){t.nodes.forEach((function(t){t.sourceLinks.sort(u),t.targetLinks.sort(c)})),t.nodes.forEach((function(t){var e=t.y0,r=e,n=t.y1,i=n;t.sourceLinks.forEach((function(t){t.circular?(t.y0=n-t.width/2,n-=t.width):(t.y0=e+t.width/2,e+=t.width)})),t.targetLinks.forEach((function(t){t.circular?(t.y1=i-t.width/2,i-=t.width):(t.y1=r+t.width/2,r+=t.width)}))}))}return O.nodeId=function(t){return arguments.length?(A="function"==typeof t?t:s(t),O):A},O.nodeAlign=function(t){return arguments.length?(E="function"==typeof t?t:s(t),O):E},O.nodeWidth=function(t){return arguments.length?(M=+t,O):M},O.nodePadding=function(e){return arguments.length?(t=+e,O):t},O.nodes=function(t){return arguments.length?(C="function"==typeof t?t:s(t),O):C},O.links=function(t){return arguments.length?(L="function"==typeof t?t:s(t),O):L},O.size=function(t){return arguments.length?(i=a=0,b=+t[0],T=+t[1],O):[b-i,T-a]},O.extent=function(t){return arguments.length?(i=+t[0][0],b=+t[1][0],a=+t[0][1],T=+t[1][1],O):[[i,a],[b,T]]},O.iterations=function(t){return arguments.length?(I=+t,O):I},O.circularLinkGap=function(t){return arguments.length?(P=+t,O):P},O.nodePaddingRatio=function(t){return arguments.length?(n=+t,O):n},O.sortNodes=function(t){return arguments.length?(z=t,O):z},O.update=function(t){return w(t,A),V(t),t.links.forEach((function(t){t.circular&&(t.circularLinkType=t.y0+t.y1a&&(b=a);var o=e.min(i,(function(t){return(y-n-(t.length-1)*b)/e.sum(t,u)}));i.forEach((function(t){t.forEach((function(t,e){t.y1=(t.y0=e)+t.value*o}))})),t.links.forEach((function(t){t.width=t.value*o}))}(),d();for(var a=1,o=M;o>0;--o)l(a*=.99),d(),s(a),d();function s(t){i.forEach((function(r){r.forEach((function(r){if(r.targetLinks.length){var n=(e.sum(r.targetLinks,h)/e.sum(r.targetLinks,u)-f(r))*t;r.y0+=n,r.y1+=n}}))}))}function l(t){i.slice().reverse().forEach((function(r){r.forEach((function(r){if(r.sourceLinks.length){var n=(e.sum(r.sourceLinks,p)/e.sum(r.sourceLinks,u)-f(r))*t;r.y0+=n,r.y1+=n}}))}))}function d(){i.forEach((function(t){var e,r,i,a=n,o=t.length;for(t.sort(c),i=0;i0&&(e.y0+=r,e.y1+=r),a=e.y1+b;if((r=a-b-y)>0)for(a=e.y0-=r,e.y1-=r,i=o-2;i>=0;--i)(r=(e=t[i]).y1+b-a)>0&&(e.y0-=r,e.y1-=r),a=e.y0}))}}function I(t){t.nodes.forEach((function(t){t.sourceLinks.sort(l),t.targetLinks.sort(s)})),t.nodes.forEach((function(t){var e=t.y0,r=e;t.sourceLinks.forEach((function(t){t.y0=e+t.width/2,e+=t.width})),t.targetLinks.forEach((function(t){t.y1=r+t.width/2,r+=t.width}))}))}return A.update=function(t){return I(t),t},A.nodeId=function(t){return arguments.length?(_="function"==typeof t?t:o(t),A):_},A.nodeAlign=function(t){return arguments.length?(w="function"==typeof t?t:o(t),A):w},A.nodeWidth=function(t){return arguments.length?(x=+t,A):x},A.nodePadding=function(t){return arguments.length?(b=+t,A):b},A.nodes=function(t){return arguments.length?(T="function"==typeof t?t:o(t),A):T},A.links=function(t){return arguments.length?(k="function"==typeof t?t:o(t),A):k},A.size=function(e){return arguments.length?(t=n=0,i=+e[0],y=+e[1],A):[i-t,y-n]},A.extent=function(e){return arguments.length?(t=+e[0][0],i=+e[1][0],n=+e[0][1],y=+e[1][1],A):[[t,n],[i,y]]},A.iterations=function(t){return arguments.length?(M=+t,A):M},A},t.sankeyCenter=function(t){return t.targetLinks.length?t.depth:t.sourceLinks.length?e.min(t.sourceLinks,i)-1:0},t.sankeyLeft=function(t){return t.depth},t.sankeyRight=function(t,e){return e-1-t.height},t.sankeyJustify=a,t.sankeyLinkHorizontal=function(){return n.linkHorizontal().source(y).target(x)},Object.defineProperty(t,"__esModule",{value:!0})}))},{"d3-array":156,"d3-collection":157,"d3-shape":165}],57:[function(t,e,r){"use strict";e.exports=t("./quad")},{"./quad":58}],58:[function(t,e,r){"use strict";var n=t("binary-search-bounds"),i=t("clamp"),a=t("parse-rect"),o=t("array-bounds"),s=t("pick-by-alias"),l=t("defined"),c=t("flatten-vertex-data"),u=t("is-obj"),f=t("dtype"),h=t("math-log2");function p(t,e){for(var r=e[0],n=e[1],a=1/(e[2]-r),o=1/(e[3]-n),s=new Array(t.length),l=0,c=t.length/2;l>>1;e.dtype||(e.dtype="array"),"string"==typeof e.dtype?d=new(f(e.dtype))(m):e.dtype&&(d=e.dtype,Array.isArray(d)&&(d.length=m));for(var v=0;vr||s>1073741824){for(var h=0;he+n||w>r+n||T=M||a===o)){var s=y[i];void 0===o&&(o=s.length);for(var l=a;l=d&&u<=m&&f>=g&&f<=v&&S.push(c)}var h=x[i],p=h[4*a+0],b=h[4*a+1],A=h[4*a+2],E=h[4*a+3],I=L(h,a+1),P=.5*n,z=i+1;C(e,r,P,z,p,b||A||E||I),C(e,r+P,P,z,b,A||E||I),C(e+P,r,P,z,A,E||I),C(e+P,r+P,P,z,E,I)}}function L(t,e){for(var r=null,n=0;null===r;)if(r=t[4*e+n],++n>t.length)return null;return r}return C(0,0,1,0,0,1),S},d;function E(t,e,r,i,a){for(var o=[],s=0;s0){e+=Math.abs(a(t[0]));for(var r=1;r2){for(s=0;st[0]&&(e[0]=t[0]),e[1]>t[1]&&(e[1]=t[1]),e[2]=0))throw new Error("precision must be a positive number");var r=Math.pow(10,e||0);return Math.round(t*r)/r},r.radiansToLength=f,r.lengthToRadians=h,r.lengthToDegrees=function(t,e){return p(h(t,e))},r.bearingToAzimuth=function(t){var e=t%360;return e<0&&(e+=360),e},r.radiansToDegrees=p,r.degreesToRadians=function(t){return t%360*Math.PI/180},r.convertLength=function(t,e,r){if(void 0===e&&(e="kilometers"),void 0===r&&(r="kilometers"),!(t>=0))throw new Error("length must be a positive number");return f(h(t,e),r)},r.convertArea=function(t,e,n){if(void 0===e&&(e="meters"),void 0===n&&(n="kilometers"),!(t>=0))throw new Error("area must be a positive number");var i=r.areaFactors[e];if(!i)throw new Error("invalid original units");var a=r.areaFactors[n];if(!a)throw new Error("invalid final units");return t/i*a},r.isNumber=d,r.isObject=function(t){return!!t&&t.constructor===Object},r.validateBBox=function(t){if(!t)throw new Error("bbox is required");if(!Array.isArray(t))throw new Error("bbox must be an Array");if(4!==t.length&&6!==t.length)throw new Error("bbox must be an Array of 4 or 6 numbers");t.forEach((function(t){if(!d(t))throw new Error("bbox must only contain numbers")}))},r.validateId=function(t){if(!t)throw new Error("id is required");if(-1===["string","number"].indexOf(typeof t))throw new Error("id must be a number or a string")},r.radians2degrees=function(){throw new Error("method has been renamed to `radiansToDegrees`")},r.degrees2radians=function(){throw new Error("method has been renamed to `degreesToRadians`")},r.distanceToDegrees=function(){throw new Error("method has been renamed to `lengthToDegrees`")},r.distanceToRadians=function(){throw new Error("method has been renamed to `lengthToRadians`")},r.radiansToDistance=function(){throw new Error("method has been renamed to `radiansToLength`")},r.bearingToAngle=function(){throw new Error("method has been renamed to `bearingToAzimuth`")},r.convertDistance=function(){throw new Error("method has been renamed to `convertLength`")}},{}],63:[function(t,e,r){"use strict";Object.defineProperty(r,"__esModule",{value:!0});var n=t("@turf/helpers");function i(t,e,r){if(null!==t)for(var n,a,o,s,l,c,u,f,h=0,p=0,d=t.type,g="FeatureCollection"===d,m="Feature"===d,v=g?t.features.length:1,y=0;yc||p>u||d>f)return l=i,c=r,u=p,f=d,void(o=0);var g=n.lineString([l,i],t.properties);if(!1===e(g,r,a,d,o))return!1;o++,l=i}))&&void 0}}}))}function u(t,e){if(!t)throw new Error("geojson is required");l(t,(function(t,r,i){if(null!==t.geometry){var a=t.geometry.type,o=t.geometry.coordinates;switch(a){case"LineString":if(!1===e(t,r,i,0,0))return!1;break;case"Polygon":for(var s=0;si&&(i=t[o]),t[o] + * @license MIT + */function i(t,e){if(t===e)return 0;for(var r=t.length,n=e.length,i=0,a=Math.min(r,n);i=0;c--)if(u[c]!==f[c])return!1;for(c=u.length-1;c>=0;c--)if(s=u[c],!x(t[s],e[s],r,n))return!1;return!0}(t,e,r,n))}return r?t===e:t==e}function b(t){return"[object Arguments]"==Object.prototype.toString.call(t)}function _(t,e){if(!t||!e)return!1;if("[object RegExp]"==Object.prototype.toString.call(e))return e.test(t);try{if(t instanceof e)return!0}catch(t){}return!Error.isPrototypeOf(e)&&!0===e.call({},t)}function w(t,e,r,n){var i;if("function"!=typeof e)throw new TypeError('"block" argument must be a function');"string"==typeof r&&(n=r,r=null),i=function(t){var e;try{t()}catch(t){e=t}return e}(e),n=(r&&r.name?" ("+r.name+").":".")+(n?" "+n:"."),t&&!i&&v(i,r,"Missing expected exception"+n);var a="string"==typeof n,s=!t&&i&&!r;if((!t&&o.isError(i)&&a&&_(i,r)||s)&&v(i,r,"Got unwanted exception"+n),t&&i&&r&&!_(i,r)||!t&&i)throw i}h.AssertionError=function(t){this.name="AssertionError",this.actual=t.actual,this.expected=t.expected,this.operator=t.operator,t.message?(this.message=t.message,this.generatedMessage=!1):(this.message=function(t){return g(m(t.actual),128)+" "+t.operator+" "+g(m(t.expected),128)}(this),this.generatedMessage=!0);var e=t.stackStartFunction||v;if(Error.captureStackTrace)Error.captureStackTrace(this,e);else{var r=new Error;if(r.stack){var n=r.stack,i=d(e),a=n.indexOf("\n"+i);if(a>=0){var o=n.indexOf("\n",a+1);n=n.substring(o+1)}this.stack=n}}},o.inherits(h.AssertionError,Error),h.fail=v,h.ok=y,h.equal=function(t,e,r){t!=e&&v(t,e,r,"==",h.equal)},h.notEqual=function(t,e,r){t==e&&v(t,e,r,"!=",h.notEqual)},h.deepEqual=function(t,e,r){x(t,e,!1)||v(t,e,r,"deepEqual",h.deepEqual)},h.deepStrictEqual=function(t,e,r){x(t,e,!0)||v(t,e,r,"deepStrictEqual",h.deepStrictEqual)},h.notDeepEqual=function(t,e,r){x(t,e,!1)&&v(t,e,r,"notDeepEqual",h.notDeepEqual)},h.notDeepStrictEqual=function t(e,r,n){x(e,r,!0)&&v(e,r,n,"notDeepStrictEqual",t)},h.strictEqual=function(t,e,r){t!==e&&v(t,e,r,"===",h.strictEqual)},h.notStrictEqual=function(t,e,r){t===e&&v(t,e,r,"!==",h.notStrictEqual)},h.throws=function(t,e,r){w(!0,t,e,r)},h.doesNotThrow=function(t,e,r){w(!1,t,e,r)},h.ifError=function(t){if(t)throw t},h.strict=n((function t(e,r){e||v(e,!0,r,"==",t)}),h,{equal:h.strictEqual,deepEqual:h.deepStrictEqual,notEqual:h.notStrictEqual,notDeepEqual:h.notDeepStrictEqual}),h.strict.strict=h.strict;var T=Object.keys||function(t){var e=[];for(var r in t)s.call(t,r)&&e.push(r);return e}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"object-assign":499,"util/":76}],74:[function(t,e,r){"function"==typeof Object.create?e.exports=function(t,e){t.super_=e,t.prototype=Object.create(e.prototype,{constructor:{value:t,enumerable:!1,writable:!0,configurable:!0}})}:e.exports=function(t,e){t.super_=e;var r=function(){};r.prototype=e.prototype,t.prototype=new r,t.prototype.constructor=t}},{}],75:[function(t,e,r){e.exports=function(t){return t&&"object"==typeof t&&"function"==typeof t.copy&&"function"==typeof t.fill&&"function"==typeof t.readUInt8}},{}],76:[function(t,e,r){(function(e,n){(function(){var i=/%[sdj%]/g;r.format=function(t){if(!v(t)){for(var e=[],r=0;r=a)return t;switch(t){case"%s":return String(n[r++]);case"%d":return Number(n[r++]);case"%j":try{return JSON.stringify(n[r++])}catch(t){return"[Circular]"}default:return t}})),l=n[r];r=3&&(n.depth=arguments[2]),arguments.length>=4&&(n.colors=arguments[3]),d(e)?n.showHidden=e:e&&r._extend(n,e),y(n.showHidden)&&(n.showHidden=!1),y(n.depth)&&(n.depth=2),y(n.colors)&&(n.colors=!1),y(n.customInspect)&&(n.customInspect=!0),n.colors&&(n.stylize=l),u(n,t,n.depth)}function l(t,e){var r=s.styles[e];return r?"\x1b["+s.colors[r][0]+"m"+t+"\x1b["+s.colors[r][1]+"m":t}function c(t,e){return t}function u(t,e,n){if(t.customInspect&&e&&T(e.inspect)&&e.inspect!==r.inspect&&(!e.constructor||e.constructor.prototype!==e)){var i=e.inspect(n,t);return v(i)||(i=u(t,i,n)),i}var a=function(t,e){if(y(e))return t.stylize("undefined","undefined");if(v(e)){var r="'"+JSON.stringify(e).replace(/^"|"$/g,"").replace(/'/g,"\\'").replace(/\\"/g,'"')+"'";return t.stylize(r,"string")}if(m(e))return t.stylize(""+e,"number");if(d(e))return t.stylize(""+e,"boolean");if(g(e))return t.stylize("null","null")}(t,e);if(a)return a;var o=Object.keys(e),s=function(t){var e={};return t.forEach((function(t,r){e[t]=!0})),e}(o);if(t.showHidden&&(o=Object.getOwnPropertyNames(e)),w(e)&&(o.indexOf("message")>=0||o.indexOf("description")>=0))return f(e);if(0===o.length){if(T(e)){var l=e.name?": "+e.name:"";return t.stylize("[Function"+l+"]","special")}if(x(e))return t.stylize(RegExp.prototype.toString.call(e),"regexp");if(_(e))return t.stylize(Date.prototype.toString.call(e),"date");if(w(e))return f(e)}var c,b="",k=!1,M=["{","}"];(p(e)&&(k=!0,M=["[","]"]),T(e))&&(b=" [Function"+(e.name?": "+e.name:"")+"]");return x(e)&&(b=" "+RegExp.prototype.toString.call(e)),_(e)&&(b=" "+Date.prototype.toUTCString.call(e)),w(e)&&(b=" "+f(e)),0!==o.length||k&&0!=e.length?n<0?x(e)?t.stylize(RegExp.prototype.toString.call(e),"regexp"):t.stylize("[Object]","special"):(t.seen.push(e),c=k?function(t,e,r,n,i){for(var a=[],o=0,s=e.length;o=0&&0,t+e.replace(/\u001b\[\d\d?m/g,"").length+1}),0)>60)return r[0]+(""===e?"":e+"\n ")+" "+t.join(",\n ")+" "+r[1];return r[0]+e+" "+t.join(", ")+" "+r[1]}(c,b,M)):M[0]+b+M[1]}function f(t){return"["+Error.prototype.toString.call(t)+"]"}function h(t,e,r,n,i,a){var o,s,l;if((l=Object.getOwnPropertyDescriptor(e,i)||{value:e[i]}).get?s=l.set?t.stylize("[Getter/Setter]","special"):t.stylize("[Getter]","special"):l.set&&(s=t.stylize("[Setter]","special")),E(n,i)||(o="["+i+"]"),s||(t.seen.indexOf(l.value)<0?(s=g(r)?u(t,l.value,null):u(t,l.value,r-1)).indexOf("\n")>-1&&(s=a?s.split("\n").map((function(t){return" "+t})).join("\n").substr(2):"\n"+s.split("\n").map((function(t){return" "+t})).join("\n")):s=t.stylize("[Circular]","special")),y(o)){if(a&&i.match(/^\d+$/))return s;(o=JSON.stringify(""+i)).match(/^"([a-zA-Z_][a-zA-Z_0-9]*)"$/)?(o=o.substr(1,o.length-2),o=t.stylize(o,"name")):(o=o.replace(/'/g,"\\'").replace(/\\"/g,'"').replace(/(^"|"$)/g,"'"),o=t.stylize(o,"string"))}return o+": "+s}function p(t){return Array.isArray(t)}function d(t){return"boolean"==typeof t}function g(t){return null===t}function m(t){return"number"==typeof t}function v(t){return"string"==typeof t}function y(t){return void 0===t}function x(t){return b(t)&&"[object RegExp]"===k(t)}function b(t){return"object"==typeof t&&null!==t}function _(t){return b(t)&&"[object Date]"===k(t)}function w(t){return b(t)&&("[object Error]"===k(t)||t instanceof Error)}function T(t){return"function"==typeof t}function k(t){return Object.prototype.toString.call(t)}function M(t){return t<10?"0"+t.toString(10):t.toString(10)}r.debuglog=function(t){if(y(a)&&(a=e.env.NODE_DEBUG||""),t=t.toUpperCase(),!o[t])if(new RegExp("\\b"+t+"\\b","i").test(a)){var n=e.pid;o[t]=function(){var e=r.format.apply(r,arguments);console.error("%s %d: %s",t,n,e)}}else o[t]=function(){};return o[t]},r.inspect=s,s.colors={bold:[1,22],italic:[3,23],underline:[4,24],inverse:[7,27],white:[37,39],grey:[90,39],black:[30,39],blue:[34,39],cyan:[36,39],green:[32,39],magenta:[35,39],red:[31,39],yellow:[33,39]},s.styles={special:"cyan",number:"yellow",boolean:"yellow",undefined:"grey",null:"bold",string:"green",date:"magenta",regexp:"red"},r.isArray=p,r.isBoolean=d,r.isNull=g,r.isNullOrUndefined=function(t){return null==t},r.isNumber=m,r.isString=v,r.isSymbol=function(t){return"symbol"==typeof t},r.isUndefined=y,r.isRegExp=x,r.isObject=b,r.isDate=_,r.isError=w,r.isFunction=T,r.isPrimitive=function(t){return null===t||"boolean"==typeof t||"number"==typeof t||"string"==typeof t||"symbol"==typeof t||"undefined"==typeof t},r.isBuffer=t("./support/isBuffer");var A=["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"];function S(){var t=new Date,e=[M(t.getHours()),M(t.getMinutes()),M(t.getSeconds())].join(":");return[t.getDate(),A[t.getMonth()],e].join(" ")}function E(t,e){return Object.prototype.hasOwnProperty.call(t,e)}r.log=function(){console.log("%s - %s",S(),r.format.apply(r,arguments))},r.inherits=t("inherits"),r._extend=function(t,e){if(!e||!b(e))return t;for(var r=Object.keys(e),n=r.length;n--;)t[r[n]]=e[r[n]];return t}}).call(this)}).call(this,t("_process"),"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"./support/isBuffer":75,_process:526,inherits:74}],77:[function(t,e,r){e.exports=function(t){return atob(t)}},{}],78:[function(t,e,r){"use strict";e.exports=function(t,e){for(var r=e.length,a=new Array(r+1),o=0;o0?o-4:o;for(r=0;r>16&255,l[u++]=e>>8&255,l[u++]=255&e;2===s&&(e=i[t.charCodeAt(r)]<<2|i[t.charCodeAt(r+1)]>>4,l[u++]=255&e);1===s&&(e=i[t.charCodeAt(r)]<<10|i[t.charCodeAt(r+1)]<<4|i[t.charCodeAt(r+2)]>>2,l[u++]=e>>8&255,l[u++]=255&e);return l},r.fromByteArray=function(t){for(var e,r=t.length,i=r%3,a=[],o=0,s=r-i;os?s:o+16383));1===i?(e=t[r-1],a.push(n[e>>2]+n[e<<4&63]+"==")):2===i&&(e=(t[r-2]<<8)+t[r-1],a.push(n[e>>10]+n[e>>4&63]+n[e<<2&63]+"="));return a.join("")};for(var n=[],i=[],a="undefined"!=typeof Uint8Array?Uint8Array:Array,o="ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/",s=0,l=o.length;s0)throw new Error("Invalid string. Length must be a multiple of 4");var r=t.indexOf("=");return-1===r&&(r=e),[r,r===e?0:4-r%4]}function u(t,e,r){for(var i,a,o=[],s=e;s>18&63]+n[a>>12&63]+n[a>>6&63]+n[63&a]);return o.join("")}i["-".charCodeAt(0)]=62,i["_".charCodeAt(0)]=63},{}],80:[function(t,e,r){"use strict";var n=t("./lib/rationalize");e.exports=function(t,e){return n(t[0].mul(e[1]).add(e[0].mul(t[1])),t[1].mul(e[1]))}},{"./lib/rationalize":90}],81:[function(t,e,r){"use strict";e.exports=function(t,e){return t[0].mul(e[1]).cmp(e[0].mul(t[1]))}},{}],82:[function(t,e,r){"use strict";var n=t("./lib/rationalize");e.exports=function(t,e){return n(t[0].mul(e[1]),t[1].mul(e[0]))}},{"./lib/rationalize":90}],83:[function(t,e,r){"use strict";var n=t("./is-rat"),i=t("./lib/is-bn"),a=t("./lib/num-to-bn"),o=t("./lib/str-to-bn"),s=t("./lib/rationalize"),l=t("./div");e.exports=function t(e,r){if(n(e))return r?l(e,t(r)):[e[0].clone(),e[1].clone()];var c,u,f=0;if(i(e))c=e.clone();else if("string"==typeof e)c=o(e);else{if(0===e)return[a(0),a(1)];if(e===Math.floor(e))c=a(e);else{for(;e!==Math.floor(e);)e*=Math.pow(2,256),f-=256;c=a(e)}}if(n(r))c.mul(r[1]),u=r[0].clone();else if(i(r))u=r.clone();else if("string"==typeof r)u=o(r);else if(r)if(r===Math.floor(r))u=a(r);else{for(;r!==Math.floor(r);)r*=Math.pow(2,256),f+=256;u=a(r)}else u=a(1);f>0?c=c.ushln(f):f<0&&(u=u.ushln(-f));return s(c,u)}},{"./div":82,"./is-rat":84,"./lib/is-bn":88,"./lib/num-to-bn":89,"./lib/rationalize":90,"./lib/str-to-bn":91}],84:[function(t,e,r){"use strict";var n=t("./lib/is-bn");e.exports=function(t){return Array.isArray(t)&&2===t.length&&n(t[0])&&n(t[1])}},{"./lib/is-bn":88}],85:[function(t,e,r){"use strict";var n=t("bn.js");e.exports=function(t){return t.cmp(new n(0))}},{"bn.js":99}],86:[function(t,e,r){"use strict";var n=t("./bn-sign");e.exports=function(t){var e=t.length,r=t.words,i=0;if(1===e)i=r[0];else if(2===e)i=r[0]+67108864*r[1];else for(var a=0;a20)return 52;return r+32}},{"bit-twiddle":97,"double-bits":173}],88:[function(t,e,r){"use strict";t("bn.js");e.exports=function(t){return t&&"object"==typeof t&&Boolean(t.words)}},{"bn.js":99}],89:[function(t,e,r){"use strict";var n=t("bn.js"),i=t("double-bits");e.exports=function(t){var e=i.exponent(t);return e<52?new n(t):new n(t*Math.pow(2,52-e)).ushln(e-52)}},{"bn.js":99,"double-bits":173}],90:[function(t,e,r){"use strict";var n=t("./num-to-bn"),i=t("./bn-sign");e.exports=function(t,e){var r=i(t),a=i(e);if(0===r)return[n(0),n(1)];if(0===a)return[n(0),n(0)];a<0&&(t=t.neg(),e=e.neg());var o=t.gcd(e);if(o.cmpn(1))return[t.div(o),e.div(o)];return[t,e]}},{"./bn-sign":85,"./num-to-bn":89}],91:[function(t,e,r){"use strict";var n=t("bn.js");e.exports=function(t){return new n(t)}},{"bn.js":99}],92:[function(t,e,r){"use strict";var n=t("./lib/rationalize");e.exports=function(t,e){return n(t[0].mul(e[0]),t[1].mul(e[1]))}},{"./lib/rationalize":90}],93:[function(t,e,r){"use strict";var n=t("./lib/bn-sign");e.exports=function(t){return n(t[0])*n(t[1])}},{"./lib/bn-sign":85}],94:[function(t,e,r){"use strict";var n=t("./lib/rationalize");e.exports=function(t,e){return n(t[0].mul(e[1]).sub(t[1].mul(e[0])),t[1].mul(e[1]))}},{"./lib/rationalize":90}],95:[function(t,e,r){"use strict";var n=t("./lib/bn-to-num"),i=t("./lib/ctz");e.exports=function(t){var e=t[0],r=t[1];if(0===e.cmpn(0))return 0;var a=e.abs().divmod(r.abs()),o=a.div,s=n(o),l=a.mod,c=e.negative!==r.negative?-1:1;if(0===l.cmpn(0))return c*s;if(s){var u=i(s)+4,f=n(l.ushln(u).divRound(r));return c*(s+f*Math.pow(2,-u))}var h=r.bitLength()-l.bitLength()+53;f=n(l.ushln(h).divRound(r));return h<1023?c*f*Math.pow(2,-h):(f*=Math.pow(2,-1023),c*f*Math.pow(2,1023-h))}},{"./lib/bn-to-num":86,"./lib/ctz":87}],96:[function(t,e,r){"use strict";function n(t,e,r,n,i){var a=["function ",t,"(a,l,h,",n.join(","),"){",i?"":"var i=",r?"l-1":"h+1",";while(l<=h){var m=(l+h)>>>1,x=a[m]"];return i?e.indexOf("c")<0?a.push(";if(x===y){return m}else if(x<=y){"):a.push(";var p=c(x,y);if(p===0){return m}else if(p<=0){"):a.push(";if(",e,"){i=m;"),r?a.push("l=m+1}else{h=m-1}"):a.push("h=m-1}else{l=m+1}"),a.push("}"),i?a.push("return -1};"):a.push("return i};"),a.join("")}function i(t,e,r,i){return new Function([n("A","x"+t+"y",e,["y"],i),n("P","c(x,y)"+t+"0",e,["y","c"],i),"function dispatchBsearch",r,"(a,y,c,l,h){if(typeof(c)==='function'){return P(a,(l===void 0)?0:l|0,(h===void 0)?a.length-1:h|0,y,c)}else{return A(a,(c===void 0)?0:c|0,(l===void 0)?a.length-1:l|0,y)}}return dispatchBsearch",r].join(""))()}e.exports={ge:i(">=",!1,"GE"),gt:i(">",!1,"GT"),lt:i("<",!0,"LT"),le:i("<=",!0,"LE"),eq:i("-",!0,"EQ",!0)}},{}],97:[function(t,e,r){"use strict";function n(t){var e=32;return(t&=-t)&&e--,65535&t&&(e-=16),16711935&t&&(e-=8),252645135&t&&(e-=4),858993459&t&&(e-=2),1431655765&t&&(e-=1),e}r.INT_BITS=32,r.INT_MAX=2147483647,r.INT_MIN=-1<<31,r.sign=function(t){return(t>0)-(t<0)},r.abs=function(t){var e=t>>31;return(t^e)-e},r.min=function(t,e){return e^(t^e)&-(t65535)<<4,e|=r=((t>>>=e)>255)<<3,e|=r=((t>>>=r)>15)<<2,(e|=r=((t>>>=r)>3)<<1)|(t>>>=r)>>1},r.log10=function(t){return t>=1e9?9:t>=1e8?8:t>=1e7?7:t>=1e6?6:t>=1e5?5:t>=1e4?4:t>=1e3?3:t>=100?2:t>=10?1:0},r.popCount=function(t){return 16843009*((t=(858993459&(t-=t>>>1&1431655765))+(t>>>2&858993459))+(t>>>4)&252645135)>>>24},r.countTrailingZeros=n,r.nextPow2=function(t){return t+=0===t,--t,t|=t>>>1,t|=t>>>2,t|=t>>>4,t|=t>>>8,(t|=t>>>16)+1},r.prevPow2=function(t){return t|=t>>>1,t|=t>>>2,t|=t>>>4,t|=t>>>8,(t|=t>>>16)-(t>>>1)},r.parity=function(t){return t^=t>>>16,t^=t>>>8,t^=t>>>4,27030>>>(t&=15)&1};var i=new Array(256);!function(t){for(var e=0;e<256;++e){var r=e,n=e,i=7;for(r>>>=1;r;r>>>=1)n<<=1,n|=1&r,--i;t[e]=n<>>8&255]<<16|i[t>>>16&255]<<8|i[t>>>24&255]},r.interleave2=function(t,e){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t&=65535)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e&=65535)|e<<8))|e<<4))|e<<2))|e<<1))<<1},r.deinterleave2=function(t,e){return(t=65535&((t=16711935&((t=252645135&((t=858993459&((t=t>>>e&1431655765)|t>>>1))|t>>>2))|t>>>4))|t>>>16))<<16>>16},r.interleave3=function(t,e,r){return t=1227133513&((t=3272356035&((t=251719695&((t=4278190335&((t&=1023)|t<<16))|t<<8))|t<<4))|t<<2),(t|=(e=1227133513&((e=3272356035&((e=251719695&((e=4278190335&((e&=1023)|e<<16))|e<<8))|e<<4))|e<<2))<<1)|(r=1227133513&((r=3272356035&((r=251719695&((r=4278190335&((r&=1023)|r<<16))|r<<8))|r<<4))|r<<2))<<2},r.deinterleave3=function(t,e){return(t=1023&((t=4278190335&((t=251719695&((t=3272356035&((t=t>>>e&1227133513)|t>>>2))|t>>>4))|t>>>8))|t>>>16))<<22>>22},r.nextCombination=function(t){var e=t|t-1;return e+1|(~e&-~e)-1>>>n(t)+1}},{}],98:[function(t,e,r){"use strict";var n=t("clamp");e.exports=function(t,e){e||(e={});var r,o,s,l,c,u,f,h,p,d,g,m=null==e.cutoff?.25:e.cutoff,v=null==e.radius?8:e.radius,y=e.channel||0;if(ArrayBuffer.isView(t)||Array.isArray(t)){if(!e.width||!e.height)throw Error("For raw data width and height should be provided by options");r=e.width,o=e.height,l=t,u=e.stride?e.stride:Math.floor(t.length/r/o)}else window.HTMLCanvasElement&&t instanceof window.HTMLCanvasElement?(f=(h=t).getContext("2d"),r=h.width,o=h.height,p=f.getImageData(0,0,r,o),l=p.data,u=4):window.CanvasRenderingContext2D&&t instanceof window.CanvasRenderingContext2D?(h=t.canvas,f=t,r=h.width,o=h.height,p=f.getImageData(0,0,r,o),l=p.data,u=4):window.ImageData&&t instanceof window.ImageData&&(p=t,r=t.width,o=t.height,l=p.data,u=4);if(s=Math.max(r,o),window.Uint8ClampedArray&&l instanceof window.Uint8ClampedArray||window.Uint8Array&&l instanceof window.Uint8Array)for(c=l,l=Array(r*o),d=0,g=c.length;d=49&&o<=54?o-49+10:o>=17&&o<=22?o-17+10:15&o}return n}function l(t,e,r,n){for(var i=0,a=Math.min(t.length,r),o=e;o=49?s-49+10:s>=17?s-17+10:s}return i}a.isBN=function(t){return t instanceof a||null!==t&&"object"==typeof t&&t.constructor.wordSize===a.wordSize&&Array.isArray(t.words)},a.max=function(t,e){return t.cmp(e)>0?t:e},a.min=function(t,e){return t.cmp(e)<0?t:e},a.prototype._init=function(t,e,r){if("number"==typeof t)return this._initNumber(t,e,r);if("object"==typeof t)return this._initArray(t,e,r);"hex"===e&&(e=16),n(e===(0|e)&&e>=2&&e<=36);var i=0;"-"===(t=t.toString().replace(/\s+/g,""))[0]&&i++,16===e?this._parseHex(t,i):this._parseBase(t,e,i),"-"===t[0]&&(this.negative=1),this.strip(),"le"===r&&this._initArray(this.toArray(),e,r)},a.prototype._initNumber=function(t,e,r){t<0&&(this.negative=1,t=-t),t<67108864?(this.words=[67108863&t],this.length=1):t<4503599627370496?(this.words=[67108863&t,t/67108864&67108863],this.length=2):(n(t<9007199254740992),this.words=[67108863&t,t/67108864&67108863,1],this.length=3),"le"===r&&this._initArray(this.toArray(),e,r)},a.prototype._initArray=function(t,e,r){if(n("number"==typeof t.length),t.length<=0)return this.words=[0],this.length=1,this;this.length=Math.ceil(t.length/3),this.words=new Array(this.length);for(var i=0;i=0;i-=3)o=t[i]|t[i-1]<<8|t[i-2]<<16,this.words[a]|=o<>>26-s&67108863,(s+=24)>=26&&(s-=26,a++);else if("le"===r)for(i=0,a=0;i>>26-s&67108863,(s+=24)>=26&&(s-=26,a++);return this.strip()},a.prototype._parseHex=function(t,e){this.length=Math.ceil((t.length-e)/6),this.words=new Array(this.length);for(var r=0;r=e;r-=6)i=s(t,r,r+6),this.words[n]|=i<>>26-a&4194303,(a+=24)>=26&&(a-=26,n++);r+6!==e&&(i=s(t,e,r+6),this.words[n]|=i<>>26-a&4194303),this.strip()},a.prototype._parseBase=function(t,e,r){this.words=[0],this.length=1;for(var n=0,i=1;i<=67108863;i*=e)n++;n--,i=i/e|0;for(var a=t.length-r,o=a%n,s=Math.min(a,a-o)+r,c=0,u=r;u1&&0===this.words[this.length-1];)this.length--;return this._normSign()},a.prototype._normSign=function(){return 1===this.length&&0===this.words[0]&&(this.negative=0),this},a.prototype.inspect=function(){return(this.red?""};var c=["","0","00","000","0000","00000","000000","0000000","00000000","000000000","0000000000","00000000000","000000000000","0000000000000","00000000000000","000000000000000","0000000000000000","00000000000000000","000000000000000000","0000000000000000000","00000000000000000000","000000000000000000000","0000000000000000000000","00000000000000000000000","000000000000000000000000","0000000000000000000000000"],u=[0,0,25,16,12,11,10,9,8,8,7,7,7,7,6,6,6,6,6,6,6,5,5,5,5,5,5,5,5,5,5,5,5,5,5,5,5],f=[0,0,33554432,43046721,16777216,48828125,60466176,40353607,16777216,43046721,1e7,19487171,35831808,62748517,7529536,11390625,16777216,24137569,34012224,47045881,64e6,4084101,5153632,6436343,7962624,9765625,11881376,14348907,17210368,20511149,243e5,28629151,33554432,39135393,45435424,52521875,60466176];function h(t,e,r){r.negative=e.negative^t.negative;var n=t.length+e.length|0;r.length=n,n=n-1|0;var i=0|t.words[0],a=0|e.words[0],o=i*a,s=67108863&o,l=o/67108864|0;r.words[0]=s;for(var c=1;c>>26,f=67108863&l,h=Math.min(c,e.length-1),p=Math.max(0,c-t.length+1);p<=h;p++){var d=c-p|0;u+=(o=(i=0|t.words[d])*(a=0|e.words[p])+f)/67108864|0,f=67108863&o}r.words[c]=0|f,l=0|u}return 0!==l?r.words[c]=0|l:r.length--,r.strip()}a.prototype.toString=function(t,e){var r;if(e=0|e||1,16===(t=t||10)||"hex"===t){r="";for(var i=0,a=0,o=0;o>>24-i&16777215)||o!==this.length-1?c[6-l.length]+l+r:l+r,(i+=2)>=26&&(i-=26,o--)}for(0!==a&&(r=a.toString(16)+r);r.length%e!=0;)r="0"+r;return 0!==this.negative&&(r="-"+r),r}if(t===(0|t)&&t>=2&&t<=36){var h=u[t],p=f[t];r="";var d=this.clone();for(d.negative=0;!d.isZero();){var g=d.modn(p).toString(t);r=(d=d.idivn(p)).isZero()?g+r:c[h-g.length]+g+r}for(this.isZero()&&(r="0"+r);r.length%e!=0;)r="0"+r;return 0!==this.negative&&(r="-"+r),r}n(!1,"Base should be between 2 and 36")},a.prototype.toNumber=function(){var t=this.words[0];return 2===this.length?t+=67108864*this.words[1]:3===this.length&&1===this.words[2]?t+=4503599627370496+67108864*this.words[1]:this.length>2&&n(!1,"Number can only safely store up to 53 bits"),0!==this.negative?-t:t},a.prototype.toJSON=function(){return this.toString(16)},a.prototype.toBuffer=function(t,e){return n("undefined"!=typeof o),this.toArrayLike(o,t,e)},a.prototype.toArray=function(t,e){return this.toArrayLike(Array,t,e)},a.prototype.toArrayLike=function(t,e,r){var i=this.byteLength(),a=r||Math.max(1,i);n(i<=a,"byte array longer than desired length"),n(a>0,"Requested array length <= 0"),this.strip();var o,s,l="le"===e,c=new t(a),u=this.clone();if(l){for(s=0;!u.isZero();s++)o=u.andln(255),u.iushrn(8),c[s]=o;for(;s=4096&&(r+=13,e>>>=13),e>=64&&(r+=7,e>>>=7),e>=8&&(r+=4,e>>>=4),e>=2&&(r+=2,e>>>=2),r+e},a.prototype._zeroBits=function(t){if(0===t)return 26;var e=t,r=0;return 0==(8191&e)&&(r+=13,e>>>=13),0==(127&e)&&(r+=7,e>>>=7),0==(15&e)&&(r+=4,e>>>=4),0==(3&e)&&(r+=2,e>>>=2),0==(1&e)&&r++,r},a.prototype.bitLength=function(){var t=this.words[this.length-1],e=this._countBits(t);return 26*(this.length-1)+e},a.prototype.zeroBits=function(){if(this.isZero())return 0;for(var t=0,e=0;et.length?this.clone().ior(t):t.clone().ior(this)},a.prototype.uor=function(t){return this.length>t.length?this.clone().iuor(t):t.clone().iuor(this)},a.prototype.iuand=function(t){var e;e=this.length>t.length?t:this;for(var r=0;rt.length?this.clone().iand(t):t.clone().iand(this)},a.prototype.uand=function(t){return this.length>t.length?this.clone().iuand(t):t.clone().iuand(this)},a.prototype.iuxor=function(t){var e,r;this.length>t.length?(e=this,r=t):(e=t,r=this);for(var n=0;nt.length?this.clone().ixor(t):t.clone().ixor(this)},a.prototype.uxor=function(t){return this.length>t.length?this.clone().iuxor(t):t.clone().iuxor(this)},a.prototype.inotn=function(t){n("number"==typeof t&&t>=0);var e=0|Math.ceil(t/26),r=t%26;this._expand(e),r>0&&e--;for(var i=0;i0&&(this.words[i]=~this.words[i]&67108863>>26-r),this.strip()},a.prototype.notn=function(t){return this.clone().inotn(t)},a.prototype.setn=function(t,e){n("number"==typeof t&&t>=0);var r=t/26|0,i=t%26;return this._expand(r+1),this.words[r]=e?this.words[r]|1<t.length?(r=this,n=t):(r=t,n=this);for(var i=0,a=0;a>>26;for(;0!==i&&a>>26;if(this.length=r.length,0!==i)this.words[this.length]=i,this.length++;else if(r!==this)for(;at.length?this.clone().iadd(t):t.clone().iadd(this)},a.prototype.isub=function(t){if(0!==t.negative){t.negative=0;var e=this.iadd(t);return t.negative=1,e._normSign()}if(0!==this.negative)return this.negative=0,this.iadd(t),this.negative=1,this._normSign();var r,n,i=this.cmp(t);if(0===i)return this.negative=0,this.length=1,this.words[0]=0,this;i>0?(r=this,n=t):(r=t,n=this);for(var a=0,o=0;o>26,this.words[o]=67108863&e;for(;0!==a&&o>26,this.words[o]=67108863&e;if(0===a&&o>>13,p=0|o[1],d=8191&p,g=p>>>13,m=0|o[2],v=8191&m,y=m>>>13,x=0|o[3],b=8191&x,_=x>>>13,w=0|o[4],T=8191&w,k=w>>>13,M=0|o[5],A=8191&M,S=M>>>13,E=0|o[6],C=8191&E,L=E>>>13,I=0|o[7],P=8191&I,z=I>>>13,O=0|o[8],D=8191&O,R=O>>>13,F=0|o[9],B=8191&F,N=F>>>13,j=0|s[0],U=8191&j,V=j>>>13,q=0|s[1],H=8191&q,G=q>>>13,Y=0|s[2],W=8191&Y,X=Y>>>13,Z=0|s[3],J=8191&Z,K=Z>>>13,Q=0|s[4],$=8191&Q,tt=Q>>>13,et=0|s[5],rt=8191&et,nt=et>>>13,it=0|s[6],at=8191&it,ot=it>>>13,st=0|s[7],lt=8191&st,ct=st>>>13,ut=0|s[8],ft=8191&ut,ht=ut>>>13,pt=0|s[9],dt=8191&pt,gt=pt>>>13;r.negative=t.negative^e.negative,r.length=19;var mt=(c+(n=Math.imul(f,U))|0)+((8191&(i=(i=Math.imul(f,V))+Math.imul(h,U)|0))<<13)|0;c=((a=Math.imul(h,V))+(i>>>13)|0)+(mt>>>26)|0,mt&=67108863,n=Math.imul(d,U),i=(i=Math.imul(d,V))+Math.imul(g,U)|0,a=Math.imul(g,V);var vt=(c+(n=n+Math.imul(f,H)|0)|0)+((8191&(i=(i=i+Math.imul(f,G)|0)+Math.imul(h,H)|0))<<13)|0;c=((a=a+Math.imul(h,G)|0)+(i>>>13)|0)+(vt>>>26)|0,vt&=67108863,n=Math.imul(v,U),i=(i=Math.imul(v,V))+Math.imul(y,U)|0,a=Math.imul(y,V),n=n+Math.imul(d,H)|0,i=(i=i+Math.imul(d,G)|0)+Math.imul(g,H)|0,a=a+Math.imul(g,G)|0;var yt=(c+(n=n+Math.imul(f,W)|0)|0)+((8191&(i=(i=i+Math.imul(f,X)|0)+Math.imul(h,W)|0))<<13)|0;c=((a=a+Math.imul(h,X)|0)+(i>>>13)|0)+(yt>>>26)|0,yt&=67108863,n=Math.imul(b,U),i=(i=Math.imul(b,V))+Math.imul(_,U)|0,a=Math.imul(_,V),n=n+Math.imul(v,H)|0,i=(i=i+Math.imul(v,G)|0)+Math.imul(y,H)|0,a=a+Math.imul(y,G)|0,n=n+Math.imul(d,W)|0,i=(i=i+Math.imul(d,X)|0)+Math.imul(g,W)|0,a=a+Math.imul(g,X)|0;var xt=(c+(n=n+Math.imul(f,J)|0)|0)+((8191&(i=(i=i+Math.imul(f,K)|0)+Math.imul(h,J)|0))<<13)|0;c=((a=a+Math.imul(h,K)|0)+(i>>>13)|0)+(xt>>>26)|0,xt&=67108863,n=Math.imul(T,U),i=(i=Math.imul(T,V))+Math.imul(k,U)|0,a=Math.imul(k,V),n=n+Math.imul(b,H)|0,i=(i=i+Math.imul(b,G)|0)+Math.imul(_,H)|0,a=a+Math.imul(_,G)|0,n=n+Math.imul(v,W)|0,i=(i=i+Math.imul(v,X)|0)+Math.imul(y,W)|0,a=a+Math.imul(y,X)|0,n=n+Math.imul(d,J)|0,i=(i=i+Math.imul(d,K)|0)+Math.imul(g,J)|0,a=a+Math.imul(g,K)|0;var bt=(c+(n=n+Math.imul(f,$)|0)|0)+((8191&(i=(i=i+Math.imul(f,tt)|0)+Math.imul(h,$)|0))<<13)|0;c=((a=a+Math.imul(h,tt)|0)+(i>>>13)|0)+(bt>>>26)|0,bt&=67108863,n=Math.imul(A,U),i=(i=Math.imul(A,V))+Math.imul(S,U)|0,a=Math.imul(S,V),n=n+Math.imul(T,H)|0,i=(i=i+Math.imul(T,G)|0)+Math.imul(k,H)|0,a=a+Math.imul(k,G)|0,n=n+Math.imul(b,W)|0,i=(i=i+Math.imul(b,X)|0)+Math.imul(_,W)|0,a=a+Math.imul(_,X)|0,n=n+Math.imul(v,J)|0,i=(i=i+Math.imul(v,K)|0)+Math.imul(y,J)|0,a=a+Math.imul(y,K)|0,n=n+Math.imul(d,$)|0,i=(i=i+Math.imul(d,tt)|0)+Math.imul(g,$)|0,a=a+Math.imul(g,tt)|0;var _t=(c+(n=n+Math.imul(f,rt)|0)|0)+((8191&(i=(i=i+Math.imul(f,nt)|0)+Math.imul(h,rt)|0))<<13)|0;c=((a=a+Math.imul(h,nt)|0)+(i>>>13)|0)+(_t>>>26)|0,_t&=67108863,n=Math.imul(C,U),i=(i=Math.imul(C,V))+Math.imul(L,U)|0,a=Math.imul(L,V),n=n+Math.imul(A,H)|0,i=(i=i+Math.imul(A,G)|0)+Math.imul(S,H)|0,a=a+Math.imul(S,G)|0,n=n+Math.imul(T,W)|0,i=(i=i+Math.imul(T,X)|0)+Math.imul(k,W)|0,a=a+Math.imul(k,X)|0,n=n+Math.imul(b,J)|0,i=(i=i+Math.imul(b,K)|0)+Math.imul(_,J)|0,a=a+Math.imul(_,K)|0,n=n+Math.imul(v,$)|0,i=(i=i+Math.imul(v,tt)|0)+Math.imul(y,$)|0,a=a+Math.imul(y,tt)|0,n=n+Math.imul(d,rt)|0,i=(i=i+Math.imul(d,nt)|0)+Math.imul(g,rt)|0,a=a+Math.imul(g,nt)|0;var wt=(c+(n=n+Math.imul(f,at)|0)|0)+((8191&(i=(i=i+Math.imul(f,ot)|0)+Math.imul(h,at)|0))<<13)|0;c=((a=a+Math.imul(h,ot)|0)+(i>>>13)|0)+(wt>>>26)|0,wt&=67108863,n=Math.imul(P,U),i=(i=Math.imul(P,V))+Math.imul(z,U)|0,a=Math.imul(z,V),n=n+Math.imul(C,H)|0,i=(i=i+Math.imul(C,G)|0)+Math.imul(L,H)|0,a=a+Math.imul(L,G)|0,n=n+Math.imul(A,W)|0,i=(i=i+Math.imul(A,X)|0)+Math.imul(S,W)|0,a=a+Math.imul(S,X)|0,n=n+Math.imul(T,J)|0,i=(i=i+Math.imul(T,K)|0)+Math.imul(k,J)|0,a=a+Math.imul(k,K)|0,n=n+Math.imul(b,$)|0,i=(i=i+Math.imul(b,tt)|0)+Math.imul(_,$)|0,a=a+Math.imul(_,tt)|0,n=n+Math.imul(v,rt)|0,i=(i=i+Math.imul(v,nt)|0)+Math.imul(y,rt)|0,a=a+Math.imul(y,nt)|0,n=n+Math.imul(d,at)|0,i=(i=i+Math.imul(d,ot)|0)+Math.imul(g,at)|0,a=a+Math.imul(g,ot)|0;var Tt=(c+(n=n+Math.imul(f,lt)|0)|0)+((8191&(i=(i=i+Math.imul(f,ct)|0)+Math.imul(h,lt)|0))<<13)|0;c=((a=a+Math.imul(h,ct)|0)+(i>>>13)|0)+(Tt>>>26)|0,Tt&=67108863,n=Math.imul(D,U),i=(i=Math.imul(D,V))+Math.imul(R,U)|0,a=Math.imul(R,V),n=n+Math.imul(P,H)|0,i=(i=i+Math.imul(P,G)|0)+Math.imul(z,H)|0,a=a+Math.imul(z,G)|0,n=n+Math.imul(C,W)|0,i=(i=i+Math.imul(C,X)|0)+Math.imul(L,W)|0,a=a+Math.imul(L,X)|0,n=n+Math.imul(A,J)|0,i=(i=i+Math.imul(A,K)|0)+Math.imul(S,J)|0,a=a+Math.imul(S,K)|0,n=n+Math.imul(T,$)|0,i=(i=i+Math.imul(T,tt)|0)+Math.imul(k,$)|0,a=a+Math.imul(k,tt)|0,n=n+Math.imul(b,rt)|0,i=(i=i+Math.imul(b,nt)|0)+Math.imul(_,rt)|0,a=a+Math.imul(_,nt)|0,n=n+Math.imul(v,at)|0,i=(i=i+Math.imul(v,ot)|0)+Math.imul(y,at)|0,a=a+Math.imul(y,ot)|0,n=n+Math.imul(d,lt)|0,i=(i=i+Math.imul(d,ct)|0)+Math.imul(g,lt)|0,a=a+Math.imul(g,ct)|0;var kt=(c+(n=n+Math.imul(f,ft)|0)|0)+((8191&(i=(i=i+Math.imul(f,ht)|0)+Math.imul(h,ft)|0))<<13)|0;c=((a=a+Math.imul(h,ht)|0)+(i>>>13)|0)+(kt>>>26)|0,kt&=67108863,n=Math.imul(B,U),i=(i=Math.imul(B,V))+Math.imul(N,U)|0,a=Math.imul(N,V),n=n+Math.imul(D,H)|0,i=(i=i+Math.imul(D,G)|0)+Math.imul(R,H)|0,a=a+Math.imul(R,G)|0,n=n+Math.imul(P,W)|0,i=(i=i+Math.imul(P,X)|0)+Math.imul(z,W)|0,a=a+Math.imul(z,X)|0,n=n+Math.imul(C,J)|0,i=(i=i+Math.imul(C,K)|0)+Math.imul(L,J)|0,a=a+Math.imul(L,K)|0,n=n+Math.imul(A,$)|0,i=(i=i+Math.imul(A,tt)|0)+Math.imul(S,$)|0,a=a+Math.imul(S,tt)|0,n=n+Math.imul(T,rt)|0,i=(i=i+Math.imul(T,nt)|0)+Math.imul(k,rt)|0,a=a+Math.imul(k,nt)|0,n=n+Math.imul(b,at)|0,i=(i=i+Math.imul(b,ot)|0)+Math.imul(_,at)|0,a=a+Math.imul(_,ot)|0,n=n+Math.imul(v,lt)|0,i=(i=i+Math.imul(v,ct)|0)+Math.imul(y,lt)|0,a=a+Math.imul(y,ct)|0,n=n+Math.imul(d,ft)|0,i=(i=i+Math.imul(d,ht)|0)+Math.imul(g,ft)|0,a=a+Math.imul(g,ht)|0;var Mt=(c+(n=n+Math.imul(f,dt)|0)|0)+((8191&(i=(i=i+Math.imul(f,gt)|0)+Math.imul(h,dt)|0))<<13)|0;c=((a=a+Math.imul(h,gt)|0)+(i>>>13)|0)+(Mt>>>26)|0,Mt&=67108863,n=Math.imul(B,H),i=(i=Math.imul(B,G))+Math.imul(N,H)|0,a=Math.imul(N,G),n=n+Math.imul(D,W)|0,i=(i=i+Math.imul(D,X)|0)+Math.imul(R,W)|0,a=a+Math.imul(R,X)|0,n=n+Math.imul(P,J)|0,i=(i=i+Math.imul(P,K)|0)+Math.imul(z,J)|0,a=a+Math.imul(z,K)|0,n=n+Math.imul(C,$)|0,i=(i=i+Math.imul(C,tt)|0)+Math.imul(L,$)|0,a=a+Math.imul(L,tt)|0,n=n+Math.imul(A,rt)|0,i=(i=i+Math.imul(A,nt)|0)+Math.imul(S,rt)|0,a=a+Math.imul(S,nt)|0,n=n+Math.imul(T,at)|0,i=(i=i+Math.imul(T,ot)|0)+Math.imul(k,at)|0,a=a+Math.imul(k,ot)|0,n=n+Math.imul(b,lt)|0,i=(i=i+Math.imul(b,ct)|0)+Math.imul(_,lt)|0,a=a+Math.imul(_,ct)|0,n=n+Math.imul(v,ft)|0,i=(i=i+Math.imul(v,ht)|0)+Math.imul(y,ft)|0,a=a+Math.imul(y,ht)|0;var At=(c+(n=n+Math.imul(d,dt)|0)|0)+((8191&(i=(i=i+Math.imul(d,gt)|0)+Math.imul(g,dt)|0))<<13)|0;c=((a=a+Math.imul(g,gt)|0)+(i>>>13)|0)+(At>>>26)|0,At&=67108863,n=Math.imul(B,W),i=(i=Math.imul(B,X))+Math.imul(N,W)|0,a=Math.imul(N,X),n=n+Math.imul(D,J)|0,i=(i=i+Math.imul(D,K)|0)+Math.imul(R,J)|0,a=a+Math.imul(R,K)|0,n=n+Math.imul(P,$)|0,i=(i=i+Math.imul(P,tt)|0)+Math.imul(z,$)|0,a=a+Math.imul(z,tt)|0,n=n+Math.imul(C,rt)|0,i=(i=i+Math.imul(C,nt)|0)+Math.imul(L,rt)|0,a=a+Math.imul(L,nt)|0,n=n+Math.imul(A,at)|0,i=(i=i+Math.imul(A,ot)|0)+Math.imul(S,at)|0,a=a+Math.imul(S,ot)|0,n=n+Math.imul(T,lt)|0,i=(i=i+Math.imul(T,ct)|0)+Math.imul(k,lt)|0,a=a+Math.imul(k,ct)|0,n=n+Math.imul(b,ft)|0,i=(i=i+Math.imul(b,ht)|0)+Math.imul(_,ft)|0,a=a+Math.imul(_,ht)|0;var St=(c+(n=n+Math.imul(v,dt)|0)|0)+((8191&(i=(i=i+Math.imul(v,gt)|0)+Math.imul(y,dt)|0))<<13)|0;c=((a=a+Math.imul(y,gt)|0)+(i>>>13)|0)+(St>>>26)|0,St&=67108863,n=Math.imul(B,J),i=(i=Math.imul(B,K))+Math.imul(N,J)|0,a=Math.imul(N,K),n=n+Math.imul(D,$)|0,i=(i=i+Math.imul(D,tt)|0)+Math.imul(R,$)|0,a=a+Math.imul(R,tt)|0,n=n+Math.imul(P,rt)|0,i=(i=i+Math.imul(P,nt)|0)+Math.imul(z,rt)|0,a=a+Math.imul(z,nt)|0,n=n+Math.imul(C,at)|0,i=(i=i+Math.imul(C,ot)|0)+Math.imul(L,at)|0,a=a+Math.imul(L,ot)|0,n=n+Math.imul(A,lt)|0,i=(i=i+Math.imul(A,ct)|0)+Math.imul(S,lt)|0,a=a+Math.imul(S,ct)|0,n=n+Math.imul(T,ft)|0,i=(i=i+Math.imul(T,ht)|0)+Math.imul(k,ft)|0,a=a+Math.imul(k,ht)|0;var Et=(c+(n=n+Math.imul(b,dt)|0)|0)+((8191&(i=(i=i+Math.imul(b,gt)|0)+Math.imul(_,dt)|0))<<13)|0;c=((a=a+Math.imul(_,gt)|0)+(i>>>13)|0)+(Et>>>26)|0,Et&=67108863,n=Math.imul(B,$),i=(i=Math.imul(B,tt))+Math.imul(N,$)|0,a=Math.imul(N,tt),n=n+Math.imul(D,rt)|0,i=(i=i+Math.imul(D,nt)|0)+Math.imul(R,rt)|0,a=a+Math.imul(R,nt)|0,n=n+Math.imul(P,at)|0,i=(i=i+Math.imul(P,ot)|0)+Math.imul(z,at)|0,a=a+Math.imul(z,ot)|0,n=n+Math.imul(C,lt)|0,i=(i=i+Math.imul(C,ct)|0)+Math.imul(L,lt)|0,a=a+Math.imul(L,ct)|0,n=n+Math.imul(A,ft)|0,i=(i=i+Math.imul(A,ht)|0)+Math.imul(S,ft)|0,a=a+Math.imul(S,ht)|0;var Ct=(c+(n=n+Math.imul(T,dt)|0)|0)+((8191&(i=(i=i+Math.imul(T,gt)|0)+Math.imul(k,dt)|0))<<13)|0;c=((a=a+Math.imul(k,gt)|0)+(i>>>13)|0)+(Ct>>>26)|0,Ct&=67108863,n=Math.imul(B,rt),i=(i=Math.imul(B,nt))+Math.imul(N,rt)|0,a=Math.imul(N,nt),n=n+Math.imul(D,at)|0,i=(i=i+Math.imul(D,ot)|0)+Math.imul(R,at)|0,a=a+Math.imul(R,ot)|0,n=n+Math.imul(P,lt)|0,i=(i=i+Math.imul(P,ct)|0)+Math.imul(z,lt)|0,a=a+Math.imul(z,ct)|0,n=n+Math.imul(C,ft)|0,i=(i=i+Math.imul(C,ht)|0)+Math.imul(L,ft)|0,a=a+Math.imul(L,ht)|0;var Lt=(c+(n=n+Math.imul(A,dt)|0)|0)+((8191&(i=(i=i+Math.imul(A,gt)|0)+Math.imul(S,dt)|0))<<13)|0;c=((a=a+Math.imul(S,gt)|0)+(i>>>13)|0)+(Lt>>>26)|0,Lt&=67108863,n=Math.imul(B,at),i=(i=Math.imul(B,ot))+Math.imul(N,at)|0,a=Math.imul(N,ot),n=n+Math.imul(D,lt)|0,i=(i=i+Math.imul(D,ct)|0)+Math.imul(R,lt)|0,a=a+Math.imul(R,ct)|0,n=n+Math.imul(P,ft)|0,i=(i=i+Math.imul(P,ht)|0)+Math.imul(z,ft)|0,a=a+Math.imul(z,ht)|0;var It=(c+(n=n+Math.imul(C,dt)|0)|0)+((8191&(i=(i=i+Math.imul(C,gt)|0)+Math.imul(L,dt)|0))<<13)|0;c=((a=a+Math.imul(L,gt)|0)+(i>>>13)|0)+(It>>>26)|0,It&=67108863,n=Math.imul(B,lt),i=(i=Math.imul(B,ct))+Math.imul(N,lt)|0,a=Math.imul(N,ct),n=n+Math.imul(D,ft)|0,i=(i=i+Math.imul(D,ht)|0)+Math.imul(R,ft)|0,a=a+Math.imul(R,ht)|0;var Pt=(c+(n=n+Math.imul(P,dt)|0)|0)+((8191&(i=(i=i+Math.imul(P,gt)|0)+Math.imul(z,dt)|0))<<13)|0;c=((a=a+Math.imul(z,gt)|0)+(i>>>13)|0)+(Pt>>>26)|0,Pt&=67108863,n=Math.imul(B,ft),i=(i=Math.imul(B,ht))+Math.imul(N,ft)|0,a=Math.imul(N,ht);var zt=(c+(n=n+Math.imul(D,dt)|0)|0)+((8191&(i=(i=i+Math.imul(D,gt)|0)+Math.imul(R,dt)|0))<<13)|0;c=((a=a+Math.imul(R,gt)|0)+(i>>>13)|0)+(zt>>>26)|0,zt&=67108863;var Ot=(c+(n=Math.imul(B,dt))|0)+((8191&(i=(i=Math.imul(B,gt))+Math.imul(N,dt)|0))<<13)|0;return c=((a=Math.imul(N,gt))+(i>>>13)|0)+(Ot>>>26)|0,Ot&=67108863,l[0]=mt,l[1]=vt,l[2]=yt,l[3]=xt,l[4]=bt,l[5]=_t,l[6]=wt,l[7]=Tt,l[8]=kt,l[9]=Mt,l[10]=At,l[11]=St,l[12]=Et,l[13]=Ct,l[14]=Lt,l[15]=It,l[16]=Pt,l[17]=zt,l[18]=Ot,0!==c&&(l[19]=c,r.length++),r};function d(t,e,r){return(new g).mulp(t,e,r)}function g(t,e){this.x=t,this.y=e}Math.imul||(p=h),a.prototype.mulTo=function(t,e){var r=this.length+t.length;return 10===this.length&&10===t.length?p(this,t,e):r<63?h(this,t,e):r<1024?function(t,e,r){r.negative=e.negative^t.negative,r.length=t.length+e.length;for(var n=0,i=0,a=0;a>>26)|0)>>>26,o&=67108863}r.words[a]=s,n=o,o=i}return 0!==n?r.words[a]=n:r.length--,r.strip()}(this,t,e):d(this,t,e)},g.prototype.makeRBT=function(t){for(var e=new Array(t),r=a.prototype._countBits(t)-1,n=0;n>=1;return n},g.prototype.permute=function(t,e,r,n,i,a){for(var o=0;o>>=1)i++;return 1<>>=13,r[2*o+1]=8191&a,a>>>=13;for(o=2*e;o>=26,e+=i/67108864|0,e+=a>>>26,this.words[r]=67108863&a}return 0!==e&&(this.words[r]=e,this.length++),this},a.prototype.muln=function(t){return this.clone().imuln(t)},a.prototype.sqr=function(){return this.mul(this)},a.prototype.isqr=function(){return this.imul(this.clone())},a.prototype.pow=function(t){var e=function(t){for(var e=new Array(t.bitLength()),r=0;r>>i}return e}(t);if(0===e.length)return new a(1);for(var r=this,n=0;n=0);var e,r=t%26,i=(t-r)/26,a=67108863>>>26-r<<26-r;if(0!==r){var o=0;for(e=0;e>>26-r}o&&(this.words[e]=o,this.length++)}if(0!==i){for(e=this.length-1;e>=0;e--)this.words[e+i]=this.words[e];for(e=0;e=0),i=e?(e-e%26)/26:0;var a=t%26,o=Math.min((t-a)/26,this.length),s=67108863^67108863>>>a<o)for(this.length-=o,c=0;c=0&&(0!==u||c>=i);c--){var f=0|this.words[c];this.words[c]=u<<26-a|f>>>a,u=f&s}return l&&0!==u&&(l.words[l.length++]=u),0===this.length&&(this.words[0]=0,this.length=1),this.strip()},a.prototype.ishrn=function(t,e,r){return n(0===this.negative),this.iushrn(t,e,r)},a.prototype.shln=function(t){return this.clone().ishln(t)},a.prototype.ushln=function(t){return this.clone().iushln(t)},a.prototype.shrn=function(t){return this.clone().ishrn(t)},a.prototype.ushrn=function(t){return this.clone().iushrn(t)},a.prototype.testn=function(t){n("number"==typeof t&&t>=0);var e=t%26,r=(t-e)/26,i=1<=0);var e=t%26,r=(t-e)/26;if(n(0===this.negative,"imaskn works only with positive numbers"),this.length<=r)return this;if(0!==e&&r++,this.length=Math.min(r,this.length),0!==e){var i=67108863^67108863>>>e<=67108864;e++)this.words[e]-=67108864,e===this.length-1?this.words[e+1]=1:this.words[e+1]++;return this.length=Math.max(this.length,e+1),this},a.prototype.isubn=function(t){if(n("number"==typeof t),n(t<67108864),t<0)return this.iaddn(-t);if(0!==this.negative)return this.negative=0,this.iaddn(t),this.negative=1,this;if(this.words[0]-=t,1===this.length&&this.words[0]<0)this.words[0]=-this.words[0],this.negative=1;else for(var e=0;e>26)-(l/67108864|0),this.words[i+r]=67108863&a}for(;i>26,this.words[i+r]=67108863&a;if(0===s)return this.strip();for(n(-1===s),s=0,i=0;i>26,this.words[i]=67108863&a;return this.negative=1,this.strip()},a.prototype._wordDiv=function(t,e){var r=(this.length,t.length),n=this.clone(),i=t,o=0|i.words[i.length-1];0!==(r=26-this._countBits(o))&&(i=i.ushln(r),n.iushln(r),o=0|i.words[i.length-1]);var s,l=n.length-i.length;if("mod"!==e){(s=new a(null)).length=l+1,s.words=new Array(s.length);for(var c=0;c=0;f--){var h=67108864*(0|n.words[i.length+f])+(0|n.words[i.length+f-1]);for(h=Math.min(h/o|0,67108863),n._ishlnsubmul(i,h,f);0!==n.negative;)h--,n.negative=0,n._ishlnsubmul(i,1,f),n.isZero()||(n.negative^=1);s&&(s.words[f]=h)}return s&&s.strip(),n.strip(),"div"!==e&&0!==r&&n.iushrn(r),{div:s||null,mod:n}},a.prototype.divmod=function(t,e,r){return n(!t.isZero()),this.isZero()?{div:new a(0),mod:new a(0)}:0!==this.negative&&0===t.negative?(s=this.neg().divmod(t,e),"mod"!==e&&(i=s.div.neg()),"div"!==e&&(o=s.mod.neg(),r&&0!==o.negative&&o.iadd(t)),{div:i,mod:o}):0===this.negative&&0!==t.negative?(s=this.divmod(t.neg(),e),"mod"!==e&&(i=s.div.neg()),{div:i,mod:s.mod}):0!=(this.negative&t.negative)?(s=this.neg().divmod(t.neg(),e),"div"!==e&&(o=s.mod.neg(),r&&0!==o.negative&&o.isub(t)),{div:s.div,mod:o}):t.length>this.length||this.cmp(t)<0?{div:new a(0),mod:this}:1===t.length?"div"===e?{div:this.divn(t.words[0]),mod:null}:"mod"===e?{div:null,mod:new a(this.modn(t.words[0]))}:{div:this.divn(t.words[0]),mod:new a(this.modn(t.words[0]))}:this._wordDiv(t,e);var i,o,s},a.prototype.div=function(t){return this.divmod(t,"div",!1).div},a.prototype.mod=function(t){return this.divmod(t,"mod",!1).mod},a.prototype.umod=function(t){return this.divmod(t,"mod",!0).mod},a.prototype.divRound=function(t){var e=this.divmod(t);if(e.mod.isZero())return e.div;var r=0!==e.div.negative?e.mod.isub(t):e.mod,n=t.ushrn(1),i=t.andln(1),a=r.cmp(n);return a<0||1===i&&0===a?e.div:0!==e.div.negative?e.div.isubn(1):e.div.iaddn(1)},a.prototype.modn=function(t){n(t<=67108863);for(var e=(1<<26)%t,r=0,i=this.length-1;i>=0;i--)r=(e*r+(0|this.words[i]))%t;return r},a.prototype.idivn=function(t){n(t<=67108863);for(var e=0,r=this.length-1;r>=0;r--){var i=(0|this.words[r])+67108864*e;this.words[r]=i/t|0,e=i%t}return this.strip()},a.prototype.divn=function(t){return this.clone().idivn(t)},a.prototype.egcd=function(t){n(0===t.negative),n(!t.isZero());var e=this,r=t.clone();e=0!==e.negative?e.umod(t):e.clone();for(var i=new a(1),o=new a(0),s=new a(0),l=new a(1),c=0;e.isEven()&&r.isEven();)e.iushrn(1),r.iushrn(1),++c;for(var u=r.clone(),f=e.clone();!e.isZero();){for(var h=0,p=1;0==(e.words[0]&p)&&h<26;++h,p<<=1);if(h>0)for(e.iushrn(h);h-- >0;)(i.isOdd()||o.isOdd())&&(i.iadd(u),o.isub(f)),i.iushrn(1),o.iushrn(1);for(var d=0,g=1;0==(r.words[0]&g)&&d<26;++d,g<<=1);if(d>0)for(r.iushrn(d);d-- >0;)(s.isOdd()||l.isOdd())&&(s.iadd(u),l.isub(f)),s.iushrn(1),l.iushrn(1);e.cmp(r)>=0?(e.isub(r),i.isub(s),o.isub(l)):(r.isub(e),s.isub(i),l.isub(o))}return{a:s,b:l,gcd:r.iushln(c)}},a.prototype._invmp=function(t){n(0===t.negative),n(!t.isZero());var e=this,r=t.clone();e=0!==e.negative?e.umod(t):e.clone();for(var i,o=new a(1),s=new a(0),l=r.clone();e.cmpn(1)>0&&r.cmpn(1)>0;){for(var c=0,u=1;0==(e.words[0]&u)&&c<26;++c,u<<=1);if(c>0)for(e.iushrn(c);c-- >0;)o.isOdd()&&o.iadd(l),o.iushrn(1);for(var f=0,h=1;0==(r.words[0]&h)&&f<26;++f,h<<=1);if(f>0)for(r.iushrn(f);f-- >0;)s.isOdd()&&s.iadd(l),s.iushrn(1);e.cmp(r)>=0?(e.isub(r),o.isub(s)):(r.isub(e),s.isub(o))}return(i=0===e.cmpn(1)?o:s).cmpn(0)<0&&i.iadd(t),i},a.prototype.gcd=function(t){if(this.isZero())return t.abs();if(t.isZero())return this.abs();var e=this.clone(),r=t.clone();e.negative=0,r.negative=0;for(var n=0;e.isEven()&&r.isEven();n++)e.iushrn(1),r.iushrn(1);for(;;){for(;e.isEven();)e.iushrn(1);for(;r.isEven();)r.iushrn(1);var i=e.cmp(r);if(i<0){var a=e;e=r,r=a}else if(0===i||0===r.cmpn(1))break;e.isub(r)}return r.iushln(n)},a.prototype.invm=function(t){return this.egcd(t).a.umod(t)},a.prototype.isEven=function(){return 0==(1&this.words[0])},a.prototype.isOdd=function(){return 1==(1&this.words[0])},a.prototype.andln=function(t){return this.words[0]&t},a.prototype.bincn=function(t){n("number"==typeof t);var e=t%26,r=(t-e)/26,i=1<>>26,s&=67108863,this.words[o]=s}return 0!==a&&(this.words[o]=a,this.length++),this},a.prototype.isZero=function(){return 1===this.length&&0===this.words[0]},a.prototype.cmpn=function(t){var e,r=t<0;if(0!==this.negative&&!r)return-1;if(0===this.negative&&r)return 1;if(this.strip(),this.length>1)e=1;else{r&&(t=-t),n(t<=67108863,"Number is too big");var i=0|this.words[0];e=i===t?0:it.length)return 1;if(this.length=0;r--){var n=0|this.words[r],i=0|t.words[r];if(n!==i){ni&&(e=1);break}}return e},a.prototype.gtn=function(t){return 1===this.cmpn(t)},a.prototype.gt=function(t){return 1===this.cmp(t)},a.prototype.gten=function(t){return this.cmpn(t)>=0},a.prototype.gte=function(t){return this.cmp(t)>=0},a.prototype.ltn=function(t){return-1===this.cmpn(t)},a.prototype.lt=function(t){return-1===this.cmp(t)},a.prototype.lten=function(t){return this.cmpn(t)<=0},a.prototype.lte=function(t){return this.cmp(t)<=0},a.prototype.eqn=function(t){return 0===this.cmpn(t)},a.prototype.eq=function(t){return 0===this.cmp(t)},a.red=function(t){return new w(t)},a.prototype.toRed=function(t){return n(!this.red,"Already a number in reduction context"),n(0===this.negative,"red works only with positives"),t.convertTo(this)._forceRed(t)},a.prototype.fromRed=function(){return n(this.red,"fromRed works only with numbers in reduction context"),this.red.convertFrom(this)},a.prototype._forceRed=function(t){return this.red=t,this},a.prototype.forceRed=function(t){return n(!this.red,"Already a number in reduction context"),this._forceRed(t)},a.prototype.redAdd=function(t){return n(this.red,"redAdd works only with red numbers"),this.red.add(this,t)},a.prototype.redIAdd=function(t){return n(this.red,"redIAdd works only with red numbers"),this.red.iadd(this,t)},a.prototype.redSub=function(t){return n(this.red,"redSub works only with red numbers"),this.red.sub(this,t)},a.prototype.redISub=function(t){return n(this.red,"redISub works only with red numbers"),this.red.isub(this,t)},a.prototype.redShl=function(t){return n(this.red,"redShl works only with red numbers"),this.red.shl(this,t)},a.prototype.redMul=function(t){return n(this.red,"redMul works only with red numbers"),this.red._verify2(this,t),this.red.mul(this,t)},a.prototype.redIMul=function(t){return n(this.red,"redMul works only with red numbers"),this.red._verify2(this,t),this.red.imul(this,t)},a.prototype.redSqr=function(){return n(this.red,"redSqr works only with red numbers"),this.red._verify1(this),this.red.sqr(this)},a.prototype.redISqr=function(){return n(this.red,"redISqr works only with red numbers"),this.red._verify1(this),this.red.isqr(this)},a.prototype.redSqrt=function(){return n(this.red,"redSqrt works only with red numbers"),this.red._verify1(this),this.red.sqrt(this)},a.prototype.redInvm=function(){return n(this.red,"redInvm works only with red numbers"),this.red._verify1(this),this.red.invm(this)},a.prototype.redNeg=function(){return n(this.red,"redNeg works only with red numbers"),this.red._verify1(this),this.red.neg(this)},a.prototype.redPow=function(t){return n(this.red&&!t.red,"redPow(normalNum)"),this.red._verify1(this),this.red.pow(this,t)};var m={k256:null,p224:null,p192:null,p25519:null};function v(t,e){this.name=t,this.p=new a(e,16),this.n=this.p.bitLength(),this.k=new a(1).iushln(this.n).isub(this.p),this.tmp=this._tmp()}function y(){v.call(this,"k256","ffffffff ffffffff ffffffff ffffffff ffffffff ffffffff fffffffe fffffc2f")}function x(){v.call(this,"p224","ffffffff ffffffff ffffffff ffffffff 00000000 00000000 00000001")}function b(){v.call(this,"p192","ffffffff ffffffff ffffffff fffffffe ffffffff ffffffff")}function _(){v.call(this,"25519","7fffffffffffffff ffffffffffffffff ffffffffffffffff ffffffffffffffed")}function w(t){if("string"==typeof t){var e=a._prime(t);this.m=e.p,this.prime=e}else n(t.gtn(1),"modulus must be greater than 1"),this.m=t,this.prime=null}function T(t){w.call(this,t),this.shift=this.m.bitLength(),this.shift%26!=0&&(this.shift+=26-this.shift%26),this.r=new a(1).iushln(this.shift),this.r2=this.imod(this.r.sqr()),this.rinv=this.r._invmp(this.m),this.minv=this.rinv.mul(this.r).isubn(1).div(this.m),this.minv=this.minv.umod(this.r),this.minv=this.r.sub(this.minv)}v.prototype._tmp=function(){var t=new a(null);return t.words=new Array(Math.ceil(this.n/13)),t},v.prototype.ireduce=function(t){var e,r=t;do{this.split(r,this.tmp),e=(r=(r=this.imulK(r)).iadd(this.tmp)).bitLength()}while(e>this.n);var n=e0?r.isub(this.p):r.strip(),r},v.prototype.split=function(t,e){t.iushrn(this.n,0,e)},v.prototype.imulK=function(t){return t.imul(this.k)},i(y,v),y.prototype.split=function(t,e){for(var r=Math.min(t.length,9),n=0;n>>22,i=a}i>>>=22,t.words[n-10]=i,0===i&&t.length>10?t.length-=10:t.length-=9},y.prototype.imulK=function(t){t.words[t.length]=0,t.words[t.length+1]=0,t.length+=2;for(var e=0,r=0;r>>=26,t.words[r]=i,e=n}return 0!==e&&(t.words[t.length++]=e),t},a._prime=function(t){if(m[t])return m[t];var e;if("k256"===t)e=new y;else if("p224"===t)e=new x;else if("p192"===t)e=new b;else{if("p25519"!==t)throw new Error("Unknown prime "+t);e=new _}return m[t]=e,e},w.prototype._verify1=function(t){n(0===t.negative,"red works only with positives"),n(t.red,"red works only with red numbers")},w.prototype._verify2=function(t,e){n(0==(t.negative|e.negative),"red works only with positives"),n(t.red&&t.red===e.red,"red works only with red numbers")},w.prototype.imod=function(t){return this.prime?this.prime.ireduce(t)._forceRed(this):t.umod(this.m)._forceRed(this)},w.prototype.neg=function(t){return t.isZero()?t.clone():this.m.sub(t)._forceRed(this)},w.prototype.add=function(t,e){this._verify2(t,e);var r=t.add(e);return r.cmp(this.m)>=0&&r.isub(this.m),r._forceRed(this)},w.prototype.iadd=function(t,e){this._verify2(t,e);var r=t.iadd(e);return r.cmp(this.m)>=0&&r.isub(this.m),r},w.prototype.sub=function(t,e){this._verify2(t,e);var r=t.sub(e);return r.cmpn(0)<0&&r.iadd(this.m),r._forceRed(this)},w.prototype.isub=function(t,e){this._verify2(t,e);var r=t.isub(e);return r.cmpn(0)<0&&r.iadd(this.m),r},w.prototype.shl=function(t,e){return this._verify1(t),this.imod(t.ushln(e))},w.prototype.imul=function(t,e){return this._verify2(t,e),this.imod(t.imul(e))},w.prototype.mul=function(t,e){return this._verify2(t,e),this.imod(t.mul(e))},w.prototype.isqr=function(t){return this.imul(t,t.clone())},w.prototype.sqr=function(t){return this.mul(t,t)},w.prototype.sqrt=function(t){if(t.isZero())return t.clone();var e=this.m.andln(3);if(n(e%2==1),3===e){var r=this.m.add(new a(1)).iushrn(2);return this.pow(t,r)}for(var i=this.m.subn(1),o=0;!i.isZero()&&0===i.andln(1);)o++,i.iushrn(1);n(!i.isZero());var s=new a(1).toRed(this),l=s.redNeg(),c=this.m.subn(1).iushrn(1),u=this.m.bitLength();for(u=new a(2*u*u).toRed(this);0!==this.pow(u,c).cmp(l);)u.redIAdd(l);for(var f=this.pow(u,i),h=this.pow(t,i.addn(1).iushrn(1)),p=this.pow(t,i),d=o;0!==p.cmp(s);){for(var g=p,m=0;0!==g.cmp(s);m++)g=g.redSqr();n(m=0;n--){for(var c=e.words[n],u=l-1;u>=0;u--){var f=c>>u&1;i!==r[0]&&(i=this.sqr(i)),0!==f||0!==o?(o<<=1,o|=f,(4===++s||0===n&&0===u)&&(i=this.mul(i,r[o]),s=0,o=0)):s=0}l=26}return i},w.prototype.convertTo=function(t){var e=t.umod(this.m);return e===t?e.clone():e},w.prototype.convertFrom=function(t){var e=t.clone();return e.red=null,e},a.mont=function(t){return new T(t)},i(T,w),T.prototype.convertTo=function(t){return this.imod(t.ushln(this.shift))},T.prototype.convertFrom=function(t){var e=this.imod(t.mul(this.rinv));return e.red=null,e},T.prototype.imul=function(t,e){if(t.isZero()||e.isZero())return t.words[0]=0,t.length=1,t;var r=t.imul(e),n=r.maskn(this.shift).mul(this.minv).imaskn(this.shift).mul(this.m),i=r.isub(n).iushrn(this.shift),a=i;return i.cmp(this.m)>=0?a=i.isub(this.m):i.cmpn(0)<0&&(a=i.iadd(this.m)),a._forceRed(this)},T.prototype.mul=function(t,e){if(t.isZero()||e.isZero())return new a(0)._forceRed(this);var r=t.mul(e),n=r.maskn(this.shift).mul(this.minv).imaskn(this.shift).mul(this.m),i=r.isub(n).iushrn(this.shift),o=i;return i.cmp(this.m)>=0?o=i.isub(this.m):i.cmpn(0)<0&&(o=i.iadd(this.m)),o._forceRed(this)},T.prototype.invm=function(t){return this.imod(t._invmp(this.m).mul(this.r2))._forceRed(this)}}("undefined"==typeof e||e,this)},{buffer:108}],100:[function(t,e,r){"use strict";e.exports=function(t){var e,r,n,i=t.length,a=0;for(e=0;e>>1;if(!(u<=0)){var f,h=i.mallocDouble(2*u*s),p=i.mallocInt32(s);if((s=l(t,u,h,p))>0){if(1===u&&n)a.init(s),f=a.sweepComplete(u,r,0,s,h,p,0,s,h,p);else{var d=i.mallocDouble(2*u*c),g=i.mallocInt32(c);(c=l(e,u,d,g))>0&&(a.init(s+c),f=1===u?a.sweepBipartite(u,r,0,s,h,p,0,c,d,g):o(u,r,n,s,h,p,c,d,g),i.free(d),i.free(g))}i.free(h),i.free(p)}return f}}}function u(t,e){n.push([t,e])}function f(t){return n=[],c(t,t,u,!0),n}function h(t,e){return n=[],c(t,e,u,!1),n}},{"./lib/intersect":103,"./lib/sweep":107,"typedarray-pool":595}],102:[function(t,e,r){"use strict";var n=["d","ax","vv","rs","re","rb","ri","bs","be","bb","bi"];function i(t){var e="bruteForce"+(t?"Full":"Partial"),r=[],i=n.slice();t||i.splice(3,0,"fp");var a=["function "+e+"("+i.join()+"){"];function o(e,i){var o=function(t,e,r){var i="bruteForce"+(t?"Red":"Blue")+(e?"Flip":"")+(r?"Full":""),a=["function ",i,"(",n.join(),"){","var ","es","=2*","d",";"],o="for(var i=rs,rp=es*rs;ibe-bs){"),t?(o(!0,!1),a.push("}else{"),o(!1,!1)):(a.push("if(fp){"),o(!0,!0),a.push("}else{"),o(!0,!1),a.push("}}else{if(fp){"),o(!1,!0),a.push("}else{"),o(!1,!1),a.push("}")),a.push("}}return "+e);var s=r.join("")+a.join("");return new Function(s)()}r.partial=i(!1),r.full=i(!0)},{}],103:[function(t,e,r){"use strict";e.exports=function(t,e,r,a,u,w,T,k,M){!function(t,e){var r=8*i.log2(e+1)*(t+1)|0,a=i.nextPow2(6*r);v.length0;){var C=6*(S-=1),L=v[C],I=v[C+1],P=v[C+2],z=v[C+3],O=v[C+4],D=v[C+5],R=2*S,F=y[R],B=y[R+1],N=1&D,j=!!(16&D),U=u,V=w,q=k,H=M;if(N&&(U=k,V=M,q=u,H=w),!(2&D&&(P=p(t,L,I,P,U,V,B),I>=P)||4&D&&(I=d(t,L,I,P,U,V,F))>=P)){var G=P-I,Y=O-z;if(j){if(t*G*(G+Y)<1<<22){if(void 0!==(A=l.scanComplete(t,L,e,I,P,U,V,z,O,q,H)))return A;continue}}else{if(t*Math.min(G,Y)<128){if(void 0!==(A=o(t,L,e,N,I,P,U,V,z,O,q,H)))return A;continue}if(t*G*Y<1<<22){if(void 0!==(A=l.scanBipartite(t,L,e,N,I,P,U,V,z,O,q,H)))return A;continue}}var W=f(t,L,I,P,U,V,F,B);if(I=p0)&&!(p1>=hi)",["p0","p1"]),h=u("lo===p0",["p0"]),p=u("lo>>1,f=2*t,h=u,p=o[f*u+e];for(;l=y?(h=v,p=y):m>=b?(h=g,p=m):(h=x,p=b):y>=b?(h=v,p=y):b>=m?(h=g,p=m):(h=x,p=b);for(var _=f*(c-1),w=f*h,T=0;Tr&&i[f+e]>c;--u,f-=o){for(var h=f,p=f+o,d=0;d=0&&n.push("lo=e[k+n]");t.indexOf("hi")>=0&&n.push("hi=e[k+o]");return r.push("for(var j=2*a,k=j*c,l=k,m=c,n=b,o=a+b,p=c;d>p;++p,k+=j){var _;if($)if(m===p)m+=1,l+=j;else{for(var s=0;j>s;++s){var t=e[k+s];e[k+s]=e[l],e[l++]=t}var u=f[p];f[p]=f[m],f[m++]=u}}return m".replace("_",n.join()).replace("$",t)),Function.apply(void 0,r)}},{}],106:[function(t,e,r){"use strict";e.exports=function(t,e){e<=128?n(0,e-1,t):function t(e,r,u){var f=(r-e+1)/6|0,h=e+f,p=r-f,d=e+r>>1,g=d-f,m=d+f,v=h,y=g,x=d,b=m,_=p,w=e+1,T=r-1,k=0;l(v,y,u)&&(k=v,v=y,y=k);l(b,_,u)&&(k=b,b=_,_=k);l(v,x,u)&&(k=v,v=x,x=k);l(y,x,u)&&(k=y,y=x,x=k);l(v,b,u)&&(k=v,v=b,b=k);l(x,b,u)&&(k=x,x=b,b=k);l(y,_,u)&&(k=y,y=_,_=k);l(y,x,u)&&(k=y,y=x,x=k);l(b,_,u)&&(k=b,b=_,_=k);for(var M=u[2*y],A=u[2*y+1],S=u[2*b],E=u[2*b+1],C=2*v,L=2*x,I=2*_,P=2*h,z=2*d,O=2*p,D=0;D<2;++D){var R=u[C+D],F=u[L+D],B=u[I+D];u[P+D]=R,u[z+D]=F,u[O+D]=B}a(g,e,u),a(m,r,u);for(var N=w;N<=T;++N)if(c(N,M,A,u))N!==w&&i(N,w,u),++w;else if(!c(N,S,E,u))for(;;){if(c(T,S,E,u)){c(T,M,A,u)?(o(N,w,T,u),++w,--T):(i(N,T,u),--T);break}if(--Tt;){var c=r[l-2],u=r[l-1];if(cr[e+1])}function c(t,e,r,n){var i=n[t*=2];return i>>1;a(h,A);var S=0,E=0;for(w=0;w=1<<28)p(l,c,E--,C=C-(1<<28)|0);else if(C>=0)p(o,s,S--,C);else if(C<=-(1<<28)){C=-C-(1<<28)|0;for(var L=0;L>>1;a(h,E);var C=0,L=0,I=0;for(k=0;k>1==h[2*k+3]>>1&&(z=2,k+=1),P<0){for(var O=-(P>>1)-1,D=0;D>1)-1;0===z?p(o,s,C--,O):1===z?p(l,c,L--,O):2===z&&p(u,f,I--,O)}}},scanBipartite:function(t,e,r,n,i,l,c,u,f,g,m,v){var y=0,x=2*t,b=e,_=e+t,w=1,T=1;n?T=1<<28:w=1<<28;for(var k=i;k>>1;a(h,E);var C=0;for(k=0;k=1<<28?(I=!n,M-=1<<28):(I=!!n,M-=1),I)d(o,s,C++,M);else{var P=v[M],z=x*M,O=m[z+e+1],D=m[z+e+1+t];t:for(var R=0;R>>1;a(h,w);var T=0;for(y=0;y=1<<28)o[T++]=x-(1<<28);else{var M=p[x-=1],A=g*x,S=f[A+e+1],E=f[A+e+1+t];t:for(var C=0;C=0;--C)if(o[C]===x){for(z=C+1;z0&&o.length>i&&!o.warned){o.warned=!0;var l=new Error("Possible EventEmitter memory leak detected. "+o.length+" "+String(e)+" listeners added. Use emitter.setMaxListeners() to increase limit");l.name="MaxListenersExceededWarning",l.emitter=t,l.type=e,l.count=o.length,s=l,console&&console.warn&&console.warn(s)}return t}function h(){if(!this.fired)return this.target.removeListener(this.type,this.wrapFn),this.fired=!0,0===arguments.length?this.listener.call(this.target):this.listener.apply(this.target,arguments)}function p(t,e,r){var n={fired:!1,wrapFn:void 0,target:t,type:e,listener:r},i=h.bind(n);return i.listener=r,n.wrapFn=i,i}function d(t,e,r){var n=t._events;if(void 0===n)return[];var i=n[e];return void 0===i?[]:"function"==typeof i?r?[i.listener||i]:[i]:r?function(t){for(var e=new Array(t.length),r=0;r0&&(o=e[0]),o instanceof Error)throw o;var s=new Error("Unhandled error."+(o?" ("+o.message+")":""));throw s.context=o,s}var l=i[t];if(void 0===l)return!1;if("function"==typeof l)a(l,this,e);else{var c=l.length,u=m(l,c);for(r=0;r=0;a--)if(r[a]===e||r[a].listener===e){o=r[a].listener,i=a;break}if(i<0)return this;0===i?r.shift():function(t,e){for(;e+1=0;n--)this.removeListener(t,e[n]);return this},s.prototype.listeners=function(t){return d(this,t,!0)},s.prototype.rawListeners=function(t){return d(this,t,!1)},s.listenerCount=function(t,e){return"function"==typeof t.listenerCount?t.listenerCount(e):g.call(t,e)},s.prototype.listenerCount=g,s.prototype.eventNames=function(){return this._eventsCount>0?n(this._events):[]}},{}],111:[function(t,e,r){(function(e){(function(){ +/*! + * The buffer module from node.js, for the browser. + * + * @author Feross Aboukhadijeh + * @license MIT + */ +"use strict";var e=t("base64-js"),n=t("ieee754");r.Buffer=a,r.SlowBuffer=function(t){+t!=t&&(t=0);return a.alloc(+t)},r.INSPECT_MAX_BYTES=50;function i(t){if(t>2147483647)throw new RangeError('The value "'+t+'" is invalid for option "size"');var e=new Uint8Array(t);return e.__proto__=a.prototype,e}function a(t,e,r){if("number"==typeof t){if("string"==typeof e)throw new TypeError('The "string" argument must be of type string. Received type number');return l(t)}return o(t,e,r)}function o(t,e,r){if("string"==typeof t)return function(t,e){"string"==typeof e&&""!==e||(e="utf8");if(!a.isEncoding(e))throw new TypeError("Unknown encoding: "+e);var r=0|f(t,e),n=i(r),o=n.write(t,e);o!==r&&(n=n.slice(0,o));return n}(t,e);if(ArrayBuffer.isView(t))return c(t);if(null==t)throw TypeError("The first argument must be one of type string, Buffer, ArrayBuffer, Array, or Array-like Object. Received type "+typeof t);if(B(t,ArrayBuffer)||t&&B(t.buffer,ArrayBuffer))return function(t,e,r){if(e<0||t.byteLength=2147483647)throw new RangeError("Attempt to allocate Buffer larger than maximum size: 0x"+2147483647..toString(16)+" bytes");return 0|t}function f(t,e){if(a.isBuffer(t))return t.length;if(ArrayBuffer.isView(t)||B(t,ArrayBuffer))return t.byteLength;if("string"!=typeof t)throw new TypeError('The "string" argument must be one of type string, Buffer, or ArrayBuffer. Received type '+typeof t);var r=t.length,n=arguments.length>2&&!0===arguments[2];if(!n&&0===r)return 0;for(var i=!1;;)switch(e){case"ascii":case"latin1":case"binary":return r;case"utf8":case"utf-8":return D(t).length;case"ucs2":case"ucs-2":case"utf16le":case"utf-16le":return 2*r;case"hex":return r>>>1;case"base64":return R(t).length;default:if(i)return n?-1:D(t).length;e=(""+e).toLowerCase(),i=!0}}function h(t,e,r){var n=!1;if((void 0===e||e<0)&&(e=0),e>this.length)return"";if((void 0===r||r>this.length)&&(r=this.length),r<=0)return"";if((r>>>=0)<=(e>>>=0))return"";for(t||(t="utf8");;)switch(t){case"hex":return A(this,e,r);case"utf8":case"utf-8":return T(this,e,r);case"ascii":return k(this,e,r);case"latin1":case"binary":return M(this,e,r);case"base64":return w(this,e,r);case"ucs2":case"ucs-2":case"utf16le":case"utf-16le":return S(this,e,r);default:if(n)throw new TypeError("Unknown encoding: "+t);t=(t+"").toLowerCase(),n=!0}}function p(t,e,r){var n=t[e];t[e]=t[r],t[r]=n}function d(t,e,r,n,i){if(0===t.length)return-1;if("string"==typeof r?(n=r,r=0):r>2147483647?r=2147483647:r<-2147483648&&(r=-2147483648),N(r=+r)&&(r=i?0:t.length-1),r<0&&(r=t.length+r),r>=t.length){if(i)return-1;r=t.length-1}else if(r<0){if(!i)return-1;r=0}if("string"==typeof e&&(e=a.from(e,n)),a.isBuffer(e))return 0===e.length?-1:g(t,e,r,n,i);if("number"==typeof e)return e&=255,"function"==typeof Uint8Array.prototype.indexOf?i?Uint8Array.prototype.indexOf.call(t,e,r):Uint8Array.prototype.lastIndexOf.call(t,e,r):g(t,[e],r,n,i);throw new TypeError("val must be string, number or Buffer")}function g(t,e,r,n,i){var a,o=1,s=t.length,l=e.length;if(void 0!==n&&("ucs2"===(n=String(n).toLowerCase())||"ucs-2"===n||"utf16le"===n||"utf-16le"===n)){if(t.length<2||e.length<2)return-1;o=2,s/=2,l/=2,r/=2}function c(t,e){return 1===o?t[e]:t.readUInt16BE(e*o)}if(i){var u=-1;for(a=r;as&&(r=s-l),a=r;a>=0;a--){for(var f=!0,h=0;hi&&(n=i):n=i;var a=e.length;n>a/2&&(n=a/2);for(var o=0;o>8,i=r%256,a.push(i),a.push(n);return a}(e,t.length-r),t,r,n)}function w(t,r,n){return 0===r&&n===t.length?e.fromByteArray(t):e.fromByteArray(t.slice(r,n))}function T(t,e,r){r=Math.min(t.length,r);for(var n=[],i=e;i239?4:c>223?3:c>191?2:1;if(i+f<=r)switch(f){case 1:c<128&&(u=c);break;case 2:128==(192&(a=t[i+1]))&&(l=(31&c)<<6|63&a)>127&&(u=l);break;case 3:a=t[i+1],o=t[i+2],128==(192&a)&&128==(192&o)&&(l=(15&c)<<12|(63&a)<<6|63&o)>2047&&(l<55296||l>57343)&&(u=l);break;case 4:a=t[i+1],o=t[i+2],s=t[i+3],128==(192&a)&&128==(192&o)&&128==(192&s)&&(l=(15&c)<<18|(63&a)<<12|(63&o)<<6|63&s)>65535&&l<1114112&&(u=l)}null===u?(u=65533,f=1):u>65535&&(u-=65536,n.push(u>>>10&1023|55296),u=56320|1023&u),n.push(u),i+=f}return function(t){var e=t.length;if(e<=4096)return String.fromCharCode.apply(String,t);var r="",n=0;for(;ne&&(t+=" ... "),""},a.prototype.compare=function(t,e,r,n,i){if(B(t,Uint8Array)&&(t=a.from(t,t.offset,t.byteLength)),!a.isBuffer(t))throw new TypeError('The "target" argument must be one of type Buffer or Uint8Array. Received type '+typeof t);if(void 0===e&&(e=0),void 0===r&&(r=t?t.length:0),void 0===n&&(n=0),void 0===i&&(i=this.length),e<0||r>t.length||n<0||i>this.length)throw new RangeError("out of range index");if(n>=i&&e>=r)return 0;if(n>=i)return-1;if(e>=r)return 1;if(this===t)return 0;for(var o=(i>>>=0)-(n>>>=0),s=(r>>>=0)-(e>>>=0),l=Math.min(o,s),c=this.slice(n,i),u=t.slice(e,r),f=0;f>>=0,isFinite(r)?(r>>>=0,void 0===n&&(n="utf8")):(n=r,r=void 0)}var i=this.length-e;if((void 0===r||r>i)&&(r=i),t.length>0&&(r<0||e<0)||e>this.length)throw new RangeError("Attempt to write outside buffer bounds");n||(n="utf8");for(var a=!1;;)switch(n){case"hex":return m(this,t,e,r);case"utf8":case"utf-8":return v(this,t,e,r);case"ascii":return y(this,t,e,r);case"latin1":case"binary":return x(this,t,e,r);case"base64":return b(this,t,e,r);case"ucs2":case"ucs-2":case"utf16le":case"utf-16le":return _(this,t,e,r);default:if(a)throw new TypeError("Unknown encoding: "+n);n=(""+n).toLowerCase(),a=!0}},a.prototype.toJSON=function(){return{type:"Buffer",data:Array.prototype.slice.call(this._arr||this,0)}};function k(t,e,r){var n="";r=Math.min(t.length,r);for(var i=e;in)&&(r=n);for(var i="",a=e;ar)throw new RangeError("Trying to access beyond buffer length")}function C(t,e,r,n,i,o){if(!a.isBuffer(t))throw new TypeError('"buffer" argument must be a Buffer instance');if(e>i||et.length)throw new RangeError("Index out of range")}function L(t,e,r,n,i,a){if(r+n>t.length)throw new RangeError("Index out of range");if(r<0)throw new RangeError("Index out of range")}function I(t,e,r,i,a){return e=+e,r>>>=0,a||L(t,0,r,4),n.write(t,e,r,i,23,4),r+4}function P(t,e,r,i,a){return e=+e,r>>>=0,a||L(t,0,r,8),n.write(t,e,r,i,52,8),r+8}a.prototype.slice=function(t,e){var r=this.length;(t=~~t)<0?(t+=r)<0&&(t=0):t>r&&(t=r),(e=void 0===e?r:~~e)<0?(e+=r)<0&&(e=0):e>r&&(e=r),e>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t],i=1,a=0;++a>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t+--e],i=1;e>0&&(i*=256);)n+=this[t+--e]*i;return n},a.prototype.readUInt8=function(t,e){return t>>>=0,e||E(t,1,this.length),this[t]},a.prototype.readUInt16LE=function(t,e){return t>>>=0,e||E(t,2,this.length),this[t]|this[t+1]<<8},a.prototype.readUInt16BE=function(t,e){return t>>>=0,e||E(t,2,this.length),this[t]<<8|this[t+1]},a.prototype.readUInt32LE=function(t,e){return t>>>=0,e||E(t,4,this.length),(this[t]|this[t+1]<<8|this[t+2]<<16)+16777216*this[t+3]},a.prototype.readUInt32BE=function(t,e){return t>>>=0,e||E(t,4,this.length),16777216*this[t]+(this[t+1]<<16|this[t+2]<<8|this[t+3])},a.prototype.readIntLE=function(t,e,r){t>>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t],i=1,a=0;++a=(i*=128)&&(n-=Math.pow(2,8*e)),n},a.prototype.readIntBE=function(t,e,r){t>>>=0,e>>>=0,r||E(t,e,this.length);for(var n=e,i=1,a=this[t+--n];n>0&&(i*=256);)a+=this[t+--n]*i;return a>=(i*=128)&&(a-=Math.pow(2,8*e)),a},a.prototype.readInt8=function(t,e){return t>>>=0,e||E(t,1,this.length),128&this[t]?-1*(255-this[t]+1):this[t]},a.prototype.readInt16LE=function(t,e){t>>>=0,e||E(t,2,this.length);var r=this[t]|this[t+1]<<8;return 32768&r?4294901760|r:r},a.prototype.readInt16BE=function(t,e){t>>>=0,e||E(t,2,this.length);var r=this[t+1]|this[t]<<8;return 32768&r?4294901760|r:r},a.prototype.readInt32LE=function(t,e){return t>>>=0,e||E(t,4,this.length),this[t]|this[t+1]<<8|this[t+2]<<16|this[t+3]<<24},a.prototype.readInt32BE=function(t,e){return t>>>=0,e||E(t,4,this.length),this[t]<<24|this[t+1]<<16|this[t+2]<<8|this[t+3]},a.prototype.readFloatLE=function(t,e){return t>>>=0,e||E(t,4,this.length),n.read(this,t,!0,23,4)},a.prototype.readFloatBE=function(t,e){return t>>>=0,e||E(t,4,this.length),n.read(this,t,!1,23,4)},a.prototype.readDoubleLE=function(t,e){return t>>>=0,e||E(t,8,this.length),n.read(this,t,!0,52,8)},a.prototype.readDoubleBE=function(t,e){return t>>>=0,e||E(t,8,this.length),n.read(this,t,!1,52,8)},a.prototype.writeUIntLE=function(t,e,r,n){(t=+t,e>>>=0,r>>>=0,n)||C(this,t,e,r,Math.pow(2,8*r)-1,0);var i=1,a=0;for(this[e]=255&t;++a>>=0,r>>>=0,n)||C(this,t,e,r,Math.pow(2,8*r)-1,0);var i=r-1,a=1;for(this[e+i]=255&t;--i>=0&&(a*=256);)this[e+i]=t/a&255;return e+r},a.prototype.writeUInt8=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,1,255,0),this[e]=255&t,e+1},a.prototype.writeUInt16LE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,2,65535,0),this[e]=255&t,this[e+1]=t>>>8,e+2},a.prototype.writeUInt16BE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,2,65535,0),this[e]=t>>>8,this[e+1]=255&t,e+2},a.prototype.writeUInt32LE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,4,4294967295,0),this[e+3]=t>>>24,this[e+2]=t>>>16,this[e+1]=t>>>8,this[e]=255&t,e+4},a.prototype.writeUInt32BE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,4,4294967295,0),this[e]=t>>>24,this[e+1]=t>>>16,this[e+2]=t>>>8,this[e+3]=255&t,e+4},a.prototype.writeIntLE=function(t,e,r,n){if(t=+t,e>>>=0,!n){var i=Math.pow(2,8*r-1);C(this,t,e,r,i-1,-i)}var a=0,o=1,s=0;for(this[e]=255&t;++a>0)-s&255;return e+r},a.prototype.writeIntBE=function(t,e,r,n){if(t=+t,e>>>=0,!n){var i=Math.pow(2,8*r-1);C(this,t,e,r,i-1,-i)}var a=r-1,o=1,s=0;for(this[e+a]=255&t;--a>=0&&(o*=256);)t<0&&0===s&&0!==this[e+a+1]&&(s=1),this[e+a]=(t/o>>0)-s&255;return e+r},a.prototype.writeInt8=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,1,127,-128),t<0&&(t=255+t+1),this[e]=255&t,e+1},a.prototype.writeInt16LE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,2,32767,-32768),this[e]=255&t,this[e+1]=t>>>8,e+2},a.prototype.writeInt16BE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,2,32767,-32768),this[e]=t>>>8,this[e+1]=255&t,e+2},a.prototype.writeInt32LE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,4,2147483647,-2147483648),this[e]=255&t,this[e+1]=t>>>8,this[e+2]=t>>>16,this[e+3]=t>>>24,e+4},a.prototype.writeInt32BE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,4,2147483647,-2147483648),t<0&&(t=4294967295+t+1),this[e]=t>>>24,this[e+1]=t>>>16,this[e+2]=t>>>8,this[e+3]=255&t,e+4},a.prototype.writeFloatLE=function(t,e,r){return I(this,t,e,!0,r)},a.prototype.writeFloatBE=function(t,e,r){return I(this,t,e,!1,r)},a.prototype.writeDoubleLE=function(t,e,r){return P(this,t,e,!0,r)},a.prototype.writeDoubleBE=function(t,e,r){return P(this,t,e,!1,r)},a.prototype.copy=function(t,e,r,n){if(!a.isBuffer(t))throw new TypeError("argument should be a Buffer");if(r||(r=0),n||0===n||(n=this.length),e>=t.length&&(e=t.length),e||(e=0),n>0&&n=this.length)throw new RangeError("Index out of range");if(n<0)throw new RangeError("sourceEnd out of bounds");n>this.length&&(n=this.length),t.length-e=0;--o)t[o+e]=this[o+r];else Uint8Array.prototype.set.call(t,this.subarray(r,n),e);return i},a.prototype.fill=function(t,e,r,n){if("string"==typeof t){if("string"==typeof e?(n=e,e=0,r=this.length):"string"==typeof r&&(n=r,r=this.length),void 0!==n&&"string"!=typeof n)throw new TypeError("encoding must be a string");if("string"==typeof n&&!a.isEncoding(n))throw new TypeError("Unknown encoding: "+n);if(1===t.length){var i=t.charCodeAt(0);("utf8"===n&&i<128||"latin1"===n)&&(t=i)}}else"number"==typeof t&&(t&=255);if(e<0||this.length>>=0,r=void 0===r?this.length:r>>>0,t||(t=0),"number"==typeof t)for(o=e;o55295&&r<57344){if(!i){if(r>56319){(e-=3)>-1&&a.push(239,191,189);continue}if(o+1===n){(e-=3)>-1&&a.push(239,191,189);continue}i=r;continue}if(r<56320){(e-=3)>-1&&a.push(239,191,189),i=r;continue}r=65536+(i-55296<<10|r-56320)}else i&&(e-=3)>-1&&a.push(239,191,189);if(i=null,r<128){if((e-=1)<0)break;a.push(r)}else if(r<2048){if((e-=2)<0)break;a.push(r>>6|192,63&r|128)}else if(r<65536){if((e-=3)<0)break;a.push(r>>12|224,r>>6&63|128,63&r|128)}else{if(!(r<1114112))throw new Error("Invalid code point");if((e-=4)<0)break;a.push(r>>18|240,r>>12&63|128,r>>6&63|128,63&r|128)}}return a}function R(t){return e.toByteArray(function(t){if((t=(t=t.split("=")[0]).trim().replace(z,"")).length<2)return"";for(;t.length%4!=0;)t+="=";return t}(t))}function F(t,e,r,n){for(var i=0;i=e.length||i>=t.length);++i)e[i+r]=t[i];return i}function B(t,e){return t instanceof e||null!=t&&null!=t.constructor&&null!=t.constructor.name&&t.constructor.name===e.name}function N(t){return t!=t}}).call(this)}).call(this,t("buffer").Buffer)},{"base64-js":79,buffer:111,ieee754:442}],112:[function(t,e,r){"use strict";var n=t("./lib/monotone"),i=t("./lib/triangulation"),a=t("./lib/delaunay"),o=t("./lib/filter");function s(t){return[Math.min(t[0],t[1]),Math.max(t[0],t[1])]}function l(t,e){return t[0]-e[0]||t[1]-e[1]}function c(t,e,r){return e in t?t[e]:r}e.exports=function(t,e,r){Array.isArray(e)?(r=r||{},e=e||[]):(r=e||{},e=[]);var u=!!c(r,"delaunay",!0),f=!!c(r,"interior",!0),h=!!c(r,"exterior",!0),p=!!c(r,"infinity",!1);if(!f&&!h||0===t.length)return[];var d=n(t,e);if(u||f!==h||p){for(var g=i(t.length,function(t){return t.map(s).sort(l)}(e)),m=0;m0;){for(var p=r.pop(),d=(s=r.pop(),u=-1,f=-1,l=o[s],1);d=0||(e.flip(s,p),i(t,e,r,u,s,f),i(t,e,r,s,f,u),i(t,e,r,f,p,u),i(t,e,r,p,u,f)))}}},{"binary-search-bounds":96,"robust-in-sphere":546}],114:[function(t,e,r){"use strict";var n,i=t("binary-search-bounds");function a(t,e,r,n,i,a,o){this.cells=t,this.neighbor=e,this.flags=n,this.constraint=r,this.active=i,this.next=a,this.boundary=o}function o(t,e){return t[0]-e[0]||t[1]-e[1]||t[2]-e[2]}e.exports=function(t,e,r){var n=function(t,e){for(var r=t.cells(),n=r.length,i=0;i0||l.length>0;){for(;s.length>0;){var p=s.pop();if(c[p]!==-i){c[p]=i;u[p];for(var d=0;d<3;++d){var g=h[3*p+d];g>=0&&0===c[g]&&(f[3*p+d]?l.push(g):(s.push(g),c[g]=i))}}}var m=l;l=s,s=m,l.length=0,i=-i}var v=function(t,e,r){for(var n=0,i=0;i1&&i(r[h[p-2]],r[h[p-1]],a)>0;)t.push([h[p-1],h[p-2],o]),p-=1;h.length=p,h.push(o);var d=f.upperIds;for(p=d.length;p>1&&i(r[d[p-2]],r[d[p-1]],a)<0;)t.push([d[p-2],d[p-1],o]),p-=1;d.length=p,d.push(o)}}function u(t,e){var r;return(r=t.a[0]d[0]&&i.push(new o(d,p,2,l),new o(p,d,1,l))}i.sort(s);for(var g=i[0].a[0]-(1+Math.abs(i[0].a[0]))*Math.pow(2,-52),m=[new a([g,1],[g,0],-1,[],[],[],[])],v=[],y=(l=0,i.length);l=0}}(),a.removeTriangle=function(t,e,r){var n=this.stars;o(n[t],e,r),o(n[e],r,t),o(n[r],t,e)},a.addTriangle=function(t,e,r){var n=this.stars;n[t].push(e,r),n[e].push(r,t),n[r].push(t,e)},a.opposite=function(t,e){for(var r=this.stars[e],n=1,i=r.length;nr?r:t:te?e:t}},{}],121:[function(t,e,r){"use strict";e.exports=function(t,e,r){var n;if(r){n=e;for(var i=new Array(e.length),a=0;ae[2]?1:0)}function v(t,e,r){if(0!==t.length){if(e)for(var n=0;n=0;--a){var x=e[u=(S=n[a])[0]],b=x[0],_=x[1],w=t[b],T=t[_];if((w[0]-T[0]||w[1]-T[1])<0){var k=b;b=_,_=k}x[0]=b;var M,A=x[1]=S[1];for(i&&(M=x[2]);a>0&&n[a-1][0]===u;){var S,E=(S=n[--a])[1];i?e.push([A,E,M]):e.push([A,E]),A=E}i?e.push([A,_,M]):e.push([A,_])}return h}(t,e,h,m,r));return v(e,y,r),!!y||(h.length>0||m.length>0)}},{"./lib/rat-seg-intersect":122,"big-rat":83,"big-rat/cmp":81,"big-rat/to-float":95,"box-intersect":101,nextafter:496,"rat-vec":530,"robust-segment-intersect":551,"union-find":596}],122:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){var a=s(e,t),f=s(n,r),h=u(a,f);if(0===o(h))return null;var p=s(t,r),d=u(f,p),g=i(d,h),m=c(a,g);return l(t,m)};var n=t("big-rat/mul"),i=t("big-rat/div"),a=t("big-rat/sub"),o=t("big-rat/sign"),s=t("rat-vec/sub"),l=t("rat-vec/add"),c=t("rat-vec/muls");function u(t,e){return a(n(t[0],e[1]),n(t[1],e[0]))}},{"big-rat/div":82,"big-rat/mul":92,"big-rat/sign":93,"big-rat/sub":94,"rat-vec/add":529,"rat-vec/muls":531,"rat-vec/sub":532}],123:[function(t,e,r){"use strict";var n=t("clamp");function i(t,e){null==e&&(e=!0);var r=t[0],i=t[1],a=t[2],o=t[3];return null==o&&(o=e?1:255),e&&(r*=255,i*=255,a*=255,o*=255),16777216*(r=255&n(r,0,255))+((i=255&n(i,0,255))<<16)+((a=255&n(a,0,255))<<8)+(o=255&n(o,0,255))}e.exports=i,e.exports.to=i,e.exports.from=function(t,e){var r=(t=+t)>>>24,n=(16711680&t)>>>16,i=(65280&t)>>>8,a=255&t;return!1===e?[r,n,i,a]:[r/255,n/255,i/255,a/255]}},{clamp:120}],124:[function(t,e,r){"use strict";e.exports={aliceblue:[240,248,255],antiquewhite:[250,235,215],aqua:[0,255,255],aquamarine:[127,255,212],azure:[240,255,255],beige:[245,245,220],bisque:[255,228,196],black:[0,0,0],blanchedalmond:[255,235,205],blue:[0,0,255],blueviolet:[138,43,226],brown:[165,42,42],burlywood:[222,184,135],cadetblue:[95,158,160],chartreuse:[127,255,0],chocolate:[210,105,30],coral:[255,127,80],cornflowerblue:[100,149,237],cornsilk:[255,248,220],crimson:[220,20,60],cyan:[0,255,255],darkblue:[0,0,139],darkcyan:[0,139,139],darkgoldenrod:[184,134,11],darkgray:[169,169,169],darkgreen:[0,100,0],darkgrey:[169,169,169],darkkhaki:[189,183,107],darkmagenta:[139,0,139],darkolivegreen:[85,107,47],darkorange:[255,140,0],darkorchid:[153,50,204],darkred:[139,0,0],darksalmon:[233,150,122],darkseagreen:[143,188,143],darkslateblue:[72,61,139],darkslategray:[47,79,79],darkslategrey:[47,79,79],darkturquoise:[0,206,209],darkviolet:[148,0,211],deeppink:[255,20,147],deepskyblue:[0,191,255],dimgray:[105,105,105],dimgrey:[105,105,105],dodgerblue:[30,144,255],firebrick:[178,34,34],floralwhite:[255,250,240],forestgreen:[34,139,34],fuchsia:[255,0,255],gainsboro:[220,220,220],ghostwhite:[248,248,255],gold:[255,215,0],goldenrod:[218,165,32],gray:[128,128,128],green:[0,128,0],greenyellow:[173,255,47],grey:[128,128,128],honeydew:[240,255,240],hotpink:[255,105,180],indianred:[205,92,92],indigo:[75,0,130],ivory:[255,255,240],khaki:[240,230,140],lavender:[230,230,250],lavenderblush:[255,240,245],lawngreen:[124,252,0],lemonchiffon:[255,250,205],lightblue:[173,216,230],lightcoral:[240,128,128],lightcyan:[224,255,255],lightgoldenrodyellow:[250,250,210],lightgray:[211,211,211],lightgreen:[144,238,144],lightgrey:[211,211,211],lightpink:[255,182,193],lightsalmon:[255,160,122],lightseagreen:[32,178,170],lightskyblue:[135,206,250],lightslategray:[119,136,153],lightslategrey:[119,136,153],lightsteelblue:[176,196,222],lightyellow:[255,255,224],lime:[0,255,0],limegreen:[50,205,50],linen:[250,240,230],magenta:[255,0,255],maroon:[128,0,0],mediumaquamarine:[102,205,170],mediumblue:[0,0,205],mediumorchid:[186,85,211],mediumpurple:[147,112,219],mediumseagreen:[60,179,113],mediumslateblue:[123,104,238],mediumspringgreen:[0,250,154],mediumturquoise:[72,209,204],mediumvioletred:[199,21,133],midnightblue:[25,25,112],mintcream:[245,255,250],mistyrose:[255,228,225],moccasin:[255,228,181],navajowhite:[255,222,173],navy:[0,0,128],oldlace:[253,245,230],olive:[128,128,0],olivedrab:[107,142,35],orange:[255,165,0],orangered:[255,69,0],orchid:[218,112,214],palegoldenrod:[238,232,170],palegreen:[152,251,152],paleturquoise:[175,238,238],palevioletred:[219,112,147],papayawhip:[255,239,213],peachpuff:[255,218,185],peru:[205,133,63],pink:[255,192,203],plum:[221,160,221],powderblue:[176,224,230],purple:[128,0,128],rebeccapurple:[102,51,153],red:[255,0,0],rosybrown:[188,143,143],royalblue:[65,105,225],saddlebrown:[139,69,19],salmon:[250,128,114],sandybrown:[244,164,96],seagreen:[46,139,87],seashell:[255,245,238],sienna:[160,82,45],silver:[192,192,192],skyblue:[135,206,235],slateblue:[106,90,205],slategray:[112,128,144],slategrey:[112,128,144],snow:[255,250,250],springgreen:[0,255,127],steelblue:[70,130,180],tan:[210,180,140],teal:[0,128,128],thistle:[216,191,216],tomato:[255,99,71],turquoise:[64,224,208],violet:[238,130,238],wheat:[245,222,179],white:[255,255,255],whitesmoke:[245,245,245],yellow:[255,255,0],yellowgreen:[154,205,50]}},{}],125:[function(t,e,r){"use strict";var n=t("color-rgba"),i=t("clamp"),a=t("dtype");e.exports=function(t,e){"float"!==e&&e||(e="array"),"uint"===e&&(e="uint8"),"uint_clamped"===e&&(e="uint8_clamped");var r=new(a(e))(4),o="uint8"!==e&&"uint8_clamped"!==e;return t.length&&"string"!=typeof t||((t=n(t))[0]/=255,t[1]/=255,t[2]/=255),function(t){return t instanceof Uint8Array||t instanceof Uint8ClampedArray||!!(Array.isArray(t)&&(t[0]>1||0===t[0])&&(t[1]>1||0===t[1])&&(t[2]>1||0===t[2])&&(!t[3]||t[3]>1))}(t)?(r[0]=t[0],r[1]=t[1],r[2]=t[2],r[3]=null!=t[3]?t[3]:255,o&&(r[0]/=255,r[1]/=255,r[2]/=255,r[3]/=255),r):(o?(r[0]=t[0],r[1]=t[1],r[2]=t[2],r[3]=null!=t[3]?t[3]:1):(r[0]=i(Math.floor(255*t[0]),0,255),r[1]=i(Math.floor(255*t[1]),0,255),r[2]=i(Math.floor(255*t[2]),0,255),r[3]=null==t[3]?255:i(Math.floor(255*t[3]),0,255)),r)}},{clamp:120,"color-rgba":127,dtype:175}],126:[function(t,e,r){(function(r){(function(){"use strict";var n=t("color-name"),i=t("is-plain-obj"),a=t("defined");e.exports=function(t){var e,s,l=[],c=1;if("string"==typeof t)if(n[t])l=n[t].slice(),s="rgb";else if("transparent"===t)c=0,s="rgb",l=[0,0,0];else if(/^#[A-Fa-f0-9]+$/.test(t)){var u=(p=t.slice(1)).length;c=1,u<=4?(l=[parseInt(p[0]+p[0],16),parseInt(p[1]+p[1],16),parseInt(p[2]+p[2],16)],4===u&&(c=parseInt(p[3]+p[3],16)/255)):(l=[parseInt(p[0]+p[1],16),parseInt(p[2]+p[3],16),parseInt(p[4]+p[5],16)],8===u&&(c=parseInt(p[6]+p[7],16)/255)),l[0]||(l[0]=0),l[1]||(l[1]=0),l[2]||(l[2]=0),s="rgb"}else if(e=/^((?:rgb|hs[lvb]|hwb|cmyk?|xy[zy]|gray|lab|lchu?v?|[ly]uv|lms)a?)\s*\(([^\)]*)\)/.exec(t)){var f=e[1],h="rgb"===f,p=f.replace(/a$/,"");s=p;u="cmyk"===p?4:"gray"===p?1:3;l=e[2].trim().split(/\s*,\s*/).map((function(t,e){if(/%$/.test(t))return e===u?parseFloat(t)/100:"rgb"===p?255*parseFloat(t)/100:parseFloat(t);if("h"===p[e]){if(/deg$/.test(t))return parseFloat(t);if(void 0!==o[t])return o[t]}return parseFloat(t)})),f===p&&l.push(1),c=h||void 0===l[u]?1:l[u],l=l.slice(0,u)}else t.length>10&&/[0-9](?:\s|\/)/.test(t)&&(l=t.match(/([0-9]+)/g).map((function(t){return parseFloat(t)})),s=t.match(/([a-z])/gi).join("").toLowerCase());else if(isNaN(t))if(i(t)){var d=a(t.r,t.red,t.R,null);null!==d?(s="rgb",l=[d,a(t.g,t.green,t.G),a(t.b,t.blue,t.B)]):(s="hsl",l=[a(t.h,t.hue,t.H),a(t.s,t.saturation,t.S),a(t.l,t.lightness,t.L,t.b,t.brightness)]),c=a(t.a,t.alpha,t.opacity,1),null!=t.opacity&&(c/=100)}else(Array.isArray(t)||r.ArrayBuffer&&ArrayBuffer.isView&&ArrayBuffer.isView(t))&&(l=[t[0],t[1],t[2]],s="rgb",c=4===t.length?t[3]:1);else s="rgb",l=[t>>>16,(65280&t)>>>8,255&t];return{space:s,values:l,alpha:c}};var o={red:0,orange:60,yellow:120,green:180,blue:240,purple:300}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"color-name":124,defined:170,"is-plain-obj":469}],127:[function(t,e,r){"use strict";var n=t("color-parse"),i=t("color-space/hsl"),a=t("clamp");e.exports=function(t){var e,r=n(t);return r.space?((e=Array(3))[0]=a(r.values[0],0,255),e[1]=a(r.values[1],0,255),e[2]=a(r.values[2],0,255),"h"===r.space[0]&&(e=i.rgb(e)),e.push(a(r.alpha,0,1)),e):[]}},{clamp:120,"color-parse":126,"color-space/hsl":128}],128:[function(t,e,r){"use strict";var n=t("./rgb");e.exports={name:"hsl",min:[0,0,0],max:[360,100,100],channel:["hue","saturation","lightness"],alias:["HSL"],rgb:function(t){var e,r,n,i,a,o=t[0]/360,s=t[1]/100,l=t[2]/100;if(0===s)return[a=255*l,a,a];e=2*l-(r=l<.5?l*(1+s):l+s-l*s),i=[0,0,0];for(var c=0;c<3;c++)(n=o+1/3*-(c-1))<0?n++:n>1&&n--,a=6*n<1?e+6*(r-e)*n:2*n<1?r:3*n<2?e+(r-e)*(2/3-n)*6:e,i[c]=255*a;return i}},n.hsl=function(t){var e,r,n=t[0]/255,i=t[1]/255,a=t[2]/255,o=Math.min(n,i,a),s=Math.max(n,i,a),l=s-o;return s===o?e=0:n===s?e=(i-a)/l:i===s?e=2+(a-n)/l:a===s&&(e=4+(n-i)/l),(e=Math.min(60*e,360))<0&&(e+=360),r=(o+s)/2,[e,100*(s===o?0:r<=.5?l/(s+o):l/(2-s-o)),100*r]}},{"./rgb":129}],129:[function(t,e,r){"use strict";e.exports={name:"rgb",min:[0,0,0],max:[255,255,255],channel:["red","green","blue"],alias:["RGB"]}},{}],130:[function(t,e,r){e.exports={jet:[{index:0,rgb:[0,0,131]},{index:.125,rgb:[0,60,170]},{index:.375,rgb:[5,255,255]},{index:.625,rgb:[255,255,0]},{index:.875,rgb:[250,0,0]},{index:1,rgb:[128,0,0]}],hsv:[{index:0,rgb:[255,0,0]},{index:.169,rgb:[253,255,2]},{index:.173,rgb:[247,255,2]},{index:.337,rgb:[0,252,4]},{index:.341,rgb:[0,252,10]},{index:.506,rgb:[1,249,255]},{index:.671,rgb:[2,0,253]},{index:.675,rgb:[8,0,253]},{index:.839,rgb:[255,0,251]},{index:.843,rgb:[255,0,245]},{index:1,rgb:[255,0,6]}],hot:[{index:0,rgb:[0,0,0]},{index:.3,rgb:[230,0,0]},{index:.6,rgb:[255,210,0]},{index:1,rgb:[255,255,255]}],cool:[{index:0,rgb:[0,255,255]},{index:1,rgb:[255,0,255]}],spring:[{index:0,rgb:[255,0,255]},{index:1,rgb:[255,255,0]}],summer:[{index:0,rgb:[0,128,102]},{index:1,rgb:[255,255,102]}],autumn:[{index:0,rgb:[255,0,0]},{index:1,rgb:[255,255,0]}],winter:[{index:0,rgb:[0,0,255]},{index:1,rgb:[0,255,128]}],bone:[{index:0,rgb:[0,0,0]},{index:.376,rgb:[84,84,116]},{index:.753,rgb:[169,200,200]},{index:1,rgb:[255,255,255]}],copper:[{index:0,rgb:[0,0,0]},{index:.804,rgb:[255,160,102]},{index:1,rgb:[255,199,127]}],greys:[{index:0,rgb:[0,0,0]},{index:1,rgb:[255,255,255]}],yignbu:[{index:0,rgb:[8,29,88]},{index:.125,rgb:[37,52,148]},{index:.25,rgb:[34,94,168]},{index:.375,rgb:[29,145,192]},{index:.5,rgb:[65,182,196]},{index:.625,rgb:[127,205,187]},{index:.75,rgb:[199,233,180]},{index:.875,rgb:[237,248,217]},{index:1,rgb:[255,255,217]}],greens:[{index:0,rgb:[0,68,27]},{index:.125,rgb:[0,109,44]},{index:.25,rgb:[35,139,69]},{index:.375,rgb:[65,171,93]},{index:.5,rgb:[116,196,118]},{index:.625,rgb:[161,217,155]},{index:.75,rgb:[199,233,192]},{index:.875,rgb:[229,245,224]},{index:1,rgb:[247,252,245]}],yiorrd:[{index:0,rgb:[128,0,38]},{index:.125,rgb:[189,0,38]},{index:.25,rgb:[227,26,28]},{index:.375,rgb:[252,78,42]},{index:.5,rgb:[253,141,60]},{index:.625,rgb:[254,178,76]},{index:.75,rgb:[254,217,118]},{index:.875,rgb:[255,237,160]},{index:1,rgb:[255,255,204]}],bluered:[{index:0,rgb:[0,0,255]},{index:1,rgb:[255,0,0]}],rdbu:[{index:0,rgb:[5,10,172]},{index:.35,rgb:[106,137,247]},{index:.5,rgb:[190,190,190]},{index:.6,rgb:[220,170,132]},{index:.7,rgb:[230,145,90]},{index:1,rgb:[178,10,28]}],picnic:[{index:0,rgb:[0,0,255]},{index:.1,rgb:[51,153,255]},{index:.2,rgb:[102,204,255]},{index:.3,rgb:[153,204,255]},{index:.4,rgb:[204,204,255]},{index:.5,rgb:[255,255,255]},{index:.6,rgb:[255,204,255]},{index:.7,rgb:[255,153,255]},{index:.8,rgb:[255,102,204]},{index:.9,rgb:[255,102,102]},{index:1,rgb:[255,0,0]}],rainbow:[{index:0,rgb:[150,0,90]},{index:.125,rgb:[0,0,200]},{index:.25,rgb:[0,25,255]},{index:.375,rgb:[0,152,255]},{index:.5,rgb:[44,255,150]},{index:.625,rgb:[151,255,0]},{index:.75,rgb:[255,234,0]},{index:.875,rgb:[255,111,0]},{index:1,rgb:[255,0,0]}],portland:[{index:0,rgb:[12,51,131]},{index:.25,rgb:[10,136,186]},{index:.5,rgb:[242,211,56]},{index:.75,rgb:[242,143,56]},{index:1,rgb:[217,30,30]}],blackbody:[{index:0,rgb:[0,0,0]},{index:.2,rgb:[230,0,0]},{index:.4,rgb:[230,210,0]},{index:.7,rgb:[255,255,255]},{index:1,rgb:[160,200,255]}],earth:[{index:0,rgb:[0,0,130]},{index:.1,rgb:[0,180,180]},{index:.2,rgb:[40,210,40]},{index:.4,rgb:[230,230,50]},{index:.6,rgb:[120,70,20]},{index:1,rgb:[255,255,255]}],electric:[{index:0,rgb:[0,0,0]},{index:.15,rgb:[30,0,100]},{index:.4,rgb:[120,0,100]},{index:.6,rgb:[160,90,0]},{index:.8,rgb:[230,200,0]},{index:1,rgb:[255,250,220]}],alpha:[{index:0,rgb:[255,255,255,0]},{index:1,rgb:[255,255,255,1]}],viridis:[{index:0,rgb:[68,1,84]},{index:.13,rgb:[71,44,122]},{index:.25,rgb:[59,81,139]},{index:.38,rgb:[44,113,142]},{index:.5,rgb:[33,144,141]},{index:.63,rgb:[39,173,129]},{index:.75,rgb:[92,200,99]},{index:.88,rgb:[170,220,50]},{index:1,rgb:[253,231,37]}],inferno:[{index:0,rgb:[0,0,4]},{index:.13,rgb:[31,12,72]},{index:.25,rgb:[85,15,109]},{index:.38,rgb:[136,34,106]},{index:.5,rgb:[186,54,85]},{index:.63,rgb:[227,89,51]},{index:.75,rgb:[249,140,10]},{index:.88,rgb:[249,201,50]},{index:1,rgb:[252,255,164]}],magma:[{index:0,rgb:[0,0,4]},{index:.13,rgb:[28,16,68]},{index:.25,rgb:[79,18,123]},{index:.38,rgb:[129,37,129]},{index:.5,rgb:[181,54,122]},{index:.63,rgb:[229,80,100]},{index:.75,rgb:[251,135,97]},{index:.88,rgb:[254,194,135]},{index:1,rgb:[252,253,191]}],plasma:[{index:0,rgb:[13,8,135]},{index:.13,rgb:[75,3,161]},{index:.25,rgb:[125,3,168]},{index:.38,rgb:[168,34,150]},{index:.5,rgb:[203,70,121]},{index:.63,rgb:[229,107,93]},{index:.75,rgb:[248,148,65]},{index:.88,rgb:[253,195,40]},{index:1,rgb:[240,249,33]}],warm:[{index:0,rgb:[125,0,179]},{index:.13,rgb:[172,0,187]},{index:.25,rgb:[219,0,170]},{index:.38,rgb:[255,0,130]},{index:.5,rgb:[255,63,74]},{index:.63,rgb:[255,123,0]},{index:.75,rgb:[234,176,0]},{index:.88,rgb:[190,228,0]},{index:1,rgb:[147,255,0]}],cool:[{index:0,rgb:[125,0,179]},{index:.13,rgb:[116,0,218]},{index:.25,rgb:[98,74,237]},{index:.38,rgb:[68,146,231]},{index:.5,rgb:[0,204,197]},{index:.63,rgb:[0,247,146]},{index:.75,rgb:[0,255,88]},{index:.88,rgb:[40,255,8]},{index:1,rgb:[147,255,0]}],"rainbow-soft":[{index:0,rgb:[125,0,179]},{index:.1,rgb:[199,0,180]},{index:.2,rgb:[255,0,121]},{index:.3,rgb:[255,108,0]},{index:.4,rgb:[222,194,0]},{index:.5,rgb:[150,255,0]},{index:.6,rgb:[0,255,55]},{index:.7,rgb:[0,246,150]},{index:.8,rgb:[50,167,222]},{index:.9,rgb:[103,51,235]},{index:1,rgb:[124,0,186]}],bathymetry:[{index:0,rgb:[40,26,44]},{index:.13,rgb:[59,49,90]},{index:.25,rgb:[64,76,139]},{index:.38,rgb:[63,110,151]},{index:.5,rgb:[72,142,158]},{index:.63,rgb:[85,174,163]},{index:.75,rgb:[120,206,163]},{index:.88,rgb:[187,230,172]},{index:1,rgb:[253,254,204]}],cdom:[{index:0,rgb:[47,15,62]},{index:.13,rgb:[87,23,86]},{index:.25,rgb:[130,28,99]},{index:.38,rgb:[171,41,96]},{index:.5,rgb:[206,67,86]},{index:.63,rgb:[230,106,84]},{index:.75,rgb:[242,149,103]},{index:.88,rgb:[249,193,135]},{index:1,rgb:[254,237,176]}],chlorophyll:[{index:0,rgb:[18,36,20]},{index:.13,rgb:[25,63,41]},{index:.25,rgb:[24,91,59]},{index:.38,rgb:[13,119,72]},{index:.5,rgb:[18,148,80]},{index:.63,rgb:[80,173,89]},{index:.75,rgb:[132,196,122]},{index:.88,rgb:[175,221,162]},{index:1,rgb:[215,249,208]}],density:[{index:0,rgb:[54,14,36]},{index:.13,rgb:[89,23,80]},{index:.25,rgb:[110,45,132]},{index:.38,rgb:[120,77,178]},{index:.5,rgb:[120,113,213]},{index:.63,rgb:[115,151,228]},{index:.75,rgb:[134,185,227]},{index:.88,rgb:[177,214,227]},{index:1,rgb:[230,241,241]}],"freesurface-blue":[{index:0,rgb:[30,4,110]},{index:.13,rgb:[47,14,176]},{index:.25,rgb:[41,45,236]},{index:.38,rgb:[25,99,212]},{index:.5,rgb:[68,131,200]},{index:.63,rgb:[114,156,197]},{index:.75,rgb:[157,181,203]},{index:.88,rgb:[200,208,216]},{index:1,rgb:[241,237,236]}],"freesurface-red":[{index:0,rgb:[60,9,18]},{index:.13,rgb:[100,17,27]},{index:.25,rgb:[142,20,29]},{index:.38,rgb:[177,43,27]},{index:.5,rgb:[192,87,63]},{index:.63,rgb:[205,125,105]},{index:.75,rgb:[216,162,148]},{index:.88,rgb:[227,199,193]},{index:1,rgb:[241,237,236]}],oxygen:[{index:0,rgb:[64,5,5]},{index:.13,rgb:[106,6,15]},{index:.25,rgb:[144,26,7]},{index:.38,rgb:[168,64,3]},{index:.5,rgb:[188,100,4]},{index:.63,rgb:[206,136,11]},{index:.75,rgb:[220,174,25]},{index:.88,rgb:[231,215,44]},{index:1,rgb:[248,254,105]}],par:[{index:0,rgb:[51,20,24]},{index:.13,rgb:[90,32,35]},{index:.25,rgb:[129,44,34]},{index:.38,rgb:[159,68,25]},{index:.5,rgb:[182,99,19]},{index:.63,rgb:[199,134,22]},{index:.75,rgb:[212,171,35]},{index:.88,rgb:[221,210,54]},{index:1,rgb:[225,253,75]}],phase:[{index:0,rgb:[145,105,18]},{index:.13,rgb:[184,71,38]},{index:.25,rgb:[186,58,115]},{index:.38,rgb:[160,71,185]},{index:.5,rgb:[110,97,218]},{index:.63,rgb:[50,123,164]},{index:.75,rgb:[31,131,110]},{index:.88,rgb:[77,129,34]},{index:1,rgb:[145,105,18]}],salinity:[{index:0,rgb:[42,24,108]},{index:.13,rgb:[33,50,162]},{index:.25,rgb:[15,90,145]},{index:.38,rgb:[40,118,137]},{index:.5,rgb:[59,146,135]},{index:.63,rgb:[79,175,126]},{index:.75,rgb:[120,203,104]},{index:.88,rgb:[193,221,100]},{index:1,rgb:[253,239,154]}],temperature:[{index:0,rgb:[4,35,51]},{index:.13,rgb:[23,51,122]},{index:.25,rgb:[85,59,157]},{index:.38,rgb:[129,79,143]},{index:.5,rgb:[175,95,130]},{index:.63,rgb:[222,112,101]},{index:.75,rgb:[249,146,66]},{index:.88,rgb:[249,196,65]},{index:1,rgb:[232,250,91]}],turbidity:[{index:0,rgb:[34,31,27]},{index:.13,rgb:[65,50,41]},{index:.25,rgb:[98,69,52]},{index:.38,rgb:[131,89,57]},{index:.5,rgb:[161,112,59]},{index:.63,rgb:[185,140,66]},{index:.75,rgb:[202,174,88]},{index:.88,rgb:[216,209,126]},{index:1,rgb:[233,246,171]}],"velocity-blue":[{index:0,rgb:[17,32,64]},{index:.13,rgb:[35,52,116]},{index:.25,rgb:[29,81,156]},{index:.38,rgb:[31,113,162]},{index:.5,rgb:[50,144,169]},{index:.63,rgb:[87,173,176]},{index:.75,rgb:[149,196,189]},{index:.88,rgb:[203,221,211]},{index:1,rgb:[254,251,230]}],"velocity-green":[{index:0,rgb:[23,35,19]},{index:.13,rgb:[24,64,38]},{index:.25,rgb:[11,95,45]},{index:.38,rgb:[39,123,35]},{index:.5,rgb:[95,146,12]},{index:.63,rgb:[152,165,18]},{index:.75,rgb:[201,186,69]},{index:.88,rgb:[233,216,137]},{index:1,rgb:[255,253,205]}],cubehelix:[{index:0,rgb:[0,0,0]},{index:.07,rgb:[22,5,59]},{index:.13,rgb:[60,4,105]},{index:.2,rgb:[109,1,135]},{index:.27,rgb:[161,0,147]},{index:.33,rgb:[210,2,142]},{index:.4,rgb:[251,11,123]},{index:.47,rgb:[255,29,97]},{index:.53,rgb:[255,54,69]},{index:.6,rgb:[255,85,46]},{index:.67,rgb:[255,120,34]},{index:.73,rgb:[255,157,37]},{index:.8,rgb:[241,191,57]},{index:.87,rgb:[224,220,93]},{index:.93,rgb:[218,241,142]},{index:1,rgb:[227,253,198]}]}},{}],131:[function(t,e,r){"use strict";var n=t("./colorScale"),i=t("lerp");function a(t){return[t[0]/255,t[1]/255,t[2]/255,t[3]]}function o(t){for(var e,r="#",n=0;n<3;++n)r+=("00"+(e=(e=t[n]).toString(16))).substr(e.length);return r}function s(t){return"rgba("+t.join(",")+")"}e.exports=function(t){var e,r,l,c,u,f,h,p,d,g;t||(t={});p=(t.nshades||72)-1,h=t.format||"hex",(f=t.colormap)||(f="jet");if("string"==typeof f){if(f=f.toLowerCase(),!n[f])throw Error(f+" not a supported colorscale");u=n[f]}else{if(!Array.isArray(f))throw Error("unsupported colormap option",f);u=f.slice()}if(u.length>p+1)throw new Error(f+" map requires nshades to be at least size "+u.length);d=Array.isArray(t.alpha)?2!==t.alpha.length?[1,1]:t.alpha.slice():"number"==typeof t.alpha?[t.alpha,t.alpha]:[1,1];e=u.map((function(t){return Math.round(t.index*p)})),d[0]=Math.min(Math.max(d[0],0),1),d[1]=Math.min(Math.max(d[1],0),1);var m=u.map((function(t,e){var r=u[e].index,n=u[e].rgb.slice();return 4===n.length&&n[3]>=0&&n[3]<=1||(n[3]=d[0]+(d[1]-d[0])*r),n})),v=[];for(g=0;g0||l(t,e,a)?-1:1:0===s?c>0||l(t,e,r)?1:-1:i(c-s)}var h=n(t,e,r);return h>0?o>0&&n(t,e,a)>0?1:-1:h<0?o>0||n(t,e,a)>0?1:-1:n(t,e,a)>0||l(t,e,r)?1:-1};var n=t("robust-orientation"),i=t("signum"),a=t("two-sum"),o=t("robust-product"),s=t("robust-sum");function l(t,e,r){var n=a(t[0],-e[0]),i=a(t[1],-e[1]),l=a(r[0],-e[0]),c=a(r[1],-e[1]),u=s(o(n,l),o(i,c));return u[u.length-1]>=0}},{"robust-orientation":548,"robust-product":549,"robust-sum":553,signum:554,"two-sum":583}],133:[function(t,e,r){e.exports=function(t,e){var r=t.length,a=t.length-e.length;if(a)return a;switch(r){case 0:return 0;case 1:return t[0]-e[0];case 2:return t[0]+t[1]-e[0]-e[1]||n(t[0],t[1])-n(e[0],e[1]);case 3:var o=t[0]+t[1],s=e[0]+e[1];if(a=o+t[2]-(s+e[2]))return a;var l=n(t[0],t[1]),c=n(e[0],e[1]);return n(l,t[2])-n(c,e[2])||n(l+t[2],o)-n(c+e[2],s);case 4:var u=t[0],f=t[1],h=t[2],p=t[3],d=e[0],g=e[1],m=e[2],v=e[3];return u+f+h+p-(d+g+m+v)||n(u,f,h,p)-n(d,g,m,v,d)||n(u+f,u+h,u+p,f+h,f+p,h+p)-n(d+g,d+m,d+v,g+m,g+v,m+v)||n(u+f+h,u+f+p,u+h+p,f+h+p)-n(d+g+m,d+g+v,d+m+v,g+m+v);default:for(var y=t.slice().sort(i),x=e.slice().sort(i),b=0;bt[r][0]&&(r=n);return er?[[r],[e]]:[[e]]}},{}],137:[function(t,e,r){"use strict";e.exports=function(t){var e=n(t),r=e.length;if(r<=2)return[];for(var i=new Array(r),a=e[r-1],o=0;o=e[l]&&(s+=1);a[o]=s}}return t}(n(a,!0),r)}};var n=t("incremental-convex-hull"),i=t("affine-hull")},{"affine-hull":67,"incremental-convex-hull":459}],139:[function(t,e,r){e.exports={AFG:"afghan",ALA:"\\b\\wland",ALB:"albania",DZA:"algeria",ASM:"^(?=.*americ).*samoa",AND:"andorra",AGO:"angola",AIA:"anguill?a",ATA:"antarctica",ATG:"antigua",ARG:"argentin",ARM:"armenia",ABW:"^(?!.*bonaire).*\\baruba",AUS:"australia",AUT:"^(?!.*hungary).*austria|\\baustri.*\\bemp",AZE:"azerbaijan",BHS:"bahamas",BHR:"bahrain",BGD:"bangladesh|^(?=.*east).*paki?stan",BRB:"barbados",BLR:"belarus|byelo",BEL:"^(?!.*luxem).*belgium",BLZ:"belize|^(?=.*british).*honduras",BEN:"benin|dahome",BMU:"bermuda",BTN:"bhutan",BOL:"bolivia",BES:"^(?=.*bonaire).*eustatius|^(?=.*carib).*netherlands|\\bbes.?islands",BIH:"herzegovina|bosnia",BWA:"botswana|bechuana",BVT:"bouvet",BRA:"brazil",IOT:"british.?indian.?ocean",BRN:"brunei",BGR:"bulgaria",BFA:"burkina|\\bfaso|upper.?volta",BDI:"burundi",CPV:"verde",KHM:"cambodia|kampuchea|khmer",CMR:"cameroon",CAN:"canada",CYM:"cayman",CAF:"\\bcentral.african.republic",TCD:"\\bchad",CHL:"\\bchile",CHN:"^(?!.*\\bmac)(?!.*\\bhong)(?!.*\\btai)(?!.*\\brep).*china|^(?=.*peo)(?=.*rep).*china",CXR:"christmas",CCK:"\\bcocos|keeling",COL:"colombia",COM:"comoro",COG:"^(?!.*\\bdem)(?!.*\\bd[\\.]?r)(?!.*kinshasa)(?!.*zaire)(?!.*belg)(?!.*l.opoldville)(?!.*free).*\\bcongo",COK:"\\bcook",CRI:"costa.?rica",CIV:"ivoire|ivory",HRV:"croatia",CUB:"\\bcuba",CUW:"^(?!.*bonaire).*\\bcura(c|\xe7)ao",CYP:"cyprus",CSK:"czechoslovakia",CZE:"^(?=.*rep).*czech|czechia|bohemia",COD:"\\bdem.*congo|congo.*\\bdem|congo.*\\bd[\\.]?r|\\bd[\\.]?r.*congo|belgian.?congo|congo.?free.?state|kinshasa|zaire|l.opoldville|drc|droc|rdc",DNK:"denmark",DJI:"djibouti",DMA:"dominica(?!n)",DOM:"dominican.rep",ECU:"ecuador",EGY:"egypt",SLV:"el.?salvador",GNQ:"guine.*eq|eq.*guine|^(?=.*span).*guinea",ERI:"eritrea",EST:"estonia",ETH:"ethiopia|abyssinia",FLK:"falkland|malvinas",FRO:"faroe|faeroe",FJI:"fiji",FIN:"finland",FRA:"^(?!.*\\bdep)(?!.*martinique).*france|french.?republic|\\bgaul",GUF:"^(?=.*french).*guiana",PYF:"french.?polynesia|tahiti",ATF:"french.?southern",GAB:"gabon",GMB:"gambia",GEO:"^(?!.*south).*georgia",DDR:"german.?democratic.?republic|democratic.?republic.*germany|east.germany",DEU:"^(?!.*east).*germany|^(?=.*\\bfed.*\\brep).*german",GHA:"ghana|gold.?coast",GIB:"gibraltar",GRC:"greece|hellenic|hellas",GRL:"greenland",GRD:"grenada",GLP:"guadeloupe",GUM:"\\bguam",GTM:"guatemala",GGY:"guernsey",GIN:"^(?!.*eq)(?!.*span)(?!.*bissau)(?!.*portu)(?!.*new).*guinea",GNB:"bissau|^(?=.*portu).*guinea",GUY:"guyana|british.?guiana",HTI:"haiti",HMD:"heard.*mcdonald",VAT:"holy.?see|vatican|papal.?st",HND:"^(?!.*brit).*honduras",HKG:"hong.?kong",HUN:"^(?!.*austr).*hungary",ISL:"iceland",IND:"india(?!.*ocea)",IDN:"indonesia",IRN:"\\biran|persia",IRQ:"\\biraq|mesopotamia",IRL:"(^ireland)|(^republic.*ireland)",IMN:"^(?=.*isle).*\\bman",ISR:"israel",ITA:"italy",JAM:"jamaica",JPN:"japan",JEY:"jersey",JOR:"jordan",KAZ:"kazak",KEN:"kenya|british.?east.?africa|east.?africa.?prot",KIR:"kiribati",PRK:"^(?=.*democrat|people|north|d.*p.*.r).*\\bkorea|dprk|korea.*(d.*p.*r)",KWT:"kuwait",KGZ:"kyrgyz|kirghiz",LAO:"\\blaos?\\b",LVA:"latvia",LBN:"lebanon",LSO:"lesotho|basuto",LBR:"liberia",LBY:"libya",LIE:"liechtenstein",LTU:"lithuania",LUX:"^(?!.*belg).*luxem",MAC:"maca(o|u)",MDG:"madagascar|malagasy",MWI:"malawi|nyasa",MYS:"malaysia",MDV:"maldive",MLI:"\\bmali\\b",MLT:"\\bmalta",MHL:"marshall",MTQ:"martinique",MRT:"mauritania",MUS:"mauritius",MYT:"\\bmayotte",MEX:"\\bmexic",FSM:"fed.*micronesia|micronesia.*fed",MCO:"monaco",MNG:"mongolia",MNE:"^(?!.*serbia).*montenegro",MSR:"montserrat",MAR:"morocco|\\bmaroc",MOZ:"mozambique",MMR:"myanmar|burma",NAM:"namibia",NRU:"nauru",NPL:"nepal",NLD:"^(?!.*\\bant)(?!.*\\bcarib).*netherlands",ANT:"^(?=.*\\bant).*(nether|dutch)",NCL:"new.?caledonia",NZL:"new.?zealand",NIC:"nicaragua",NER:"\\bniger(?!ia)",NGA:"nigeria",NIU:"niue",NFK:"norfolk",MNP:"mariana",NOR:"norway",OMN:"\\boman|trucial",PAK:"^(?!.*east).*paki?stan",PLW:"palau",PSE:"palestin|\\bgaza|west.?bank",PAN:"panama",PNG:"papua|new.?guinea",PRY:"paraguay",PER:"peru",PHL:"philippines",PCN:"pitcairn",POL:"poland",PRT:"portugal",PRI:"puerto.?rico",QAT:"qatar",KOR:"^(?!.*d.*p.*r)(?!.*democrat)(?!.*people)(?!.*north).*\\bkorea(?!.*d.*p.*r)",MDA:"moldov|b(a|e)ssarabia",REU:"r(e|\xe9)union",ROU:"r(o|u|ou)mania",RUS:"\\brussia|soviet.?union|u\\.?s\\.?s\\.?r|socialist.?republics",RWA:"rwanda",BLM:"barth(e|\xe9)lemy",SHN:"helena",KNA:"kitts|\\bnevis",LCA:"\\blucia",MAF:"^(?=.*collectivity).*martin|^(?=.*france).*martin(?!ique)|^(?=.*french).*martin(?!ique)",SPM:"miquelon",VCT:"vincent",WSM:"^(?!.*amer).*samoa",SMR:"san.?marino",STP:"\\bs(a|\xe3)o.?tom(e|\xe9)",SAU:"\\bsa\\w*.?arabia",SEN:"senegal",SRB:"^(?!.*monte).*serbia",SYC:"seychell",SLE:"sierra",SGP:"singapore",SXM:"^(?!.*martin)(?!.*saba).*maarten",SVK:"^(?!.*cze).*slovak",SVN:"slovenia",SLB:"solomon",SOM:"somali",ZAF:"south.africa|s\\\\..?africa",SGS:"south.?georgia|sandwich",SSD:"\\bs\\w*.?sudan",ESP:"spain",LKA:"sri.?lanka|ceylon",SDN:"^(?!.*\\bs(?!u)).*sudan",SUR:"surinam|dutch.?guiana",SJM:"svalbard",SWZ:"swaziland",SWE:"sweden",CHE:"switz|swiss",SYR:"syria",TWN:"taiwan|taipei|formosa|^(?!.*peo)(?=.*rep).*china",TJK:"tajik",THA:"thailand|\\bsiam",MKD:"macedonia|fyrom",TLS:"^(?=.*leste).*timor|^(?=.*east).*timor",TGO:"togo",TKL:"tokelau",TON:"tonga",TTO:"trinidad|tobago",TUN:"tunisia",TUR:"turkey",TKM:"turkmen",TCA:"turks",TUV:"tuvalu",UGA:"uganda",UKR:"ukrain",ARE:"emirates|^u\\.?a\\.?e\\.?$|united.?arab.?em",GBR:"united.?kingdom|britain|^u\\.?k\\.?$",TZA:"tanzania",USA:"united.?states\\b(?!.*islands)|\\bu\\.?s\\.?a\\.?\\b|^\\s*u\\.?s\\.?\\b(?!.*islands)",UMI:"minor.?outlying.?is",URY:"uruguay",UZB:"uzbek",VUT:"vanuatu|new.?hebrides",VEN:"venezuela",VNM:"^(?!.*republic).*viet.?nam|^(?=.*socialist).*viet.?nam",VGB:"^(?=.*\\bu\\.?\\s?k).*virgin|^(?=.*brit).*virgin|^(?=.*kingdom).*virgin",VIR:"^(?=.*\\bu\\.?\\s?s).*virgin|^(?=.*states).*virgin",WLF:"futuna|wallis",ESH:"western.sahara",YEM:"^(?!.*arab)(?!.*north)(?!.*sana)(?!.*peo)(?!.*dem)(?!.*south)(?!.*aden)(?!.*\\bp\\.?d\\.?r).*yemen",YMD:"^(?=.*peo).*yemen|^(?!.*rep)(?=.*dem).*yemen|^(?=.*south).*yemen|^(?=.*aden).*yemen|^(?=.*\\bp\\.?d\\.?r).*yemen",YUG:"yugoslavia",ZMB:"zambia|northern.?rhodesia",EAZ:"zanzibar",ZWE:"zimbabwe|^(?!.*northern).*rhodesia"}},{}],140:[function(t,e,r){e.exports=["xx-small","x-small","small","medium","large","x-large","xx-large","larger","smaller"]},{}],141:[function(t,e,r){e.exports=["normal","condensed","semi-condensed","extra-condensed","ultra-condensed","expanded","semi-expanded","extra-expanded","ultra-expanded"]},{}],142:[function(t,e,r){e.exports=["normal","italic","oblique"]},{}],143:[function(t,e,r){e.exports=["normal","bold","bolder","lighter","100","200","300","400","500","600","700","800","900"]},{}],144:[function(t,e,r){"use strict";e.exports={parse:t("./parse"),stringify:t("./stringify")}},{"./parse":146,"./stringify":147}],145:[function(t,e,r){"use strict";var n=t("css-font-size-keywords");e.exports={isSize:function(t){return/^[\d\.]/.test(t)||-1!==t.indexOf("/")||-1!==n.indexOf(t)}}},{"css-font-size-keywords":140}],146:[function(t,e,r){"use strict";var n=t("unquote"),i=t("css-global-keywords"),a=t("css-system-font-keywords"),o=t("css-font-weight-keywords"),s=t("css-font-style-keywords"),l=t("css-font-stretch-keywords"),c=t("string-split-by"),u=t("./lib/util").isSize;e.exports=h;var f=h.cache={};function h(t){if("string"!=typeof t)throw new Error("Font argument must be a string.");if(f[t])return f[t];if(""===t)throw new Error("Cannot parse an empty string.");if(-1!==a.indexOf(t))return f[t]={system:t};for(var e,r={style:"normal",variant:"normal",weight:"normal",stretch:"normal",lineHeight:"normal",size:"1rem",family:["serif"]},h=c(t,/\s+/);e=h.shift();){if(-1!==i.indexOf(e))return["style","variant","weight","stretch"].forEach((function(t){r[t]=e})),f[t]=r;if(-1===s.indexOf(e))if("normal"!==e&&"small-caps"!==e)if(-1===l.indexOf(e)){if(-1===o.indexOf(e)){if(u(e)){var d=c(e,"/");if(r.size=d[0],null!=d[1]?r.lineHeight=p(d[1]):"/"===h[0]&&(h.shift(),r.lineHeight=p(h.shift())),!h.length)throw new Error("Missing required font-family.");return r.family=c(h.join(" "),/\s*,\s*/).map(n),f[t]=r}throw new Error("Unknown or unsupported font token: "+e)}r.weight=e}else r.stretch=e;else r.variant=e;else r.style=e}throw new Error("Missing required font-size.")}function p(t){var e=parseFloat(t);return e.toString()===t?e:t}},{"./lib/util":145,"css-font-stretch-keywords":141,"css-font-style-keywords":142,"css-font-weight-keywords":143,"css-global-keywords":148,"css-system-font-keywords":149,"string-split-by":568,unquote:598}],147:[function(t,e,r){"use strict";var n=t("pick-by-alias"),i=t("./lib/util").isSize,a=g(t("css-global-keywords")),o=g(t("css-system-font-keywords")),s=g(t("css-font-weight-keywords")),l=g(t("css-font-style-keywords")),c=g(t("css-font-stretch-keywords")),u={normal:1,"small-caps":1},f={serif:1,"sans-serif":1,monospace:1,cursive:1,fantasy:1,"system-ui":1},h="1rem",p="serif";function d(t,e){if(t&&!e[t]&&!a[t])throw Error("Unknown keyword `"+t+"`");return t}function g(t){for(var e={},r=0;r=0;--p)a[p]=c*t[p]+u*e[p]+f*r[p]+h*n[p];return a}return c*t+u*e+f*r+h*n},e.exports.derivative=function(t,e,r,n,i,a){var o=6*i*i-6*i,s=3*i*i-4*i+1,l=-6*i*i+6*i,c=3*i*i-2*i;if(t.length){a||(a=new Array(t.length));for(var u=t.length-1;u>=0;--u)a[u]=o*t[u]+s*e[u]+l*r[u]+c*n[u];return a}return o*t+s*e+l*r[u]+c*n}},{}],151:[function(t,e,r){"use strict";var n=t("./lib/thunk.js");function i(){this.argTypes=[],this.shimArgs=[],this.arrayArgs=[],this.arrayBlockIndices=[],this.scalarArgs=[],this.offsetArgs=[],this.offsetArgIndex=[],this.indexArgs=[],this.shapeArgs=[],this.funcName="",this.pre=null,this.body=null,this.post=null,this.debug=!1}e.exports=function(t){var e=new i;e.pre=t.pre,e.body=t.body,e.post=t.post;var r=t.args.slice(0);e.argTypes=r;for(var a=0;a0)throw new Error("cwise: pre() block may not reference array args");if(a0)throw new Error("cwise: post() block may not reference array args")}else if("scalar"===o)e.scalarArgs.push(a),e.shimArgs.push("scalar"+a);else if("index"===o){if(e.indexArgs.push(a),a0)throw new Error("cwise: pre() block may not reference array index");if(a0)throw new Error("cwise: post() block may not reference array index")}else if("shape"===o){if(e.shapeArgs.push(a),ar.length)throw new Error("cwise: Too many arguments in pre() block");if(e.body.args.length>r.length)throw new Error("cwise: Too many arguments in body() block");if(e.post.args.length>r.length)throw new Error("cwise: Too many arguments in post() block");return e.debug=!!t.printCode||!!t.debug,e.funcName=t.funcName||"cwise",e.blockSize=t.blockSize||64,n(e)}},{"./lib/thunk.js":153}],152:[function(t,e,r){"use strict";var n=t("uniq");function i(t,e,r){var n,i,a=t.length,o=e.arrayArgs.length,s=e.indexArgs.length>0,l=[],c=[],u=0,f=0;for(n=0;n0&&l.push("var "+c.join(",")),n=a-1;n>=0;--n)u=t[n],l.push(["for(i",n,"=0;i",n,"0&&l.push(["index[",f,"]-=s",f].join("")),l.push(["++index[",u,"]"].join(""))),l.push("}")}return l.join("\n")}function a(t,e,r){for(var n=t.body,i=[],a=[],o=0;o0&&(r=r&&e[n]===e[n-1])}return r?e[0]:e.join("")}e.exports=function(t,e){for(var r=e[1].length-Math.abs(t.arrayBlockIndices[0])|0,s=new Array(t.arrayArgs.length),l=new Array(t.arrayArgs.length),c=0;c0&&x.push("shape=SS.slice(0)"),t.indexArgs.length>0){var b=new Array(r);for(c=0;c0&&y.push("var "+x.join(",")),c=0;c3&&y.push(a(t.pre,t,l));var k=a(t.body,t,l),M=function(t){for(var e=0,r=t[0].length;e0,c=[],u=0;u0;){"].join("")),c.push(["if(j",u,"<",s,"){"].join("")),c.push(["s",e[u],"=j",u].join("")),c.push(["j",u,"=0"].join("")),c.push(["}else{s",e[u],"=",s].join("")),c.push(["j",u,"-=",s,"}"].join("")),l&&c.push(["index[",e[u],"]=j",u].join(""));for(u=0;u3&&y.push(a(t.post,t,l)),t.debug&&console.log("-----Generated cwise routine for ",e,":\n"+y.join("\n")+"\n----------");var A=[t.funcName||"unnamed","_cwise_loop_",s[0].join("s"),"m",M,o(l)].join("");return new Function(["function ",A,"(",v.join(","),"){",y.join("\n"),"} return ",A].join(""))()}},{uniq:597}],153:[function(t,e,r){"use strict";var n=t("./compile.js");e.exports=function(t){var e=["'use strict'","var CACHED={}"],r=[],i=t.funcName+"_cwise_thunk";e.push(["return function ",i,"(",t.shimArgs.join(","),"){"].join(""));for(var a=[],o=[],s=[["array",t.arrayArgs[0],".shape.slice(",Math.max(0,t.arrayBlockIndices[0]),t.arrayBlockIndices[0]<0?","+t.arrayBlockIndices[0]+")":")"].join("")],l=[],c=[],u=0;u0&&(l.push("array"+t.arrayArgs[0]+".shape.length===array"+f+".shape.length+"+(Math.abs(t.arrayBlockIndices[0])-Math.abs(t.arrayBlockIndices[u]))),c.push("array"+t.arrayArgs[0]+".shape[shapeIndex+"+Math.max(0,t.arrayBlockIndices[0])+"]===array"+f+".shape[shapeIndex+"+Math.max(0,t.arrayBlockIndices[u])+"]"))}for(t.arrayArgs.length>1&&(e.push("if (!("+l.join(" && ")+")) throw new Error('cwise: Arrays do not all have the same dimensionality!')"),e.push("for(var shapeIndex=array"+t.arrayArgs[0]+".shape.length-"+Math.abs(t.arrayBlockIndices[0])+"; shapeIndex--\x3e0;) {"),e.push("if (!("+c.join(" && ")+")) throw new Error('cwise: Arrays do not all have the same shape!')"),e.push("}")),u=0;ue?1:t>=e?0:NaN}function r(t){var r;return 1===t.length&&(r=t,t=function(t,n){return e(r(t),n)}),{left:function(e,r,n,i){for(null==n&&(n=0),null==i&&(i=e.length);n>>1;t(e[a],r)<0?n=a+1:i=a}return n},right:function(e,r,n,i){for(null==n&&(n=0),null==i&&(i=e.length);n>>1;t(e[a],r)>0?i=a:n=a+1}return n}}}var n=r(e),i=n.right,a=n.left;function o(t,e){return[t,e]}function s(t){return null===t?NaN:+t}function l(t,e){var r,n,i=t.length,a=0,o=-1,l=0,c=0;if(null==e)for(;++o1)return c/(a-1)}function c(t,e){var r=l(t,e);return r?Math.sqrt(r):r}function u(t,e){var r,n,i,a=t.length,o=-1;if(null==e){for(;++o=r)for(n=i=r;++or&&(n=r),i=r)for(n=i=r;++or&&(n=r),i=0?(a>=v?10:a>=y?5:a>=x?2:1)*Math.pow(10,i):-Math.pow(10,-i)/(a>=v?10:a>=y?5:a>=x?2:1)}function _(t,e,r){var n=Math.abs(e-t)/Math.max(0,r),i=Math.pow(10,Math.floor(Math.log(n)/Math.LN10)),a=n/i;return a>=v?i*=10:a>=y?i*=5:a>=x&&(i*=2),e=1)return+r(t[n-1],n-1,t);var n,i=(n-1)*e,a=Math.floor(i),o=+r(t[a],a,t);return o+(+r(t[a+1],a+1,t)-o)*(i-a)}}function k(t,e){var r,n,i=t.length,a=-1;if(null==e){for(;++a=r)for(n=r;++ar&&(n=r)}else for(;++a=r)for(n=r;++ar&&(n=r);return n}function M(t){if(!(i=t.length))return[];for(var e=-1,r=k(t,A),n=new Array(r);++et?1:e>=t?0:NaN},t.deviation=c,t.extent=u,t.histogram=function(){var t=g,e=u,r=w;function n(n){var a,o,s=n.length,l=new Array(s);for(a=0;af;)h.pop(),--p;var d,g=new Array(p+1);for(a=0;a<=p;++a)(d=g[a]=[]).x0=a>0?h[a-1]:u,d.x1=a=r)for(n=r;++an&&(n=r)}else for(;++a=r)for(n=r;++an&&(n=r);return n},t.mean=function(t,e){var r,n=t.length,i=n,a=-1,o=0;if(null==e)for(;++a=0;)for(e=(n=t[i]).length;--e>=0;)r[--o]=n[e];return r},t.min=k,t.pairs=function(t,e){null==e&&(e=o);for(var r=0,n=t.length-1,i=t[0],a=new Array(n<0?0:n);r0)return[t];if((n=e0)for(t=Math.ceil(t/o),e=Math.floor(e/o),a=new Array(i=Math.ceil(e-t+1));++s=l.length)return null!=t&&n.sort(t),null!=e?e(n):n;for(var s,c,f,h=-1,p=n.length,d=l[i++],g=r(),m=a();++hl.length)return r;var i,a=c[n-1];return null!=e&&n>=l.length?i=r.entries():(i=[],r.each((function(e,r){i.push({key:r,values:t(e,n)})}))),null!=a?i.sort((function(t,e){return a(t.key,e.key)})):i}(u(t,0,a,o),0)},key:function(t){return l.push(t),s},sortKeys:function(t){return c[l.length-1]=t,s},sortValues:function(e){return t=e,s},rollup:function(t){return e=t,s}}},t.set=c,t.map=r,t.keys=function(t){var e=[];for(var r in t)e.push(r);return e},t.values=function(t){var e=[];for(var r in t)e.push(t[r]);return e},t.entries=function(t){var e=[];for(var r in t)e.push({key:r,value:t[r]});return e},Object.defineProperty(t,"__esModule",{value:!0})}))},{}],158:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?n(r):n((t=t||self).d3=t.d3||{})}(this,(function(t){"use strict";function e(t,e,r){t.prototype=e.prototype=r,r.constructor=t}function r(t,e){var r=Object.create(t.prototype);for(var n in e)r[n]=e[n];return r}function n(){}var i="\\s*([+-]?\\d+)\\s*",a="\\s*([+-]?\\d*\\.?\\d+(?:[eE][+-]?\\d+)?)\\s*",o="\\s*([+-]?\\d*\\.?\\d+(?:[eE][+-]?\\d+)?)%\\s*",s=/^#([0-9a-f]{3,8})$/,l=new RegExp("^rgb\\("+[i,i,i]+"\\)$"),c=new RegExp("^rgb\\("+[o,o,o]+"\\)$"),u=new RegExp("^rgba\\("+[i,i,i,a]+"\\)$"),f=new RegExp("^rgba\\("+[o,o,o,a]+"\\)$"),h=new RegExp("^hsl\\("+[a,o,o]+"\\)$"),p=new RegExp("^hsla\\("+[a,o,o,a]+"\\)$"),d={aliceblue:15792383,antiquewhite:16444375,aqua:65535,aquamarine:8388564,azure:15794175,beige:16119260,bisque:16770244,black:0,blanchedalmond:16772045,blue:255,blueviolet:9055202,brown:10824234,burlywood:14596231,cadetblue:6266528,chartreuse:8388352,chocolate:13789470,coral:16744272,cornflowerblue:6591981,cornsilk:16775388,crimson:14423100,cyan:65535,darkblue:139,darkcyan:35723,darkgoldenrod:12092939,darkgray:11119017,darkgreen:25600,darkgrey:11119017,darkkhaki:12433259,darkmagenta:9109643,darkolivegreen:5597999,darkorange:16747520,darkorchid:10040012,darkred:9109504,darksalmon:15308410,darkseagreen:9419919,darkslateblue:4734347,darkslategray:3100495,darkslategrey:3100495,darkturquoise:52945,darkviolet:9699539,deeppink:16716947,deepskyblue:49151,dimgray:6908265,dimgrey:6908265,dodgerblue:2003199,firebrick:11674146,floralwhite:16775920,forestgreen:2263842,fuchsia:16711935,gainsboro:14474460,ghostwhite:16316671,gold:16766720,goldenrod:14329120,gray:8421504,green:32768,greenyellow:11403055,grey:8421504,honeydew:15794160,hotpink:16738740,indianred:13458524,indigo:4915330,ivory:16777200,khaki:15787660,lavender:15132410,lavenderblush:16773365,lawngreen:8190976,lemonchiffon:16775885,lightblue:11393254,lightcoral:15761536,lightcyan:14745599,lightgoldenrodyellow:16448210,lightgray:13882323,lightgreen:9498256,lightgrey:13882323,lightpink:16758465,lightsalmon:16752762,lightseagreen:2142890,lightskyblue:8900346,lightslategray:7833753,lightslategrey:7833753,lightsteelblue:11584734,lightyellow:16777184,lime:65280,limegreen:3329330,linen:16445670,magenta:16711935,maroon:8388608,mediumaquamarine:6737322,mediumblue:205,mediumorchid:12211667,mediumpurple:9662683,mediumseagreen:3978097,mediumslateblue:8087790,mediumspringgreen:64154,mediumturquoise:4772300,mediumvioletred:13047173,midnightblue:1644912,mintcream:16121850,mistyrose:16770273,moccasin:16770229,navajowhite:16768685,navy:128,oldlace:16643558,olive:8421376,olivedrab:7048739,orange:16753920,orangered:16729344,orchid:14315734,palegoldenrod:15657130,palegreen:10025880,paleturquoise:11529966,palevioletred:14381203,papayawhip:16773077,peachpuff:16767673,peru:13468991,pink:16761035,plum:14524637,powderblue:11591910,purple:8388736,rebeccapurple:6697881,red:16711680,rosybrown:12357519,royalblue:4286945,saddlebrown:9127187,salmon:16416882,sandybrown:16032864,seagreen:3050327,seashell:16774638,sienna:10506797,silver:12632256,skyblue:8900331,slateblue:6970061,slategray:7372944,slategrey:7372944,snow:16775930,springgreen:65407,steelblue:4620980,tan:13808780,teal:32896,thistle:14204888,tomato:16737095,turquoise:4251856,violet:15631086,wheat:16113331,white:16777215,whitesmoke:16119285,yellow:16776960,yellowgreen:10145074};function g(){return this.rgb().formatHex()}function m(){return this.rgb().formatRgb()}function v(t){var e,r;return t=(t+"").trim().toLowerCase(),(e=s.exec(t))?(r=e[1].length,e=parseInt(e[1],16),6===r?y(e):3===r?new w(e>>8&15|e>>4&240,e>>4&15|240&e,(15&e)<<4|15&e,1):8===r?x(e>>24&255,e>>16&255,e>>8&255,(255&e)/255):4===r?x(e>>12&15|e>>8&240,e>>8&15|e>>4&240,e>>4&15|240&e,((15&e)<<4|15&e)/255):null):(e=l.exec(t))?new w(e[1],e[2],e[3],1):(e=c.exec(t))?new w(255*e[1]/100,255*e[2]/100,255*e[3]/100,1):(e=u.exec(t))?x(e[1],e[2],e[3],e[4]):(e=f.exec(t))?x(255*e[1]/100,255*e[2]/100,255*e[3]/100,e[4]):(e=h.exec(t))?A(e[1],e[2]/100,e[3]/100,1):(e=p.exec(t))?A(e[1],e[2]/100,e[3]/100,e[4]):d.hasOwnProperty(t)?y(d[t]):"transparent"===t?new w(NaN,NaN,NaN,0):null}function y(t){return new w(t>>16&255,t>>8&255,255&t,1)}function x(t,e,r,n){return n<=0&&(t=e=r=NaN),new w(t,e,r,n)}function b(t){return t instanceof n||(t=v(t)),t?new w((t=t.rgb()).r,t.g,t.b,t.opacity):new w}function _(t,e,r,n){return 1===arguments.length?b(t):new w(t,e,r,null==n?1:n)}function w(t,e,r,n){this.r=+t,this.g=+e,this.b=+r,this.opacity=+n}function T(){return"#"+M(this.r)+M(this.g)+M(this.b)}function k(){var t=this.opacity;return(1===(t=isNaN(t)?1:Math.max(0,Math.min(1,t)))?"rgb(":"rgba(")+Math.max(0,Math.min(255,Math.round(this.r)||0))+", "+Math.max(0,Math.min(255,Math.round(this.g)||0))+", "+Math.max(0,Math.min(255,Math.round(this.b)||0))+(1===t?")":", "+t+")")}function M(t){return((t=Math.max(0,Math.min(255,Math.round(t)||0)))<16?"0":"")+t.toString(16)}function A(t,e,r,n){return n<=0?t=e=r=NaN:r<=0||r>=1?t=e=NaN:e<=0&&(t=NaN),new C(t,e,r,n)}function S(t){if(t instanceof C)return new C(t.h,t.s,t.l,t.opacity);if(t instanceof n||(t=v(t)),!t)return new C;if(t instanceof C)return t;var e=(t=t.rgb()).r/255,r=t.g/255,i=t.b/255,a=Math.min(e,r,i),o=Math.max(e,r,i),s=NaN,l=o-a,c=(o+a)/2;return l?(s=e===o?(r-i)/l+6*(r0&&c<1?0:s,new C(s,l,c,t.opacity)}function E(t,e,r,n){return 1===arguments.length?S(t):new C(t,e,r,null==n?1:n)}function C(t,e,r,n){this.h=+t,this.s=+e,this.l=+r,this.opacity=+n}function L(t,e,r){return 255*(t<60?e+(r-e)*t/60:t<180?r:t<240?e+(r-e)*(240-t)/60:e)}e(n,v,{copy:function(t){return Object.assign(new this.constructor,this,t)},displayable:function(){return this.rgb().displayable()},hex:g,formatHex:g,formatHsl:function(){return S(this).formatHsl()},formatRgb:m,toString:m}),e(w,_,r(n,{brighter:function(t){return t=null==t?1/.7:Math.pow(1/.7,t),new w(this.r*t,this.g*t,this.b*t,this.opacity)},darker:function(t){return t=null==t?.7:Math.pow(.7,t),new w(this.r*t,this.g*t,this.b*t,this.opacity)},rgb:function(){return this},displayable:function(){return-.5<=this.r&&this.r<255.5&&-.5<=this.g&&this.g<255.5&&-.5<=this.b&&this.b<255.5&&0<=this.opacity&&this.opacity<=1},hex:T,formatHex:T,formatRgb:k,toString:k})),e(C,E,r(n,{brighter:function(t){return t=null==t?1/.7:Math.pow(1/.7,t),new C(this.h,this.s,this.l*t,this.opacity)},darker:function(t){return t=null==t?.7:Math.pow(.7,t),new C(this.h,this.s,this.l*t,this.opacity)},rgb:function(){var t=this.h%360+360*(this.h<0),e=isNaN(t)||isNaN(this.s)?0:this.s,r=this.l,n=r+(r<.5?r:1-r)*e,i=2*r-n;return new w(L(t>=240?t-240:t+120,i,n),L(t,i,n),L(t<120?t+240:t-120,i,n),this.opacity)},displayable:function(){return(0<=this.s&&this.s<=1||isNaN(this.s))&&0<=this.l&&this.l<=1&&0<=this.opacity&&this.opacity<=1},formatHsl:function(){var t=this.opacity;return(1===(t=isNaN(t)?1:Math.max(0,Math.min(1,t)))?"hsl(":"hsla(")+(this.h||0)+", "+100*(this.s||0)+"%, "+100*(this.l||0)+"%"+(1===t?")":", "+t+")")}}));var I=Math.PI/180,P=180/Math.PI,z=6/29,O=3*z*z;function D(t){if(t instanceof F)return new F(t.l,t.a,t.b,t.opacity);if(t instanceof H)return G(t);t instanceof w||(t=b(t));var e,r,n=U(t.r),i=U(t.g),a=U(t.b),o=B((.2225045*n+.7168786*i+.0606169*a)/1);return n===i&&i===a?e=r=o:(e=B((.4360747*n+.3850649*i+.1430804*a)/.96422),r=B((.0139322*n+.0971045*i+.7141733*a)/.82521)),new F(116*o-16,500*(e-o),200*(o-r),t.opacity)}function R(t,e,r,n){return 1===arguments.length?D(t):new F(t,e,r,null==n?1:n)}function F(t,e,r,n){this.l=+t,this.a=+e,this.b=+r,this.opacity=+n}function B(t){return t>.008856451679035631?Math.pow(t,1/3):t/O+4/29}function N(t){return t>z?t*t*t:O*(t-4/29)}function j(t){return 255*(t<=.0031308?12.92*t:1.055*Math.pow(t,1/2.4)-.055)}function U(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function V(t){if(t instanceof H)return new H(t.h,t.c,t.l,t.opacity);if(t instanceof F||(t=D(t)),0===t.a&&0===t.b)return new H(NaN,0=0&&(r=t.slice(n+1),t=t.slice(0,n)),t&&!e.hasOwnProperty(t))throw new Error("unknown type: "+t);return{type:t,name:r}}))}function a(t,e){for(var r,n=0,i=t.length;n0)for(var r,n,i=new Array(r),a=0;ah+c||np+c||au.index){var f=h-s.x-s.vx,m=p-s.y-s.vy,v=f*f+m*m;vt.r&&(t.r=t[e].r)}function h(){if(r){var e,i,a=r.length;for(n=new Array(a),e=0;e=c)){(t.data!==r||t.next)&&(0===f&&(d+=(f=o())*f),0===h&&(d+=(h=o())*h),d1?(null==r?u.remove(t):u.set(t,v(r)),e):u.get(t)},find:function(e,r,n){var i,a,o,s,l,c=0,u=t.length;for(null==n?n=1/0:n*=n,c=0;c1?(h.on(t,r),e):h.on(t)}}},t.forceX=function(t){var e,r,n,i=a(.1);function o(t){for(var i,a=0,o=e.length;a=0;)e+=r[n].value;else e=1;t.value=e}function a(t,e){var r,n,i,a,s,u=new c(t),f=+t.value&&(u.value=t.value),h=[u];for(null==e&&(e=o);r=h.pop();)if(f&&(r.value=+r.data.value),(i=e(r.data))&&(s=i.length))for(r.children=new Array(s),a=s-1;a>=0;--a)h.push(n=r.children[a]=new c(i[a])),n.parent=r,n.depth=r.depth+1;return u.eachBefore(l)}function o(t){return t.children}function s(t){t.data=t.data.data}function l(t){var e=0;do{t.height=e}while((t=t.parent)&&t.height<++e)}function c(t){this.data=t,this.depth=this.height=0,this.parent=null}c.prototype=a.prototype={constructor:c,count:function(){return this.eachAfter(i)},each:function(t){var e,r,n,i,a=this,o=[a];do{for(e=o.reverse(),o=[];a=e.pop();)if(t(a),r=a.children)for(n=0,i=r.length;n=0;--r)i.push(e[r]);return this},sum:function(t){return this.eachAfter((function(e){for(var r=+t(e.data)||0,n=e.children,i=n&&n.length;--i>=0;)r+=n[i].value;e.value=r}))},sort:function(t){return this.eachBefore((function(e){e.children&&e.children.sort(t)}))},path:function(t){for(var e=this,r=function(t,e){if(t===e)return t;var r=t.ancestors(),n=e.ancestors(),i=null;t=r.pop(),e=n.pop();for(;t===e;)i=t,t=r.pop(),e=n.pop();return i}(e,t),n=[e];e!==r;)e=e.parent,n.push(e);for(var i=n.length;t!==r;)n.splice(i,0,t),t=t.parent;return n},ancestors:function(){for(var t=this,e=[t];t=t.parent;)e.push(t);return e},descendants:function(){var t=[];return this.each((function(e){t.push(e)})),t},leaves:function(){var t=[];return this.eachBefore((function(e){e.children||t.push(e)})),t},links:function(){var t=this,e=[];return t.each((function(r){r!==t&&e.push({source:r.parent,target:r})})),e},copy:function(){return a(this).eachBefore(s)}};var u=Array.prototype.slice;function f(t){for(var e,r,n=0,i=(t=function(t){for(var e,r,n=t.length;n;)r=Math.random()*n--|0,e=t[n],t[n]=t[r],t[r]=e;return t}(u.call(t))).length,a=[];n0&&r*r>n*n+i*i}function g(t,e){for(var r=0;r(o*=o)?(n=(c+o-i)/(2*c),a=Math.sqrt(Math.max(0,o/c-n*n)),r.x=t.x-n*s-a*l,r.y=t.y-n*l+a*s):(n=(c+i-o)/(2*c),a=Math.sqrt(Math.max(0,i/c-n*n)),r.x=e.x+n*s-a*l,r.y=e.y+n*l+a*s)):(r.x=e.x+r.r,r.y=e.y)}function b(t,e){var r=t.r+e.r-1e-6,n=e.x-t.x,i=e.y-t.y;return r>0&&r*r>n*n+i*i}function _(t){var e=t._,r=t.next._,n=e.r+r.r,i=(e.x*r.r+r.x*e.r)/n,a=(e.y*r.r+r.y*e.r)/n;return i*i+a*a}function w(t){this._=t,this.next=null,this.previous=null}function T(t){if(!(i=t.length))return 0;var e,r,n,i,a,o,s,l,c,u,h;if((e=t[0]).x=0,e.y=0,!(i>1))return e.r;if(r=t[1],e.x=-r.r,r.x=e.r,r.y=0,!(i>2))return e.r+r.r;x(r,e,n=t[2]),e=new w(e),r=new w(r),n=new w(n),e.next=n.previous=r,r.next=e.previous=n,n.next=r.previous=e;t:for(s=3;sh&&(h=s),m=u*u*g,(p=Math.max(h/m,m/f))>d){u-=s;break}d=p}v.push(o={value:u,dice:l1?e:1)},r}(G);var X=function t(e){function r(t,r,n,i,a){if((o=t._squarify)&&o.ratio===e)for(var o,s,l,c,u,f=-1,h=o.length,p=t.value;++f1?e:1)},r}(G);t.cluster=function(){var t=e,i=1,a=1,o=!1;function s(e){var s,l=0;e.eachAfter((function(e){var i=e.children;i?(e.x=function(t){return t.reduce(r,0)/t.length}(i),e.y=function(t){return 1+t.reduce(n,0)}(i)):(e.x=s?l+=t(e,s):0,e.y=0,s=e)}));var c=function(t){for(var e;e=t.children;)t=e[0];return t}(e),u=function(t){for(var e;e=t.children;)t=e[e.length-1];return t}(e),f=c.x-t(c,u)/2,h=u.x+t(u,c)/2;return e.eachAfter(o?function(t){t.x=(t.x-e.x)*i,t.y=(e.y-t.y)*a}:function(t){t.x=(t.x-f)/(h-f)*i,t.y=(1-(e.y?t.y/e.y:1))*a})}return s.separation=function(e){return arguments.length?(t=e,s):t},s.size=function(t){return arguments.length?(o=!1,i=+t[0],a=+t[1],s):o?null:[i,a]},s.nodeSize=function(t){return arguments.length?(o=!0,i=+t[0],a=+t[1],s):o?[i,a]:null},s},t.hierarchy=a,t.pack=function(){var t=null,e=1,r=1,n=A;function i(i){return i.x=e/2,i.y=r/2,t?i.eachBefore(C(t)).eachAfter(L(n,.5)).eachBefore(I(1)):i.eachBefore(C(E)).eachAfter(L(A,1)).eachAfter(L(n,i.r/Math.min(e,r))).eachBefore(I(Math.min(e,r)/(2*i.r))),i}return i.radius=function(e){return arguments.length?(t=k(e),i):t},i.size=function(t){return arguments.length?(e=+t[0],r=+t[1],i):[e,r]},i.padding=function(t){return arguments.length?(n="function"==typeof t?t:S(+t),i):n},i},t.packEnclose=f,t.packSiblings=function(t){return T(t),t},t.partition=function(){var t=1,e=1,r=0,n=!1;function i(i){var a=i.height+1;return i.x0=i.y0=r,i.x1=t,i.y1=e/a,i.eachBefore(function(t,e){return function(n){n.children&&z(n,n.x0,t*(n.depth+1)/e,n.x1,t*(n.depth+2)/e);var i=n.x0,a=n.y0,o=n.x1-r,s=n.y1-r;o0)throw new Error("cycle");return a}return r.id=function(e){return arguments.length?(t=M(e),r):t},r.parentId=function(t){return arguments.length?(e=M(t),r):e},r},t.tree=function(){var t=B,e=1,r=1,n=null;function i(i){var l=function(t){for(var e,r,n,i,a,o=new q(t,0),s=[o];e=s.pop();)if(n=e._.children)for(e.children=new Array(a=n.length),i=a-1;i>=0;--i)s.push(r=e.children[i]=new q(n[i],i)),r.parent=e;return(o.parent=new q(null,0)).children=[o],o}(i);if(l.eachAfter(a),l.parent.m=-l.z,l.eachBefore(o),n)i.eachBefore(s);else{var c=i,u=i,f=i;i.eachBefore((function(t){t.xu.x&&(u=t),t.depth>f.depth&&(f=t)}));var h=c===u?1:t(c,u)/2,p=h-c.x,d=e/(u.x+h+p),g=r/(f.depth||1);i.eachBefore((function(t){t.x=(t.x+p)*d,t.y=t.depth*g}))}return i}function a(e){var r=e.children,n=e.parent.children,i=e.i?n[e.i-1]:null;if(r){!function(t){for(var e,r=0,n=0,i=t.children,a=i.length;--a>=0;)(e=i[a]).z+=r,e.m+=r,r+=e.s+(n+=e.c)}(e);var a=(r[0].z+r[r.length-1].z)/2;i?(e.z=i.z+t(e._,i._),e.m=e.z-a):e.z=a}else i&&(e.z=i.z+t(e._,i._));e.parent.A=function(e,r,n){if(r){for(var i,a=e,o=e,s=r,l=a.parent.children[0],c=a.m,u=o.m,f=s.m,h=l.m;s=j(s),a=N(a),s&&a;)l=N(l),(o=j(o)).a=e,(i=s.z+f-a.z-c+t(s._,a._))>0&&(U(V(s,e,n),e,i),c+=i,u+=i),f+=s.m,c+=a.m,h+=l.m,u+=o.m;s&&!j(o)&&(o.t=s,o.m+=f-u),a&&!N(l)&&(l.t=a,l.m+=c-h,n=e)}return n}(e,i,e.parent.A||n[0])}function o(t){t._.x=t.z+t.parent.m,t.m+=t.parent.m}function s(t){t.x*=e,t.y=t.depth*r}return i.separation=function(e){return arguments.length?(t=e,i):t},i.size=function(t){return arguments.length?(n=!1,e=+t[0],r=+t[1],i):n?null:[e,r]},i.nodeSize=function(t){return arguments.length?(n=!0,e=+t[0],r=+t[1],i):n?[e,r]:null},i},t.treemap=function(){var t=W,e=!1,r=1,n=1,i=[0],a=A,o=A,s=A,l=A,c=A;function u(t){return t.x0=t.y0=0,t.x1=r,t.y1=n,t.eachBefore(f),i=[0],e&&t.eachBefore(P),t}function f(e){var r=i[e.depth],n=e.x0+r,u=e.y0+r,f=e.x1-r,h=e.y1-r;f=r-1){var u=s[e];return u.x0=i,u.y0=a,u.x1=o,void(u.y1=l)}var f=c[e],h=n/2+f,p=e+1,d=r-1;for(;p>>1;c[g]l-a){var y=(i*v+o*m)/n;t(e,p,m,i,a,y,l),t(p,r,v,y,a,o,l)}else{var x=(a*v+l*m)/n;t(e,p,m,i,a,o,x),t(p,r,v,i,x,o,l)}}(0,l,t.value,e,r,n,i)},t.treemapDice=z,t.treemapResquarify=X,t.treemapSlice=H,t.treemapSliceDice=function(t,e,r,n,i){(1&t.depth?H:z)(t,e,r,n,i)},t.treemapSquarify=W,Object.defineProperty(t,"__esModule",{value:!0})}))},{}],162:[function(t,e,r){!function(n,i){"object"==typeof r&&"undefined"!=typeof e?i(r,t("d3-color")):i((n=n||self).d3=n.d3||{},n.d3)}(this,(function(t,e){"use strict";function r(t,e,r,n,i){var a=t*t,o=a*t;return((1-3*t+3*a-o)*e+(4-6*a+3*o)*r+(1+3*t+3*a-3*o)*n+o*i)/6}function n(t){var e=t.length-1;return function(n){var i=n<=0?n=0:n>=1?(n=1,e-1):Math.floor(n*e),a=t[i],o=t[i+1],s=i>0?t[i-1]:2*a-o,l=i180||r<-180?r-360*Math.round(r/360):r):a(isNaN(t)?e:t)}function l(t){return 1==(t=+t)?c:function(e,r){return r-e?function(t,e,r){return t=Math.pow(t,r),e=Math.pow(e,r)-t,r=1/r,function(n){return Math.pow(t+n*e,r)}}(e,r,t):a(isNaN(e)?r:e)}}function c(t,e){var r=e-t;return r?o(t,r):a(isNaN(t)?e:t)}var u=function t(r){var n=l(r);function i(t,r){var i=n((t=e.rgb(t)).r,(r=e.rgb(r)).r),a=n(t.g,r.g),o=n(t.b,r.b),s=c(t.opacity,r.opacity);return function(e){return t.r=i(e),t.g=a(e),t.b=o(e),t.opacity=s(e),t+""}}return i.gamma=t,i}(1);function f(t){return function(r){var n,i,a=r.length,o=new Array(a),s=new Array(a),l=new Array(a);for(n=0;na&&(i=e.slice(a,i),s[o]?s[o]+=i:s[++o]=i),(r=r[0])===(n=n[0])?s[o]?s[o]+=n:s[++o]=n:(s[++o]=null,l.push({i:o,x:y(r,n)})),a=_.lastIndex;return a180?e+=360:e-t>180&&(t+=360),a.push({i:r.push(i(r)+"rotate(",null,n)-2,x:y(t,e)})):e&&r.push(i(r)+"rotate("+e+n)}(a.rotate,o.rotate,s,l),function(t,e,r,a){t!==e?a.push({i:r.push(i(r)+"skewX(",null,n)-2,x:y(t,e)}):e&&r.push(i(r)+"skewX("+e+n)}(a.skewX,o.skewX,s,l),function(t,e,r,n,a,o){if(t!==r||e!==n){var s=a.push(i(a)+"scale(",null,",",null,")");o.push({i:s-4,x:y(t,r)},{i:s-2,x:y(e,n)})}else 1===r&&1===n||a.push(i(a)+"scale("+r+","+n+")")}(a.scaleX,a.scaleY,o.scaleX,o.scaleY,s,l),a=o=null,function(t){for(var e,r=-1,n=l.length;++r1e-6)if(Math.abs(f*l-c*u)>1e-6&&a){var p=n-o,d=i-s,g=l*l+c*c,m=p*p+d*d,v=Math.sqrt(g),y=Math.sqrt(h),x=a*Math.tan((e-Math.acos((g+h-m)/(2*v*y)))/2),b=x/y,_=x/v;Math.abs(b-1)>1e-6&&(this._+="L"+(t+b*u)+","+(r+b*f)),this._+="A"+a+","+a+",0,0,"+ +(f*p>u*d)+","+(this._x1=t+_*l)+","+(this._y1=r+_*c)}else this._+="L"+(this._x1=t)+","+(this._y1=r);else;},arc:function(t,i,a,o,s,l){t=+t,i=+i,l=!!l;var c=(a=+a)*Math.cos(o),u=a*Math.sin(o),f=t+c,h=i+u,p=1^l,d=l?o-s:s-o;if(a<0)throw new Error("negative radius: "+a);null===this._x1?this._+="M"+f+","+h:(Math.abs(this._x1-f)>1e-6||Math.abs(this._y1-h)>1e-6)&&(this._+="L"+f+","+h),a&&(d<0&&(d=d%r+r),d>n?this._+="A"+a+","+a+",0,1,"+p+","+(t-c)+","+(i-u)+"A"+a+","+a+",0,1,"+p+","+(this._x1=f)+","+(this._y1=h):d>1e-6&&(this._+="A"+a+","+a+",0,"+ +(d>=e)+","+p+","+(this._x1=t+a*Math.cos(s))+","+(this._y1=i+a*Math.sin(s))))},rect:function(t,e,r,n){this._+="M"+(this._x0=this._x1=+t)+","+(this._y0=this._y1=+e)+"h"+ +r+"v"+ +n+"h"+-r+"Z"},toString:function(){return this._}},t.path=a,Object.defineProperty(t,"__esModule",{value:!0})}))},{}],164:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?n(r):n((t=t||self).d3=t.d3||{})}(this,(function(t){"use strict";function e(t,e,r,n){if(isNaN(e)||isNaN(r))return t;var i,a,o,s,l,c,u,f,h,p=t._root,d={data:n},g=t._x0,m=t._y0,v=t._x1,y=t._y1;if(!p)return t._root=d,t;for(;p.length;)if((c=e>=(a=(g+v)/2))?g=a:v=a,(u=r>=(o=(m+y)/2))?m=o:y=o,i=p,!(p=p[f=u<<1|c]))return i[f]=d,t;if(s=+t._x.call(null,p.data),l=+t._y.call(null,p.data),e===s&&r===l)return d.next=p,i?i[f]=d:t._root=d,t;do{i=i?i[f]=new Array(4):t._root=new Array(4),(c=e>=(a=(g+v)/2))?g=a:v=a,(u=r>=(o=(m+y)/2))?m=o:y=o}while((f=u<<1|c)==(h=(l>=o)<<1|s>=a));return i[h]=p,i[f]=d,t}function r(t,e,r,n,i){this.node=t,this.x0=e,this.y0=r,this.x1=n,this.y1=i}function n(t){return t[0]}function i(t){return t[1]}function a(t,e,r){var a=new o(null==e?n:e,null==r?i:r,NaN,NaN,NaN,NaN);return null==t?a:a.addAll(t)}function o(t,e,r,n,i,a){this._x=t,this._y=e,this._x0=r,this._y0=n,this._x1=i,this._y1=a,this._root=void 0}function s(t){for(var e={data:t.data},r=e;t=t.next;)r=r.next={data:t.data};return e}var l=a.prototype=o.prototype;l.copy=function(){var t,e,r=new o(this._x,this._y,this._x0,this._y0,this._x1,this._y1),n=this._root;if(!n)return r;if(!n.length)return r._root=s(n),r;for(t=[{source:n,target:r._root=new Array(4)}];n=t.pop();)for(var i=0;i<4;++i)(e=n.source[i])&&(e.length?t.push({source:e,target:n.target[i]=new Array(4)}):n.target[i]=s(e));return r},l.add=function(t){var r=+this._x.call(null,t),n=+this._y.call(null,t);return e(this.cover(r,n),r,n,t)},l.addAll=function(t){var r,n,i,a,o=t.length,s=new Array(o),l=new Array(o),c=1/0,u=1/0,f=-1/0,h=-1/0;for(n=0;nf&&(f=i),ah&&(h=a));if(c>f||u>h)return this;for(this.cover(c,u).cover(f,h),n=0;nt||t>=i||n>e||e>=a;)switch(s=(ep||(o=c.y0)>d||(s=c.x1)=y)<<1|t>=v)&&(c=g[g.length-1],g[g.length-1]=g[g.length-1-u],g[g.length-1-u]=c)}else{var x=t-+this._x.call(null,m.data),b=e-+this._y.call(null,m.data),_=x*x+b*b;if(_=(s=(d+m)/2))?d=s:m=s,(u=o>=(l=(g+v)/2))?g=l:v=l,e=p,!(p=p[f=u<<1|c]))return this;if(!p.length)break;(e[f+1&3]||e[f+2&3]||e[f+3&3])&&(r=e,h=f)}for(;p.data!==t;)if(n=p,!(p=p.next))return this;return(i=p.next)&&delete p.next,n?(i?n.next=i:delete n.next,this):e?(i?e[f]=i:delete e[f],(p=e[0]||e[1]||e[2]||e[3])&&p===(e[3]||e[2]||e[1]||e[0])&&!p.length&&(r?r[h]=p:this._root=p),this):(this._root=i,this)},l.removeAll=function(t){for(var e=0,r=t.length;e1?0:t<-1?u:Math.acos(t)}function d(t){return t>=1?f:t<=-1?-f:Math.asin(t)}function g(t){return t.innerRadius}function m(t){return t.outerRadius}function v(t){return t.startAngle}function y(t){return t.endAngle}function x(t){return t&&t.padAngle}function b(t,e,r,n,i,a,o,s){var l=r-t,c=n-e,u=o-i,f=s-a,h=f*l-u*c;if(!(h*h<1e-12))return[t+(h=(u*(e-a)-f*(t-i))/h)*l,e+h*c]}function _(t,e,r,n,i,a,s){var l=t-r,u=e-n,f=(s?a:-a)/c(l*l+u*u),h=f*u,p=-f*l,d=t+h,g=e+p,m=r+h,v=n+p,y=(d+m)/2,x=(g+v)/2,b=m-d,_=v-g,w=b*b+_*_,T=i-a,k=d*v-m*g,M=(_<0?-1:1)*c(o(0,T*T*w-k*k)),A=(k*_-b*M)/w,S=(-k*b-_*M)/w,E=(k*_+b*M)/w,C=(-k*b+_*M)/w,L=A-y,I=S-x,P=E-y,z=C-x;return L*L+I*I>P*P+z*z&&(A=E,S=C),{cx:A,cy:S,x01:-h,y01:-p,x11:A*(i/T-1),y11:S*(i/T-1)}}function w(t){this._context=t}function T(t){return new w(t)}function k(t){return t[0]}function M(t){return t[1]}function A(){var t=k,n=M,i=r(!0),a=null,o=T,s=null;function l(r){var l,c,u,f=r.length,h=!1;for(null==a&&(s=o(u=e.path())),l=0;l<=f;++l)!(l=f;--h)c.point(v[h],y[h]);c.lineEnd(),c.areaEnd()}m&&(v[u]=+t(p,u,r),y[u]=+i(p,u,r),c.point(n?+n(p,u,r):v[u],a?+a(p,u,r):y[u]))}if(d)return c=null,d+""||null}function f(){return A().defined(o).curve(l).context(s)}return u.x=function(e){return arguments.length?(t="function"==typeof e?e:r(+e),n=null,u):t},u.x0=function(e){return arguments.length?(t="function"==typeof e?e:r(+e),u):t},u.x1=function(t){return arguments.length?(n=null==t?null:"function"==typeof t?t:r(+t),u):n},u.y=function(t){return arguments.length?(i="function"==typeof t?t:r(+t),a=null,u):i},u.y0=function(t){return arguments.length?(i="function"==typeof t?t:r(+t),u):i},u.y1=function(t){return arguments.length?(a=null==t?null:"function"==typeof t?t:r(+t),u):a},u.lineX0=u.lineY0=function(){return f().x(t).y(i)},u.lineY1=function(){return f().x(t).y(a)},u.lineX1=function(){return f().x(n).y(i)},u.defined=function(t){return arguments.length?(o="function"==typeof t?t:r(!!t),u):o},u.curve=function(t){return arguments.length?(l=t,null!=s&&(c=l(s)),u):l},u.context=function(t){return arguments.length?(null==t?s=c=null:c=l(s=t),u):s},u}function E(t,e){return et?1:e>=t?0:NaN}function C(t){return t}w.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._point=0},lineEnd:function(){(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;default:this._context.lineTo(t,e)}}};var L=P(T);function I(t){this._curve=t}function P(t){function e(e){return new I(t(e))}return e._curve=t,e}function z(t){var e=t.curve;return t.angle=t.x,delete t.x,t.radius=t.y,delete t.y,t.curve=function(t){return arguments.length?e(P(t)):e()._curve},t}function O(){return z(A().curve(L))}function D(){var t=S().curve(L),e=t.curve,r=t.lineX0,n=t.lineX1,i=t.lineY0,a=t.lineY1;return t.angle=t.x,delete t.x,t.startAngle=t.x0,delete t.x0,t.endAngle=t.x1,delete t.x1,t.radius=t.y,delete t.y,t.innerRadius=t.y0,delete t.y0,t.outerRadius=t.y1,delete t.y1,t.lineStartAngle=function(){return z(r())},delete t.lineX0,t.lineEndAngle=function(){return z(n())},delete t.lineX1,t.lineInnerRadius=function(){return z(i())},delete t.lineY0,t.lineOuterRadius=function(){return z(a())},delete t.lineY1,t.curve=function(t){return arguments.length?e(P(t)):e()._curve},t}function R(t,e){return[(e=+e)*Math.cos(t-=Math.PI/2),e*Math.sin(t)]}I.prototype={areaStart:function(){this._curve.areaStart()},areaEnd:function(){this._curve.areaEnd()},lineStart:function(){this._curve.lineStart()},lineEnd:function(){this._curve.lineEnd()},point:function(t,e){this._curve.point(e*Math.sin(t),e*-Math.cos(t))}};var F=Array.prototype.slice;function B(t){return t.source}function N(t){return t.target}function j(t){var n=B,i=N,a=k,o=M,s=null;function l(){var r,l=F.call(arguments),c=n.apply(this,l),u=i.apply(this,l);if(s||(s=r=e.path()),t(s,+a.apply(this,(l[0]=c,l)),+o.apply(this,l),+a.apply(this,(l[0]=u,l)),+o.apply(this,l)),r)return s=null,r+""||null}return l.source=function(t){return arguments.length?(n=t,l):n},l.target=function(t){return arguments.length?(i=t,l):i},l.x=function(t){return arguments.length?(a="function"==typeof t?t:r(+t),l):a},l.y=function(t){return arguments.length?(o="function"==typeof t?t:r(+t),l):o},l.context=function(t){return arguments.length?(s=null==t?null:t,l):s},l}function U(t,e,r,n,i){t.moveTo(e,r),t.bezierCurveTo(e=(e+n)/2,r,e,i,n,i)}function V(t,e,r,n,i){t.moveTo(e,r),t.bezierCurveTo(e,r=(r+i)/2,n,r,n,i)}function q(t,e,r,n,i){var a=R(e,r),o=R(e,r=(r+i)/2),s=R(n,r),l=R(n,i);t.moveTo(a[0],a[1]),t.bezierCurveTo(o[0],o[1],s[0],s[1],l[0],l[1])}var H={draw:function(t,e){var r=Math.sqrt(e/u);t.moveTo(r,0),t.arc(0,0,r,0,h)}},G={draw:function(t,e){var r=Math.sqrt(e/5)/2;t.moveTo(-3*r,-r),t.lineTo(-r,-r),t.lineTo(-r,-3*r),t.lineTo(r,-3*r),t.lineTo(r,-r),t.lineTo(3*r,-r),t.lineTo(3*r,r),t.lineTo(r,r),t.lineTo(r,3*r),t.lineTo(-r,3*r),t.lineTo(-r,r),t.lineTo(-3*r,r),t.closePath()}},Y=Math.sqrt(1/3),W=2*Y,X={draw:function(t,e){var r=Math.sqrt(e/W),n=r*Y;t.moveTo(0,-r),t.lineTo(n,0),t.lineTo(0,r),t.lineTo(-n,0),t.closePath()}},Z=Math.sin(u/10)/Math.sin(7*u/10),J=Math.sin(h/10)*Z,K=-Math.cos(h/10)*Z,Q={draw:function(t,e){var r=Math.sqrt(.8908130915292852*e),n=J*r,i=K*r;t.moveTo(0,-r),t.lineTo(n,i);for(var a=1;a<5;++a){var o=h*a/5,s=Math.cos(o),l=Math.sin(o);t.lineTo(l*r,-s*r),t.lineTo(s*n-l*i,l*n+s*i)}t.closePath()}},$={draw:function(t,e){var r=Math.sqrt(e),n=-r/2;t.rect(n,n,r,r)}},tt=Math.sqrt(3),et={draw:function(t,e){var r=-Math.sqrt(e/(3*tt));t.moveTo(0,2*r),t.lineTo(-tt*r,-r),t.lineTo(tt*r,-r),t.closePath()}},rt=-.5,nt=Math.sqrt(3)/2,it=1/Math.sqrt(12),at=3*(it/2+1),ot={draw:function(t,e){var r=Math.sqrt(e/at),n=r/2,i=r*it,a=n,o=r*it+r,s=-a,l=o;t.moveTo(n,i),t.lineTo(a,o),t.lineTo(s,l),t.lineTo(rt*n-nt*i,nt*n+rt*i),t.lineTo(rt*a-nt*o,nt*a+rt*o),t.lineTo(rt*s-nt*l,nt*s+rt*l),t.lineTo(rt*n+nt*i,rt*i-nt*n),t.lineTo(rt*a+nt*o,rt*o-nt*a),t.lineTo(rt*s+nt*l,rt*l-nt*s),t.closePath()}},st=[H,G,X,$,Q,et,ot];function lt(){}function ct(t,e,r){t._context.bezierCurveTo((2*t._x0+t._x1)/3,(2*t._y0+t._y1)/3,(t._x0+2*t._x1)/3,(t._y0+2*t._y1)/3,(t._x0+4*t._x1+e)/6,(t._y0+4*t._y1+r)/6)}function ut(t){this._context=t}function ft(t){this._context=t}function ht(t){this._context=t}function pt(t,e){this._basis=new ut(t),this._beta=e}ut.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._y0=this._y1=NaN,this._point=0},lineEnd:function(){switch(this._point){case 3:ct(this,this._x1,this._y1);case 2:this._context.lineTo(this._x1,this._y1)}(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;break;case 2:this._point=3,this._context.lineTo((5*this._x0+this._x1)/6,(5*this._y0+this._y1)/6);default:ct(this,t,e)}this._x0=this._x1,this._x1=t,this._y0=this._y1,this._y1=e}},ft.prototype={areaStart:lt,areaEnd:lt,lineStart:function(){this._x0=this._x1=this._x2=this._x3=this._x4=this._y0=this._y1=this._y2=this._y3=this._y4=NaN,this._point=0},lineEnd:function(){switch(this._point){case 1:this._context.moveTo(this._x2,this._y2),this._context.closePath();break;case 2:this._context.moveTo((this._x2+2*this._x3)/3,(this._y2+2*this._y3)/3),this._context.lineTo((this._x3+2*this._x2)/3,(this._y3+2*this._y2)/3),this._context.closePath();break;case 3:this.point(this._x2,this._y2),this.point(this._x3,this._y3),this.point(this._x4,this._y4)}},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._x2=t,this._y2=e;break;case 1:this._point=2,this._x3=t,this._y3=e;break;case 2:this._point=3,this._x4=t,this._y4=e,this._context.moveTo((this._x0+4*this._x1+t)/6,(this._y0+4*this._y1+e)/6);break;default:ct(this,t,e)}this._x0=this._x1,this._x1=t,this._y0=this._y1,this._y1=e}},ht.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._y0=this._y1=NaN,this._point=0},lineEnd:function(){(this._line||0!==this._line&&3===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1;break;case 1:this._point=2;break;case 2:this._point=3;var r=(this._x0+4*this._x1+t)/6,n=(this._y0+4*this._y1+e)/6;this._line?this._context.lineTo(r,n):this._context.moveTo(r,n);break;case 3:this._point=4;default:ct(this,t,e)}this._x0=this._x1,this._x1=t,this._y0=this._y1,this._y1=e}},pt.prototype={lineStart:function(){this._x=[],this._y=[],this._basis.lineStart()},lineEnd:function(){var t=this._x,e=this._y,r=t.length-1;if(r>0)for(var n,i=t[0],a=e[0],o=t[r]-i,s=e[r]-a,l=-1;++l<=r;)n=l/r,this._basis.point(this._beta*t[l]+(1-this._beta)*(i+n*o),this._beta*e[l]+(1-this._beta)*(a+n*s));this._x=this._y=null,this._basis.lineEnd()},point:function(t,e){this._x.push(+t),this._y.push(+e)}};var dt=function t(e){function r(t){return 1===e?new ut(t):new pt(t,e)}return r.beta=function(e){return t(+e)},r}(.85);function gt(t,e,r){t._context.bezierCurveTo(t._x1+t._k*(t._x2-t._x0),t._y1+t._k*(t._y2-t._y0),t._x2+t._k*(t._x1-e),t._y2+t._k*(t._y1-r),t._x2,t._y2)}function mt(t,e){this._context=t,this._k=(1-e)/6}mt.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._point=0},lineEnd:function(){switch(this._point){case 2:this._context.lineTo(this._x2,this._y2);break;case 3:gt(this,this._x1,this._y1)}(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2,this._x1=t,this._y1=e;break;case 2:this._point=3;default:gt(this,t,e)}this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var vt=function t(e){function r(t){return new mt(t,e)}return r.tension=function(e){return t(+e)},r}(0);function yt(t,e){this._context=t,this._k=(1-e)/6}yt.prototype={areaStart:lt,areaEnd:lt,lineStart:function(){this._x0=this._x1=this._x2=this._x3=this._x4=this._x5=this._y0=this._y1=this._y2=this._y3=this._y4=this._y5=NaN,this._point=0},lineEnd:function(){switch(this._point){case 1:this._context.moveTo(this._x3,this._y3),this._context.closePath();break;case 2:this._context.lineTo(this._x3,this._y3),this._context.closePath();break;case 3:this.point(this._x3,this._y3),this.point(this._x4,this._y4),this.point(this._x5,this._y5)}},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._x3=t,this._y3=e;break;case 1:this._point=2,this._context.moveTo(this._x4=t,this._y4=e);break;case 2:this._point=3,this._x5=t,this._y5=e;break;default:gt(this,t,e)}this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var xt=function t(e){function r(t){return new yt(t,e)}return r.tension=function(e){return t(+e)},r}(0);function bt(t,e){this._context=t,this._k=(1-e)/6}bt.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._point=0},lineEnd:function(){(this._line||0!==this._line&&3===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1;break;case 1:this._point=2;break;case 2:this._point=3,this._line?this._context.lineTo(this._x2,this._y2):this._context.moveTo(this._x2,this._y2);break;case 3:this._point=4;default:gt(this,t,e)}this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var _t=function t(e){function r(t){return new bt(t,e)}return r.tension=function(e){return t(+e)},r}(0);function wt(t,e,r){var n=t._x1,i=t._y1,a=t._x2,o=t._y2;if(t._l01_a>1e-12){var s=2*t._l01_2a+3*t._l01_a*t._l12_a+t._l12_2a,l=3*t._l01_a*(t._l01_a+t._l12_a);n=(n*s-t._x0*t._l12_2a+t._x2*t._l01_2a)/l,i=(i*s-t._y0*t._l12_2a+t._y2*t._l01_2a)/l}if(t._l23_a>1e-12){var c=2*t._l23_2a+3*t._l23_a*t._l12_a+t._l12_2a,u=3*t._l23_a*(t._l23_a+t._l12_a);a=(a*c+t._x1*t._l23_2a-e*t._l12_2a)/u,o=(o*c+t._y1*t._l23_2a-r*t._l12_2a)/u}t._context.bezierCurveTo(n,i,a,o,t._x2,t._y2)}function Tt(t,e){this._context=t,this._alpha=e}Tt.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._l01_a=this._l12_a=this._l23_a=this._l01_2a=this._l12_2a=this._l23_2a=this._point=0},lineEnd:function(){switch(this._point){case 2:this._context.lineTo(this._x2,this._y2);break;case 3:this.point(this._x2,this._y2)}(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){if(t=+t,e=+e,this._point){var r=this._x2-t,n=this._y2-e;this._l23_a=Math.sqrt(this._l23_2a=Math.pow(r*r+n*n,this._alpha))}switch(this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;break;case 2:this._point=3;default:wt(this,t,e)}this._l01_a=this._l12_a,this._l12_a=this._l23_a,this._l01_2a=this._l12_2a,this._l12_2a=this._l23_2a,this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var kt=function t(e){function r(t){return e?new Tt(t,e):new mt(t,0)}return r.alpha=function(e){return t(+e)},r}(.5);function Mt(t,e){this._context=t,this._alpha=e}Mt.prototype={areaStart:lt,areaEnd:lt,lineStart:function(){this._x0=this._x1=this._x2=this._x3=this._x4=this._x5=this._y0=this._y1=this._y2=this._y3=this._y4=this._y5=NaN,this._l01_a=this._l12_a=this._l23_a=this._l01_2a=this._l12_2a=this._l23_2a=this._point=0},lineEnd:function(){switch(this._point){case 1:this._context.moveTo(this._x3,this._y3),this._context.closePath();break;case 2:this._context.lineTo(this._x3,this._y3),this._context.closePath();break;case 3:this.point(this._x3,this._y3),this.point(this._x4,this._y4),this.point(this._x5,this._y5)}},point:function(t,e){if(t=+t,e=+e,this._point){var r=this._x2-t,n=this._y2-e;this._l23_a=Math.sqrt(this._l23_2a=Math.pow(r*r+n*n,this._alpha))}switch(this._point){case 0:this._point=1,this._x3=t,this._y3=e;break;case 1:this._point=2,this._context.moveTo(this._x4=t,this._y4=e);break;case 2:this._point=3,this._x5=t,this._y5=e;break;default:wt(this,t,e)}this._l01_a=this._l12_a,this._l12_a=this._l23_a,this._l01_2a=this._l12_2a,this._l12_2a=this._l23_2a,this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var At=function t(e){function r(t){return e?new Mt(t,e):new yt(t,0)}return r.alpha=function(e){return t(+e)},r}(.5);function St(t,e){this._context=t,this._alpha=e}St.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._l01_a=this._l12_a=this._l23_a=this._l01_2a=this._l12_2a=this._l23_2a=this._point=0},lineEnd:function(){(this._line||0!==this._line&&3===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){if(t=+t,e=+e,this._point){var r=this._x2-t,n=this._y2-e;this._l23_a=Math.sqrt(this._l23_2a=Math.pow(r*r+n*n,this._alpha))}switch(this._point){case 0:this._point=1;break;case 1:this._point=2;break;case 2:this._point=3,this._line?this._context.lineTo(this._x2,this._y2):this._context.moveTo(this._x2,this._y2);break;case 3:this._point=4;default:wt(this,t,e)}this._l01_a=this._l12_a,this._l12_a=this._l23_a,this._l01_2a=this._l12_2a,this._l12_2a=this._l23_2a,this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var Et=function t(e){function r(t){return e?new St(t,e):new bt(t,0)}return r.alpha=function(e){return t(+e)},r}(.5);function Ct(t){this._context=t}function Lt(t){return t<0?-1:1}function It(t,e,r){var n=t._x1-t._x0,i=e-t._x1,a=(t._y1-t._y0)/(n||i<0&&-0),o=(r-t._y1)/(i||n<0&&-0),s=(a*i+o*n)/(n+i);return(Lt(a)+Lt(o))*Math.min(Math.abs(a),Math.abs(o),.5*Math.abs(s))||0}function Pt(t,e){var r=t._x1-t._x0;return r?(3*(t._y1-t._y0)/r-e)/2:e}function zt(t,e,r){var n=t._x0,i=t._y0,a=t._x1,o=t._y1,s=(a-n)/3;t._context.bezierCurveTo(n+s,i+s*e,a-s,o-s*r,a,o)}function Ot(t){this._context=t}function Dt(t){this._context=new Rt(t)}function Rt(t){this._context=t}function Ft(t){this._context=t}function Bt(t){var e,r,n=t.length-1,i=new Array(n),a=new Array(n),o=new Array(n);for(i[0]=0,a[0]=2,o[0]=t[0]+2*t[1],e=1;e=0;--e)i[e]=(o[e]-i[e+1])/a[e];for(a[n-1]=(t[n]+i[n-1])/2,e=0;e1)for(var r,n,i,a=1,o=t[e[0]],s=o.length;a=0;)r[e]=e;return r}function Vt(t,e){return t[e]}function qt(t){var e=t.map(Ht);return Ut(t).sort((function(t,r){return e[t]-e[r]}))}function Ht(t){for(var e,r=-1,n=0,i=t.length,a=-1/0;++ra&&(a=e,n=r);return n}function Gt(t){var e=t.map(Yt);return Ut(t).sort((function(t,r){return e[t]-e[r]}))}function Yt(t){for(var e,r=0,n=-1,i=t.length;++n=0&&(this._t=1-this._t,this._line=1-this._line)},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;default:if(this._t<=0)this._context.lineTo(this._x,e),this._context.lineTo(t,e);else{var r=this._x*(1-this._t)+t*this._t;this._context.lineTo(r,this._y),this._context.lineTo(r,e)}}this._x=t,this._y=e}},t.arc=function(){var t=g,o=m,w=r(0),T=null,k=v,M=y,A=x,S=null;function E(){var r,g,m=+t.apply(this,arguments),v=+o.apply(this,arguments),y=k.apply(this,arguments)-f,x=M.apply(this,arguments)-f,E=n(x-y),C=x>y;if(S||(S=r=e.path()),v1e-12)if(E>h-1e-12)S.moveTo(v*a(y),v*l(y)),S.arc(0,0,v,y,x,!C),m>1e-12&&(S.moveTo(m*a(x),m*l(x)),S.arc(0,0,m,x,y,C));else{var L,I,P=y,z=x,O=y,D=x,R=E,F=E,B=A.apply(this,arguments)/2,N=B>1e-12&&(T?+T.apply(this,arguments):c(m*m+v*v)),j=s(n(v-m)/2,+w.apply(this,arguments)),U=j,V=j;if(N>1e-12){var q=d(N/m*l(B)),H=d(N/v*l(B));(R-=2*q)>1e-12?(O+=q*=C?1:-1,D-=q):(R=0,O=D=(y+x)/2),(F-=2*H)>1e-12?(P+=H*=C?1:-1,z-=H):(F=0,P=z=(y+x)/2)}var G=v*a(P),Y=v*l(P),W=m*a(D),X=m*l(D);if(j>1e-12){var Z,J=v*a(z),K=v*l(z),Q=m*a(O),$=m*l(O);if(E1e-12?V>1e-12?(L=_(Q,$,G,Y,v,V,C),I=_(J,K,W,X,v,V,C),S.moveTo(L.cx+L.x01,L.cy+L.y01),V1e-12&&R>1e-12?U>1e-12?(L=_(W,X,J,K,m,-U,C),I=_(G,Y,Q,$,m,-U,C),S.lineTo(L.cx+L.x01,L.cy+L.y01),U0&&(d+=f);for(null!=e?g.sort((function(t,r){return e(m[t],m[r])})):null!=n&&g.sort((function(t,e){return n(r[t],r[e])})),s=0,c=d?(y-p*b)/d:0;s0?f*c:0)+b,m[l]={data:r[l],index:s,value:f,startAngle:v,endAngle:u,padAngle:x};return m}return s.value=function(e){return arguments.length?(t="function"==typeof e?e:r(+e),s):t},s.sortValues=function(t){return arguments.length?(e=t,n=null,s):e},s.sort=function(t){return arguments.length?(n=t,e=null,s):n},s.startAngle=function(t){return arguments.length?(i="function"==typeof t?t:r(+t),s):i},s.endAngle=function(t){return arguments.length?(a="function"==typeof t?t:r(+t),s):a},s.padAngle=function(t){return arguments.length?(o="function"==typeof t?t:r(+t),s):o},s},t.pointRadial=R,t.radialArea=D,t.radialLine=O,t.stack=function(){var t=r([]),e=Ut,n=jt,i=Vt;function a(r){var a,o,s=t.apply(this,arguments),l=r.length,c=s.length,u=new Array(c);for(a=0;a0)for(var r,n,i,a,o,s,l=0,c=t[e[0]].length;l0?(n[0]=a,n[1]=a+=i):i<0?(n[1]=o,n[0]=o+=i):(n[0]=0,n[1]=i)},t.stackOffsetExpand=function(t,e){if((n=t.length)>0){for(var r,n,i,a=0,o=t[0].length;a0){for(var r,n=0,i=t[e[0]],a=i.length;n0&&(n=(r=t[e[0]]).length)>0){for(var r,n,i,a=0,o=1;o=12)]},q:function(t){return 1+~~(t.getMonth()/3)},Q:mt,s:vt,S:q,u:H,U:G,V:Y,w:W,W:X,x:null,X:null,y:Z,Y:J,Z:K,"%":gt},Lt={a:function(t){return f[t.getUTCDay()]},A:function(t){return u[t.getUTCDay()]},b:function(t){return yt[t.getUTCMonth()]},B:function(t){return h[t.getUTCMonth()]},c:null,d:Q,e:Q,f:nt,H:$,I:tt,j:et,L:rt,m:it,M:at,p:function(t){return c[+(t.getUTCHours()>=12)]},q:function(t){return 1+~~(t.getUTCMonth()/3)},Q:mt,s:vt,S:ot,u:st,U:lt,V:ct,w:ut,W:ft,x:null,X:null,y:ht,Y:pt,Z:dt,"%":gt},It={a:function(t,e,r){var n=Tt.exec(e.slice(r));return n?(t.w=kt[n[0].toLowerCase()],r+n[0].length):-1},A:function(t,e,r){var n=_t.exec(e.slice(r));return n?(t.w=wt[n[0].toLowerCase()],r+n[0].length):-1},b:function(t,e,r){var n=St.exec(e.slice(r));return n?(t.m=Et[n[0].toLowerCase()],r+n[0].length):-1},B:function(t,e,r){var n=Mt.exec(e.slice(r));return n?(t.m=At[n[0].toLowerCase()],r+n[0].length):-1},c:function(t,e,r){return Ot(t,a,e,r)},d:M,e:M,f:I,H:S,I:S,j:A,L:L,m:k,M:E,p:function(t,e,r){var n=xt.exec(e.slice(r));return n?(t.p=bt[n[0].toLowerCase()],r+n[0].length):-1},q:T,Q:z,s:O,S:C,u:m,U:v,V:y,w:g,W:x,x:function(t,e,r){return Ot(t,o,e,r)},X:function(t,e,r){return Ot(t,l,e,r)},y:_,Y:b,Z:w,"%":P};function Pt(t,e){return function(r){var n,i,a,o=[],l=-1,c=0,u=t.length;for(r instanceof Date||(r=new Date(+r));++l53)return null;"w"in c||(c.w=1),"Z"in c?(l=(s=n(i(c.y,0,1))).getUTCDay(),s=l>4||0===l?e.utcMonday.ceil(s):e.utcMonday(s),s=e.utcDay.offset(s,7*(c.V-1)),c.y=s.getUTCFullYear(),c.m=s.getUTCMonth(),c.d=s.getUTCDate()+(c.w+6)%7):(l=(s=r(i(c.y,0,1))).getDay(),s=l>4||0===l?e.timeMonday.ceil(s):e.timeMonday(s),s=e.timeDay.offset(s,7*(c.V-1)),c.y=s.getFullYear(),c.m=s.getMonth(),c.d=s.getDate()+(c.w+6)%7)}else("W"in c||"U"in c)&&("w"in c||(c.w="u"in c?c.u%7:"W"in c?1:0),l="Z"in c?n(i(c.y,0,1)).getUTCDay():r(i(c.y,0,1)).getDay(),c.m=0,c.d="W"in c?(c.w+6)%7+7*c.W-(l+5)%7:c.w+7*c.U-(l+6)%7);return"Z"in c?(c.H+=c.Z/100|0,c.M+=c.Z%100,n(c)):r(c)}}function Ot(t,e,r,n){for(var i,a,o=0,l=e.length,c=r.length;o=c)return-1;if(37===(i=e.charCodeAt(o++))){if(i=e.charAt(o++),!(a=It[i in s?e.charAt(o++):i])||(n=a(t,r,n))<0)return-1}else if(i!=r.charCodeAt(n++))return-1}return n}return Ct.x=Pt(o,Ct),Ct.X=Pt(l,Ct),Ct.c=Pt(a,Ct),Lt.x=Pt(o,Lt),Lt.X=Pt(l,Lt),Lt.c=Pt(a,Lt),{format:function(t){var e=Pt(t+="",Ct);return e.toString=function(){return t},e},parse:function(t){var e=zt(t+="",!1);return e.toString=function(){return t},e},utcFormat:function(t){var e=Pt(t+="",Lt);return e.toString=function(){return t},e},utcParse:function(t){var e=zt(t+="",!0);return e.toString=function(){return t},e}}}var o,s={"-":"",_:" ",0:"0"},l=/^\s*\d+/,c=/^%/,u=/[\\^$*+?|[\]().{}]/g;function f(t,e,r){var n=t<0?"-":"",i=(n?-t:t)+"",a=i.length;return n+(a68?1900:2e3),r+n[0].length):-1}function w(t,e,r){var n=/^(Z)|([+-]\d\d)(?::?(\d\d))?/.exec(e.slice(r,r+6));return n?(t.Z=n[1]?0:-(n[2]+(n[3]||"00")),r+n[0].length):-1}function T(t,e,r){var n=l.exec(e.slice(r,r+1));return n?(t.q=3*n[0]-3,r+n[0].length):-1}function k(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.m=n[0]-1,r+n[0].length):-1}function M(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.d=+n[0],r+n[0].length):-1}function A(t,e,r){var n=l.exec(e.slice(r,r+3));return n?(t.m=0,t.d=+n[0],r+n[0].length):-1}function S(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.H=+n[0],r+n[0].length):-1}function E(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.M=+n[0],r+n[0].length):-1}function C(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.S=+n[0],r+n[0].length):-1}function L(t,e,r){var n=l.exec(e.slice(r,r+3));return n?(t.L=+n[0],r+n[0].length):-1}function I(t,e,r){var n=l.exec(e.slice(r,r+6));return n?(t.L=Math.floor(n[0]/1e3),r+n[0].length):-1}function P(t,e,r){var n=c.exec(e.slice(r,r+1));return n?r+n[0].length:-1}function z(t,e,r){var n=l.exec(e.slice(r));return n?(t.Q=+n[0],r+n[0].length):-1}function O(t,e,r){var n=l.exec(e.slice(r));return n?(t.s=+n[0],r+n[0].length):-1}function D(t,e){return f(t.getDate(),e,2)}function R(t,e){return f(t.getHours(),e,2)}function F(t,e){return f(t.getHours()%12||12,e,2)}function B(t,r){return f(1+e.timeDay.count(e.timeYear(t),t),r,3)}function N(t,e){return f(t.getMilliseconds(),e,3)}function j(t,e){return N(t,e)+"000"}function U(t,e){return f(t.getMonth()+1,e,2)}function V(t,e){return f(t.getMinutes(),e,2)}function q(t,e){return f(t.getSeconds(),e,2)}function H(t){var e=t.getDay();return 0===e?7:e}function G(t,r){return f(e.timeSunday.count(e.timeYear(t)-1,t),r,2)}function Y(t,r){var n=t.getDay();return t=n>=4||0===n?e.timeThursday(t):e.timeThursday.ceil(t),f(e.timeThursday.count(e.timeYear(t),t)+(4===e.timeYear(t).getDay()),r,2)}function W(t){return t.getDay()}function X(t,r){return f(e.timeMonday.count(e.timeYear(t)-1,t),r,2)}function Z(t,e){return f(t.getFullYear()%100,e,2)}function J(t,e){return f(t.getFullYear()%1e4,e,4)}function K(t){var e=t.getTimezoneOffset();return(e>0?"-":(e*=-1,"+"))+f(e/60|0,"0",2)+f(e%60,"0",2)}function Q(t,e){return f(t.getUTCDate(),e,2)}function $(t,e){return f(t.getUTCHours(),e,2)}function tt(t,e){return f(t.getUTCHours()%12||12,e,2)}function et(t,r){return f(1+e.utcDay.count(e.utcYear(t),t),r,3)}function rt(t,e){return f(t.getUTCMilliseconds(),e,3)}function nt(t,e){return rt(t,e)+"000"}function it(t,e){return f(t.getUTCMonth()+1,e,2)}function at(t,e){return f(t.getUTCMinutes(),e,2)}function ot(t,e){return f(t.getUTCSeconds(),e,2)}function st(t){var e=t.getUTCDay();return 0===e?7:e}function lt(t,r){return f(e.utcSunday.count(e.utcYear(t)-1,t),r,2)}function ct(t,r){var n=t.getUTCDay();return t=n>=4||0===n?e.utcThursday(t):e.utcThursday.ceil(t),f(e.utcThursday.count(e.utcYear(t),t)+(4===e.utcYear(t).getUTCDay()),r,2)}function ut(t){return t.getUTCDay()}function ft(t,r){return f(e.utcMonday.count(e.utcYear(t)-1,t),r,2)}function ht(t,e){return f(t.getUTCFullYear()%100,e,2)}function pt(t,e){return f(t.getUTCFullYear()%1e4,e,4)}function dt(){return"+0000"}function gt(){return"%"}function mt(t){return+t}function vt(t){return Math.floor(+t/1e3)}function yt(e){return o=a(e),t.timeFormat=o.format,t.timeParse=o.parse,t.utcFormat=o.utcFormat,t.utcParse=o.utcParse,o}yt({dateTime:"%x, %X",date:"%-m/%-d/%Y",time:"%-I:%M:%S %p",periods:["AM","PM"],days:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],shortDays:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],months:["January","February","March","April","May","June","July","August","September","October","November","December"],shortMonths:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"]});var xt=Date.prototype.toISOString?function(t){return t.toISOString()}:t.utcFormat("%Y-%m-%dT%H:%M:%S.%LZ");var bt=+new Date("2000-01-01T00:00:00.000Z")?function(t){var e=new Date(t);return isNaN(e)?null:e}:t.utcParse("%Y-%m-%dT%H:%M:%S.%LZ");t.isoFormat=xt,t.isoParse=bt,t.timeFormatDefaultLocale=yt,t.timeFormatLocale=a,Object.defineProperty(t,"__esModule",{value:!0})}))},{"d3-time":167}],167:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?n(r):n((t=t||self).d3=t.d3||{})}(this,(function(t){"use strict";var e=new Date,r=new Date;function n(t,i,a,o){function s(e){return t(e=0===arguments.length?new Date:new Date(+e)),e}return s.floor=function(e){return t(e=new Date(+e)),e},s.ceil=function(e){return t(e=new Date(e-1)),i(e,1),t(e),e},s.round=function(t){var e=s(t),r=s.ceil(t);return t-e0))return o;do{o.push(a=new Date(+e)),i(e,n),t(e)}while(a=r)for(;t(r),!e(r);)r.setTime(r-1)}),(function(t,r){if(t>=t)if(r<0)for(;++r<=0;)for(;i(t,-1),!e(t););else for(;--r>=0;)for(;i(t,1),!e(t););}))},a&&(s.count=function(n,i){return e.setTime(+n),r.setTime(+i),t(e),t(r),Math.floor(a(e,r))},s.every=function(t){return t=Math.floor(t),isFinite(t)&&t>0?t>1?s.filter(o?function(e){return o(e)%t==0}:function(e){return s.count(0,e)%t==0}):s:null}),s}var i=n((function(){}),(function(t,e){t.setTime(+t+e)}),(function(t,e){return e-t}));i.every=function(t){return t=Math.floor(t),isFinite(t)&&t>0?t>1?n((function(e){e.setTime(Math.floor(e/t)*t)}),(function(e,r){e.setTime(+e+r*t)}),(function(e,r){return(r-e)/t})):i:null};var a=i.range,o=n((function(t){t.setTime(t-t.getMilliseconds())}),(function(t,e){t.setTime(+t+1e3*e)}),(function(t,e){return(e-t)/1e3}),(function(t){return t.getUTCSeconds()})),s=o.range,l=n((function(t){t.setTime(t-t.getMilliseconds()-1e3*t.getSeconds())}),(function(t,e){t.setTime(+t+6e4*e)}),(function(t,e){return(e-t)/6e4}),(function(t){return t.getMinutes()})),c=l.range,u=n((function(t){t.setTime(t-t.getMilliseconds()-1e3*t.getSeconds()-6e4*t.getMinutes())}),(function(t,e){t.setTime(+t+36e5*e)}),(function(t,e){return(e-t)/36e5}),(function(t){return t.getHours()})),f=u.range,h=n((function(t){t.setHours(0,0,0,0)}),(function(t,e){t.setDate(t.getDate()+e)}),(function(t,e){return(e-t-6e4*(e.getTimezoneOffset()-t.getTimezoneOffset()))/864e5}),(function(t){return t.getDate()-1})),p=h.range;function d(t){return n((function(e){e.setDate(e.getDate()-(e.getDay()+7-t)%7),e.setHours(0,0,0,0)}),(function(t,e){t.setDate(t.getDate()+7*e)}),(function(t,e){return(e-t-6e4*(e.getTimezoneOffset()-t.getTimezoneOffset()))/6048e5}))}var g=d(0),m=d(1),v=d(2),y=d(3),x=d(4),b=d(5),_=d(6),w=g.range,T=m.range,k=v.range,M=y.range,A=x.range,S=b.range,E=_.range,C=n((function(t){t.setDate(1),t.setHours(0,0,0,0)}),(function(t,e){t.setMonth(t.getMonth()+e)}),(function(t,e){return e.getMonth()-t.getMonth()+12*(e.getFullYear()-t.getFullYear())}),(function(t){return t.getMonth()})),L=C.range,I=n((function(t){t.setMonth(0,1),t.setHours(0,0,0,0)}),(function(t,e){t.setFullYear(t.getFullYear()+e)}),(function(t,e){return e.getFullYear()-t.getFullYear()}),(function(t){return t.getFullYear()}));I.every=function(t){return isFinite(t=Math.floor(t))&&t>0?n((function(e){e.setFullYear(Math.floor(e.getFullYear()/t)*t),e.setMonth(0,1),e.setHours(0,0,0,0)}),(function(e,r){e.setFullYear(e.getFullYear()+r*t)})):null};var P=I.range,z=n((function(t){t.setUTCSeconds(0,0)}),(function(t,e){t.setTime(+t+6e4*e)}),(function(t,e){return(e-t)/6e4}),(function(t){return t.getUTCMinutes()})),O=z.range,D=n((function(t){t.setUTCMinutes(0,0,0)}),(function(t,e){t.setTime(+t+36e5*e)}),(function(t,e){return(e-t)/36e5}),(function(t){return t.getUTCHours()})),R=D.range,F=n((function(t){t.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCDate(t.getUTCDate()+e)}),(function(t,e){return(e-t)/864e5}),(function(t){return t.getUTCDate()-1})),B=F.range;function N(t){return n((function(e){e.setUTCDate(e.getUTCDate()-(e.getUTCDay()+7-t)%7),e.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCDate(t.getUTCDate()+7*e)}),(function(t,e){return(e-t)/6048e5}))}var j=N(0),U=N(1),V=N(2),q=N(3),H=N(4),G=N(5),Y=N(6),W=j.range,X=U.range,Z=V.range,J=q.range,K=H.range,Q=G.range,$=Y.range,tt=n((function(t){t.setUTCDate(1),t.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCMonth(t.getUTCMonth()+e)}),(function(t,e){return e.getUTCMonth()-t.getUTCMonth()+12*(e.getUTCFullYear()-t.getUTCFullYear())}),(function(t){return t.getUTCMonth()})),et=tt.range,rt=n((function(t){t.setUTCMonth(0,1),t.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCFullYear(t.getUTCFullYear()+e)}),(function(t,e){return e.getUTCFullYear()-t.getUTCFullYear()}),(function(t){return t.getUTCFullYear()}));rt.every=function(t){return isFinite(t=Math.floor(t))&&t>0?n((function(e){e.setUTCFullYear(Math.floor(e.getUTCFullYear()/t)*t),e.setUTCMonth(0,1),e.setUTCHours(0,0,0,0)}),(function(e,r){e.setUTCFullYear(e.getUTCFullYear()+r*t)})):null};var nt=rt.range;t.timeDay=h,t.timeDays=p,t.timeFriday=b,t.timeFridays=S,t.timeHour=u,t.timeHours=f,t.timeInterval=n,t.timeMillisecond=i,t.timeMilliseconds=a,t.timeMinute=l,t.timeMinutes=c,t.timeMonday=m,t.timeMondays=T,t.timeMonth=C,t.timeMonths=L,t.timeSaturday=_,t.timeSaturdays=E,t.timeSecond=o,t.timeSeconds=s,t.timeSunday=g,t.timeSundays=w,t.timeThursday=x,t.timeThursdays=A,t.timeTuesday=v,t.timeTuesdays=k,t.timeWednesday=y,t.timeWednesdays=M,t.timeWeek=g,t.timeWeeks=w,t.timeYear=I,t.timeYears=P,t.utcDay=F,t.utcDays=B,t.utcFriday=G,t.utcFridays=Q,t.utcHour=D,t.utcHours=R,t.utcMillisecond=i,t.utcMilliseconds=a,t.utcMinute=z,t.utcMinutes=O,t.utcMonday=U,t.utcMondays=X,t.utcMonth=tt,t.utcMonths=et,t.utcSaturday=Y,t.utcSaturdays=$,t.utcSecond=o,t.utcSeconds=s,t.utcSunday=j,t.utcSundays=W,t.utcThursday=H,t.utcThursdays=K,t.utcTuesday=V,t.utcTuesdays=Z,t.utcWednesday=q,t.utcWednesdays=J,t.utcWeek=j,t.utcWeeks=W,t.utcYear=rt,t.utcYears=nt,Object.defineProperty(t,"__esModule",{value:!0})}))},{}],168:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?n(r):n((t=t||self).d3=t.d3||{})}(this,(function(t){"use strict";var e,r,n=0,i=0,a=0,o=0,s=0,l=0,c="object"==typeof performance&&performance.now?performance:Date,u="object"==typeof window&&window.requestAnimationFrame?window.requestAnimationFrame.bind(window):function(t){setTimeout(t,17)};function f(){return s||(u(h),s=c.now()+l)}function h(){s=0}function p(){this._call=this._time=this._next=null}function d(t,e,r){var n=new p;return n.restart(t,e,r),n}function g(){f(),++n;for(var t,r=e;r;)(t=s-r._time)>=0&&r._call.call(null,t),r=r._next;--n}function m(){s=(o=c.now())+l,n=i=0;try{g()}finally{n=0,function(){var t,n,i=e,a=1/0;for(;i;)i._call?(a>i._time&&(a=i._time),t=i,i=i._next):(n=i._next,i._next=null,i=t?t._next=n:e=n);r=t,y(a)}(),s=0}}function v(){var t=c.now(),e=t-o;e>1e3&&(l-=e,o=t)}function y(t){n||(i&&(i=clearTimeout(i)),t-s>24?(t<1/0&&(i=setTimeout(m,t-c.now()-l)),a&&(a=clearInterval(a))):(a||(o=c.now(),a=setInterval(v,1e3)),n=1,u(m)))}p.prototype=d.prototype={constructor:p,restart:function(t,n,i){if("function"!=typeof t)throw new TypeError("callback is not a function");i=(null==i?f():+i)+(null==n?0:+n),this._next||r===this||(r?r._next=this:e=this,r=this),this._call=t,this._time=i,y()},stop:function(){this._call&&(this._call=null,this._time=1/0,y())}},t.interval=function(t,e,r){var n=new p,i=e;return null==e?(n.restart(t,e,r),n):(e=+e,r=null==r?f():+r,n.restart((function a(o){o+=i,n.restart(a,i+=e,r),t(o)}),e,r),n)},t.now=f,t.timeout=function(t,e,r){var n=new p;return e=null==e?0:+e,n.restart((function(r){n.stop(),t(r+e)}),e,r),n},t.timer=d,t.timerFlush=g,Object.defineProperty(t,"__esModule",{value:!0})}))},{}],169:[function(t,e,r){!function(){var t={version:"3.5.17"},r=[].slice,n=function(t){return r.call(t)},i=this.document;function a(t){return t&&(t.ownerDocument||t.document||t).documentElement}function o(t){return t&&(t.ownerDocument&&t.ownerDocument.defaultView||t.document&&t||t.defaultView)}if(i)try{n(i.documentElement.childNodes)[0].nodeType}catch(t){n=function(t){for(var e=t.length,r=new Array(e);e--;)r[e]=t[e];return r}}if(Date.now||(Date.now=function(){return+new Date}),i)try{i.createElement("DIV").style.setProperty("opacity",0,"")}catch(t){var s=this.Element.prototype,l=s.setAttribute,c=s.setAttributeNS,u=this.CSSStyleDeclaration.prototype,f=u.setProperty;s.setAttribute=function(t,e){l.call(this,t,e+"")},s.setAttributeNS=function(t,e,r){c.call(this,t,e,r+"")},u.setProperty=function(t,e,r){f.call(this,t,e+"",r)}}function h(t,e){return te?1:t>=e?0:NaN}function p(t){return null===t?NaN:+t}function d(t){return!isNaN(t)}function g(t){return{left:function(e,r,n,i){for(arguments.length<3&&(n=0),arguments.length<4&&(i=e.length);n>>1;t(e[a],r)<0?n=a+1:i=a}return n},right:function(e,r,n,i){for(arguments.length<3&&(n=0),arguments.length<4&&(i=e.length);n>>1;t(e[a],r)>0?i=a:n=a+1}return n}}}t.ascending=h,t.descending=function(t,e){return et?1:e>=t?0:NaN},t.min=function(t,e){var r,n,i=-1,a=t.length;if(1===arguments.length){for(;++i=n){r=n;break}for(;++in&&(r=n)}else{for(;++i=n){r=n;break}for(;++in&&(r=n)}return r},t.max=function(t,e){var r,n,i=-1,a=t.length;if(1===arguments.length){for(;++i=n){r=n;break}for(;++ir&&(r=n)}else{for(;++i=n){r=n;break}for(;++ir&&(r=n)}return r},t.extent=function(t,e){var r,n,i,a=-1,o=t.length;if(1===arguments.length){for(;++a=n){r=i=n;break}for(;++an&&(r=n),i=n){r=i=n;break}for(;++an&&(r=n),i1)return o/(l-1)},t.deviation=function(){var e=t.variance.apply(this,arguments);return e?Math.sqrt(e):e};var m=g(h);function v(t){return t.length}t.bisectLeft=m.left,t.bisect=t.bisectRight=m.right,t.bisector=function(t){return g(1===t.length?function(e,r){return h(t(e),r)}:t)},t.shuffle=function(t,e,r){(a=arguments.length)<3&&(r=t.length,a<2&&(e=0));for(var n,i,a=r-e;a;)i=Math.random()*a--|0,n=t[a+e],t[a+e]=t[i+e],t[i+e]=n;return t},t.permute=function(t,e){for(var r=e.length,n=new Array(r);r--;)n[r]=t[e[r]];return n},t.pairs=function(t){for(var e=0,r=t.length-1,n=t[0],i=new Array(r<0?0:r);e=0;)for(e=(n=t[i]).length;--e>=0;)r[--o]=n[e];return r};var y=Math.abs;function x(t){for(var e=1;t*e%1;)e*=10;return e}function b(t,e){for(var r in e)Object.defineProperty(t.prototype,r,{value:e[r],enumerable:!1})}function _(){this._=Object.create(null)}t.range=function(t,e,r){if(arguments.length<3&&(r=1,arguments.length<2&&(e=t,t=0)),(e-t)/r==1/0)throw new Error("infinite range");var n,i=[],a=x(y(r)),o=-1;if(t*=a,e*=a,(r*=a)<0)for(;(n=t+r*++o)>e;)i.push(n/a);else for(;(n=t+r*++o)=i.length)return r?r.call(n,a):e?a.sort(e):a;for(var l,c,u,f,h=-1,p=a.length,d=i[s++],g=new _;++h=i.length)return e;var n=[],o=a[r++];return e.forEach((function(e,i){n.push({key:e,values:t(i,r)})})),o?n.sort((function(t,e){return o(t.key,e.key)})):n}(o(t.map,e,0),0)},n.key=function(t){return i.push(t),n},n.sortKeys=function(t){return a[i.length-1]=t,n},n.sortValues=function(t){return e=t,n},n.rollup=function(t){return r=t,n},n},t.set=function(t){var e=new C;if(t)for(var r=0,n=t.length;r=0&&(n=t.slice(r+1),t=t.slice(0,r)),t)return arguments.length<2?this[t].on(n):this[t].on(n,e);if(2===arguments.length){if(null==e)for(t in this)this.hasOwnProperty(t)&&this[t].on(n,null);return this}},t.event=null,t.requote=function(t){return t.replace(j,"\\$&")};var j=/[\\\^\$\*\+\?\|\[\]\(\)\.\{\}]/g,U={}.__proto__?function(t,e){t.__proto__=e}:function(t,e){for(var r in e)t[r]=e[r]};function V(t){return U(t,Y),t}var q=function(t,e){return e.querySelector(t)},H=function(t,e){return e.querySelectorAll(t)},G=function(t,e){var r=t.matches||t[P(t,"matchesSelector")];return(G=function(t,e){return r.call(t,e)})(t,e)};"function"==typeof Sizzle&&(q=function(t,e){return Sizzle(t,e)[0]||null},H=Sizzle,G=Sizzle.matchesSelector),t.selection=function(){return t.select(i.documentElement)};var Y=t.selection.prototype=[];function W(t){return"function"==typeof t?t:function(){return q(t,this)}}function X(t){return"function"==typeof t?t:function(){return H(t,this)}}Y.select=function(t){var e,r,n,i,a=[];t=W(t);for(var o=-1,s=this.length;++o=0&&"xmlns"!==(r=t.slice(0,e))&&(t=t.slice(e+1)),J.hasOwnProperty(r)?{space:J[r],local:t}:t}},Y.attr=function(e,r){if(arguments.length<2){if("string"==typeof e){var n=this.node();return(e=t.ns.qualify(e)).local?n.getAttributeNS(e.space,e.local):n.getAttribute(e)}for(r in e)this.each(K(r,e[r]));return this}return this.each(K(e,r))},Y.classed=function(t,e){if(arguments.length<2){if("string"==typeof t){var r=this.node(),n=(t=tt(t)).length,i=-1;if(e=r.classList){for(;++i=0;)(r=n[i])&&(a&&a!==r.nextSibling&&a.parentNode.insertBefore(r,a),a=r);return this},Y.sort=function(t){t=ct.apply(this,arguments);for(var e=-1,r=this.length;++e=e&&(e=i+1);!(o=s[e])&&++e0&&(e=e.slice(0,o));var l=gt.get(e);function c(){var t=this[a];t&&(this.removeEventListener(e,t,t.$),delete this[a])}return l&&(e=l,s=vt),o?r?function(){var t=s(r,n(arguments));c.call(this),this.addEventListener(e,this[a]=t,t.$=i),t._=r}:c:r?O:function(){var r,n=new RegExp("^__on([^.]+)"+t.requote(e)+"$");for(var i in this)if(r=i.match(n)){var a=this[i];this.removeEventListener(r[1],a,a.$),delete this[i]}}}t.selection.enter=ft,t.selection.enter.prototype=ht,ht.append=Y.append,ht.empty=Y.empty,ht.node=Y.node,ht.call=Y.call,ht.size=Y.size,ht.select=function(t){for(var e,r,n,i,a,o=[],s=-1,l=this.length;++s0?1:t<0?-1:0}function zt(t,e,r){return(e[0]-t[0])*(r[1]-t[1])-(e[1]-t[1])*(r[0]-t[0])}function Ot(t){return t>1?0:t<-1?At:Math.acos(t)}function Dt(t){return t>1?Ct:t<-1?-Ct:Math.asin(t)}function Rt(t){return((t=Math.exp(t))+1/t)/2}function Ft(t){return(t=Math.sin(t/2))*t}var Bt=Math.SQRT2;t.interpolateZoom=function(t,e){var r,n,i=t[0],a=t[1],o=t[2],s=e[0],l=e[1],c=e[2],u=s-i,f=l-a,h=u*u+f*f;if(h0&&(e=e.transition().duration(g)),e.call(w.event)}function S(){c&&c.domain(l.range().map((function(t){return(t-h.x)/h.k})).map(l.invert)),f&&f.domain(u.range().map((function(t){return(t-h.y)/h.k})).map(u.invert))}function E(t){m++||t({type:"zoomstart"})}function C(t){S(),t({type:"zoom",scale:h.k,translate:[h.x,h.y]})}function L(t){--m||(t({type:"zoomend"}),r=null)}function I(){var e=this,r=_.of(e,arguments),n=0,i=t.select(o(e)).on(y,l).on(x,c),a=T(t.mouse(e)),s=bt(e);function l(){n=1,M(t.mouse(e),a),C(r)}function c(){i.on(y,null).on(x,null),s(n),L(r)}vs.call(e),E(r)}function P(){var e,r=this,n=_.of(r,arguments),i={},a=0,o=".zoom-"+t.event.changedTouches[0].identifier,l="touchmove"+o,c="touchend"+o,u=[],f=t.select(r),p=bt(r);function d(){var n=t.touches(r);return e=h.k,n.forEach((function(t){t.identifier in i&&(i[t.identifier]=T(t))})),n}function g(){var e=t.event.target;t.select(e).on(l,m).on(c,y),u.push(e);for(var n=t.event.changedTouches,o=0,f=n.length;o1){v=p[0];var x=p[1],b=v[0]-x[0],_=v[1]-x[1];a=b*b+_*_}}function m(){var o,l,c,u,f=t.touches(r);vs.call(r);for(var h=0,p=f.length;h360?t-=360:t<0&&(t+=360),t<60?n+(i-n)*t/60:t<180?i:t<240?n+(i-n)*(240-t)/60:n}(t))}return t=isNaN(t)?0:(t%=360)<0?t+360:t,e=isNaN(e)||e<0?0:e>1?1:e,n=2*(r=r<0?0:r>1?1:r)-(i=r<=.5?r*(1+e):r+e-r*e),new ne(a(t+120),a(t),a(t-120))}function Yt(e,r,n){return this instanceof Yt?(this.h=+e,this.c=+r,void(this.l=+n)):arguments.length<2?e instanceof Yt?new Yt(e.h,e.c,e.l):$t(e instanceof Zt?e.l:(e=ue((e=t.rgb(e)).r,e.g,e.b)).l,e.a,e.b):new Yt(e,r,n)}Ht.brighter=function(t){return t=Math.pow(.7,arguments.length?t:1),new qt(this.h,this.s,this.l/t)},Ht.darker=function(t){return t=Math.pow(.7,arguments.length?t:1),new qt(this.h,this.s,t*this.l)},Ht.rgb=function(){return Gt(this.h,this.s,this.l)},t.hcl=Yt;var Wt=Yt.prototype=new Vt;function Xt(t,e,r){return isNaN(t)&&(t=0),isNaN(e)&&(e=0),new Zt(r,Math.cos(t*=Lt)*e,Math.sin(t)*e)}function Zt(t,e,r){return this instanceof Zt?(this.l=+t,this.a=+e,void(this.b=+r)):arguments.length<2?t instanceof Zt?new Zt(t.l,t.a,t.b):t instanceof Yt?Xt(t.h,t.c,t.l):ue((t=ne(t)).r,t.g,t.b):new Zt(t,e,r)}Wt.brighter=function(t){return new Yt(this.h,this.c,Math.min(100,this.l+Jt*(arguments.length?t:1)))},Wt.darker=function(t){return new Yt(this.h,this.c,Math.max(0,this.l-Jt*(arguments.length?t:1)))},Wt.rgb=function(){return Xt(this.h,this.c,this.l).rgb()},t.lab=Zt;var Jt=18,Kt=Zt.prototype=new Vt;function Qt(t,e,r){var n=(t+16)/116,i=n+e/500,a=n-r/200;return new ne(re(3.2404542*(i=.95047*te(i))-1.5371385*(n=1*te(n))-.4985314*(a=1.08883*te(a))),re(-.969266*i+1.8760108*n+.041556*a),re(.0556434*i-.2040259*n+1.0572252*a))}function $t(t,e,r){return t>0?new Yt(Math.atan2(r,e)*It,Math.sqrt(e*e+r*r),t):new Yt(NaN,NaN,t)}function te(t){return t>.206893034?t*t*t:(t-4/29)/7.787037}function ee(t){return t>.008856?Math.pow(t,1/3):7.787037*t+4/29}function re(t){return Math.round(255*(t<=.00304?12.92*t:1.055*Math.pow(t,1/2.4)-.055))}function ne(t,e,r){return this instanceof ne?(this.r=~~t,this.g=~~e,void(this.b=~~r)):arguments.length<2?t instanceof ne?new ne(t.r,t.g,t.b):le(""+t,ne,Gt):new ne(t,e,r)}function ie(t){return new ne(t>>16,t>>8&255,255&t)}function ae(t){return ie(t)+""}Kt.brighter=function(t){return new Zt(Math.min(100,this.l+Jt*(arguments.length?t:1)),this.a,this.b)},Kt.darker=function(t){return new Zt(Math.max(0,this.l-Jt*(arguments.length?t:1)),this.a,this.b)},Kt.rgb=function(){return Qt(this.l,this.a,this.b)},t.rgb=ne;var oe=ne.prototype=new Vt;function se(t){return t<16?"0"+Math.max(0,t).toString(16):Math.min(255,t).toString(16)}function le(t,e,r){var n,i,a,o=0,s=0,l=0;if(n=/([a-z]+)\((.*)\)/.exec(t=t.toLowerCase()))switch(i=n[2].split(","),n[1]){case"hsl":return r(parseFloat(i[0]),parseFloat(i[1])/100,parseFloat(i[2])/100);case"rgb":return e(he(i[0]),he(i[1]),he(i[2]))}return(a=pe.get(t))?e(a.r,a.g,a.b):(null==t||"#"!==t.charAt(0)||isNaN(a=parseInt(t.slice(1),16))||(4===t.length?(o=(3840&a)>>4,o|=o>>4,s=240&a,s|=s>>4,l=15&a,l|=l<<4):7===t.length&&(o=(16711680&a)>>16,s=(65280&a)>>8,l=255&a)),e(o,s,l))}function ce(t,e,r){var n,i,a=Math.min(t/=255,e/=255,r/=255),o=Math.max(t,e,r),s=o-a,l=(o+a)/2;return s?(i=l<.5?s/(o+a):s/(2-o-a),n=t==o?(e-r)/s+(e0&&l<1?0:n),new qt(n,i,l)}function ue(t,e,r){var n=ee((.4124564*(t=fe(t))+.3575761*(e=fe(e))+.1804375*(r=fe(r)))/.95047),i=ee((.2126729*t+.7151522*e+.072175*r)/1);return Zt(116*i-16,500*(n-i),200*(i-ee((.0193339*t+.119192*e+.9503041*r)/1.08883)))}function fe(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function he(t){var e=parseFloat(t);return"%"===t.charAt(t.length-1)?Math.round(2.55*e):e}oe.brighter=function(t){t=Math.pow(.7,arguments.length?t:1);var e=this.r,r=this.g,n=this.b,i=30;return e||r||n?(e&&e=200&&e<300||304===e){try{t=i.call(o,c)}catch(t){return void s.error.call(o,t)}s.load.call(o,t)}else s.error.call(o,c)}return this.XDomainRequest&&!("withCredentials"in c)&&/^(http(s)?:)?\/\//.test(e)&&(c=new XDomainRequest),"onload"in c?c.onload=c.onerror=f:c.onreadystatechange=function(){c.readyState>3&&f()},c.onprogress=function(e){var r=t.event;t.event=e;try{s.progress.call(o,c)}finally{t.event=r}},o.header=function(t,e){return t=(t+"").toLowerCase(),arguments.length<2?l[t]:(null==e?delete l[t]:l[t]=e+"",o)},o.mimeType=function(t){return arguments.length?(r=null==t?null:t+"",o):r},o.responseType=function(t){return arguments.length?(u=t,o):u},o.response=function(t){return i=t,o},["get","post"].forEach((function(t){o[t]=function(){return o.send.apply(o,[t].concat(n(arguments)))}})),o.send=function(t,n,i){if(2===arguments.length&&"function"==typeof n&&(i=n,n=null),c.open(t,e,!0),null==r||"accept"in l||(l.accept=r+",*/*"),c.setRequestHeader)for(var a in l)c.setRequestHeader(a,l[a]);return null!=r&&c.overrideMimeType&&c.overrideMimeType(r),null!=u&&(c.responseType=u),null!=i&&o.on("error",i).on("load",(function(t){i(null,t)})),s.beforesend.call(o,c),c.send(null==n?null:n),o},o.abort=function(){return c.abort(),o},t.rebind(o,s,"on"),null==a?o:o.get(function(t){return 1===t.length?function(e,r){t(null==e?r:null)}:t}(a))}pe.forEach((function(t,e){pe.set(t,ie(e))})),t.functor=de,t.xhr=ge(L),t.dsv=function(t,e){var r=new RegExp('["'+t+"\n]"),n=t.charCodeAt(0);function i(t,r,n){arguments.length<3&&(n=r,r=null);var i=me(t,e,null==r?a:o(r),n);return i.row=function(t){return arguments.length?i.response(null==(r=t)?a:o(t)):r},i}function a(t){return i.parse(t.responseText)}function o(t){return function(e){return i.parse(e.responseText,t)}}function s(e){return e.map(l).join(t)}function l(t){return r.test(t)?'"'+t.replace(/\"/g,'""')+'"':t}return i.parse=function(t,e){var r;return i.parseRows(t,(function(t,n){if(r)return r(t,n-1);var i=new Function("d","return {"+t.map((function(t,e){return JSON.stringify(t)+": d["+e+"]"})).join(",")+"}");r=e?function(t,r){return e(i(t),r)}:i}))},i.parseRows=function(t,e){var r,i,a={},o={},s=[],l=t.length,c=0,u=0;function f(){if(c>=l)return o;if(i)return i=!1,a;var e=c;if(34===t.charCodeAt(e)){for(var r=e;r++24?(isFinite(e)&&(clearTimeout(be),be=setTimeout(Te,e)),xe=0):(xe=1,_e(Te))}function ke(){for(var t=Date.now(),e=ve;e;)t>=e.t&&e.c(t-e.t)&&(e.c=null),e=e.n;return t}function Me(){for(var t,e=ve,r=1/0;e;)e.c?(e.t8?function(t){return t/r}:function(t){return t*r},symbol:t}}));function Ee(e){var r=e.decimal,n=e.thousands,i=e.grouping,a=e.currency,o=i&&n?function(t,e){for(var r=t.length,a=[],o=0,s=i[0],l=0;r>0&&s>0&&(l+s+1>e&&(s=Math.max(1,e-l)),a.push(t.substring(r-=s,r+s)),!((l+=s+1)>e));)s=i[o=(o+1)%i.length];return a.reverse().join(n)}:L;return function(e){var n=Ce.exec(e),i=n[1]||" ",s=n[2]||">",l=n[3]||"-",c=n[4]||"",u=n[5],f=+n[6],h=n[7],p=n[8],d=n[9],g=1,m="",v="",y=!1,x=!0;switch(p&&(p=+p.substring(1)),(u||"0"===i&&"="===s)&&(u=i="0",s="="),d){case"n":h=!0,d="g";break;case"%":g=100,v="%",d="f";break;case"p":g=100,v="%",d="r";break;case"b":case"o":case"x":case"X":"#"===c&&(m="0"+d.toLowerCase());case"c":x=!1;case"d":y=!0,p=0;break;case"s":g=-1,d="r"}"$"===c&&(m=a[0],v=a[1]),"r"!=d||p||(d="g"),null!=p&&("g"==d?p=Math.max(1,Math.min(21,p)):"e"!=d&&"f"!=d||(p=Math.max(0,Math.min(20,p)))),d=Le.get(d)||Ie;var b=u&&h;return function(e){var n=v;if(y&&e%1)return"";var a=e<0||0===e&&1/e<0?(e=-e,"-"):"-"===l?"":l;if(g<0){var c=t.formatPrefix(e,p);e=c.scale(e),n=c.symbol+v}else e*=g;var _,w,T=(e=d(e,p)).lastIndexOf(".");if(T<0){var k=x?e.lastIndexOf("e"):-1;k<0?(_=e,w=""):(_=e.substring(0,k),w=e.substring(k))}else _=e.substring(0,T),w=r+e.substring(T+1);!u&&h&&(_=o(_,1/0));var M=m.length+_.length+w.length+(b?0:a.length),A=M"===s?A+a+e:"^"===s?A.substring(0,M>>=1)+a+e+A.substring(M):a+(b?e:A+e))+n}}}t.formatPrefix=function(e,r){var n=0;return(e=+e)&&(e<0&&(e*=-1),r&&(e=t.round(e,Ae(e,r))),n=1+Math.floor(1e-12+Math.log(e)/Math.LN10),n=Math.max(-24,Math.min(24,3*Math.floor((n-1)/3)))),Se[8+n/3]};var Ce=/(?:([^{])?([<>=^]))?([+\- ])?([$#])?(0)?(\d+)?(,)?(\.-?\d+)?([a-z%])?/i,Le=t.map({b:function(t){return t.toString(2)},c:function(t){return String.fromCharCode(t)},o:function(t){return t.toString(8)},x:function(t){return t.toString(16)},X:function(t){return t.toString(16).toUpperCase()},g:function(t,e){return t.toPrecision(e)},e:function(t,e){return t.toExponential(e)},f:function(t,e){return t.toFixed(e)},r:function(e,r){return(e=t.round(e,Ae(e,r))).toFixed(Math.max(0,Math.min(20,Ae(e*(1+1e-15),r))))}});function Ie(t){return t+""}var Pe=t.time={},ze=Date;function Oe(){this._=new Date(arguments.length>1?Date.UTC.apply(this,arguments):arguments[0])}Oe.prototype={getDate:function(){return this._.getUTCDate()},getDay:function(){return this._.getUTCDay()},getFullYear:function(){return this._.getUTCFullYear()},getHours:function(){return this._.getUTCHours()},getMilliseconds:function(){return this._.getUTCMilliseconds()},getMinutes:function(){return this._.getUTCMinutes()},getMonth:function(){return this._.getUTCMonth()},getSeconds:function(){return this._.getUTCSeconds()},getTime:function(){return this._.getTime()},getTimezoneOffset:function(){return 0},valueOf:function(){return this._.valueOf()},setDate:function(){De.setUTCDate.apply(this._,arguments)},setDay:function(){De.setUTCDay.apply(this._,arguments)},setFullYear:function(){De.setUTCFullYear.apply(this._,arguments)},setHours:function(){De.setUTCHours.apply(this._,arguments)},setMilliseconds:function(){De.setUTCMilliseconds.apply(this._,arguments)},setMinutes:function(){De.setUTCMinutes.apply(this._,arguments)},setMonth:function(){De.setUTCMonth.apply(this._,arguments)},setSeconds:function(){De.setUTCSeconds.apply(this._,arguments)},setTime:function(){De.setTime.apply(this._,arguments)}};var De=Date.prototype;function Re(t,e,r){function n(e){var r=t(e),n=a(r,1);return e-r1)for(;o=c)return-1;if(37===(i=e.charCodeAt(s++))){if(o=e.charAt(s++),!(a=w[o in Ne?e.charAt(s++):o])||(n=a(t,r,n))<0)return-1}else if(i!=r.charCodeAt(n++))return-1}return n}u.utc=function(t){var e=u(t);function r(t){try{var r=new(ze=Oe);return r._=t,e(r)}finally{ze=Date}}return r.parse=function(t){try{ze=Oe;var r=e.parse(t);return r&&r._}finally{ze=Date}},r.toString=e.toString,r},u.multi=u.utc.multi=or;var h=t.map(),p=qe(o),d=He(o),g=qe(s),m=He(s),v=qe(l),y=He(l),x=qe(c),b=He(c);a.forEach((function(t,e){h.set(t.toLowerCase(),e)}));var _={a:function(t){return s[t.getDay()]},A:function(t){return o[t.getDay()]},b:function(t){return c[t.getMonth()]},B:function(t){return l[t.getMonth()]},c:u(r),d:function(t,e){return Ve(t.getDate(),e,2)},e:function(t,e){return Ve(t.getDate(),e,2)},H:function(t,e){return Ve(t.getHours(),e,2)},I:function(t,e){return Ve(t.getHours()%12||12,e,2)},j:function(t,e){return Ve(1+Pe.dayOfYear(t),e,3)},L:function(t,e){return Ve(t.getMilliseconds(),e,3)},m:function(t,e){return Ve(t.getMonth()+1,e,2)},M:function(t,e){return Ve(t.getMinutes(),e,2)},p:function(t){return a[+(t.getHours()>=12)]},S:function(t,e){return Ve(t.getSeconds(),e,2)},U:function(t,e){return Ve(Pe.sundayOfYear(t),e,2)},w:function(t){return t.getDay()},W:function(t,e){return Ve(Pe.mondayOfYear(t),e,2)},x:u(n),X:u(i),y:function(t,e){return Ve(t.getFullYear()%100,e,2)},Y:function(t,e){return Ve(t.getFullYear()%1e4,e,4)},Z:ir,"%":function(){return"%"}},w={a:function(t,e,r){g.lastIndex=0;var n=g.exec(e.slice(r));return n?(t.w=m.get(n[0].toLowerCase()),r+n[0].length):-1},A:function(t,e,r){p.lastIndex=0;var n=p.exec(e.slice(r));return n?(t.w=d.get(n[0].toLowerCase()),r+n[0].length):-1},b:function(t,e,r){x.lastIndex=0;var n=x.exec(e.slice(r));return n?(t.m=b.get(n[0].toLowerCase()),r+n[0].length):-1},B:function(t,e,r){v.lastIndex=0;var n=v.exec(e.slice(r));return n?(t.m=y.get(n[0].toLowerCase()),r+n[0].length):-1},c:function(t,e,r){return f(t,_.c.toString(),e,r)},d:Qe,e:Qe,H:tr,I:tr,j:$e,L:nr,m:Ke,M:er,p:function(t,e,r){var n=h.get(e.slice(r,r+=2).toLowerCase());return null==n?-1:(t.p=n,r)},S:rr,U:Ye,w:Ge,W:We,x:function(t,e,r){return f(t,_.x.toString(),e,r)},X:function(t,e,r){return f(t,_.X.toString(),e,r)},y:Ze,Y:Xe,Z:Je,"%":ar};return u}Pe.year=Re((function(t){return(t=Pe.day(t)).setMonth(0,1),t}),(function(t,e){t.setFullYear(t.getFullYear()+e)}),(function(t){return t.getFullYear()})),Pe.years=Pe.year.range,Pe.years.utc=Pe.year.utc.range,Pe.day=Re((function(t){var e=new ze(2e3,0);return e.setFullYear(t.getFullYear(),t.getMonth(),t.getDate()),e}),(function(t,e){t.setDate(t.getDate()+e)}),(function(t){return t.getDate()-1})),Pe.days=Pe.day.range,Pe.days.utc=Pe.day.utc.range,Pe.dayOfYear=function(t){var e=Pe.year(t);return Math.floor((t-e-6e4*(t.getTimezoneOffset()-e.getTimezoneOffset()))/864e5)},["sunday","monday","tuesday","wednesday","thursday","friday","saturday"].forEach((function(t,e){e=7-e;var r=Pe[t]=Re((function(t){return(t=Pe.day(t)).setDate(t.getDate()-(t.getDay()+e)%7),t}),(function(t,e){t.setDate(t.getDate()+7*Math.floor(e))}),(function(t){var r=Pe.year(t).getDay();return Math.floor((Pe.dayOfYear(t)+(r+e)%7)/7)-(r!==e)}));Pe[t+"s"]=r.range,Pe[t+"s"].utc=r.utc.range,Pe[t+"OfYear"]=function(t){var r=Pe.year(t).getDay();return Math.floor((Pe.dayOfYear(t)+(r+e)%7)/7)}})),Pe.week=Pe.sunday,Pe.weeks=Pe.sunday.range,Pe.weeks.utc=Pe.sunday.utc.range,Pe.weekOfYear=Pe.sundayOfYear;var Ne={"-":"",_:" ",0:"0"},je=/^\s*\d+/,Ue=/^%/;function Ve(t,e,r){var n=t<0?"-":"",i=(n?-t:t)+"",a=i.length;return n+(a68?1900:2e3),r+i[0].length):-1}function Je(t,e,r){return/^[+-]\d{4}$/.test(e=e.slice(r,r+5))?(t.Z=-e,r+5):-1}function Ke(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.m=n[0]-1,r+n[0].length):-1}function Qe(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.d=+n[0],r+n[0].length):-1}function $e(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+3));return n?(t.j=+n[0],r+n[0].length):-1}function tr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.H=+n[0],r+n[0].length):-1}function er(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.M=+n[0],r+n[0].length):-1}function rr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.S=+n[0],r+n[0].length):-1}function nr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+3));return n?(t.L=+n[0],r+n[0].length):-1}function ir(t){var e=t.getTimezoneOffset(),r=e>0?"-":"+",n=y(e)/60|0,i=y(e)%60;return r+Ve(n,"0",2)+Ve(i,"0",2)}function ar(t,e,r){Ue.lastIndex=0;var n=Ue.exec(e.slice(r,r+1));return n?r+n[0].length:-1}function or(t){for(var e=t.length,r=-1;++r=0?1:-1,s=o*a,l=Math.cos(e),c=Math.sin(e),u=i*c,f=n*l+u*Math.cos(s),h=u*o*Math.sin(s);Er.add(Math.atan2(h,f)),r=t,n=l,i=c}Cr.point=function(o,s){Cr.point=a,r=(t=o)*Lt,n=Math.cos(s=(e=s)*Lt/2+At/4),i=Math.sin(s)},Cr.lineEnd=function(){a(t,e)}}function Ir(t){var e=t[0],r=t[1],n=Math.cos(r);return[n*Math.cos(e),n*Math.sin(e),Math.sin(r)]}function Pr(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]}function zr(t,e){return[t[1]*e[2]-t[2]*e[1],t[2]*e[0]-t[0]*e[2],t[0]*e[1]-t[1]*e[0]]}function Or(t,e){t[0]+=e[0],t[1]+=e[1],t[2]+=e[2]}function Dr(t,e){return[t[0]*e,t[1]*e,t[2]*e]}function Rr(t){var e=Math.sqrt(t[0]*t[0]+t[1]*t[1]+t[2]*t[2]);t[0]/=e,t[1]/=e,t[2]/=e}function Fr(t){return[Math.atan2(t[1],t[0]),Dt(t[2])]}function Br(t,e){return y(t[0]-e[0])kt?i=90:c<-kt&&(r=-90),f[0]=e,f[1]=n}};function p(t,a){u.push(f=[e=t,n=t]),ai&&(i=a)}function d(t,o){var s=Ir([t*Lt,o*Lt]);if(l){var c=zr(l,s),u=zr([c[1],-c[0],0],c);Rr(u),u=Fr(u);var f=t-a,h=f>0?1:-1,d=u[0]*It*h,g=y(f)>180;if(g^(h*ai&&(i=m);else if(g^(h*a<(d=(d+360)%360-180)&&di&&(i=o);g?t_(e,n)&&(n=t):_(t,n)>_(e,n)&&(e=t):n>=e?(tn&&(n=t)):t>a?_(e,t)>_(e,n)&&(n=t):_(t,n)>_(e,n)&&(e=t)}else p(t,o);l=s,a=t}function g(){h.point=d}function m(){f[0]=e,f[1]=n,h.point=p,l=null}function v(t,e){if(l){var r=t-a;c+=y(r)>180?r+(r>0?360:-360):r}else o=t,s=e;Cr.point(t,e),d(t,e)}function x(){Cr.lineStart()}function b(){v(o,s),Cr.lineEnd(),y(c)>kt&&(e=-(n=180)),f[0]=e,f[1]=n,l=null}function _(t,e){return(e-=t)<0?e+360:e}function w(t,e){return t[0]-e[0]}function T(t,e){return e[0]<=e[1]?e[0]<=t&&t<=e[1]:t_(g[0],g[1])&&(g[1]=p[1]),_(p[0],g[1])>_(g[0],g[1])&&(g[0]=p[0])):s.push(g=p);for(var l,c,p,d=-1/0,g=(o=0,s[c=s.length-1]);o<=c;g=p,++o)p=s[o],(l=_(g[1],p[0]))>d&&(d=l,e=p[0],n=g[1])}return u=f=null,e===1/0||r===1/0?[[NaN,NaN],[NaN,NaN]]:[[e,r],[n,i]]}}(),t.geo.centroid=function(e){vr=yr=xr=br=_r=wr=Tr=kr=Mr=Ar=Sr=0,t.geo.stream(e,Nr);var r=Mr,n=Ar,i=Sr,a=r*r+n*n+i*i;return a=0;--s)i.point((f=u[s])[0],f[1]);else n(p.x,p.p.x,-1,i);p=p.p}u=(p=p.o).z,d=!d}while(!p.v);i.lineEnd()}}}function Xr(t){if(e=t.length){for(var e,r,n=0,i=t[0];++n=0?1:-1,T=w*_,k=T>At,M=d*x;if(Er.add(Math.atan2(M*w*Math.sin(T),g*b+M*Math.cos(T))),a+=k?_+w*St:_,k^h>=r^v>=r){var A=zr(Ir(f),Ir(t));Rr(A);var S=zr(i,A);Rr(S);var E=(k^_>=0?-1:1)*Dt(S[2]);(n>E||n===E&&(A[0]||A[1]))&&(o+=k^_>=0?1:-1)}if(!m++)break;h=v,d=x,g=b,f=t}}return(a<-kt||a0){for(x||(o.polygonStart(),x=!0),o.lineStart();++a1&&2&e&&r.push(r.pop().concat(r.shift())),s.push(r.filter(Kr))}return u}}function Kr(t){return t.length>1}function Qr(){var t,e=[];return{lineStart:function(){e.push(t=[])},point:function(e,r){t.push([e,r])},lineEnd:O,buffer:function(){var r=e;return e=[],t=null,r},rejoin:function(){e.length>1&&e.push(e.pop().concat(e.shift()))}}}function $r(t,e){return((t=t.x)[0]<0?t[1]-Ct-kt:Ct-t[1])-((e=e.x)[0]<0?e[1]-Ct-kt:Ct-e[1])}var tn=Jr(Yr,(function(t){var e,r=NaN,n=NaN,i=NaN;return{lineStart:function(){t.lineStart(),e=1},point:function(a,o){var s=a>0?At:-At,l=y(a-r);y(l-At)0?Ct:-Ct),t.point(i,n),t.lineEnd(),t.lineStart(),t.point(s,n),t.point(a,n),e=0):i!==s&&l>=At&&(y(r-i)kt?Math.atan((Math.sin(e)*(a=Math.cos(n))*Math.sin(r)-Math.sin(n)*(i=Math.cos(e))*Math.sin(t))/(i*a*o)):(e+n)/2}(r,n,a,o),t.point(i,n),t.lineEnd(),t.lineStart(),t.point(s,n),e=0),t.point(r=a,n=o),i=s},lineEnd:function(){t.lineEnd(),r=n=NaN},clean:function(){return 2-e}}}),(function(t,e,r,n){var i;if(null==t)i=r*Ct,n.point(-At,i),n.point(0,i),n.point(At,i),n.point(At,0),n.point(At,-i),n.point(0,-i),n.point(-At,-i),n.point(-At,0),n.point(-At,i);else if(y(t[0]-e[0])>kt){var a=t[0]0,n=y(e)>kt;return Jr(i,(function(t){var e,s,l,c,u;return{lineStart:function(){c=l=!1,u=1},point:function(f,h){var p,d=[f,h],g=i(f,h),m=r?g?0:o(f,h):g?o(f+(f<0?At:-At),h):0;if(!e&&(c=l=g)&&t.lineStart(),g!==l&&(p=a(e,d),(Br(e,p)||Br(d,p))&&(d[0]+=kt,d[1]+=kt,g=i(d[0],d[1]))),g!==l)u=0,g?(t.lineStart(),p=a(d,e),t.point(p[0],p[1])):(p=a(e,d),t.point(p[0],p[1]),t.lineEnd()),e=p;else if(n&&e&&r^g){var v;m&s||!(v=a(d,e,!0))||(u=0,r?(t.lineStart(),t.point(v[0][0],v[0][1]),t.point(v[1][0],v[1][1]),t.lineEnd()):(t.point(v[1][0],v[1][1]),t.lineEnd(),t.lineStart(),t.point(v[0][0],v[0][1])))}!g||e&&Br(e,d)||t.point(d[0],d[1]),e=d,l=g,s=m},lineEnd:function(){l&&t.lineEnd(),e=null},clean:function(){return u|(c&&l)<<1}}}),Bn(t,6*Lt),r?[0,-t]:[-At,t-At]);function i(t,r){return Math.cos(t)*Math.cos(r)>e}function a(t,r,n){var i=[1,0,0],a=zr(Ir(t),Ir(r)),o=Pr(a,a),s=a[0],l=o-s*s;if(!l)return!n&&t;var c=e*o/l,u=-e*s/l,f=zr(i,a),h=Dr(i,c);Or(h,Dr(a,u));var p=f,d=Pr(h,p),g=Pr(p,p),m=d*d-g*(Pr(h,h)-1);if(!(m<0)){var v=Math.sqrt(m),x=Dr(p,(-d-v)/g);if(Or(x,h),x=Fr(x),!n)return x;var b,_=t[0],w=r[0],T=t[1],k=r[1];w<_&&(b=_,_=w,w=b);var M=w-_,A=y(M-At)0^x[1]<(y(x[0]-_)At^(_<=x[0]&&x[0]<=w)){var S=Dr(p,(-d+v)/g);return Or(S,h),[x,Fr(S)]}}}function o(e,n){var i=r?t:At-t,a=0;return e<-i?a|=1:e>i&&(a|=2),n<-i?a|=4:n>i&&(a|=8),a}}function rn(t,e,r,n){return function(i){var a,o=i.a,s=i.b,l=o.x,c=o.y,u=0,f=1,h=s.x-l,p=s.y-c;if(a=t-l,h||!(a>0)){if(a/=h,h<0){if(a0){if(a>f)return;a>u&&(u=a)}if(a=r-l,h||!(a<0)){if(a/=h,h<0){if(a>f)return;a>u&&(u=a)}else if(h>0){if(a0)){if(a/=p,p<0){if(a0){if(a>f)return;a>u&&(u=a)}if(a=n-c,p||!(a<0)){if(a/=p,p<0){if(a>f)return;a>u&&(u=a)}else if(p>0){if(a0&&(i.a={x:l+u*h,y:c+u*p}),f<1&&(i.b={x:l+f*h,y:c+f*p}),i}}}}}}function nn(e,r,n,i){return function(l){var c,u,f,h,p,d,g,m,v,y,x,b=l,_=Qr(),w=rn(e,r,n,i),T={point:A,lineStart:function(){T.point=S,u&&u.push(f=[]);y=!0,v=!1,g=m=NaN},lineEnd:function(){c&&(S(h,p),d&&v&&_.rejoin(),c.push(_.buffer()));T.point=A,v&&l.lineEnd()},polygonStart:function(){l=_,c=[],u=[],x=!0},polygonEnd:function(){l=b,c=t.merge(c);var r=function(t){for(var e=0,r=u.length,n=t[1],i=0;in&&zt(c,a,t)>0&&++e:a[1]<=n&&zt(c,a,t)<0&&--e,c=a;return 0!==e}([e,i]),n=x&&r,a=c.length;(n||a)&&(l.polygonStart(),n&&(l.lineStart(),k(null,null,1,l),l.lineEnd()),a&&Wr(c,o,r,k,l),l.polygonEnd()),c=u=f=null}};function k(t,o,l,c){var u=0,f=0;if(null==t||(u=a(t,l))!==(f=a(o,l))||s(t,o)<0^l>0)do{c.point(0===u||3===u?e:n,u>1?i:r)}while((u=(u+l+4)%4)!==f);else c.point(o[0],o[1])}function M(t,a){return e<=t&&t<=n&&r<=a&&a<=i}function A(t,e){M(t,e)&&l.point(t,e)}function S(t,e){var r=M(t=Math.max(-1e9,Math.min(1e9,t)),e=Math.max(-1e9,Math.min(1e9,e)));if(u&&f.push([t,e]),y)h=t,p=e,d=r,y=!1,r&&(l.lineStart(),l.point(t,e));else if(r&&v)l.point(t,e);else{var n={a:{x:g,y:m},b:{x:t,y:e}};w(n)?(v||(l.lineStart(),l.point(n.a.x,n.a.y)),l.point(n.b.x,n.b.y),r||l.lineEnd(),x=!1):r&&(l.lineStart(),l.point(t,e),x=!1)}g=t,m=e,v=r}return T};function a(t,i){return y(t[0]-e)0?0:3:y(t[0]-n)0?2:1:y(t[1]-r)0?1:0:i>0?3:2}function o(t,e){return s(t.x,e.x)}function s(t,e){var r=a(t,1),n=a(e,1);return r!==n?r-n:0===r?e[1]-t[1]:1===r?t[0]-e[0]:2===r?t[1]-e[1]:e[0]-t[0]}}function an(t){var e=0,r=At/3,n=Ln(t),i=n(e,r);return i.parallels=function(t){return arguments.length?n(e=t[0]*At/180,r=t[1]*At/180):[e/At*180,r/At*180]},i}function on(t,e){var r=Math.sin(t),n=(r+Math.sin(e))/2,i=1+r*(2*n-r),a=Math.sqrt(i)/n;function o(t,e){var r=Math.sqrt(i-2*n*Math.sin(e))/n;return[r*Math.sin(t*=n),a-r*Math.cos(t)]}return o.invert=function(t,e){var r=a-e;return[Math.atan2(t,r)/n,Dt((i-(t*t+r*r)*n*n)/(2*n))]},o}t.geo.clipExtent=function(){var t,e,r,n,i,a,o={stream:function(t){return i&&(i.valid=!1),(i=a(t)).valid=!0,i},extent:function(s){return arguments.length?(a=nn(t=+s[0][0],e=+s[0][1],r=+s[1][0],n=+s[1][1]),i&&(i.valid=!1,i=null),o):[[t,e],[r,n]]}};return o.extent([[0,0],[960,500]])},(t.geo.conicEqualArea=function(){return an(on)}).raw=on,t.geo.albers=function(){return t.geo.conicEqualArea().rotate([96,0]).center([-.6,38.7]).parallels([29.5,45.5]).scale(1070)},t.geo.albersUsa=function(){var e,r,n,i,a=t.geo.albers(),o=t.geo.conicEqualArea().rotate([154,0]).center([-2,58.5]).parallels([55,65]),s=t.geo.conicEqualArea().rotate([157,0]).center([-3,19.9]).parallels([8,18]),l={point:function(t,r){e=[t,r]}};function c(t){var a=t[0],o=t[1];return e=null,r(a,o),e||(n(a,o),e)||i(a,o),e}return c.invert=function(t){var e=a.scale(),r=a.translate(),n=(t[0]-r[0])/e,i=(t[1]-r[1])/e;return(i>=.12&&i<.234&&n>=-.425&&n<-.214?o:i>=.166&&i<.234&&n>=-.214&&n<-.115?s:a).invert(t)},c.stream=function(t){var e=a.stream(t),r=o.stream(t),n=s.stream(t);return{point:function(t,i){e.point(t,i),r.point(t,i),n.point(t,i)},sphere:function(){e.sphere(),r.sphere(),n.sphere()},lineStart:function(){e.lineStart(),r.lineStart(),n.lineStart()},lineEnd:function(){e.lineEnd(),r.lineEnd(),n.lineEnd()},polygonStart:function(){e.polygonStart(),r.polygonStart(),n.polygonStart()},polygonEnd:function(){e.polygonEnd(),r.polygonEnd(),n.polygonEnd()}}},c.precision=function(t){return arguments.length?(a.precision(t),o.precision(t),s.precision(t),c):a.precision()},c.scale=function(t){return arguments.length?(a.scale(t),o.scale(.35*t),s.scale(t),c.translate(a.translate())):a.scale()},c.translate=function(t){if(!arguments.length)return a.translate();var e=a.scale(),u=+t[0],f=+t[1];return r=a.translate(t).clipExtent([[u-.455*e,f-.238*e],[u+.455*e,f+.238*e]]).stream(l).point,n=o.translate([u-.307*e,f+.201*e]).clipExtent([[u-.425*e+kt,f+.12*e+kt],[u-.214*e-kt,f+.234*e-kt]]).stream(l).point,i=s.translate([u-.205*e,f+.212*e]).clipExtent([[u-.214*e+kt,f+.166*e+kt],[u-.115*e-kt,f+.234*e-kt]]).stream(l).point,c},c.scale(1070)};var sn,ln,cn,un,fn,hn,pn={point:O,lineStart:O,lineEnd:O,polygonStart:function(){ln=0,pn.lineStart=dn},polygonEnd:function(){pn.lineStart=pn.lineEnd=pn.point=O,sn+=y(ln/2)}};function dn(){var t,e,r,n;function i(t,e){ln+=n*t-r*e,r=t,n=e}pn.point=function(a,o){pn.point=i,t=r=a,e=n=o},pn.lineEnd=function(){i(t,e)}}var gn={point:function(t,e){tfn&&(fn=t);ehn&&(hn=e)},lineStart:O,lineEnd:O,polygonStart:O,polygonEnd:O};function mn(){var t=vn(4.5),e=[],r={point:n,lineStart:function(){r.point=i},lineEnd:o,polygonStart:function(){r.lineEnd=s},polygonEnd:function(){r.lineEnd=o,r.point=n},pointRadius:function(e){return t=vn(e),r},result:function(){if(e.length){var t=e.join("");return e=[],t}}};function n(r,n){e.push("M",r,",",n,t)}function i(t,n){e.push("M",t,",",n),r.point=a}function a(t,r){e.push("L",t,",",r)}function o(){r.point=n}function s(){e.push("Z")}return r}function vn(t){return"m0,"+t+"a"+t+","+t+" 0 1,1 0,"+-2*t+"a"+t+","+t+" 0 1,1 0,"+2*t+"z"}var yn,xn={point:bn,lineStart:_n,lineEnd:wn,polygonStart:function(){xn.lineStart=Tn},polygonEnd:function(){xn.point=bn,xn.lineStart=_n,xn.lineEnd=wn}};function bn(t,e){xr+=t,br+=e,++_r}function _n(){var t,e;function r(r,n){var i=r-t,a=n-e,o=Math.sqrt(i*i+a*a);wr+=o*(t+r)/2,Tr+=o*(e+n)/2,kr+=o,bn(t=r,e=n)}xn.point=function(n,i){xn.point=r,bn(t=n,e=i)}}function wn(){xn.point=bn}function Tn(){var t,e,r,n;function i(t,e){var i=t-r,a=e-n,o=Math.sqrt(i*i+a*a);wr+=o*(r+t)/2,Tr+=o*(n+e)/2,kr+=o,Mr+=(o=n*t-r*e)*(r+t),Ar+=o*(n+e),Sr+=3*o,bn(r=t,n=e)}xn.point=function(a,o){xn.point=i,bn(t=r=a,e=n=o)},xn.lineEnd=function(){i(t,e)}}function kn(t){var e=4.5,r={point:n,lineStart:function(){r.point=i},lineEnd:o,polygonStart:function(){r.lineEnd=s},polygonEnd:function(){r.lineEnd=o,r.point=n},pointRadius:function(t){return e=t,r},result:O};function n(r,n){t.moveTo(r+e,n),t.arc(r,n,e,0,St)}function i(e,n){t.moveTo(e,n),r.point=a}function a(e,r){t.lineTo(e,r)}function o(){r.point=n}function s(){t.closePath()}return r}function Mn(t){var e=.5,r=Math.cos(30*Lt),n=16;function i(t){return(n?o:a)(t)}function a(e){return En(e,(function(r,n){r=t(r,n),e.point(r[0],r[1])}))}function o(e){var r,i,a,o,l,c,u,f,h,p,d,g,m={point:v,lineStart:y,lineEnd:b,polygonStart:function(){e.polygonStart(),m.lineStart=_},polygonEnd:function(){e.polygonEnd(),m.lineStart=y}};function v(r,n){r=t(r,n),e.point(r[0],r[1])}function y(){f=NaN,m.point=x,e.lineStart()}function x(r,i){var a=Ir([r,i]),o=t(r,i);s(f,h,u,p,d,g,f=o[0],h=o[1],u=r,p=a[0],d=a[1],g=a[2],n,e),e.point(f,h)}function b(){m.point=v,e.lineEnd()}function _(){y(),m.point=w,m.lineEnd=T}function w(t,e){x(r=t,e),i=f,a=h,o=p,l=d,c=g,m.point=x}function T(){s(f,h,u,p,d,g,i,a,r,o,l,c,n,e),m.lineEnd=b,b()}return m}function s(n,i,a,o,l,c,u,f,h,p,d,g,m,v){var x=u-n,b=f-i,_=x*x+b*b;if(_>4*e&&m--){var w=o+p,T=l+d,k=c+g,M=Math.sqrt(w*w+T*T+k*k),A=Math.asin(k/=M),S=y(y(k)-1)e||y((x*I+b*P)/_-.5)>.3||o*p+l*d+c*g0&&16,i):Math.sqrt(e)},i}function An(t){var e=Mn((function(e,r){return t([e*It,r*It])}));return function(t){return In(e(t))}}function Sn(t){this.stream=t}function En(t,e){return{point:e,sphere:function(){t.sphere()},lineStart:function(){t.lineStart()},lineEnd:function(){t.lineEnd()},polygonStart:function(){t.polygonStart()},polygonEnd:function(){t.polygonEnd()}}}function Cn(t){return Ln((function(){return t}))()}function Ln(e){var r,n,i,a,o,s,l=Mn((function(t,e){return[(t=r(t,e))[0]*c+a,o-t[1]*c]})),c=150,u=480,f=250,h=0,p=0,d=0,g=0,m=0,v=tn,y=L,x=null,b=null;function _(t){return[(t=i(t[0]*Lt,t[1]*Lt))[0]*c+a,o-t[1]*c]}function w(t){return(t=i.invert((t[0]-a)/c,(o-t[1])/c))&&[t[0]*It,t[1]*It]}function T(){i=Gr(n=On(d,g,m),r);var t=r(h,p);return a=u-t[0]*c,o=f+t[1]*c,k()}function k(){return s&&(s.valid=!1,s=null),_}return _.stream=function(t){return s&&(s.valid=!1),(s=In(v(n,l(y(t))))).valid=!0,s},_.clipAngle=function(t){return arguments.length?(v=null==t?(x=t,tn):en((x=+t)*Lt),k()):x},_.clipExtent=function(t){return arguments.length?(b=t,y=t?nn(t[0][0],t[0][1],t[1][0],t[1][1]):L,k()):b},_.scale=function(t){return arguments.length?(c=+t,T()):c},_.translate=function(t){return arguments.length?(u=+t[0],f=+t[1],T()):[u,f]},_.center=function(t){return arguments.length?(h=t[0]%360*Lt,p=t[1]%360*Lt,T()):[h*It,p*It]},_.rotate=function(t){return arguments.length?(d=t[0]%360*Lt,g=t[1]%360*Lt,m=t.length>2?t[2]%360*Lt:0,T()):[d*It,g*It,m*It]},t.rebind(_,l,"precision"),function(){return r=e.apply(this,arguments),_.invert=r.invert&&w,T()}}function In(t){return En(t,(function(e,r){t.point(e*Lt,r*Lt)}))}function Pn(t,e){return[t,e]}function zn(t,e){return[t>At?t-St:t<-At?t+St:t,e]}function On(t,e,r){return t?e||r?Gr(Rn(t),Fn(e,r)):Rn(t):e||r?Fn(e,r):zn}function Dn(t){return function(e,r){return[(e+=t)>At?e-St:e<-At?e+St:e,r]}}function Rn(t){var e=Dn(t);return e.invert=Dn(-t),e}function Fn(t,e){var r=Math.cos(t),n=Math.sin(t),i=Math.cos(e),a=Math.sin(e);function o(t,e){var o=Math.cos(e),s=Math.cos(t)*o,l=Math.sin(t)*o,c=Math.sin(e),u=c*r+s*n;return[Math.atan2(l*i-u*a,s*r-c*n),Dt(u*i+l*a)]}return o.invert=function(t,e){var o=Math.cos(e),s=Math.cos(t)*o,l=Math.sin(t)*o,c=Math.sin(e),u=c*i-l*a;return[Math.atan2(l*i+c*a,s*r+u*n),Dt(u*r-s*n)]},o}function Bn(t,e){var r=Math.cos(t),n=Math.sin(t);return function(i,a,o,s){var l=o*e;null!=i?(i=Nn(r,i),a=Nn(r,a),(o>0?ia)&&(i+=o*St)):(i=t+o*St,a=t-.5*l);for(var c,u=i;o>0?u>a:u2?t[2]*Lt:0),e.invert=function(e){return(e=t.invert(e[0]*Lt,e[1]*Lt))[0]*=It,e[1]*=It,e},e},zn.invert=Pn,t.geo.circle=function(){var t,e,r=[0,0],n=6;function i(){var t="function"==typeof r?r.apply(this,arguments):r,n=On(-t[0]*Lt,-t[1]*Lt,0).invert,i=[];return e(null,null,1,{point:function(t,e){i.push(t=n(t,e)),t[0]*=It,t[1]*=It}}),{type:"Polygon",coordinates:[i]}}return i.origin=function(t){return arguments.length?(r=t,i):r},i.angle=function(r){return arguments.length?(e=Bn((t=+r)*Lt,n*Lt),i):t},i.precision=function(r){return arguments.length?(e=Bn(t*Lt,(n=+r)*Lt),i):n},i.angle(90)},t.geo.distance=function(t,e){var r,n=(e[0]-t[0])*Lt,i=t[1]*Lt,a=e[1]*Lt,o=Math.sin(n),s=Math.cos(n),l=Math.sin(i),c=Math.cos(i),u=Math.sin(a),f=Math.cos(a);return Math.atan2(Math.sqrt((r=f*o)*r+(r=c*u-l*f*s)*r),l*u+c*f*s)},t.geo.graticule=function(){var e,r,n,i,a,o,s,l,c,u,f,h,p=10,d=p,g=90,m=360,v=2.5;function x(){return{type:"MultiLineString",coordinates:b()}}function b(){return t.range(Math.ceil(i/g)*g,n,g).map(f).concat(t.range(Math.ceil(l/m)*m,s,m).map(h)).concat(t.range(Math.ceil(r/p)*p,e,p).filter((function(t){return y(t%g)>kt})).map(c)).concat(t.range(Math.ceil(o/d)*d,a,d).filter((function(t){return y(t%m)>kt})).map(u))}return x.lines=function(){return b().map((function(t){return{type:"LineString",coordinates:t}}))},x.outline=function(){return{type:"Polygon",coordinates:[f(i).concat(h(s).slice(1),f(n).reverse().slice(1),h(l).reverse().slice(1))]}},x.extent=function(t){return arguments.length?x.majorExtent(t).minorExtent(t):x.minorExtent()},x.majorExtent=function(t){return arguments.length?(i=+t[0][0],n=+t[1][0],l=+t[0][1],s=+t[1][1],i>n&&(t=i,i=n,n=t),l>s&&(t=l,l=s,s=t),x.precision(v)):[[i,l],[n,s]]},x.minorExtent=function(t){return arguments.length?(r=+t[0][0],e=+t[1][0],o=+t[0][1],a=+t[1][1],r>e&&(t=r,r=e,e=t),o>a&&(t=o,o=a,a=t),x.precision(v)):[[r,o],[e,a]]},x.step=function(t){return arguments.length?x.majorStep(t).minorStep(t):x.minorStep()},x.majorStep=function(t){return arguments.length?(g=+t[0],m=+t[1],x):[g,m]},x.minorStep=function(t){return arguments.length?(p=+t[0],d=+t[1],x):[p,d]},x.precision=function(t){return arguments.length?(v=+t,c=jn(o,a,90),u=Un(r,e,v),f=jn(l,s,90),h=Un(i,n,v),x):v},x.majorExtent([[-180,-90+kt],[180,90-kt]]).minorExtent([[-180,-80-kt],[180,80+kt]])},t.geo.greatArc=function(){var e,r,n=Vn,i=qn;function a(){return{type:"LineString",coordinates:[e||n.apply(this,arguments),r||i.apply(this,arguments)]}}return a.distance=function(){return t.geo.distance(e||n.apply(this,arguments),r||i.apply(this,arguments))},a.source=function(t){return arguments.length?(n=t,e="function"==typeof t?null:t,a):n},a.target=function(t){return arguments.length?(i=t,r="function"==typeof t?null:t,a):i},a.precision=function(){return arguments.length?a:0},a},t.geo.interpolate=function(t,e){return r=t[0]*Lt,n=t[1]*Lt,i=e[0]*Lt,a=e[1]*Lt,o=Math.cos(n),s=Math.sin(n),l=Math.cos(a),c=Math.sin(a),u=o*Math.cos(r),f=o*Math.sin(r),h=l*Math.cos(i),p=l*Math.sin(i),d=2*Math.asin(Math.sqrt(Ft(a-n)+o*l*Ft(i-r))),g=1/Math.sin(d),(m=d?function(t){var e=Math.sin(t*=d)*g,r=Math.sin(d-t)*g,n=r*u+e*h,i=r*f+e*p,a=r*s+e*c;return[Math.atan2(i,n)*It,Math.atan2(a,Math.sqrt(n*n+i*i))*It]}:function(){return[r*It,n*It]}).distance=d,m;var r,n,i,a,o,s,l,c,u,f,h,p,d,g,m},t.geo.length=function(e){return yn=0,t.geo.stream(e,Hn),yn};var Hn={sphere:O,point:O,lineStart:function(){var t,e,r;function n(n,i){var a=Math.sin(i*=Lt),o=Math.cos(i),s=y((n*=Lt)-t),l=Math.cos(s);yn+=Math.atan2(Math.sqrt((s=o*Math.sin(s))*s+(s=r*a-e*o*l)*s),e*a+r*o*l),t=n,e=a,r=o}Hn.point=function(i,a){t=i*Lt,e=Math.sin(a*=Lt),r=Math.cos(a),Hn.point=n},Hn.lineEnd=function(){Hn.point=Hn.lineEnd=O}},lineEnd:O,polygonStart:O,polygonEnd:O};function Gn(t,e){function r(e,r){var n=Math.cos(e),i=Math.cos(r),a=t(n*i);return[a*i*Math.sin(e),a*Math.sin(r)]}return r.invert=function(t,r){var n=Math.sqrt(t*t+r*r),i=e(n),a=Math.sin(i),o=Math.cos(i);return[Math.atan2(t*a,n*o),Math.asin(n&&r*a/n)]},r}var Yn=Gn((function(t){return Math.sqrt(2/(1+t))}),(function(t){return 2*Math.asin(t/2)}));(t.geo.azimuthalEqualArea=function(){return Cn(Yn)}).raw=Yn;var Wn=Gn((function(t){var e=Math.acos(t);return e&&e/Math.sin(e)}),L);function Xn(t,e){var r=Math.cos(t),n=function(t){return Math.tan(At/4+t/2)},i=t===e?Math.sin(t):Math.log(r/Math.cos(e))/Math.log(n(e)/n(t)),a=r*Math.pow(n(t),i)/i;if(!i)return Kn;function o(t,e){a>0?e<-Ct+kt&&(e=-Ct+kt):e>Ct-kt&&(e=Ct-kt);var r=a/Math.pow(n(e),i);return[r*Math.sin(i*t),a-r*Math.cos(i*t)]}return o.invert=function(t,e){var r=a-e,n=Pt(i)*Math.sqrt(t*t+r*r);return[Math.atan2(t,r)/i,2*Math.atan(Math.pow(a/n,1/i))-Ct]},o}function Zn(t,e){var r=Math.cos(t),n=t===e?Math.sin(t):(r-Math.cos(e))/(e-t),i=r/n+t;if(y(n)1&&zt(t[r[n-2]],t[r[n-1]],t[i])<=0;)--n;r[n++]=i}return r.slice(0,n)}function ai(t,e){return t[0]-e[0]||t[1]-e[1]}(t.geo.stereographic=function(){return Cn(ti)}).raw=ti,ei.invert=function(t,e){return[-e,2*Math.atan(Math.exp(t))-Ct]},(t.geo.transverseMercator=function(){var t=Qn(ei),e=t.center,r=t.rotate;return t.center=function(t){return t?e([-t[1],t[0]]):[(t=e())[1],-t[0]]},t.rotate=function(t){return t?r([t[0],t[1],t.length>2?t[2]+90:90]):[(t=r())[0],t[1],t[2]-90]},r([0,0,90])}).raw=ei,t.geom={},t.geom.hull=function(t){var e=ri,r=ni;if(arguments.length)return n(t);function n(t){if(t.length<3)return[];var n,i=de(e),a=de(r),o=t.length,s=[],l=[];for(n=0;n=0;--n)p.push(t[s[c[n]][2]]);for(n=+f;nkt)s=s.L;else{if(!((i=a-Ti(s,o))>kt)){n>-kt?(e=s.P,r=s):i>-kt?(e=s,r=s.N):e=r=s;break}if(!s.R){e=s;break}s=s.R}var l=yi(t);if(hi.insert(e,l),e||r){if(e===r)return Ei(e),r=yi(e.site),hi.insert(l,r),l.edge=r.edge=Ii(e.site,l.site),Si(e),void Si(r);if(r){Ei(e),Ei(r);var c=e.site,u=c.x,f=c.y,h=t.x-u,p=t.y-f,d=r.site,g=d.x-u,m=d.y-f,v=2*(h*m-p*g),y=h*h+p*p,x=g*g+m*m,b={x:(m*y-p*x)/v+u,y:(h*x-g*y)/v+f};zi(r.edge,c,d,b),l.edge=Ii(c,t,null,b),r.edge=Ii(t,d,null,b),Si(e),Si(r)}else l.edge=Ii(e.site,l.site)}}function wi(t,e){var r=t.site,n=r.x,i=r.y,a=i-e;if(!a)return n;var o=t.P;if(!o)return-1/0;var s=(r=o.site).x,l=r.y,c=l-e;if(!c)return s;var u=s-n,f=1/a-1/c,h=u/c;return f?(-h+Math.sqrt(h*h-2*f*(u*u/(-2*c)-l+c/2+i-a/2)))/f+n:(n+s)/2}function Ti(t,e){var r=t.N;if(r)return wi(r,e);var n=t.site;return n.y===e?n.x:1/0}function ki(t){this.site=t,this.edges=[]}function Mi(t,e){return e.angle-t.angle}function Ai(){Ri(this),this.x=this.y=this.arc=this.site=this.cy=null}function Si(t){var e=t.P,r=t.N;if(e&&r){var n=e.site,i=t.site,a=r.site;if(n!==a){var o=i.x,s=i.y,l=n.x-o,c=n.y-s,u=a.x-o,f=2*(l*(m=a.y-s)-c*u);if(!(f>=-Mt)){var h=l*l+c*c,p=u*u+m*m,d=(m*h-c*p)/f,g=(l*p-u*h)/f,m=g+s,v=mi.pop()||new Ai;v.arc=t,v.site=i,v.x=d+o,v.y=m+Math.sqrt(d*d+g*g),v.cy=m,t.circle=v;for(var y=null,x=di._;x;)if(v.y=s)return;if(h>d){if(a){if(a.y>=c)return}else a={x:m,y:l};r={x:m,y:c}}else{if(a){if(a.y1)if(h>d){if(a){if(a.y>=c)return}else a={x:(l-i)/n,y:l};r={x:(c-i)/n,y:c}}else{if(a){if(a.y=s)return}else a={x:o,y:n*o+i};r={x:s,y:n*s+i}}else{if(a){if(a.xkt||y(i-r)>kt)&&(s.splice(o,0,new Oi(Pi(a.site,u,y(n-f)kt?{x:f,y:y(e-f)kt?{x:y(r-d)kt?{x:h,y:y(e-h)kt?{x:y(r-p)=r&&c.x<=i&&c.y>=n&&c.y<=o?[[r,o],[i,o],[i,n],[r,n]]:[]).point=t[s]})),e}function s(t){return t.map((function(t,e){return{x:Math.round(n(t,e)/kt)*kt,y:Math.round(i(t,e)/kt)*kt,i:e}}))}return o.links=function(t){return ji(s(t)).edges.filter((function(t){return t.l&&t.r})).map((function(e){return{source:t[e.l.i],target:t[e.r.i]}}))},o.triangles=function(t){var e=[];return ji(s(t)).cells.forEach((function(r,n){for(var i,a,o,s,l=r.site,c=r.edges.sort(Mi),u=-1,f=c.length,h=c[f-1].edge,p=h.l===l?h.r:h.l;++ua||f>o||h=_)<<1|e>=b,T=w+4;wa&&(i=e.slice(a,i),s[o]?s[o]+=i:s[++o]=i),(r=r[0])===(n=n[0])?s[o]?s[o]+=n:s[++o]=n:(s[++o]=null,l.push({i:o,x:Zi(r,n)})),a=Qi.lastIndex;return ag&&(g=l.x),l.y>m&&(m=l.y),c.push(l.x),u.push(l.y);else for(f=0;fg&&(g=b),_>m&&(m=_),c.push(b),u.push(_)}var w=g-p,T=m-d;function k(t,e,r,n,i,a,o,s){if(!isNaN(r)&&!isNaN(n))if(t.leaf){var l=t.x,c=t.y;if(null!=l)if(y(l-r)+y(c-n)<.01)M(t,e,r,n,i,a,o,s);else{var u=t.point;t.x=t.y=t.point=null,M(t,u,l,c,i,a,o,s),M(t,e,r,n,i,a,o,s)}else t.x=r,t.y=n,t.point=e}else M(t,e,r,n,i,a,o,s)}function M(t,e,r,n,i,a,o,s){var l=.5*(i+o),c=.5*(a+s),u=r>=l,f=n>=c,h=f<<1|u;t.leaf=!1,u?i=l:o=l,f?a=c:s=c,k(t=t.nodes[h]||(t.nodes[h]={leaf:!0,nodes:[],point:null,x:null,y:null}),e,r,n,i,a,o,s)}w>T?m=d+w:g=p+T;var A={leaf:!0,nodes:[],point:null,x:null,y:null,add:function(t){k(A,t,+v(t,++f),+x(t,f),p,d,g,m)},visit:function(t){Gi(t,A,p,d,g,m)},find:function(t){return Yi(A,t[0],t[1],p,d,g,m)}};if(f=-1,null==e){for(;++f=0&&!(n=t.interpolators[i](e,r)););return n}function ta(t,e){var r,n=[],i=[],a=t.length,o=e.length,s=Math.min(t.length,e.length);for(r=0;r=1?1:t(e)}}function aa(t){return function(e){return 1-t(1-e)}}function oa(t){return function(e){return.5*(e<.5?t(2*e):2-t(2-2*e))}}function sa(t){return t*t}function la(t){return t*t*t}function ca(t){if(t<=0)return 0;if(t>=1)return 1;var e=t*t,r=e*t;return 4*(t<.5?r:3*(t-e)+r-.75)}function ua(t){return 1-Math.cos(t*Ct)}function fa(t){return Math.pow(2,10*(t-1))}function ha(t){return 1-Math.sqrt(1-t*t)}function pa(t){return t<1/2.75?7.5625*t*t:t<2/2.75?7.5625*(t-=1.5/2.75)*t+.75:t<2.5/2.75?7.5625*(t-=2.25/2.75)*t+.9375:7.5625*(t-=2.625/2.75)*t+.984375}function da(t,e){return e-=t,function(r){return Math.round(t+e*r)}}function ga(t){var e,r,n,i=[t.a,t.b],a=[t.c,t.d],o=va(i),s=ma(i,a),l=va(((e=a)[0]+=(n=-s)*(r=i)[0],e[1]+=n*r[1],e))||0;i[0]*a[1]=0?t.slice(0,e):t,i=e>=0?t.slice(e+1):"in";return n=ra.get(n)||ea,ia((i=na.get(i)||L)(n.apply(null,r.call(arguments,1))))},t.interpolateHcl=function(e,r){e=t.hcl(e),r=t.hcl(r);var n=e.h,i=e.c,a=e.l,o=r.h-n,s=r.c-i,l=r.l-a;isNaN(s)&&(s=0,i=isNaN(i)?r.c:i);isNaN(o)?(o=0,n=isNaN(n)?r.h:n):o>180?o-=360:o<-180&&(o+=360);return function(t){return Xt(n+o*t,i+s*t,a+l*t)+""}},t.interpolateHsl=function(e,r){e=t.hsl(e),r=t.hsl(r);var n=e.h,i=e.s,a=e.l,o=r.h-n,s=r.s-i,l=r.l-a;isNaN(s)&&(s=0,i=isNaN(i)?r.s:i);isNaN(o)?(o=0,n=isNaN(n)?r.h:n):o>180?o-=360:o<-180&&(o+=360);return function(t){return Gt(n+o*t,i+s*t,a+l*t)+""}},t.interpolateLab=function(e,r){e=t.lab(e),r=t.lab(r);var n=e.l,i=e.a,a=e.b,o=r.l-n,s=r.a-i,l=r.b-a;return function(t){return Qt(n+o*t,i+s*t,a+l*t)+""}},t.interpolateRound=da,t.transform=function(e){var r=i.createElementNS(t.ns.prefix.svg,"g");return(t.transform=function(t){if(null!=t){r.setAttribute("transform",t);var e=r.transform.baseVal.consolidate()}return new ga(e?e.matrix:ya)})(e)},ga.prototype.toString=function(){return"translate("+this.translate+")rotate("+this.rotate+")skewX("+this.skew+")scale("+this.scale+")"};var ya={a:1,b:0,c:0,d:1,e:0,f:0};function xa(t){return t.length?t.pop()+",":""}function ba(e,r){var n=[],i=[];return e=t.transform(e),r=t.transform(r),function(t,e,r,n){if(t[0]!==e[0]||t[1]!==e[1]){var i=r.push("translate(",null,",",null,")");n.push({i:i-4,x:Zi(t[0],e[0])},{i:i-2,x:Zi(t[1],e[1])})}else(e[0]||e[1])&&r.push("translate("+e+")")}(e.translate,r.translate,n,i),function(t,e,r,n){t!==e?(t-e>180?e+=360:e-t>180&&(t+=360),n.push({i:r.push(xa(r)+"rotate(",null,")")-2,x:Zi(t,e)})):e&&r.push(xa(r)+"rotate("+e+")")}(e.rotate,r.rotate,n,i),function(t,e,r,n){t!==e?n.push({i:r.push(xa(r)+"skewX(",null,")")-2,x:Zi(t,e)}):e&&r.push(xa(r)+"skewX("+e+")")}(e.skew,r.skew,n,i),function(t,e,r,n){if(t[0]!==e[0]||t[1]!==e[1]){var i=r.push(xa(r)+"scale(",null,",",null,")");n.push({i:i-4,x:Zi(t[0],e[0])},{i:i-2,x:Zi(t[1],e[1])})}else 1===e[0]&&1===e[1]||r.push(xa(r)+"scale("+e+")")}(e.scale,r.scale,n,i),e=r=null,function(t){for(var e,r=-1,a=i.length;++r0?n=t:(e.c=null,e.t=NaN,e=null,l.end({type:"end",alpha:n=0})):t>0&&(l.start({type:"start",alpha:n=t}),e=we(s.tick)),s):n},s.start=function(){var t,e,r,n=v.length,l=y.length,u=c[0],d=c[1];for(t=0;t=0;)r.push(i[n])}function Oa(t,e){for(var r=[t],n=[];null!=(t=r.pop());)if(n.push(t),(a=t.children)&&(i=a.length))for(var i,a,o=-1;++o=0;)o.push(u=c[l]),u.parent=a,u.depth=a.depth+1;r&&(a.value=0),a.children=c}else r&&(a.value=+r.call(n,a,a.depth)||0),delete a.children;return Oa(i,(function(e){var n,i;t&&(n=e.children)&&n.sort(t),r&&(i=e.parent)&&(i.value+=e.value)})),s}return n.sort=function(e){return arguments.length?(t=e,n):t},n.children=function(t){return arguments.length?(e=t,n):e},n.value=function(t){return arguments.length?(r=t,n):r},n.revalue=function(t){return r&&(za(t,(function(t){t.children&&(t.value=0)})),Oa(t,(function(t){var e;t.children||(t.value=+r.call(n,t,t.depth)||0),(e=t.parent)&&(e.value+=t.value)}))),t},n},t.layout.partition=function(){var e=t.layout.hierarchy(),r=[1,1];function n(t,n){var i=e.call(this,t,n);return function t(e,r,n,i){var a=e.children;if(e.x=r,e.y=e.depth*i,e.dx=n,e.dy=i,a&&(o=a.length)){var o,s,l,c=-1;for(n=e.value?n/e.value:0;++cs&&(s=n),o.push(n)}for(r=0;ri&&(n=r,i=e);return n}function Xa(t){return t.reduce(Za,0)}function Za(t,e){return t+e[1]}function Ja(t,e){return Ka(t,Math.ceil(Math.log(e.length)/Math.LN2+1))}function Ka(t,e){for(var r=-1,n=+t[0],i=(t[1]-n)/e,a=[];++r<=e;)a[r]=i*r+n;return a}function Qa(e){return[t.min(e),t.max(e)]}function $a(t,e){return t.value-e.value}function to(t,e){var r=t._pack_next;t._pack_next=e,e._pack_prev=t,e._pack_next=r,r._pack_prev=e}function eo(t,e){t._pack_next=e,e._pack_prev=t}function ro(t,e){var r=e.x-t.x,n=e.y-t.y,i=t.r+e.r;return.999*i*i>r*r+n*n}function no(t){if((e=t.children)&&(l=e.length)){var e,r,n,i,a,o,s,l,c=1/0,u=-1/0,f=1/0,h=-1/0;if(e.forEach(io),(r=e[0]).x=-r.r,r.y=0,x(r),l>1&&((n=e[1]).x=n.r,n.y=0,x(n),l>2))for(oo(r,n,i=e[2]),x(i),to(r,i),r._pack_prev=i,to(i,n),n=r._pack_next,a=3;a0)for(o=-1;++o=f[0]&&l<=f[1]&&((s=c[t.bisect(h,l,1,d)-1]).y+=g,s.push(a[o]));return c}return a.value=function(t){return arguments.length?(r=t,a):r},a.range=function(t){return arguments.length?(n=de(t),a):n},a.bins=function(t){return arguments.length?(i="number"==typeof t?function(e){return Ka(e,t)}:de(t),a):i},a.frequency=function(t){return arguments.length?(e=!!t,a):e},a},t.layout.pack=function(){var e,r=t.layout.hierarchy().sort($a),n=0,i=[1,1];function a(t,a){var o=r.call(this,t,a),s=o[0],l=i[0],c=i[1],u=null==e?Math.sqrt:"function"==typeof e?e:function(){return e};if(s.x=s.y=0,Oa(s,(function(t){t.r=+u(t.value)})),Oa(s,no),n){var f=n*(e?1:Math.max(2*s.r/l,2*s.r/c))/2;Oa(s,(function(t){t.r+=f})),Oa(s,no),Oa(s,(function(t){t.r-=f}))}return function t(e,r,n,i){var a=e.children;if(e.x=r+=i*e.x,e.y=n+=i*e.y,e.r*=i,a)for(var o=-1,s=a.length;++op.x&&(p=t),t.depth>d.depth&&(d=t)}));var g=r(h,p)/2-h.x,m=n[0]/(p.x+r(p,h)/2+g),v=n[1]/(d.depth||1);za(u,(function(t){t.x=(t.x+g)*m,t.y=t.depth*v}))}return c}function o(t){var e=t.children,n=t.parent.children,i=t.i?n[t.i-1]:null;if(e.length){!function(t){var e,r=0,n=0,i=t.children,a=i.length;for(;--a>=0;)(e=i[a]).z+=r,e.m+=r,r+=e.s+(n+=e.c)}(t);var a=(e[0].z+e[e.length-1].z)/2;i?(t.z=i.z+r(t._,i._),t.m=t.z-a):t.z=a}else i&&(t.z=i.z+r(t._,i._));t.parent.A=function(t,e,n){if(e){for(var i,a=t,o=t,s=e,l=a.parent.children[0],c=a.m,u=o.m,f=s.m,h=l.m;s=co(s),a=lo(a),s&&a;)l=lo(l),(o=co(o)).a=t,(i=s.z+f-a.z-c+r(s._,a._))>0&&(uo(fo(s,t,n),t,i),c+=i,u+=i),f+=s.m,c+=a.m,h+=l.m,u+=o.m;s&&!co(o)&&(o.t=s,o.m+=f-u),a&&!lo(l)&&(l.t=a,l.m+=c-h,n=t)}return n}(t,i,t.parent.A||n[0])}function s(t){t._.x=t.z+t.parent.m,t.m+=t.parent.m}function l(t){t.x*=n[0],t.y=t.depth*n[1]}return a.separation=function(t){return arguments.length?(r=t,a):r},a.size=function(t){return arguments.length?(i=null==(n=t)?l:null,a):i?null:n},a.nodeSize=function(t){return arguments.length?(i=null==(n=t)?null:l,a):i?n:null},Pa(a,e)},t.layout.cluster=function(){var e=t.layout.hierarchy().sort(null).value(null),r=so,n=[1,1],i=!1;function a(a,o){var s,l=e.call(this,a,o),c=l[0],u=0;Oa(c,(function(e){var n=e.children;n&&n.length?(e.x=function(t){return t.reduce((function(t,e){return t+e.x}),0)/t.length}(n),e.y=function(e){return 1+t.max(e,(function(t){return t.y}))}(n)):(e.x=s?u+=r(e,s):0,e.y=0,s=e)}));var f=function t(e){var r=e.children;return r&&r.length?t(r[0]):e}(c),h=function t(e){var r,n=e.children;return n&&(r=n.length)?t(n[r-1]):e}(c),p=f.x-r(f,h)/2,d=h.x+r(h,f)/2;return Oa(c,i?function(t){t.x=(t.x-c.x)*n[0],t.y=(c.y-t.y)*n[1]}:function(t){t.x=(t.x-p)/(d-p)*n[0],t.y=(1-(c.y?t.y/c.y:1))*n[1]}),l}return a.separation=function(t){return arguments.length?(r=t,a):r},a.size=function(t){return arguments.length?(i=null==(n=t),a):i?null:n},a.nodeSize=function(t){return arguments.length?(i=null!=(n=t),a):i?n:null},Pa(a,e)},t.layout.treemap=function(){var e,r=t.layout.hierarchy(),n=Math.round,i=[1,1],a=null,o=ho,s=!1,l="squarify",c=.5*(1+Math.sqrt(5));function u(t,e){for(var r,n,i=-1,a=t.length;++i0;)s.push(r=c[i-1]),s.area+=r.area,"squarify"!==l||(n=p(s,g))<=h?(c.pop(),h=n):(s.area-=s.pop().area,d(s,g,a,!1),g=Math.min(a.dx,a.dy),s.length=s.area=0,h=1/0);s.length&&(d(s,g,a,!0),s.length=s.area=0),e.forEach(f)}}function h(t){var e=t.children;if(e&&e.length){var r,n=o(t),i=e.slice(),a=[];for(u(i,n.dx*n.dy/t.value),a.area=0;r=i.pop();)a.push(r),a.area+=r.area,null!=r.z&&(d(a,r.z?n.dx:n.dy,n,!i.length),a.length=a.area=0);e.forEach(h)}}function p(t,e){for(var r,n=t.area,i=0,a=1/0,o=-1,s=t.length;++oi&&(i=r));return e*=e,(n*=n)?Math.max(e*i*c/n,n/(e*a*c)):1/0}function d(t,e,r,i){var a,o=-1,s=t.length,l=r.x,c=r.y,u=e?n(t.area/e):0;if(e==r.dx){for((i||u>r.dy)&&(u=r.dy);++or.dx)&&(u=r.dx);++o1);return t+e*r*Math.sqrt(-2*Math.log(i)/i)}},logNormal:function(){var e=t.random.normal.apply(t,arguments);return function(){return Math.exp(e())}},bates:function(e){var r=t.random.irwinHall(e);return function(){return r()/e}},irwinHall:function(t){return function(){for(var e=0,r=0;r2?_o:vo,s=i?wa:_a;return a=t(e,r,s,n),o=t(r,e,s,$i),l}function l(t){return a(t)}return l.invert=function(t){return o(t)},l.domain=function(t){return arguments.length?(e=t.map(Number),s()):e},l.range=function(t){return arguments.length?(r=t,s()):r},l.rangeRound=function(t){return l.range(t).interpolate(da)},l.clamp=function(t){return arguments.length?(i=t,s()):i},l.interpolate=function(t){return arguments.length?(n=t,s()):n},l.ticks=function(t){return Mo(e,t)},l.tickFormat=function(t,r){return Ao(e,t,r)},l.nice=function(t){return To(e,t),s()},l.copy=function(){return t(e,r,n,i)},s()}([0,1],[0,1],$i,!1)};var So={s:1,g:1,p:1,r:1,e:1};function Eo(t){return-Math.floor(Math.log(t)/Math.LN10+.01)}t.scale.log=function(){return function e(r,n,i,a){function o(t){return(i?Math.log(t<0?0:t):-Math.log(t>0?0:-t))/Math.log(n)}function s(t){return i?Math.pow(n,t):-Math.pow(n,-t)}function l(t){return r(o(t))}return l.invert=function(t){return s(r.invert(t))},l.domain=function(t){return arguments.length?(i=t[0]>=0,r.domain((a=t.map(Number)).map(o)),l):a},l.base=function(t){return arguments.length?(n=+t,r.domain(a.map(o)),l):n},l.nice=function(){var t=yo(a.map(o),i?Math:Lo);return r.domain(t),a=t.map(s),l},l.ticks=function(){var t=go(a),e=[],r=t[0],l=t[1],c=Math.floor(o(r)),u=Math.ceil(o(l)),f=n%1?2:n;if(isFinite(u-c)){if(i){for(;c0;h--)e.push(s(c)*h);for(c=0;e[c]l;u--);e=e.slice(c,u)}return e},l.tickFormat=function(e,r){if(!arguments.length)return Co;arguments.length<2?r=Co:"function"!=typeof r&&(r=t.format(r));var i=Math.max(1,n*e/l.ticks().length);return function(t){var e=t/s(Math.round(o(t)));return e*n0?i[t-1]:r[0],tf?0:1;if(c=Et)return l(c,p)+(s?l(s,1-p):"")+"Z";var d,g,m,v,y,x,b,_,w,T,k,M,A=0,S=0,E=[];if((v=(+o.apply(this,arguments)||0)/2)&&(m=n===Fo?Math.sqrt(s*s+c*c):+n.apply(this,arguments),p||(S*=-1),c&&(S=Dt(m/c*Math.sin(v))),s&&(A=Dt(m/s*Math.sin(v)))),c){y=c*Math.cos(u+S),x=c*Math.sin(u+S),b=c*Math.cos(f-S),_=c*Math.sin(f-S);var C=Math.abs(f-u-2*S)<=At?0:1;if(S&&qo(y,x,b,_)===p^C){var L=(u+f)/2;y=c*Math.cos(L),x=c*Math.sin(L),b=_=null}}else y=x=0;if(s){w=s*Math.cos(f-A),T=s*Math.sin(f-A),k=s*Math.cos(u+A),M=s*Math.sin(u+A);var I=Math.abs(u-f+2*A)<=At?0:1;if(A&&qo(w,T,k,M)===1-p^I){var P=(u+f)/2;w=s*Math.cos(P),T=s*Math.sin(P),k=M=null}}else w=T=0;if(h>kt&&(d=Math.min(Math.abs(c-s)/2,+r.apply(this,arguments)))>.001){g=s0?0:1}function Ho(t,e,r,n,i){var a=t[0]-e[0],o=t[1]-e[1],s=(i?n:-n)/Math.sqrt(a*a+o*o),l=s*o,c=-s*a,u=t[0]+l,f=t[1]+c,h=e[0]+l,p=e[1]+c,d=(u+h)/2,g=(f+p)/2,m=h-u,v=p-f,y=m*m+v*v,x=r-n,b=u*p-h*f,_=(v<0?-1:1)*Math.sqrt(Math.max(0,x*x*y-b*b)),w=(b*v-m*_)/y,T=(-b*m-v*_)/y,k=(b*v+m*_)/y,M=(-b*m+v*_)/y,A=w-d,S=T-g,E=k-d,C=M-g;return A*A+S*S>E*E+C*C&&(w=k,T=M),[[w-l,T-c],[w*r/x,T*r/x]]}function Go(t){var e=ri,r=ni,n=Yr,i=Wo,a=i.key,o=.7;function s(a){var s,l=[],c=[],u=-1,f=a.length,h=de(e),p=de(r);function d(){l.push("M",i(t(c),o))}for(;++u1&&i.push("H",n[0]);return i.join("")},"step-before":Zo,"step-after":Jo,basis:$o,"basis-open":function(t){if(t.length<4)return Wo(t);var e,r=[],n=-1,i=t.length,a=[0],o=[0];for(;++n<3;)e=t[n],a.push(e[0]),o.push(e[1]);r.push(ts(ns,a)+","+ts(ns,o)),--n;for(;++n9&&(i=3*e/Math.sqrt(i),o[s]=i*r,o[s+1]=i*n));s=-1;for(;++s<=l;)i=(t[Math.min(l,s+1)][0]-t[Math.max(0,s-1)][0])/(6*(1+o[s]*o[s])),a.push([i||0,o[s]*i||0]);return a}(t))}});function Wo(t){return t.length>1?t.join("L"):t+"Z"}function Xo(t){return t.join("L")+"Z"}function Zo(t){for(var e=0,r=t.length,n=t[0],i=[n[0],",",n[1]];++e1){s=e[1],a=t[l],l++,n+="C"+(i[0]+o[0])+","+(i[1]+o[1])+","+(a[0]-s[0])+","+(a[1]-s[1])+","+a[0]+","+a[1];for(var c=2;cAt)+",1 "+e}function l(t,e,r,n){return"Q 0,0 "+n}return a.radius=function(t){return arguments.length?(r=de(t),a):r},a.source=function(e){return arguments.length?(t=de(e),a):t},a.target=function(t){return arguments.length?(e=de(t),a):e},a.startAngle=function(t){return arguments.length?(n=de(t),a):n},a.endAngle=function(t){return arguments.length?(i=de(t),a):i},a},t.svg.diagonal=function(){var t=Vn,e=qn,r=cs;function n(n,i){var a=t.call(this,n,i),o=e.call(this,n,i),s=(a.y+o.y)/2,l=[a,{x:a.x,y:s},{x:o.x,y:s},o];return"M"+(l=l.map(r))[0]+"C"+l[1]+" "+l[2]+" "+l[3]}return n.source=function(e){return arguments.length?(t=de(e),n):t},n.target=function(t){return arguments.length?(e=de(t),n):e},n.projection=function(t){return arguments.length?(r=t,n):r},n},t.svg.diagonal.radial=function(){var e=t.svg.diagonal(),r=cs,n=e.projection;return e.projection=function(t){return arguments.length?n(us(r=t)):r},e},t.svg.symbol=function(){var t=hs,e=fs;function r(r,n){return(ds.get(t.call(this,r,n))||ps)(e.call(this,r,n))}return r.type=function(e){return arguments.length?(t=de(e),r):t},r.size=function(t){return arguments.length?(e=de(t),r):e},r};var ds=t.map({circle:ps,cross:function(t){var e=Math.sqrt(t/5)/2;return"M"+-3*e+","+-e+"H"+-e+"V"+-3*e+"H"+e+"V"+-e+"H"+3*e+"V"+e+"H"+e+"V"+3*e+"H"+-e+"V"+e+"H"+-3*e+"Z"},diamond:function(t){var e=Math.sqrt(t/(2*ms)),r=e*ms;return"M0,"+-e+"L"+r+",0 0,"+e+" "+-r+",0Z"},square:function(t){var e=Math.sqrt(t)/2;return"M"+-e+","+-e+"L"+e+","+-e+" "+e+","+e+" "+-e+","+e+"Z"},"triangle-down":function(t){var e=Math.sqrt(t/gs),r=e*gs/2;return"M0,"+r+"L"+e+","+-r+" "+-e+","+-r+"Z"},"triangle-up":function(t){var e=Math.sqrt(t/gs),r=e*gs/2;return"M0,"+-r+"L"+e+","+r+" "+-e+","+r+"Z"}});t.svg.symbolTypes=ds.keys();var gs=Math.sqrt(3),ms=Math.tan(30*Lt);Y.transition=function(t){for(var e,r,n=bs||++Ts,i=As(t),a=[],o=_s||{time:Date.now(),ease:ca,delay:0,duration:250},s=-1,l=this.length;++s0;)c[--h].call(t,o);if(a>=1)return f.event&&f.event.end.call(t,t.__data__,e),--u.count?delete u[n]:delete t[r],1}f||(a=i.time,o=we((function(t){var e=f.delay;if(o.t=e+a,e<=t)return h(t-e);o.c=h}),0,a),f=u[n]={tween:new _,time:a,timer:o,delay:i.delay,duration:i.duration,ease:i.ease,index:e},i=null,++u.count)}ws.call=Y.call,ws.empty=Y.empty,ws.node=Y.node,ws.size=Y.size,t.transition=function(e,r){return e&&e.transition?bs?e.transition(r):e:t.selection().transition(e)},t.transition.prototype=ws,ws.select=function(t){var e,r,n,i=this.id,a=this.namespace,o=[];t=W(t);for(var s=-1,l=this.length;++srect,.s>rect").attr("width",s[1]-s[0])}function g(t){t.select(".extent").attr("y",l[0]),t.selectAll(".extent,.e>rect,.w>rect").attr("height",l[1]-l[0])}function m(){var f,m,v=this,y=t.select(t.event.target),x=n.of(v,arguments),b=t.select(v),_=y.datum(),w=!/^(n|s)$/.test(_)&&i,T=!/^(e|w)$/.test(_)&&a,k=y.classed("extent"),M=bt(v),A=t.mouse(v),S=t.select(o(v)).on("keydown.brush",L).on("keyup.brush",I);if(t.event.changedTouches?S.on("touchmove.brush",P).on("touchend.brush",O):S.on("mousemove.brush",P).on("mouseup.brush",O),b.interrupt().selectAll("*").interrupt(),k)A[0]=s[0]-A[0],A[1]=l[0]-A[1];else if(_){var E=+/w$/.test(_),C=+/^n/.test(_);m=[s[1-E]-A[0],l[1-C]-A[1]],A[0]=s[E],A[1]=l[C]}else t.event.altKey&&(f=A.slice());function L(){32==t.event.keyCode&&(k||(f=null,A[0]-=s[1],A[1]-=l[1],k=2),F())}function I(){32==t.event.keyCode&&2==k&&(A[0]+=s[1],A[1]+=l[1],k=0,F())}function P(){var e=t.mouse(v),r=!1;m&&(e[0]+=m[0],e[1]+=m[1]),k||(t.event.altKey?(f||(f=[(s[0]+s[1])/2,(l[0]+l[1])/2]),A[0]=s[+(e[0]1?{floor:function(e){for(;s(e=t.floor(e));)e=Ns(e-1);return e},ceil:function(e){for(;s(e=t.ceil(e));)e=Ns(+e+1);return e}}:t))},i.ticks=function(t,e){var r=go(i.domain()),n=null==t?a(r,10):"number"==typeof t?a(r,t):!t.range&&[{range:t},e];return n&&(t=n[0],e=n[1]),t.range(r[0],Ns(+r[1]+1),e<1?1:e)},i.tickFormat=function(){return n},i.copy=function(){return Bs(e.copy(),r,n)},wo(i,e)}function Ns(t){return new Date(t)}Os.iso=Date.prototype.toISOString&&+new Date("2000-01-01T00:00:00.000Z")?Fs:Rs,Fs.parse=function(t){var e=new Date(t);return isNaN(e)?null:e},Fs.toString=Rs.toString,Pe.second=Re((function(t){return new ze(1e3*Math.floor(t/1e3))}),(function(t,e){t.setTime(t.getTime()+1e3*Math.floor(e))}),(function(t){return t.getSeconds()})),Pe.seconds=Pe.second.range,Pe.seconds.utc=Pe.second.utc.range,Pe.minute=Re((function(t){return new ze(6e4*Math.floor(t/6e4))}),(function(t,e){t.setTime(t.getTime()+6e4*Math.floor(e))}),(function(t){return t.getMinutes()})),Pe.minutes=Pe.minute.range,Pe.minutes.utc=Pe.minute.utc.range,Pe.hour=Re((function(t){var e=t.getTimezoneOffset()/60;return new ze(36e5*(Math.floor(t/36e5-e)+e))}),(function(t,e){t.setTime(t.getTime()+36e5*Math.floor(e))}),(function(t){return t.getHours()})),Pe.hours=Pe.hour.range,Pe.hours.utc=Pe.hour.utc.range,Pe.month=Re((function(t){return(t=Pe.day(t)).setDate(1),t}),(function(t,e){t.setMonth(t.getMonth()+e)}),(function(t){return t.getMonth()})),Pe.months=Pe.month.range,Pe.months.utc=Pe.month.utc.range;var js=[1e3,5e3,15e3,3e4,6e4,3e5,9e5,18e5,36e5,108e5,216e5,432e5,864e5,1728e5,6048e5,2592e6,7776e6,31536e6],Us=[[Pe.second,1],[Pe.second,5],[Pe.second,15],[Pe.second,30],[Pe.minute,1],[Pe.minute,5],[Pe.minute,15],[Pe.minute,30],[Pe.hour,1],[Pe.hour,3],[Pe.hour,6],[Pe.hour,12],[Pe.day,1],[Pe.day,2],[Pe.week,1],[Pe.month,1],[Pe.month,3],[Pe.year,1]],Vs=Os.multi([[".%L",function(t){return t.getMilliseconds()}],[":%S",function(t){return t.getSeconds()}],["%I:%M",function(t){return t.getMinutes()}],["%I %p",function(t){return t.getHours()}],["%a %d",function(t){return t.getDay()&&1!=t.getDate()}],["%b %d",function(t){return 1!=t.getDate()}],["%B",function(t){return t.getMonth()}],["%Y",Yr]]),qs={range:function(e,r,n){return t.range(Math.ceil(e/n)*n,+r,n).map(Ns)},floor:L,ceil:L};Us.year=Pe.year,Pe.scale=function(){return Bs(t.scale.linear(),Us,Vs)};var Hs=Us.map((function(t){return[t[0].utc,t[1]]})),Gs=Ds.multi([[".%L",function(t){return t.getUTCMilliseconds()}],[":%S",function(t){return t.getUTCSeconds()}],["%I:%M",function(t){return t.getUTCMinutes()}],["%I %p",function(t){return t.getUTCHours()}],["%a %d",function(t){return t.getUTCDay()&&1!=t.getUTCDate()}],["%b %d",function(t){return 1!=t.getUTCDate()}],["%B",function(t){return t.getUTCMonth()}],["%Y",Yr]]);function Ys(t){return JSON.parse(t.responseText)}function Ws(t){var e=i.createRange();return e.selectNode(i.body),e.createContextualFragment(t.responseText)}Hs.year=Pe.year.utc,Pe.scale.utc=function(){return Bs(t.scale.linear(),Hs,Gs)},t.text=ge((function(t){return t.responseText})),t.json=function(t,e){return me(t,"application/json",Ys,e)},t.html=function(t,e){return me(t,"text/html",Ws,e)},t.xml=ge((function(t){return t.responseXML})),"object"==typeof e&&e.exports?e.exports=t:this.d3=t}()},{}],170:[function(t,e,r){e.exports=function(){for(var t=0;t=2)return!1;t[r]=n}return!0})):_.filter((function(t){for(var e=0;e<=s;++e){var r=v[t[e]];if(r<0)return!1;t[e]=r}return!0}));if(1&s)for(u=0;u<_.length;++u){h=(b=_[u])[0];b[0]=b[1],b[1]=h}return _}},{"incremental-convex-hull":459,uniq:597}],172:[function(t,e,r){"use strict";e.exports=a;var n=(a.canvas=document.createElement("canvas")).getContext("2d"),i=o([32,126]);function a(t,e){Array.isArray(t)&&(t=t.join(", "));var r,a={},s=16,l=.05;e&&(2===e.length&&"number"==typeof e[0]?r=o(e):Array.isArray(e)?r=e:(e.o?r=o(e.o):e.pairs&&(r=e.pairs),e.fontSize&&(s=e.fontSize),null!=e.threshold&&(l=e.threshold))),r||(r=i),n.font=s+"px "+t;for(var c=0;cs*l){var p=(h-f)/s;a[u]=1e3*p}}return a}function o(t){for(var e=[],r=t[0];r<=t[1];r++)for(var n=String.fromCharCode(r),i=t[0];i>>31},e.exports.exponent=function(t){return(e.exports.hi(t)<<1>>>21)-1023},e.exports.fraction=function(t){var r=e.exports.lo(t),n=e.exports.hi(t),i=1048575&n;return 2146435072&n&&(i+=1<<20),[r,i]},e.exports.denormalized=function(t){return!(2146435072&e.exports.hi(t))}}).call(this)}).call(this,t("buffer").Buffer)},{buffer:111}],174:[function(t,e,r){var n=t("abs-svg-path"),i=t("normalize-svg-path"),a={M:"moveTo",C:"bezierCurveTo"};e.exports=function(t,e){t.beginPath(),i(n(e)).forEach((function(e){var r=e[0],n=e.slice(1);t[a[r]].apply(t,n)})),t.closePath()}},{"abs-svg-path":65,"normalize-svg-path":497}],175:[function(t,e,r){e.exports=function(t){switch(t){case"int8":return Int8Array;case"int16":return Int16Array;case"int32":return Int32Array;case"uint8":return Uint8Array;case"uint16":return Uint16Array;case"uint32":return Uint32Array;case"float32":return Float32Array;case"float64":return Float64Array;case"array":return Array;case"uint8_clamped":return Uint8ClampedArray}}},{}],176:[function(t,e,r){"use strict";e.exports=function(t,e){switch("undefined"==typeof e&&(e=0),typeof t){case"number":if(t>0)return function(t,e){var r,n;for(r=new Array(t),n=0;n80*r){n=l=t[0],s=c=t[1];for(var b=r;bl&&(l=u),p>c&&(c=p);d=0!==(d=Math.max(l-n,c-s))?1/d:0}return o(y,x,r,n,s,d),x}function i(t,e,r,n,i){var a,o;if(i===E(t,e,r,n)>0)for(a=e;a=e;a-=n)o=M(a,t[a],t[a+1],o);return o&&x(o,o.next)&&(A(o),o=o.next),o}function a(t,e){if(!t)return t;e||(e=t);var r,n=t;do{if(r=!1,n.steiner||!x(n,n.next)&&0!==y(n.prev,n,n.next))n=n.next;else{if(A(n),(n=e=n.prev)===n.next)break;r=!0}}while(r||n!==e);return e}function o(t,e,r,n,i,f,h){if(t){!h&&f&&function(t,e,r,n){var i=t;do{null===i.z&&(i.z=d(i.x,i.y,e,r,n)),i.prevZ=i.prev,i.nextZ=i.next,i=i.next}while(i!==t);i.prevZ.nextZ=null,i.prevZ=null,function(t){var e,r,n,i,a,o,s,l,c=1;do{for(r=t,t=null,a=null,o=0;r;){for(o++,n=r,s=0,e=0;e0||l>0&&n;)0!==s&&(0===l||!n||r.z<=n.z)?(i=r,r=r.nextZ,s--):(i=n,n=n.nextZ,l--),a?a.nextZ=i:t=i,i.prevZ=a,a=i;r=n}a.nextZ=null,c*=2}while(o>1)}(i)}(t,n,i,f);for(var p,g,m=t;t.prev!==t.next;)if(p=t.prev,g=t.next,f?l(t,n,i,f):s(t))e.push(p.i/r),e.push(t.i/r),e.push(g.i/r),A(t),t=g.next,m=g.next;else if((t=g)===m){h?1===h?o(t=c(a(t),e,r),e,r,n,i,f,2):2===h&&u(t,e,r,n,i,f):o(a(t),e,r,n,i,f,1);break}}}function s(t){var e=t.prev,r=t,n=t.next;if(y(e,r,n)>=0)return!1;for(var i=t.next.next;i!==t.prev;){if(m(e.x,e.y,r.x,r.y,n.x,n.y,i.x,i.y)&&y(i.prev,i,i.next)>=0)return!1;i=i.next}return!0}function l(t,e,r,n){var i=t.prev,a=t,o=t.next;if(y(i,a,o)>=0)return!1;for(var s=i.xa.x?i.x>o.x?i.x:o.x:a.x>o.x?a.x:o.x,u=i.y>a.y?i.y>o.y?i.y:o.y:a.y>o.y?a.y:o.y,f=d(s,l,e,r,n),h=d(c,u,e,r,n),p=t.prevZ,g=t.nextZ;p&&p.z>=f&&g&&g.z<=h;){if(p!==t.prev&&p!==t.next&&m(i.x,i.y,a.x,a.y,o.x,o.y,p.x,p.y)&&y(p.prev,p,p.next)>=0)return!1;if(p=p.prevZ,g!==t.prev&&g!==t.next&&m(i.x,i.y,a.x,a.y,o.x,o.y,g.x,g.y)&&y(g.prev,g,g.next)>=0)return!1;g=g.nextZ}for(;p&&p.z>=f;){if(p!==t.prev&&p!==t.next&&m(i.x,i.y,a.x,a.y,o.x,o.y,p.x,p.y)&&y(p.prev,p,p.next)>=0)return!1;p=p.prevZ}for(;g&&g.z<=h;){if(g!==t.prev&&g!==t.next&&m(i.x,i.y,a.x,a.y,o.x,o.y,g.x,g.y)&&y(g.prev,g,g.next)>=0)return!1;g=g.nextZ}return!0}function c(t,e,r){var n=t;do{var i=n.prev,o=n.next.next;!x(i,o)&&b(i,n,n.next,o)&&T(i,o)&&T(o,i)&&(e.push(i.i/r),e.push(n.i/r),e.push(o.i/r),A(n),A(n.next),n=t=o),n=n.next}while(n!==t);return a(n)}function u(t,e,r,n,i,s){var l=t;do{for(var c=l.next.next;c!==l.prev;){if(l.i!==c.i&&v(l,c)){var u=k(l,c);return l=a(l,l.next),u=a(u,u.next),o(l,e,r,n,i,s),void o(u,e,r,n,i,s)}c=c.next}l=l.next}while(l!==t)}function f(t,e){return t.x-e.x}function h(t,e){if(e=function(t,e){var r,n=e,i=t.x,a=t.y,o=-1/0;do{if(a<=n.y&&a>=n.next.y&&n.next.y!==n.y){var s=n.x+(a-n.y)*(n.next.x-n.x)/(n.next.y-n.y);if(s<=i&&s>o){if(o=s,s===i){if(a===n.y)return n;if(a===n.next.y)return n.next}r=n.x=n.x&&n.x>=u&&i!==n.x&&m(ar.x||n.x===r.x&&p(r,n)))&&(r=n,h=l)),n=n.next}while(n!==c);return r}(t,e)){var r=k(e,t);a(e,e.next),a(r,r.next)}}function p(t,e){return y(t.prev,t,e.prev)<0&&y(e.next,t,t.next)<0}function d(t,e,r,n,i){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t=32767*(t-r)*i)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e=32767*(e-n)*i)|e<<8))|e<<4))|e<<2))|e<<1))<<1}function g(t){var e=t,r=t;do{(e.x=0&&(t-o)*(n-s)-(r-o)*(e-s)>=0&&(r-o)*(a-s)-(i-o)*(n-s)>=0}function v(t,e){return t.next.i!==e.i&&t.prev.i!==e.i&&!function(t,e){var r=t;do{if(r.i!==t.i&&r.next.i!==t.i&&r.i!==e.i&&r.next.i!==e.i&&b(r,r.next,t,e))return!0;r=r.next}while(r!==t);return!1}(t,e)&&(T(t,e)&&T(e,t)&&function(t,e){var r=t,n=!1,i=(t.x+e.x)/2,a=(t.y+e.y)/2;do{r.y>a!=r.next.y>a&&r.next.y!==r.y&&i<(r.next.x-r.x)*(a-r.y)/(r.next.y-r.y)+r.x&&(n=!n),r=r.next}while(r!==t);return n}(t,e)&&(y(t.prev,t,e.prev)||y(t,e.prev,e))||x(t,e)&&y(t.prev,t,t.next)>0&&y(e.prev,e,e.next)>0)}function y(t,e,r){return(e.y-t.y)*(r.x-e.x)-(e.x-t.x)*(r.y-e.y)}function x(t,e){return t.x===e.x&&t.y===e.y}function b(t,e,r,n){var i=w(y(t,e,r)),a=w(y(t,e,n)),o=w(y(r,n,t)),s=w(y(r,n,e));return i!==a&&o!==s||(!(0!==i||!_(t,r,e))||(!(0!==a||!_(t,n,e))||(!(0!==o||!_(r,t,n))||!(0!==s||!_(r,e,n)))))}function _(t,e,r){return e.x<=Math.max(t.x,r.x)&&e.x>=Math.min(t.x,r.x)&&e.y<=Math.max(t.y,r.y)&&e.y>=Math.min(t.y,r.y)}function w(t){return t>0?1:t<0?-1:0}function T(t,e){return y(t.prev,t,t.next)<0?y(t,e,t.next)>=0&&y(t,t.prev,e)>=0:y(t,e,t.prev)<0||y(t,t.next,e)<0}function k(t,e){var r=new S(t.i,t.x,t.y),n=new S(e.i,e.x,e.y),i=t.next,a=e.prev;return t.next=e,e.prev=t,r.next=i,i.prev=r,n.next=r,r.prev=n,a.next=n,n.prev=a,n}function M(t,e,r,n){var i=new S(t,e,r);return n?(i.next=n.next,i.prev=n,n.next.prev=i,n.next=i):(i.prev=i,i.next=i),i}function A(t){t.next.prev=t.prev,t.prev.next=t.next,t.prevZ&&(t.prevZ.nextZ=t.nextZ),t.nextZ&&(t.nextZ.prevZ=t.prevZ)}function S(t,e,r){this.i=t,this.x=e,this.y=r,this.prev=null,this.next=null,this.z=null,this.prevZ=null,this.nextZ=null,this.steiner=!1}function E(t,e,r,n){for(var i=0,a=e,o=r-n;a0&&(n+=t[i-1].length,r.holes.push(n))}return r}},{}],178:[function(t,e,r){"use strict";e.exports=function(t,e){var r=t.length;if("number"!=typeof e){e=0;for(var i=0;i=e}))}(e);for(var r,i=n(t).components.filter((function(t){return t.length>1})),a=1/0,o=0;o=55296&&y<=56319&&(w+=t[++r]),w=T?h.call(T,k,w,g):w,e?(p.value=w,d(m,g,p)):m[g]=w,++g;v=g}if(void 0===v)for(v=o(t.length),e&&(m=new e(v)),r=0;r0?1:-1}},{}],190:[function(t,e,r){"use strict";var n=t("../math/sign"),i=Math.abs,a=Math.floor;e.exports=function(t){return isNaN(t)?0:0!==(t=Number(t))&&isFinite(t)?n(t)*a(i(t)):t}},{"../math/sign":187}],191:[function(t,e,r){"use strict";var n=t("./to-integer"),i=Math.max;e.exports=function(t){return i(0,n(t))}},{"./to-integer":190}],192:[function(t,e,r){"use strict";var n=t("./valid-callable"),i=t("./valid-value"),a=Function.prototype.bind,o=Function.prototype.call,s=Object.keys,l=Object.prototype.propertyIsEnumerable;e.exports=function(t,e){return function(r,c){var u,f=arguments[2],h=arguments[3];return r=Object(i(r)),n(c),u=s(r),h&&u.sort("function"==typeof h?a.call(h,r):void 0),"function"!=typeof t&&(t=u[t]),o.call(t,u,(function(t,n){return l.call(r,t)?o.call(c,f,r[t],t,r,n):e}))}}},{"./valid-callable":209,"./valid-value":211}],193:[function(t,e,r){"use strict";e.exports=t("./is-implemented")()?Object.assign:t("./shim")},{"./is-implemented":194,"./shim":195}],194:[function(t,e,r){"use strict";e.exports=function(){var t,e=Object.assign;return"function"==typeof e&&(e(t={foo:"raz"},{bar:"dwa"},{trzy:"trzy"}),t.foo+t.bar+t.trzy==="razdwatrzy")}},{}],195:[function(t,e,r){"use strict";var n=t("../keys"),i=t("../valid-value"),a=Math.max;e.exports=function(t,e){var r,o,s,l=a(arguments.length,2);for(t=Object(i(t)),s=function(n){try{t[n]=e[n]}catch(t){r||(r=t)}},o=1;o-1}},{}],215:[function(t,e,r){"use strict";var n=Object.prototype.toString,i=n.call("");e.exports=function(t){return"string"==typeof t||t&&"object"==typeof t&&(t instanceof String||n.call(t)===i)||!1}},{}],216:[function(t,e,r){"use strict";var n=Object.create(null),i=Math.random;e.exports=function(){var t;do{t=i().toString(36).slice(2)}while(n[t]);return t}},{}],217:[function(t,e,r){"use strict";var n,i=t("es5-ext/object/set-prototype-of"),a=t("es5-ext/string/#/contains"),o=t("d"),s=t("es6-symbol"),l=t("./"),c=Object.defineProperty;n=e.exports=function(t,e){if(!(this instanceof n))throw new TypeError("Constructor requires 'new'");l.call(this,t),e=e?a.call(e,"key+value")?"key+value":a.call(e,"key")?"key":"value":"value",c(this,"__kind__",o("",e))},i&&i(n,l),delete n.prototype.constructor,n.prototype=Object.create(l.prototype,{_resolve:o((function(t){return"value"===this.__kind__?this.__list__[t]:"key+value"===this.__kind__?[t,this.__list__[t]]:t}))}),c(n.prototype,s.toStringTag,o("c","Array Iterator"))},{"./":220,d:155,"es5-ext/object/set-prototype-of":206,"es5-ext/string/#/contains":212,"es6-symbol":225}],218:[function(t,e,r){"use strict";var n=t("es5-ext/function/is-arguments"),i=t("es5-ext/object/valid-callable"),a=t("es5-ext/string/is-string"),o=t("./get"),s=Array.isArray,l=Function.prototype.call,c=Array.prototype.some;e.exports=function(t,e){var r,u,f,h,p,d,g,m,v=arguments[2];if(s(t)||n(t)?r="array":a(t)?r="string":t=o(t),i(e),f=function(){h=!0},"array"!==r)if("string"!==r)for(u=t.next();!u.done;){if(l.call(e,v,u.value,f),h)return;u=t.next()}else for(d=t.length,p=0;p=55296&&m<=56319&&(g+=t[++p]),l.call(e,v,g,f),!h);++p);else c.call(t,(function(t){return l.call(e,v,t,f),h}))}},{"./get":219,"es5-ext/function/is-arguments":184,"es5-ext/object/valid-callable":209,"es5-ext/string/is-string":215}],219:[function(t,e,r){"use strict";var n=t("es5-ext/function/is-arguments"),i=t("es5-ext/string/is-string"),a=t("./array"),o=t("./string"),s=t("./valid-iterable"),l=t("es6-symbol").iterator;e.exports=function(t){return"function"==typeof s(t)[l]?t[l]():n(t)?new a(t):i(t)?new o(t):new a(t)}},{"./array":217,"./string":222,"./valid-iterable":223,"es5-ext/function/is-arguments":184,"es5-ext/string/is-string":215,"es6-symbol":225}],220:[function(t,e,r){"use strict";var n,i=t("es5-ext/array/#/clear"),a=t("es5-ext/object/assign"),o=t("es5-ext/object/valid-callable"),s=t("es5-ext/object/valid-value"),l=t("d"),c=t("d/auto-bind"),u=t("es6-symbol"),f=Object.defineProperty,h=Object.defineProperties;e.exports=n=function(t,e){if(!(this instanceof n))throw new TypeError("Constructor requires 'new'");h(this,{__list__:l("w",s(t)),__context__:l("w",e),__nextIndex__:l("w",0)}),e&&(o(e.on),e.on("_add",this._onAdd),e.on("_delete",this._onDelete),e.on("_clear",this._onClear))},delete n.prototype.constructor,h(n.prototype,a({_next:l((function(){var t;if(this.__list__)return this.__redo__&&void 0!==(t=this.__redo__.shift())?t:this.__nextIndex__=this.__nextIndex__||(++this.__nextIndex__,this.__redo__?(this.__redo__.forEach((function(e,r){e>=t&&(this.__redo__[r]=++e)}),this),this.__redo__.push(t)):f(this,"__redo__",l("c",[t])))})),_onDelete:l((function(t){var e;t>=this.__nextIndex__||(--this.__nextIndex__,this.__redo__&&(-1!==(e=this.__redo__.indexOf(t))&&this.__redo__.splice(e,1),this.__redo__.forEach((function(e,r){e>t&&(this.__redo__[r]=--e)}),this)))})),_onClear:l((function(){this.__redo__&&i.call(this.__redo__),this.__nextIndex__=0}))}))),f(n.prototype,u.iterator,l((function(){return this})))},{d:155,"d/auto-bind":154,"es5-ext/array/#/clear":180,"es5-ext/object/assign":193,"es5-ext/object/valid-callable":209,"es5-ext/object/valid-value":211,"es6-symbol":225}],221:[function(t,e,r){"use strict";var n=t("es5-ext/function/is-arguments"),i=t("es5-ext/object/is-value"),a=t("es5-ext/string/is-string"),o=t("es6-symbol").iterator,s=Array.isArray;e.exports=function(t){return!!i(t)&&(!!s(t)||(!!a(t)||(!!n(t)||"function"==typeof t[o])))}},{"es5-ext/function/is-arguments":184,"es5-ext/object/is-value":200,"es5-ext/string/is-string":215,"es6-symbol":225}],222:[function(t,e,r){"use strict";var n,i=t("es5-ext/object/set-prototype-of"),a=t("d"),o=t("es6-symbol"),s=t("./"),l=Object.defineProperty;n=e.exports=function(t){if(!(this instanceof n))throw new TypeError("Constructor requires 'new'");t=String(t),s.call(this,t),l(this,"__length__",a("",t.length))},i&&i(n,s),delete n.prototype.constructor,n.prototype=Object.create(s.prototype,{_next:a((function(){if(this.__list__)return this.__nextIndex__=55296&&e<=56319?r+this.__list__[this.__nextIndex__++]:r}))}),l(n.prototype,o.toStringTag,a("c","String Iterator"))},{"./":220,d:155,"es5-ext/object/set-prototype-of":206,"es6-symbol":225}],223:[function(t,e,r){"use strict";var n=t("./is-iterable");e.exports=function(t){if(!n(t))throw new TypeError(t+" is not iterable");return t}},{"./is-iterable":221}],224:[function(t,e,r){(function(n,i){(function(){ +/*! + * @overview es6-promise - a tiny implementation of Promises/A+. + * @copyright Copyright (c) 2014 Yehuda Katz, Tom Dale, Stefan Penner and contributors (Conversion to ES6 API by Jake Archibald) + * @license Licensed under MIT license + * See https://raw.githubusercontent.com/stefanpenner/es6-promise/master/LICENSE + * @version v4.2.8+1e68dce6 + */ +!function(t,n){"object"==typeof r&&"undefined"!=typeof e?e.exports=n():t.ES6Promise=n()}(this,(function(){"use strict";function e(t){return"function"==typeof t}var r=Array.isArray?Array.isArray:function(t){return"[object Array]"===Object.prototype.toString.call(t)},a=0,o=void 0,s=void 0,l=function(t,e){g[a]=t,g[a+1]=e,2===(a+=2)&&(s?s(m):_())};var c="undefined"!=typeof window?window:void 0,u=c||{},f=u.MutationObserver||u.WebKitMutationObserver,h="undefined"==typeof self&&"undefined"!=typeof n&&"[object process]"==={}.toString.call(n),p="undefined"!=typeof Uint8ClampedArray&&"undefined"!=typeof importScripts&&"undefined"!=typeof MessageChannel;function d(){var t=setTimeout;return function(){return t(m,1)}}var g=new Array(1e3);function m(){for(var t=0;t=r-1){h=l.length-1;var d=t-e[r-1];for(p=0;p=r-1)for(var u=s.length-1,f=(e[r-1],0);f=0;--r)if(t[--e])return!1;return!0},s.jump=function(t){var e=this.lastT(),r=this.dimension;if(!(t0;--f)n.push(a(l[f-1],c[f-1],arguments[f])),i.push(0)}},s.push=function(t){var e=this.lastT(),r=this.dimension;if(!(t1e-6?1/s:0;this._time.push(t);for(var h=r;h>0;--h){var p=a(c[h-1],u[h-1],arguments[h]);n.push(p),i.push((p-n[o++])*f)}}},s.set=function(t){var e=this.dimension;if(!(t0;--l)r.push(a(o[l-1],s[l-1],arguments[l])),n.push(0)}},s.move=function(t){var e=this.lastT(),r=this.dimension;if(!(t<=e||arguments.length!==r+1)){var n=this._state,i=this._velocity,o=n.length-this.dimension,s=this.bounds,l=s[0],c=s[1],u=t-e,f=u>1e-6?1/u:0;this._time.push(t);for(var h=r;h>0;--h){var p=arguments[h];n.push(a(l[h-1],c[h-1],n[o++]+p)),i.push(p*f)}}},s.idle=function(t){var e=this.lastT();if(!(t=0;--f)n.push(a(l[f],c[f],n[o]+u*i[o])),i.push(0),o+=1}}},{"binary-search-bounds":243,"cubic-hermite":150}],243:[function(t,e,r){"use strict";function n(t,e,r,n,i,a){var o=["function ",t,"(a,l,h,",n.join(","),"){",a?"":"var i=",r?"l-1":"h+1",";while(l<=h){var m=(l+h)>>>1,x=a",i?".get(m)":"[m]"];return a?e.indexOf("c")<0?o.push(";if(x===y){return m}else if(x<=y){"):o.push(";var p=c(x,y);if(p===0){return m}else if(p<=0){"):o.push(";if(",e,"){i=m;"),r?o.push("l=m+1}else{h=m-1}"):o.push("h=m-1}else{l=m+1}"),o.push("}"),a?o.push("return -1};"):o.push("return i};"),o.join("")}function i(t,e,r,i){return new Function([n("A","x"+t+"y",e,["y"],!1,i),n("B","x"+t+"y",e,["y"],!0,i),n("P","c(x,y)"+t+"0",e,["y","c"],!1,i),n("Q","c(x,y)"+t+"0",e,["y","c"],!0,i),"function dispatchBsearch",r,"(a,y,c,l,h){if(a.shape){if(typeof(c)==='function'){return Q(a,(l===undefined)?0:l|0,(h===undefined)?a.shape[0]-1:h|0,y,c)}else{return B(a,(c===undefined)?0:c|0,(l===undefined)?a.shape[0]-1:l|0,y)}}else{if(typeof(c)==='function'){return P(a,(l===undefined)?0:l|0,(h===undefined)?a.length-1:h|0,y,c)}else{return A(a,(c===undefined)?0:c|0,(l===undefined)?a.length-1:l|0,y)}}}return dispatchBsearch",r].join(""))()}e.exports={ge:i(">=",!1,"GE"),gt:i(">",!1,"GT"),lt:i("<",!0,"LT"),le:i("<=",!0,"LE"),eq:i("-",!0,"EQ",!0)}},{}],244:[function(t,e,r){var n=t("dtype");e.exports=function(t,e,r){if(!t)throw new TypeError("must specify data as first parameter");if(r=0|+(r||0),Array.isArray(t)&&t[0]&&"number"==typeof t[0][0]){var i,a,o,s,l=t[0].length,c=t.length*l;e&&"string"!=typeof e||(e=new(n(e||"float32"))(c+r));var u=e.length-r;if(c!==u)throw new Error("source length "+c+" ("+l+"x"+t.length+") does not match destination length "+u);for(i=0,o=r;ie[0]-o[0]/2&&(h=o[0]/2,p+=o[1]);return r}},{"css-font/stringify":147}],246:[function(t,e,r){"use strict";function n(t,e){e||(e={}),("string"==typeof t||Array.isArray(t))&&(e.family=t);var r=Array.isArray(e.family)?e.family.join(", "):e.family;if(!r)throw Error("`family` must be defined");var s=e.size||e.fontSize||e.em||48,l=e.weight||e.fontWeight||"",c=(t=[e.style||e.fontStyle||"",l,s].join(" ")+"px "+r,e.origin||"top");if(n.cache[r]&&s<=n.cache[r].em)return i(n.cache[r],c);var u=e.canvas||n.canvas,f=u.getContext("2d"),h={upper:void 0!==e.upper?e.upper:"H",lower:void 0!==e.lower?e.lower:"x",descent:void 0!==e.descent?e.descent:"p",ascent:void 0!==e.ascent?e.ascent:"h",tittle:void 0!==e.tittle?e.tittle:"i",overshoot:void 0!==e.overshoot?e.overshoot:"O"},p=Math.ceil(1.5*s);u.height=p,u.width=.5*p,f.font=t;var d={top:0};f.clearRect(0,0,p,p),f.textBaseline="top",f.fillStyle="black",f.fillText("H",0,0);var g=a(f.getImageData(0,0,p,p));f.clearRect(0,0,p,p),f.textBaseline="bottom",f.fillText("H",0,p);var m=a(f.getImageData(0,0,p,p));d.lineHeight=d.bottom=p-m+g,f.clearRect(0,0,p,p),f.textBaseline="alphabetic",f.fillText("H",0,p);var v=p-a(f.getImageData(0,0,p,p))-1+g;d.baseline=d.alphabetic=v,f.clearRect(0,0,p,p),f.textBaseline="middle",f.fillText("H",0,.5*p);var y=a(f.getImageData(0,0,p,p));d.median=d.middle=p-y-1+g-.5*p,f.clearRect(0,0,p,p),f.textBaseline="hanging",f.fillText("H",0,.5*p);var x=a(f.getImageData(0,0,p,p));d.hanging=p-x-1+g-.5*p,f.clearRect(0,0,p,p),f.textBaseline="ideographic",f.fillText("H",0,p);var b=a(f.getImageData(0,0,p,p));if(d.ideographic=p-b-1+g,h.upper&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.upper,0,0),d.upper=a(f.getImageData(0,0,p,p)),d.capHeight=d.baseline-d.upper),h.lower&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.lower,0,0),d.lower=a(f.getImageData(0,0,p,p)),d.xHeight=d.baseline-d.lower),h.tittle&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.tittle,0,0),d.tittle=a(f.getImageData(0,0,p,p))),h.ascent&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.ascent,0,0),d.ascent=a(f.getImageData(0,0,p,p))),h.descent&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.descent,0,0),d.descent=o(f.getImageData(0,0,p,p))),h.overshoot){f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.overshoot,0,0);var _=o(f.getImageData(0,0,p,p));d.overshoot=_-v}for(var w in d)d[w]/=s;return d.em=s,n.cache[r]=d,i(d,c)}function i(t,e){var r={};for(var n in"string"==typeof e&&(e=t[e]),t)"em"!==n&&(r[n]=t[n]-e);return r}function a(t){for(var e=t.height,r=t.data,n=3;n0;n-=4)if(0!==r[n])return Math.floor(.25*(n-3)/e)}e.exports=n,n.canvas=document.createElement("canvas"),n.cache={}},{}],247:[function(t,e,r){"use strict";e.exports=function(t){return new s(t||g,null)};function n(t,e,r,n,i,a){this._color=t,this.key=e,this.value=r,this.left=n,this.right=i,this._count=a}function i(t){return new n(t._color,t.key,t.value,t.left,t.right,t._count)}function a(t,e){return new n(t,e.key,e.value,e.left,e.right,e._count)}function o(t){t._count=1+(t.left?t.left._count:0)+(t.right?t.right._count:0)}function s(t,e){this._compare=t,this.root=e}var l=s.prototype;function c(t,e){var r;if(e.left&&(r=c(t,e.left)))return r;return(r=t(e.key,e.value))||(e.right?c(t,e.right):void 0)}function u(t,e,r,n){if(e(t,n.key)<=0){var i;if(n.left)if(i=u(t,e,r,n.left))return i;if(i=r(n.key,n.value))return i}if(n.right)return u(t,e,r,n.right)}function f(t,e,r,n,i){var a,o=r(t,i.key),s=r(e,i.key);if(o<=0){if(i.left&&(a=f(t,e,r,n,i.left)))return a;if(s>0&&(a=n(i.key,i.value)))return a}if(s>0&&i.right)return f(t,e,r,n,i.right)}function h(t,e){this.tree=t,this._stack=e}Object.defineProperty(l,"keys",{get:function(){var t=[];return this.forEach((function(e,r){t.push(e)})),t}}),Object.defineProperty(l,"values",{get:function(){var t=[];return this.forEach((function(e,r){t.push(r)})),t}}),Object.defineProperty(l,"length",{get:function(){return this.root?this.root._count:0}}),l.insert=function(t,e){for(var r=this._compare,i=this.root,l=[],c=[];i;){var u=r(t,i.key);l.push(i),c.push(u),i=u<=0?i.left:i.right}l.push(new n(0,t,e,null,null,1));for(var f=l.length-2;f>=0;--f){i=l[f];c[f]<=0?l[f]=new n(i._color,i.key,i.value,l[f+1],i.right,i._count+1):l[f]=new n(i._color,i.key,i.value,i.left,l[f+1],i._count+1)}for(f=l.length-1;f>1;--f){var h=l[f-1];i=l[f];if(1===h._color||1===i._color)break;var p=l[f-2];if(p.left===h)if(h.left===i){if(!(d=p.right)||0!==d._color){if(p._color=0,p.left=h.right,h._color=1,h.right=p,l[f-2]=h,l[f-1]=i,o(p),o(h),f>=3)(g=l[f-3]).left===p?g.left=h:g.right=h;break}h._color=1,p.right=a(1,d),p._color=0,f-=1}else{if(!(d=p.right)||0!==d._color){if(h.right=i.left,p._color=0,p.left=i.right,i._color=1,i.left=h,i.right=p,l[f-2]=i,l[f-1]=h,o(p),o(h),o(i),f>=3)(g=l[f-3]).left===p?g.left=i:g.right=i;break}h._color=1,p.right=a(1,d),p._color=0,f-=1}else if(h.right===i){if(!(d=p.left)||0!==d._color){if(p._color=0,p.right=h.left,h._color=1,h.left=p,l[f-2]=h,l[f-1]=i,o(p),o(h),f>=3)(g=l[f-3]).right===p?g.right=h:g.left=h;break}h._color=1,p.left=a(1,d),p._color=0,f-=1}else{var d;if(!(d=p.left)||0!==d._color){var g;if(h.left=i.right,p._color=0,p.right=i.left,i._color=1,i.right=h,i.left=p,l[f-2]=i,l[f-1]=h,o(p),o(h),o(i),f>=3)(g=l[f-3]).right===p?g.right=i:g.left=i;break}h._color=1,p.left=a(1,d),p._color=0,f-=1}}return l[0]._color=1,new s(r,l[0])},l.forEach=function(t,e,r){if(this.root)switch(arguments.length){case 1:return c(t,this.root);case 2:return u(e,this._compare,t,this.root);case 3:if(this._compare(e,r)>=0)return;return f(e,r,this._compare,t,this.root)}},Object.defineProperty(l,"begin",{get:function(){for(var t=[],e=this.root;e;)t.push(e),e=e.left;return new h(this,t)}}),Object.defineProperty(l,"end",{get:function(){for(var t=[],e=this.root;e;)t.push(e),e=e.right;return new h(this,t)}}),l.at=function(t){if(t<0)return new h(this,[]);for(var e=this.root,r=[];;){if(r.push(e),e.left){if(t=e.right._count)break;e=e.right}return new h(this,[])},l.ge=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a<=0&&(i=n.length),r=a<=0?r.left:r.right}return n.length=i,new h(this,n)},l.gt=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a<0&&(i=n.length),r=a<0?r.left:r.right}return n.length=i,new h(this,n)},l.lt=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a>0&&(i=n.length),r=a<=0?r.left:r.right}return n.length=i,new h(this,n)},l.le=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a>=0&&(i=n.length),r=a<0?r.left:r.right}return n.length=i,new h(this,n)},l.find=function(t){for(var e=this._compare,r=this.root,n=[];r;){var i=e(t,r.key);if(n.push(r),0===i)return new h(this,n);r=i<=0?r.left:r.right}return new h(this,[])},l.remove=function(t){var e=this.find(t);return e?e.remove():this},l.get=function(t){for(var e=this._compare,r=this.root;r;){var n=e(t,r.key);if(0===n)return r.value;r=n<=0?r.left:r.right}};var p=h.prototype;function d(t,e){t.key=e.key,t.value=e.value,t.left=e.left,t.right=e.right,t._color=e._color,t._count=e._count}function g(t,e){return te?1:0}Object.defineProperty(p,"valid",{get:function(){return this._stack.length>0}}),Object.defineProperty(p,"node",{get:function(){return this._stack.length>0?this._stack[this._stack.length-1]:null},enumerable:!0}),p.clone=function(){return new h(this.tree,this._stack.slice())},p.remove=function(){var t=this._stack;if(0===t.length)return this.tree;var e=new Array(t.length),r=t[t.length-1];e[e.length-1]=new n(r._color,r.key,r.value,r.left,r.right,r._count);for(var l=t.length-2;l>=0;--l){(r=t[l]).left===t[l+1]?e[l]=new n(r._color,r.key,r.value,e[l+1],r.right,r._count):e[l]=new n(r._color,r.key,r.value,r.left,e[l+1],r._count)}if((r=e[e.length-1]).left&&r.right){var c=e.length;for(r=r.left;r.right;)e.push(r),r=r.right;var u=e[c-1];e.push(new n(r._color,u.key,u.value,r.left,r.right,r._count)),e[c-1].key=r.key,e[c-1].value=r.value;for(l=e.length-2;l>=c;--l)r=e[l],e[l]=new n(r._color,r.key,r.value,r.left,e[l+1],r._count);e[c-1].left=e[c]}if(0===(r=e[e.length-1])._color){var f=e[e.length-2];f.left===r?f.left=null:f.right===r&&(f.right=null),e.pop();for(l=0;l=0;--l){if(e=t[l],0===l)return void(e._color=1);if((r=t[l-1]).left===e){if((n=r.right).right&&0===n.right._color){if(s=(n=r.right=i(n)).right=i(n.right),r.right=n.left,n.left=r,n.right=s,n._color=r._color,e._color=1,r._color=1,s._color=1,o(r),o(n),l>1)(c=t[l-2]).left===r?c.left=n:c.right=n;return void(t[l-1]=n)}if(n.left&&0===n.left._color){if(s=(n=r.right=i(n)).left=i(n.left),r.right=s.left,n.left=s.right,s.left=r,s.right=n,s._color=r._color,r._color=1,n._color=1,e._color=1,o(r),o(n),o(s),l>1)(c=t[l-2]).left===r?c.left=s:c.right=s;return void(t[l-1]=s)}if(1===n._color){if(0===r._color)return r._color=1,void(r.right=a(0,n));r.right=a(0,n);continue}n=i(n),r.right=n.left,n.left=r,n._color=r._color,r._color=0,o(r),o(n),l>1&&((c=t[l-2]).left===r?c.left=n:c.right=n),t[l-1]=n,t[l]=r,l+11)(c=t[l-2]).right===r?c.right=n:c.left=n;return void(t[l-1]=n)}if(n.right&&0===n.right._color){if(s=(n=r.left=i(n)).right=i(n.right),r.left=s.right,n.right=s.left,s.right=r,s.left=n,s._color=r._color,r._color=1,n._color=1,e._color=1,o(r),o(n),o(s),l>1)(c=t[l-2]).right===r?c.right=s:c.left=s;return void(t[l-1]=s)}if(1===n._color){if(0===r._color)return r._color=1,void(r.left=a(0,n));r.left=a(0,n);continue}var c;n=i(n),r.left=n.right,n.right=r,n._color=r._color,r._color=0,o(r),o(n),l>1&&((c=t[l-2]).right===r?c.right=n:c.left=n),t[l-1]=n,t[l]=r,l+10)return this._stack[this._stack.length-1].key},enumerable:!0}),Object.defineProperty(p,"value",{get:function(){if(this._stack.length>0)return this._stack[this._stack.length-1].value},enumerable:!0}),Object.defineProperty(p,"index",{get:function(){var t=0,e=this._stack;if(0===e.length){var r=this.tree.root;return r?r._count:0}e[e.length-1].left&&(t=e[e.length-1].left._count);for(var n=e.length-2;n>=0;--n)e[n+1]===e[n].right&&(++t,e[n].left&&(t+=e[n].left._count));return t},enumerable:!0}),p.next=function(){var t=this._stack;if(0!==t.length){var e=t[t.length-1];if(e.right)for(e=e.right;e;)t.push(e),e=e.left;else for(t.pop();t.length>0&&t[t.length-1].right===e;)e=t[t.length-1],t.pop()}},Object.defineProperty(p,"hasNext",{get:function(){var t=this._stack;if(0===t.length)return!1;if(t[t.length-1].right)return!0;for(var e=t.length-1;e>0;--e)if(t[e-1].left===t[e])return!0;return!1}}),p.update=function(t){var e=this._stack;if(0===e.length)throw new Error("Can't update empty node!");var r=new Array(e.length),i=e[e.length-1];r[r.length-1]=new n(i._color,i.key,t,i.left,i.right,i._count);for(var a=e.length-2;a>=0;--a)(i=e[a]).left===e[a+1]?r[a]=new n(i._color,i.key,i.value,r[a+1],i.right,i._count):r[a]=new n(i._color,i.key,i.value,i.left,r[a+1],i._count);return new s(this.tree._compare,r[0])},p.prev=function(){var t=this._stack;if(0!==t.length){var e=t[t.length-1];if(e.left)for(e=e.left;e;)t.push(e),e=e.right;else for(t.pop();t.length>0&&t[t.length-1].left===e;)e=t[t.length-1],t.pop()}},Object.defineProperty(p,"hasPrev",{get:function(){var t=this._stack;if(0===t.length)return!1;if(t[t.length-1].left)return!0;for(var e=t.length-1;e>0;--e)if(t[e-1].right===t[e])return!0;return!1}})},{}],248:[function(t,e,r){var n=[.9999999999998099,676.5203681218851,-1259.1392167224028,771.3234287776531,-176.6150291621406,12.507343278686905,-.13857109526572012,9984369578019572e-21,1.5056327351493116e-7],i=[.9999999999999971,57.15623566586292,-59.59796035547549,14.136097974741746,-.4919138160976202,3399464998481189e-20,4652362892704858e-20,-9837447530487956e-20,.0001580887032249125,-.00021026444172410488,.00021743961811521265,-.0001643181065367639,8441822398385275e-20,-26190838401581408e-21,36899182659531625e-22];function a(t){if(t<0)return Number("0/0");for(var e=i[0],r=i.length-1;r>0;--r)e+=i[r]/(t+r);var n=t+607/128+.5;return.5*Math.log(2*Math.PI)+(t+.5)*Math.log(n)-n+Math.log(e)-Math.log(t)}e.exports=function t(e){if(e<.5)return Math.PI/(Math.sin(Math.PI*e)*t(1-e));if(e>100)return Math.exp(a(e));e-=1;for(var r=n[0],i=1;i<9;i++)r+=n[i]/(e+i);var o=e+7+.5;return Math.sqrt(2*Math.PI)*Math.pow(o,e+.5)*Math.exp(-o)*r},e.exports.log=a},{}],249:[function(t,e,r){e.exports=function(t,e){if("string"!=typeof t)throw new TypeError("must specify type string");if(e=e||{},"undefined"==typeof document&&!e.canvas)return null;var r=e.canvas||document.createElement("canvas");"number"==typeof e.width&&(r.width=e.width);"number"==typeof e.height&&(r.height=e.height);var n,i=e;try{var a=[t];0===t.indexOf("webgl")&&a.push("experimental-"+t);for(var o=0;o0?(p[u]=-1,d[u]=0):(p[u]=0,d[u]=1)}}var g=[0,0,0],m={model:l,view:l,projection:l,_ortho:!1};f.isOpaque=function(){return!0},f.isTransparent=function(){return!1},f.drawTransparent=function(t){};var v=[0,0,0],y=[0,0,0],x=[0,0,0];f.draw=function(t){t=t||m;for(var e=this.gl,r=t.model||l,n=t.view||l,i=t.projection||l,a=this.bounds,s=t._ortho||!1,u=o(r,n,i,a,s),f=u.cubeEdges,h=u.axis,b=n[12],_=n[13],w=n[14],T=n[15],k=(s?2:1)*this.pixelRatio*(i[3]*b+i[7]*_+i[11]*w+i[15]*T)/e.drawingBufferHeight,M=0;M<3;++M)this.lastCubeProps.cubeEdges[M]=f[M],this.lastCubeProps.axis[M]=h[M];var A=p;for(M=0;M<3;++M)d(p[M],M,this.bounds,f,h);e=this.gl;var S,E=g;for(M=0;M<3;++M)this.backgroundEnable[M]?E[M]=h[M]:E[M]=0;this._background.draw(r,n,i,a,E,this.backgroundColor),this._lines.bind(r,n,i,this);for(M=0;M<3;++M){var C=[0,0,0];h[M]>0?C[M]=a[1][M]:C[M]=a[0][M];for(var L=0;L<2;++L){var I=(M+1+L)%3,P=(M+1+(1^L))%3;this.gridEnable[I]&&this._lines.drawGrid(I,P,this.bounds,C,this.gridColor[I],this.gridWidth[I]*this.pixelRatio)}for(L=0;L<2;++L){I=(M+1+L)%3,P=(M+1+(1^L))%3;this.zeroEnable[P]&&Math.min(a[0][P],a[1][P])<=0&&Math.max(a[0][P],a[1][P])>=0&&this._lines.drawZero(I,P,this.bounds,C,this.zeroLineColor[P],this.zeroLineWidth[P]*this.pixelRatio)}}for(M=0;M<3;++M){this.lineEnable[M]&&this._lines.drawAxisLine(M,this.bounds,A[M].primalOffset,this.lineColor[M],this.lineWidth[M]*this.pixelRatio),this.lineMirror[M]&&this._lines.drawAxisLine(M,this.bounds,A[M].mirrorOffset,this.lineColor[M],this.lineWidth[M]*this.pixelRatio);var z=c(v,A[M].primalMinor),O=c(y,A[M].mirrorMinor),D=this.lineTickLength;for(L=0;L<3;++L){var R=k/r[5*L];z[L]*=D[L]*R,O[L]*=D[L]*R}this.lineTickEnable[M]&&this._lines.drawAxisTicks(M,A[M].primalOffset,z,this.lineTickColor[M],this.lineTickWidth[M]*this.pixelRatio),this.lineTickMirror[M]&&this._lines.drawAxisTicks(M,A[M].mirrorOffset,O,this.lineTickColor[M],this.lineTickWidth[M]*this.pixelRatio)}this._lines.unbind(),this._text.bind(r,n,i,this.pixelRatio);var F,B;function N(t){(B=[0,0,0])[t]=1}function j(t,e,r){var n=(t+1)%3,i=(t+2)%3,a=e[n],o=e[i],s=r[n],l=r[i];a>0&&l>0||a>0&&l<0||a<0&&l>0||a<0&&l<0?N(n):(o>0&&s>0||o>0&&s<0||o<0&&s>0||o<0&&s<0)&&N(i)}for(M=0;M<3;++M){var U=A[M].primalMinor,V=A[M].mirrorMinor,q=c(x,A[M].primalOffset);for(L=0;L<3;++L)this.lineTickEnable[M]&&(q[L]+=k*U[L]*Math.max(this.lineTickLength[L],0)/r[5*L]);var H=[0,0,0];if(H[M]=1,this.tickEnable[M]){-3600===this.tickAngle[M]?(this.tickAngle[M]=0,this.tickAlign[M]="auto"):this.tickAlign[M]=-1,F=1,"auto"===(S=[this.tickAlign[M],.5,F])[0]?S[0]=0:S[0]=parseInt(""+S[0]),B=[0,0,0],j(M,U,V);for(L=0;L<3;++L)q[L]+=k*U[L]*this.tickPad[L]/r[5*L];this._text.drawTicks(M,this.tickSize[M],this.tickAngle[M],q,this.tickColor[M],H,B,S)}if(this.labelEnable[M]){F=0,B=[0,0,0],this.labels[M].length>4&&(N(M),F=1),"auto"===(S=[this.labelAlign[M],.5,F])[0]?S[0]=0:S[0]=parseInt(""+S[0]);for(L=0;L<3;++L)q[L]+=k*U[L]*this.labelPad[L]/r[5*L];q[M]+=.5*(a[0][M]+a[1][M]),this._text.drawLabel(M,this.labelSize[M],this.labelAngle[M],q,this.labelColor[M],[0,0,0],B,S)}}this._text.unbind()},f.dispose=function(){this._text.dispose(),this._lines.dispose(),this._background.dispose(),this._lines=null,this._text=null,this._background=null,this.gl=null}},{"./lib/background.js":251,"./lib/cube.js":252,"./lib/lines.js":253,"./lib/text.js":255,"./lib/ticks.js":256}],251:[function(t,e,r){"use strict";e.exports=function(t){for(var e=[],r=[],s=0,l=0;l<3;++l)for(var c=(l+1)%3,u=(l+2)%3,f=[0,0,0],h=[0,0,0],p=-1;p<=1;p+=2){r.push(s,s+2,s+1,s+1,s+2,s+3),f[l]=p,h[l]=p;for(var d=-1;d<=1;d+=2){f[c]=d;for(var g=-1;g<=1;g+=2)f[u]=g,e.push(f[0],f[1],f[2],h[0],h[1],h[2]),s+=1}var m=c;c=u,u=m}var v=n(t,new Float32Array(e)),y=n(t,new Uint16Array(r),t.ELEMENT_ARRAY_BUFFER),x=i(t,[{buffer:v,type:t.FLOAT,size:3,offset:0,stride:24},{buffer:v,type:t.FLOAT,size:3,offset:12,stride:24}],y),b=a(t);return b.attributes.position.location=0,b.attributes.normal.location=1,new o(t,v,x,b)};var n=t("gl-buffer"),i=t("gl-vao"),a=t("./shaders").bg;function o(t,e,r,n){this.gl=t,this.buffer=e,this.vao=r,this.shader=n}var s=o.prototype;s.draw=function(t,e,r,n,i,a){for(var o=!1,s=0;s<3;++s)o=o||i[s];if(o){var l=this.gl;l.enable(l.POLYGON_OFFSET_FILL),l.polygonOffset(1,2),this.shader.bind(),this.shader.uniforms={model:t,view:e,projection:r,bounds:n,enable:i,colors:a},this.vao.bind(),this.vao.draw(this.gl.TRIANGLES,36),this.vao.unbind(),l.disable(l.POLYGON_OFFSET_FILL)}},s.dispose=function(){this.vao.dispose(),this.buffer.dispose(),this.shader.dispose()}},{"./shaders":254,"gl-buffer":259,"gl-vao":358}],252:[function(t,e,r){"use strict";e.exports=function(t,e,r,a,p){i(s,e,t),i(s,r,s);for(var y=0,x=0;x<2;++x){u[2]=a[x][2];for(var b=0;b<2;++b){u[1]=a[b][1];for(var _=0;_<2;++_)u[0]=a[_][0],h(l[y],u,s),y+=1}}var w=-1;for(x=0;x<8;++x){for(var T=l[x][3],k=0;k<3;++k)c[x][k]=l[x][k]/T;p&&(c[x][2]*=-1),T<0&&(w<0||c[x][2]E&&(w|=1<E&&(w|=1<c[x][1])&&(R=x);var F=-1;for(x=0;x<3;++x){if((N=R^1<c[B][0]&&(B=N)}var j=g;j[0]=j[1]=j[2]=0,j[n.log2(F^R)]=R&F,j[n.log2(R^B)]=R&B;var U=7^B;U===w||U===D?(U=7^F,j[n.log2(B^U)]=U&B):j[n.log2(F^U)]=U&F;var V=m,q=w;for(M=0;M<3;++M)V[M]=q&1< HALF_PI) && (b <= ONE_AND_HALF_PI)) ?\n b - PI :\n b;\n}\n\nfloat look_horizontal_or_vertical(float a, float ratio) {\n // ratio controls the ratio between being horizontal to (vertical + horizontal)\n // if ratio is set to 0.5 then it is 50%, 50%.\n // when using a higher ratio e.g. 0.75 the result would\n // likely be more horizontal than vertical.\n\n float b = positive_angle(a);\n\n return\n (b < ( ratio) * HALF_PI) ? 0.0 :\n (b < (2.0 - ratio) * HALF_PI) ? -HALF_PI :\n (b < (2.0 + ratio) * HALF_PI) ? 0.0 :\n (b < (4.0 - ratio) * HALF_PI) ? HALF_PI :\n 0.0;\n}\n\nfloat roundTo(float a, float b) {\n return float(b * floor((a + 0.5 * b) / b));\n}\n\nfloat look_round_n_directions(float a, int n) {\n float b = positive_angle(a);\n float div = TWO_PI / float(n);\n float c = roundTo(b, div);\n return look_upwards(c);\n}\n\nfloat applyAlignOption(float rawAngle, float delta) {\n return\n (option > 2) ? look_round_n_directions(rawAngle + delta, option) : // option 3-n: round to n directions\n (option == 2) ? look_horizontal_or_vertical(rawAngle + delta, hv_ratio) : // horizontal or vertical\n (option == 1) ? rawAngle + delta : // use free angle, and flip to align with one direction of the axis\n (option == 0) ? look_upwards(rawAngle) : // use free angle, and stay upwards\n (option ==-1) ? 0.0 : // useful for backward compatibility, all texts remains horizontal\n rawAngle; // otherwise return back raw input angle\n}\n\nbool isAxisTitle = (axis.x == 0.0) &&\n (axis.y == 0.0) &&\n (axis.z == 0.0);\n\nvoid main() {\n //Compute world offset\n float axisDistance = position.z;\n vec3 dataPosition = axisDistance * axis + offset;\n\n float beta = angle; // i.e. user defined attributes for each tick\n\n float axisAngle;\n float clipAngle;\n float flip;\n\n if (enableAlign) {\n axisAngle = (isAxisTitle) ? HALF_PI :\n computeViewAngle(dataPosition, dataPosition + axis);\n clipAngle = computeViewAngle(dataPosition, dataPosition + alignDir);\n\n axisAngle += (sin(axisAngle) < 0.0) ? PI : 0.0;\n clipAngle += (sin(clipAngle) < 0.0) ? PI : 0.0;\n\n flip = (dot(vec2(cos(axisAngle), sin(axisAngle)),\n vec2(sin(clipAngle),-cos(clipAngle))) > 0.0) ? 1.0 : 0.0;\n\n beta += applyAlignOption(clipAngle, flip * PI);\n }\n\n //Compute plane offset\n vec2 planeCoord = position.xy * pixelScale;\n\n mat2 planeXform = scale * mat2(\n cos(beta), sin(beta),\n -sin(beta), cos(beta)\n );\n\n vec2 viewOffset = 2.0 * planeXform * planeCoord / resolution;\n\n //Compute clip position\n vec3 clipPosition = project(dataPosition);\n\n //Apply text offset in clip coordinates\n clipPosition += vec3(viewOffset, 0.0);\n\n //Done\n gl_Position = vec4(clipPosition, 1.0);\n}"]),l=n(["precision highp float;\n#define GLSLIFY 1\n\nuniform vec4 color;\nvoid main() {\n gl_FragColor = color;\n}"]);r.text=function(t){return i(t,s,l,null,[{name:"position",type:"vec3"}])};var c=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position;\nattribute vec3 normal;\n\nuniform mat4 model, view, projection;\nuniform vec3 enable;\nuniform vec3 bounds[2];\n\nvarying vec3 colorChannel;\n\nvoid main() {\n\n vec3 signAxis = sign(bounds[1] - bounds[0]);\n\n vec3 realNormal = signAxis * normal;\n\n if(dot(realNormal, enable) > 0.0) {\n vec3 minRange = min(bounds[0], bounds[1]);\n vec3 maxRange = max(bounds[0], bounds[1]);\n vec3 nPosition = mix(minRange, maxRange, 0.5 * (position + 1.0));\n gl_Position = projection * view * model * vec4(nPosition, 1.0);\n } else {\n gl_Position = vec4(0,0,0,0);\n }\n\n colorChannel = abs(realNormal);\n}"]),u=n(["precision highp float;\n#define GLSLIFY 1\n\nuniform vec4 colors[3];\n\nvarying vec3 colorChannel;\n\nvoid main() {\n gl_FragColor = colorChannel.x * colors[0] +\n colorChannel.y * colors[1] +\n colorChannel.z * colors[2];\n}"]);r.bg=function(t){return i(t,c,u,null,[{name:"position",type:"vec3"},{name:"normal",type:"vec3"}])}},{"gl-shader":335,glslify:257}],255:[function(t,e,r){(function(r){(function(){"use strict";e.exports=function(t,e,r,a,s,l){var u=n(t),f=i(t,[{buffer:u,size:3}]),h=o(t);h.attributes.position.location=0;var p=new c(t,h,u,f);return p.update(e,r,a,s,l),p};var n=t("gl-buffer"),i=t("gl-vao"),a=t("vectorize-text"),o=t("./shaders").text,s=window||r.global||{},l=s.__TEXT_CACHE||{};s.__TEXT_CACHE={};function c(t,e,r,n){this.gl=t,this.shader=e,this.buffer=r,this.vao=n,this.tickOffset=this.tickCount=this.labelOffset=this.labelCount=null}var u=c.prototype,f=[0,0];u.bind=function(t,e,r,n){this.vao.bind(),this.shader.bind();var i=this.shader.uniforms;i.model=t,i.view=e,i.projection=r,i.pixelScale=n,f[0]=this.gl.drawingBufferWidth,f[1]=this.gl.drawingBufferHeight,this.shader.uniforms.resolution=f},u.unbind=function(){this.vao.unbind()},u.update=function(t,e,r,n,i){var o=[];function s(t,e,r,n,i,s){var c=l[r];c||(c=l[r]={});var u=c[e];u||(u=c[e]=function(t,e){try{return a(t,e)}catch(e){return console.warn('error vectorizing text:"'+t+'" error:',e),{cells:[],positions:[]}}}(e,{triangles:!0,font:r,textAlign:"center",textBaseline:"middle",lineSpacing:i,styletags:s}));for(var f=(n||12)/12,h=u.positions,p=u.cells,d=0,g=p.length;d=0;--v){var y=h[m[v]];o.push(f*y[0],-f*y[1],t)}}for(var c=[0,0,0],u=[0,0,0],f=[0,0,0],h=[0,0,0],p={breaklines:!0,bolds:!0,italics:!0,subscripts:!0,superscripts:!0},d=0;d<3;++d){f[d]=o.length/3|0,s(.5*(t[0][d]+t[1][d]),e[d],r[d],12,1.25,p),h[d]=(o.length/3|0)-f[d],c[d]=o.length/3|0;for(var g=0;g=0&&(i=r.length-n-1);var a=Math.pow(10,i),o=Math.round(t*e*a),s=o+"";if(s.indexOf("e")>=0)return s;var l=o/a,c=o%a;o<0?(l=0|-Math.ceil(l),c=0|-c):(l=0|Math.floor(l),c|=0);var u=""+l;if(o<0&&(u="-"+u),i){for(var f=""+c;f.length=t[0][i];--o)a.push({x:o*e[i],text:n(e[i],o)});r.push(a)}return r},r.equal=function(t,e){for(var r=0;r<3;++r){if(t[r].length!==e[r].length)return!1;for(var n=0;nr)throw new Error("gl-buffer: If resizing buffer, must not specify offset");return t.bufferSubData(e,a,i),r}function u(t,e){for(var r=n.malloc(t.length,e),i=t.length,a=0;a=0;--n){if(e[n]!==r)return!1;r*=t[n]}return!0}(t.shape,t.stride))0===t.offset&&t.data.length===t.shape[0]?this.length=c(this.gl,this.type,this.length,this.usage,t.data,e):this.length=c(this.gl,this.type,this.length,this.usage,t.data.subarray(t.offset,t.shape[0]),e);else{var s=n.malloc(t.size,r),l=a(s,t.shape);i.assign(l,t),this.length=c(this.gl,this.type,this.length,this.usage,e<0?s:s.subarray(0,t.size),e),n.free(s)}}else if(Array.isArray(t)){var f;f=this.type===this.gl.ELEMENT_ARRAY_BUFFER?u(t,"uint16"):u(t,"float32"),this.length=c(this.gl,this.type,this.length,this.usage,e<0?f:f.subarray(0,t.length),e),n.free(f)}else if("object"==typeof t&&"number"==typeof t.length)this.length=c(this.gl,this.type,this.length,this.usage,t,e);else{if("number"!=typeof t&&void 0!==t)throw new Error("gl-buffer: Invalid data type");if(e>=0)throw new Error("gl-buffer: Cannot specify offset when resizing buffer");(t|=0)<=0&&(t=1),this.gl.bufferData(this.type,0|t,this.usage),this.length=t}},e.exports=function(t,e,r,n){if(r=r||t.ARRAY_BUFFER,n=n||t.DYNAMIC_DRAW,r!==t.ARRAY_BUFFER&&r!==t.ELEMENT_ARRAY_BUFFER)throw new Error("gl-buffer: Invalid type for webgl buffer, must be either gl.ARRAY_BUFFER or gl.ELEMENT_ARRAY_BUFFER");if(n!==t.DYNAMIC_DRAW&&n!==t.STATIC_DRAW&&n!==t.STREAM_DRAW)throw new Error("gl-buffer: Invalid usage for buffer, must be either gl.DYNAMIC_DRAW, gl.STATIC_DRAW or gl.STREAM_DRAW");var i=t.createBuffer(),a=new s(t,r,i,0,n);return a.update(e),a}},{ndarray:495,"ndarray-ops":490,"typedarray-pool":595}],260:[function(t,e,r){"use strict";var n=t("gl-vec3");e.exports=function(t,e){var r=t.positions,i=t.vectors,a={positions:[],vertexIntensity:[],vertexIntensityBounds:t.vertexIntensityBounds,vectors:[],cells:[],coneOffset:t.coneOffset,colormap:t.colormap};if(0===t.positions.length)return e&&(e[0]=[0,0,0],e[1]=[0,0,0]),a;for(var o=0,s=1/0,l=-1/0,c=1/0,u=-1/0,f=1/0,h=-1/0,p=null,d=null,g=[],m=1/0,v=!1,y=0;yo&&(o=n.length(b)),y){var _=2*n.distance(p,x)/(n.length(d)+n.length(b));_?(m=Math.min(m,_),v=!1):v=!0}v||(p=x,d=b),g.push(b)}var w=[s,c,f],T=[l,u,h];e&&(e[0]=w,e[1]=T),0===o&&(o=1);var k=1/o;isFinite(m)||(m=1),a.vectorScale=m;var M=t.coneSize||.5;t.absoluteConeSize&&(M=t.absoluteConeSize*k),a.coneScale=M;y=0;for(var A=0;y=1},p.isTransparent=function(){return this.opacity<1},p.pickSlots=1,p.setPickBase=function(t){this.pickId=t},p.update=function(t){t=t||{};var e=this.gl;this.dirty=!0,"lightPosition"in t&&(this.lightPosition=t.lightPosition),"opacity"in t&&(this.opacity=t.opacity),"ambient"in t&&(this.ambientLight=t.ambient),"diffuse"in t&&(this.diffuseLight=t.diffuse),"specular"in t&&(this.specularLight=t.specular),"roughness"in t&&(this.roughness=t.roughness),"fresnel"in t&&(this.fresnel=t.fresnel),void 0!==t.tubeScale&&(this.tubeScale=t.tubeScale),void 0!==t.vectorScale&&(this.vectorScale=t.vectorScale),void 0!==t.coneScale&&(this.coneScale=t.coneScale),void 0!==t.coneOffset&&(this.coneOffset=t.coneOffset),t.colormap&&(this.texture.shape=[256,256],this.texture.minFilter=e.LINEAR_MIPMAP_LINEAR,this.texture.magFilter=e.LINEAR,this.texture.setPixels(function(t){for(var e=u({colormap:t,nshades:256,format:"rgba"}),r=new Uint8Array(1024),n=0;n<256;++n){for(var i=e[n],a=0;a<3;++a)r[4*n+a]=i[a];r[4*n+3]=255*i[3]}return c(r,[256,256,4],[4,0,1])}(t.colormap)),this.texture.generateMipmap());var r=t.cells,n=t.positions,i=t.vectors;if(n&&r&&i){var a=[],o=[],s=[],l=[],f=[];this.cells=r,this.positions=n,this.vectors=i;var h=t.meshColor||[1,1,1,1],p=t.vertexIntensity,d=1/0,g=-1/0;if(p)if(t.vertexIntensityBounds)d=+t.vertexIntensityBounds[0],g=+t.vertexIntensityBounds[1];else for(var m=0;m0){var g=this.triShader;g.bind(),g.uniforms=c,this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind()}},p.drawPick=function(t){t=t||{};for(var e=this.gl,r=t.model||f,n=t.view||f,i=t.projection||f,a=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],o=0;o<3;++o)a[0][o]=Math.max(a[0][o],this.clipBounds[0][o]),a[1][o]=Math.min(a[1][o],this.clipBounds[1][o]);this._model=[].slice.call(r),this._view=[].slice.call(n),this._projection=[].slice.call(i),this._resolution=[e.drawingBufferWidth,e.drawingBufferHeight];var s={model:r,view:n,projection:i,clipBounds:a,tubeScale:this.tubeScale,vectorScale:this.vectorScale,coneScale:this.coneScale,coneOffset:this.coneOffset,pickId:this.pickId/255},l=this.pickShader;l.bind(),l.uniforms=s,this.triangleCount>0&&(this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind())},p.pick=function(t){if(!t)return null;if(t.id!==this.pickId)return null;var e=t.value[0]+256*t.value[1]+65536*t.value[2],r=this.cells[e],n=this.positions[r[1]].slice(0,3),i={position:n,dataCoordinate:n,index:Math.floor(r[1]/48)};return"cone"===this.traceType?i.index=Math.floor(r[1]/48):"streamtube"===this.traceType&&(i.intensity=this.intensity[r[1]],i.velocity=this.vectors[r[1]].slice(0,3),i.divergence=this.vectors[r[1]][3],i.index=e),i},p.dispose=function(){this.texture.dispose(),this.triShader.dispose(),this.pickShader.dispose(),this.triangleVAO.dispose(),this.trianglePositions.dispose(),this.triangleVectors.dispose(),this.triangleColors.dispose(),this.triangleUVs.dispose(),this.triangleIds.dispose()},e.exports=function(t,e,r){var n=r.shaders;1===arguments.length&&(t=(e=t).gl);var s=d(t,n),l=g(t,n),u=o(t,c(new Uint8Array([255,255,255,255]),[1,1,4]));u.generateMipmap(),u.minFilter=t.LINEAR_MIPMAP_LINEAR,u.magFilter=t.LINEAR;var f=i(t),p=i(t),m=i(t),v=i(t),y=i(t),x=a(t,[{buffer:f,type:t.FLOAT,size:4},{buffer:y,type:t.UNSIGNED_BYTE,size:4,normalized:!0},{buffer:m,type:t.FLOAT,size:4},{buffer:v,type:t.FLOAT,size:2},{buffer:p,type:t.FLOAT,size:4}]),b=new h(t,u,s,l,f,p,y,m,v,x,r.traceType||"cone");return b.update(e),b}},{colormap:131,"gl-buffer":259,"gl-mat4/invert":293,"gl-mat4/multiply":295,"gl-shader":335,"gl-texture2d":353,"gl-vao":358,ndarray:495}],262:[function(t,e,r){var n=t("glslify"),i=n(["precision highp float;\n\nprecision highp float;\n#define GLSLIFY 1\n\nvec3 getOrthogonalVector(vec3 v) {\n // Return up-vector for only-z vector.\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\n // Assign z = 0, x = -b, y = a:\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\n return normalize(vec3(-v.y, v.x, 0.0));\n } else {\n return normalize(vec3(0.0, v.z, -v.y));\n }\n}\n\n// Calculate the cone vertex and normal at the given index.\n//\n// The returned vertex is for a cone with its top at origin and height of 1.0,\n// pointing in the direction of the vector attribute.\n//\n// Each cone is made up of a top vertex, a center base vertex and base perimeter vertices.\n// These vertices are used to make up the triangles of the cone by the following:\n// segment + 0 top vertex\n// segment + 1 perimeter vertex a+1\n// segment + 2 perimeter vertex a\n// segment + 3 center base vertex\n// segment + 4 perimeter vertex a\n// segment + 5 perimeter vertex a+1\n// Where segment is the number of the radial segment * 6 and a is the angle at that radial segment.\n// To go from index to segment, floor(index / 6)\n// To go from segment to angle, 2*pi * (segment/segmentCount)\n// To go from index to segment index, index - (segment*6)\n//\nvec3 getConePosition(vec3 d, float rawIndex, float coneOffset, out vec3 normal) {\n\n const float segmentCount = 8.0;\n\n float index = rawIndex - floor(rawIndex /\n (segmentCount * 6.0)) *\n (segmentCount * 6.0);\n\n float segment = floor(0.001 + index/6.0);\n float segmentIndex = index - (segment*6.0);\n\n normal = -normalize(d);\n\n if (segmentIndex > 2.99 && segmentIndex < 3.01) {\n return mix(vec3(0.0), -d, coneOffset);\n }\n\n float nextAngle = (\n (segmentIndex > 0.99 && segmentIndex < 1.01) ||\n (segmentIndex > 4.99 && segmentIndex < 5.01)\n ) ? 1.0 : 0.0;\n float angle = 2.0 * 3.14159 * ((segment + nextAngle) / segmentCount);\n\n vec3 v1 = mix(d, vec3(0.0), coneOffset);\n vec3 v2 = v1 - d;\n\n vec3 u = getOrthogonalVector(d);\n vec3 v = normalize(cross(u, d));\n\n vec3 x = u * cos(angle) * length(d)*0.25;\n vec3 y = v * sin(angle) * length(d)*0.25;\n vec3 v3 = v2 + x + y;\n if (segmentIndex < 3.0) {\n vec3 tx = u * sin(angle);\n vec3 ty = v * -cos(angle);\n vec3 tangent = tx + ty;\n normal = normalize(cross(v3 - v1, tangent));\n }\n\n if (segmentIndex == 0.0) {\n return mix(d, vec3(0.0), coneOffset);\n }\n return v3;\n}\n\nattribute vec3 vector;\nattribute vec4 color, position;\nattribute vec2 uv;\n\nuniform float vectorScale, coneScale, coneOffset;\nuniform mat4 model, view, projection, inverseModel;\nuniform vec3 eyePosition, lightPosition;\n\nvarying vec3 f_normal, f_lightDirection, f_eyeDirection, f_data, f_position;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n // Scale the vector magnitude to stay constant with\n // model & view changes.\n vec3 normal;\n vec3 XYZ = getConePosition(mat3(model) * ((vectorScale * coneScale) * vector), position.w, coneOffset, normal);\n vec4 conePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\n\n //Lighting geometry parameters\n vec4 cameraCoordinate = view * conePosition;\n cameraCoordinate.xyz /= cameraCoordinate.w;\n f_lightDirection = lightPosition - cameraCoordinate.xyz;\n f_eyeDirection = eyePosition - cameraCoordinate.xyz;\n f_normal = normalize((vec4(normal, 0.0) * inverseModel).xyz);\n\n // vec4 m_position = model * vec4(conePosition, 1.0);\n vec4 t_position = view * conePosition;\n gl_Position = projection * t_position;\n\n f_color = color;\n f_data = conePosition.xyz;\n f_position = position.xyz;\n f_uv = uv;\n}\n"]),a=n(["#extension GL_OES_standard_derivatives : enable\n\nprecision highp float;\n#define GLSLIFY 1\n\nfloat beckmannDistribution(float x, float roughness) {\n float NdotH = max(x, 0.0001);\n float cos2Alpha = NdotH * NdotH;\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\n float roughness2 = roughness * roughness;\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\n return exp(tan2Alpha / roughness2) / denom;\n}\n\nfloat cookTorranceSpecular(\n vec3 lightDirection,\n vec3 viewDirection,\n vec3 surfaceNormal,\n float roughness,\n float fresnel) {\n\n float VdotN = max(dot(viewDirection, surfaceNormal), 0.0);\n float LdotN = max(dot(lightDirection, surfaceNormal), 0.0);\n\n //Half angle vector\n vec3 H = normalize(lightDirection + viewDirection);\n\n //Geometric term\n float NdotH = max(dot(surfaceNormal, H), 0.0);\n float VdotH = max(dot(viewDirection, H), 0.000001);\n float LdotH = max(dot(lightDirection, H), 0.000001);\n float G1 = (2.0 * NdotH * VdotN) / VdotH;\n float G2 = (2.0 * NdotH * LdotN) / LdotH;\n float G = min(1.0, min(G1, G2));\n \n //Distribution term\n float D = beckmannDistribution(NdotH, roughness);\n\n //Fresnel term\n float F = pow(1.0 - VdotN, fresnel);\n\n //Multiply terms and done\n return G * F * D / max(3.14159265 * VdotN, 0.000001);\n}\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float roughness, fresnel, kambient, kdiffuse, kspecular, opacity;\nuniform sampler2D texture;\n\nvarying vec3 f_normal, f_lightDirection, f_eyeDirection, f_data, f_position;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n vec3 N = normalize(f_normal);\n vec3 L = normalize(f_lightDirection);\n vec3 V = normalize(f_eyeDirection);\n\n if(gl_FrontFacing) {\n N = -N;\n }\n\n float specular = min(1.0, max(0.0, cookTorranceSpecular(L, V, N, roughness, fresnel)));\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\n\n vec4 surfaceColor = f_color * texture2D(texture, f_uv);\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\n\n gl_FragColor = litColor * opacity;\n}\n"]),o=n(["precision highp float;\n\nprecision highp float;\n#define GLSLIFY 1\n\nvec3 getOrthogonalVector(vec3 v) {\n // Return up-vector for only-z vector.\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\n // Assign z = 0, x = -b, y = a:\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\n return normalize(vec3(-v.y, v.x, 0.0));\n } else {\n return normalize(vec3(0.0, v.z, -v.y));\n }\n}\n\n// Calculate the cone vertex and normal at the given index.\n//\n// The returned vertex is for a cone with its top at origin and height of 1.0,\n// pointing in the direction of the vector attribute.\n//\n// Each cone is made up of a top vertex, a center base vertex and base perimeter vertices.\n// These vertices are used to make up the triangles of the cone by the following:\n// segment + 0 top vertex\n// segment + 1 perimeter vertex a+1\n// segment + 2 perimeter vertex a\n// segment + 3 center base vertex\n// segment + 4 perimeter vertex a\n// segment + 5 perimeter vertex a+1\n// Where segment is the number of the radial segment * 6 and a is the angle at that radial segment.\n// To go from index to segment, floor(index / 6)\n// To go from segment to angle, 2*pi * (segment/segmentCount)\n// To go from index to segment index, index - (segment*6)\n//\nvec3 getConePosition(vec3 d, float rawIndex, float coneOffset, out vec3 normal) {\n\n const float segmentCount = 8.0;\n\n float index = rawIndex - floor(rawIndex /\n (segmentCount * 6.0)) *\n (segmentCount * 6.0);\n\n float segment = floor(0.001 + index/6.0);\n float segmentIndex = index - (segment*6.0);\n\n normal = -normalize(d);\n\n if (segmentIndex > 2.99 && segmentIndex < 3.01) {\n return mix(vec3(0.0), -d, coneOffset);\n }\n\n float nextAngle = (\n (segmentIndex > 0.99 && segmentIndex < 1.01) ||\n (segmentIndex > 4.99 && segmentIndex < 5.01)\n ) ? 1.0 : 0.0;\n float angle = 2.0 * 3.14159 * ((segment + nextAngle) / segmentCount);\n\n vec3 v1 = mix(d, vec3(0.0), coneOffset);\n vec3 v2 = v1 - d;\n\n vec3 u = getOrthogonalVector(d);\n vec3 v = normalize(cross(u, d));\n\n vec3 x = u * cos(angle) * length(d)*0.25;\n vec3 y = v * sin(angle) * length(d)*0.25;\n vec3 v3 = v2 + x + y;\n if (segmentIndex < 3.0) {\n vec3 tx = u * sin(angle);\n vec3 ty = v * -cos(angle);\n vec3 tangent = tx + ty;\n normal = normalize(cross(v3 - v1, tangent));\n }\n\n if (segmentIndex == 0.0) {\n return mix(d, vec3(0.0), coneOffset);\n }\n return v3;\n}\n\nattribute vec4 vector;\nattribute vec4 position;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\nuniform float vectorScale, coneScale, coneOffset;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n vec3 normal;\n vec3 XYZ = getConePosition(mat3(model) * ((vectorScale * coneScale) * vector.xyz), position.w, coneOffset, normal);\n vec4 conePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\n gl_Position = projection * view * conePosition;\n f_id = id;\n f_position = position.xyz;\n}\n"]),s=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float pickId;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n\n gl_FragColor = vec4(pickId, f_id.xyz);\n}"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:"position",type:"vec4"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"},{name:"vector",type:"vec3"}]},r.pickShader={vertex:o,fragment:s,attributes:[{name:"position",type:"vec4"},{name:"id",type:"vec4"},{name:"vector",type:"vec3"}]}},{glslify:263}],263:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],264:[function(t,e,r){e.exports={0:"NONE",1:"ONE",2:"LINE_LOOP",3:"LINE_STRIP",4:"TRIANGLES",5:"TRIANGLE_STRIP",6:"TRIANGLE_FAN",256:"DEPTH_BUFFER_BIT",512:"NEVER",513:"LESS",514:"EQUAL",515:"LEQUAL",516:"GREATER",517:"NOTEQUAL",518:"GEQUAL",519:"ALWAYS",768:"SRC_COLOR",769:"ONE_MINUS_SRC_COLOR",770:"SRC_ALPHA",771:"ONE_MINUS_SRC_ALPHA",772:"DST_ALPHA",773:"ONE_MINUS_DST_ALPHA",774:"DST_COLOR",775:"ONE_MINUS_DST_COLOR",776:"SRC_ALPHA_SATURATE",1024:"STENCIL_BUFFER_BIT",1028:"FRONT",1029:"BACK",1032:"FRONT_AND_BACK",1280:"INVALID_ENUM",1281:"INVALID_VALUE",1282:"INVALID_OPERATION",1285:"OUT_OF_MEMORY",1286:"INVALID_FRAMEBUFFER_OPERATION",2304:"CW",2305:"CCW",2849:"LINE_WIDTH",2884:"CULL_FACE",2885:"CULL_FACE_MODE",2886:"FRONT_FACE",2928:"DEPTH_RANGE",2929:"DEPTH_TEST",2930:"DEPTH_WRITEMASK",2931:"DEPTH_CLEAR_VALUE",2932:"DEPTH_FUNC",2960:"STENCIL_TEST",2961:"STENCIL_CLEAR_VALUE",2962:"STENCIL_FUNC",2963:"STENCIL_VALUE_MASK",2964:"STENCIL_FAIL",2965:"STENCIL_PASS_DEPTH_FAIL",2966:"STENCIL_PASS_DEPTH_PASS",2967:"STENCIL_REF",2968:"STENCIL_WRITEMASK",2978:"VIEWPORT",3024:"DITHER",3042:"BLEND",3088:"SCISSOR_BOX",3089:"SCISSOR_TEST",3106:"COLOR_CLEAR_VALUE",3107:"COLOR_WRITEMASK",3317:"UNPACK_ALIGNMENT",3333:"PACK_ALIGNMENT",3379:"MAX_TEXTURE_SIZE",3386:"MAX_VIEWPORT_DIMS",3408:"SUBPIXEL_BITS",3410:"RED_BITS",3411:"GREEN_BITS",3412:"BLUE_BITS",3413:"ALPHA_BITS",3414:"DEPTH_BITS",3415:"STENCIL_BITS",3553:"TEXTURE_2D",4352:"DONT_CARE",4353:"FASTEST",4354:"NICEST",5120:"BYTE",5121:"UNSIGNED_BYTE",5122:"SHORT",5123:"UNSIGNED_SHORT",5124:"INT",5125:"UNSIGNED_INT",5126:"FLOAT",5386:"INVERT",5890:"TEXTURE",6401:"STENCIL_INDEX",6402:"DEPTH_COMPONENT",6406:"ALPHA",6407:"RGB",6408:"RGBA",6409:"LUMINANCE",6410:"LUMINANCE_ALPHA",7680:"KEEP",7681:"REPLACE",7682:"INCR",7683:"DECR",7936:"VENDOR",7937:"RENDERER",7938:"VERSION",9728:"NEAREST",9729:"LINEAR",9984:"NEAREST_MIPMAP_NEAREST",9985:"LINEAR_MIPMAP_NEAREST",9986:"NEAREST_MIPMAP_LINEAR",9987:"LINEAR_MIPMAP_LINEAR",10240:"TEXTURE_MAG_FILTER",10241:"TEXTURE_MIN_FILTER",10242:"TEXTURE_WRAP_S",10243:"TEXTURE_WRAP_T",10497:"REPEAT",10752:"POLYGON_OFFSET_UNITS",16384:"COLOR_BUFFER_BIT",32769:"CONSTANT_COLOR",32770:"ONE_MINUS_CONSTANT_COLOR",32771:"CONSTANT_ALPHA",32772:"ONE_MINUS_CONSTANT_ALPHA",32773:"BLEND_COLOR",32774:"FUNC_ADD",32777:"BLEND_EQUATION_RGB",32778:"FUNC_SUBTRACT",32779:"FUNC_REVERSE_SUBTRACT",32819:"UNSIGNED_SHORT_4_4_4_4",32820:"UNSIGNED_SHORT_5_5_5_1",32823:"POLYGON_OFFSET_FILL",32824:"POLYGON_OFFSET_FACTOR",32854:"RGBA4",32855:"RGB5_A1",32873:"TEXTURE_BINDING_2D",32926:"SAMPLE_ALPHA_TO_COVERAGE",32928:"SAMPLE_COVERAGE",32936:"SAMPLE_BUFFERS",32937:"SAMPLES",32938:"SAMPLE_COVERAGE_VALUE",32939:"SAMPLE_COVERAGE_INVERT",32968:"BLEND_DST_RGB",32969:"BLEND_SRC_RGB",32970:"BLEND_DST_ALPHA",32971:"BLEND_SRC_ALPHA",33071:"CLAMP_TO_EDGE",33170:"GENERATE_MIPMAP_HINT",33189:"DEPTH_COMPONENT16",33306:"DEPTH_STENCIL_ATTACHMENT",33635:"UNSIGNED_SHORT_5_6_5",33648:"MIRRORED_REPEAT",33901:"ALIASED_POINT_SIZE_RANGE",33902:"ALIASED_LINE_WIDTH_RANGE",33984:"TEXTURE0",33985:"TEXTURE1",33986:"TEXTURE2",33987:"TEXTURE3",33988:"TEXTURE4",33989:"TEXTURE5",33990:"TEXTURE6",33991:"TEXTURE7",33992:"TEXTURE8",33993:"TEXTURE9",33994:"TEXTURE10",33995:"TEXTURE11",33996:"TEXTURE12",33997:"TEXTURE13",33998:"TEXTURE14",33999:"TEXTURE15",34e3:"TEXTURE16",34001:"TEXTURE17",34002:"TEXTURE18",34003:"TEXTURE19",34004:"TEXTURE20",34005:"TEXTURE21",34006:"TEXTURE22",34007:"TEXTURE23",34008:"TEXTURE24",34009:"TEXTURE25",34010:"TEXTURE26",34011:"TEXTURE27",34012:"TEXTURE28",34013:"TEXTURE29",34014:"TEXTURE30",34015:"TEXTURE31",34016:"ACTIVE_TEXTURE",34024:"MAX_RENDERBUFFER_SIZE",34041:"DEPTH_STENCIL",34055:"INCR_WRAP",34056:"DECR_WRAP",34067:"TEXTURE_CUBE_MAP",34068:"TEXTURE_BINDING_CUBE_MAP",34069:"TEXTURE_CUBE_MAP_POSITIVE_X",34070:"TEXTURE_CUBE_MAP_NEGATIVE_X",34071:"TEXTURE_CUBE_MAP_POSITIVE_Y",34072:"TEXTURE_CUBE_MAP_NEGATIVE_Y",34073:"TEXTURE_CUBE_MAP_POSITIVE_Z",34074:"TEXTURE_CUBE_MAP_NEGATIVE_Z",34076:"MAX_CUBE_MAP_TEXTURE_SIZE",34338:"VERTEX_ATTRIB_ARRAY_ENABLED",34339:"VERTEX_ATTRIB_ARRAY_SIZE",34340:"VERTEX_ATTRIB_ARRAY_STRIDE",34341:"VERTEX_ATTRIB_ARRAY_TYPE",34342:"CURRENT_VERTEX_ATTRIB",34373:"VERTEX_ATTRIB_ARRAY_POINTER",34466:"NUM_COMPRESSED_TEXTURE_FORMATS",34467:"COMPRESSED_TEXTURE_FORMATS",34660:"BUFFER_SIZE",34661:"BUFFER_USAGE",34816:"STENCIL_BACK_FUNC",34817:"STENCIL_BACK_FAIL",34818:"STENCIL_BACK_PASS_DEPTH_FAIL",34819:"STENCIL_BACK_PASS_DEPTH_PASS",34877:"BLEND_EQUATION_ALPHA",34921:"MAX_VERTEX_ATTRIBS",34922:"VERTEX_ATTRIB_ARRAY_NORMALIZED",34930:"MAX_TEXTURE_IMAGE_UNITS",34962:"ARRAY_BUFFER",34963:"ELEMENT_ARRAY_BUFFER",34964:"ARRAY_BUFFER_BINDING",34965:"ELEMENT_ARRAY_BUFFER_BINDING",34975:"VERTEX_ATTRIB_ARRAY_BUFFER_BINDING",35040:"STREAM_DRAW",35044:"STATIC_DRAW",35048:"DYNAMIC_DRAW",35632:"FRAGMENT_SHADER",35633:"VERTEX_SHADER",35660:"MAX_VERTEX_TEXTURE_IMAGE_UNITS",35661:"MAX_COMBINED_TEXTURE_IMAGE_UNITS",35663:"SHADER_TYPE",35664:"FLOAT_VEC2",35665:"FLOAT_VEC3",35666:"FLOAT_VEC4",35667:"INT_VEC2",35668:"INT_VEC3",35669:"INT_VEC4",35670:"BOOL",35671:"BOOL_VEC2",35672:"BOOL_VEC3",35673:"BOOL_VEC4",35674:"FLOAT_MAT2",35675:"FLOAT_MAT3",35676:"FLOAT_MAT4",35678:"SAMPLER_2D",35680:"SAMPLER_CUBE",35712:"DELETE_STATUS",35713:"COMPILE_STATUS",35714:"LINK_STATUS",35715:"VALIDATE_STATUS",35716:"INFO_LOG_LENGTH",35717:"ATTACHED_SHADERS",35718:"ACTIVE_UNIFORMS",35719:"ACTIVE_UNIFORM_MAX_LENGTH",35720:"SHADER_SOURCE_LENGTH",35721:"ACTIVE_ATTRIBUTES",35722:"ACTIVE_ATTRIBUTE_MAX_LENGTH",35724:"SHADING_LANGUAGE_VERSION",35725:"CURRENT_PROGRAM",36003:"STENCIL_BACK_REF",36004:"STENCIL_BACK_VALUE_MASK",36005:"STENCIL_BACK_WRITEMASK",36006:"FRAMEBUFFER_BINDING",36007:"RENDERBUFFER_BINDING",36048:"FRAMEBUFFER_ATTACHMENT_OBJECT_TYPE",36049:"FRAMEBUFFER_ATTACHMENT_OBJECT_NAME",36050:"FRAMEBUFFER_ATTACHMENT_TEXTURE_LEVEL",36051:"FRAMEBUFFER_ATTACHMENT_TEXTURE_CUBE_MAP_FACE",36053:"FRAMEBUFFER_COMPLETE",36054:"FRAMEBUFFER_INCOMPLETE_ATTACHMENT",36055:"FRAMEBUFFER_INCOMPLETE_MISSING_ATTACHMENT",36057:"FRAMEBUFFER_INCOMPLETE_DIMENSIONS",36061:"FRAMEBUFFER_UNSUPPORTED",36064:"COLOR_ATTACHMENT0",36096:"DEPTH_ATTACHMENT",36128:"STENCIL_ATTACHMENT",36160:"FRAMEBUFFER",36161:"RENDERBUFFER",36162:"RENDERBUFFER_WIDTH",36163:"RENDERBUFFER_HEIGHT",36164:"RENDERBUFFER_INTERNAL_FORMAT",36168:"STENCIL_INDEX8",36176:"RENDERBUFFER_RED_SIZE",36177:"RENDERBUFFER_GREEN_SIZE",36178:"RENDERBUFFER_BLUE_SIZE",36179:"RENDERBUFFER_ALPHA_SIZE",36180:"RENDERBUFFER_DEPTH_SIZE",36181:"RENDERBUFFER_STENCIL_SIZE",36194:"RGB565",36336:"LOW_FLOAT",36337:"MEDIUM_FLOAT",36338:"HIGH_FLOAT",36339:"LOW_INT",36340:"MEDIUM_INT",36341:"HIGH_INT",36346:"SHADER_COMPILER",36347:"MAX_VERTEX_UNIFORM_VECTORS",36348:"MAX_VARYING_VECTORS",36349:"MAX_FRAGMENT_UNIFORM_VECTORS",37440:"UNPACK_FLIP_Y_WEBGL",37441:"UNPACK_PREMULTIPLY_ALPHA_WEBGL",37442:"CONTEXT_LOST_WEBGL",37443:"UNPACK_COLORSPACE_CONVERSION_WEBGL",37444:"BROWSER_DEFAULT_WEBGL"}},{}],265:[function(t,e,r){var n=t("./1.0/numbers");e.exports=function(t){return n[t]}},{"./1.0/numbers":264}],266:[function(t,e,r){"use strict";e.exports=function(t){var e=t.gl,r=n(e),o=i(e,[{buffer:r,type:e.FLOAT,size:3,offset:0,stride:40},{buffer:r,type:e.FLOAT,size:4,offset:12,stride:40},{buffer:r,type:e.FLOAT,size:3,offset:28,stride:40}]),l=a(e);l.attributes.position.location=0,l.attributes.color.location=1,l.attributes.offset.location=2;var c=new s(e,r,o,l);return c.update(t),c};var n=t("gl-buffer"),i=t("gl-vao"),a=t("./shaders/index"),o=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function s(t,e,r,n){this.gl=t,this.shader=n,this.buffer=e,this.vao=r,this.pixelRatio=1,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.lineWidth=[1,1,1],this.capSize=[10,10,10],this.lineCount=[0,0,0],this.lineOffset=[0,0,0],this.opacity=1,this.hasAlpha=!1}var l=s.prototype;function c(t,e){for(var r=0;r<3;++r)t[0][r]=Math.min(t[0][r],e[r]),t[1][r]=Math.max(t[1][r],e[r])}l.isOpaque=function(){return!this.hasAlpha},l.isTransparent=function(){return this.hasAlpha},l.drawTransparent=l.draw=function(t){var e=this.gl,r=this.shader.uniforms;this.shader.bind();var n=r.view=t.view||o,i=r.projection=t.projection||o;r.model=t.model||o,r.clipBounds=this.clipBounds,r.opacity=this.opacity;var a=n[12],s=n[13],l=n[14],c=n[15],u=(t._ortho||!1?2:1)*this.pixelRatio*(i[3]*a+i[7]*s+i[11]*l+i[15]*c)/e.drawingBufferHeight;this.vao.bind();for(var f=0;f<3;++f)e.lineWidth(this.lineWidth[f]*this.pixelRatio),r.capSize=this.capSize[f]*u,this.lineCount[f]&&e.drawArrays(e.LINES,this.lineOffset[f],this.lineCount[f]);this.vao.unbind()};var u=function(){for(var t=new Array(3),e=0;e<3;++e){for(var r=[],n=1;n<=2;++n)for(var i=-1;i<=1;i+=2){var a=[0,0,0];a[(n+e)%3]=i,r.push(a)}t[e]=r}return t}();function f(t,e,r,n){for(var i=u[n],a=0;a0)(g=u.slice())[s]+=p[1][s],i.push(u[0],u[1],u[2],d[0],d[1],d[2],d[3],0,0,0,g[0],g[1],g[2],d[0],d[1],d[2],d[3],0,0,0),c(this.bounds,g),o+=2+f(i,g,d,s)}}this.lineCount[s]=o-this.lineOffset[s]}this.buffer.update(i)}},l.dispose=function(){this.shader.dispose(),this.buffer.dispose(),this.vao.dispose()}},{"./shaders/index":268,"gl-buffer":259,"gl-vao":358}],267:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],268:[function(t,e,r){"use strict";var n=t("glslify"),i=t("gl-shader"),a=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position, offset;\nattribute vec4 color;\nuniform mat4 model, view, projection;\nuniform float capSize;\nvarying vec4 fragColor;\nvarying vec3 fragPosition;\n\nvoid main() {\n vec4 worldPosition = model * vec4(position, 1.0);\n worldPosition = (worldPosition / worldPosition.w) + vec4(capSize * offset, 0.0);\n gl_Position = projection * view * worldPosition;\n fragColor = color;\n fragPosition = position;\n}"]),o=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float opacity;\nvarying vec3 fragPosition;\nvarying vec4 fragColor;\n\nvoid main() {\n if (\n outOfRange(clipBounds[0], clipBounds[1], fragPosition) ||\n fragColor.a * opacity == 0.\n ) discard;\n\n gl_FragColor = opacity * fragColor;\n}"]);e.exports=function(t){return i(t,a,o,null,[{name:"position",type:"vec3"},{name:"color",type:"vec4"},{name:"offset",type:"vec3"}])}},{"gl-shader":335,glslify:267}],269:[function(t,e,r){"use strict";var n=t("gl-texture2d");e.exports=function(t,e,r,n){i||(i=t.FRAMEBUFFER_UNSUPPORTED,a=t.FRAMEBUFFER_INCOMPLETE_ATTACHMENT,o=t.FRAMEBUFFER_INCOMPLETE_DIMENSIONS,s=t.FRAMEBUFFER_INCOMPLETE_MISSING_ATTACHMENT);var c=t.getExtension("WEBGL_draw_buffers");!l&&c&&function(t,e){var r=t.getParameter(e.MAX_COLOR_ATTACHMENTS_WEBGL);l=new Array(r+1);for(var n=0;n<=r;++n){for(var i=new Array(r),a=0;au||r<0||r>u)throw new Error("gl-fbo: Parameters are too large for FBO");var f=1;if("color"in(n=n||{})){if((f=Math.max(0|n.color,0))<0)throw new Error("gl-fbo: Must specify a nonnegative number of colors");if(f>1){if(!c)throw new Error("gl-fbo: Multiple draw buffer extension not supported");if(f>t.getParameter(c.MAX_COLOR_ATTACHMENTS_WEBGL))throw new Error("gl-fbo: Context does not support "+f+" draw buffers")}}var h=t.UNSIGNED_BYTE,p=t.getExtension("OES_texture_float");if(n.float&&f>0){if(!p)throw new Error("gl-fbo: Context does not support floating point textures");h=t.FLOAT}else n.preferFloat&&f>0&&p&&(h=t.FLOAT);var g=!0;"depth"in n&&(g=!!n.depth);var m=!1;"stencil"in n&&(m=!!n.stencil);return new d(t,e,r,h,f,g,m,c)};var i,a,o,s,l=null;function c(t){return[t.getParameter(t.FRAMEBUFFER_BINDING),t.getParameter(t.RENDERBUFFER_BINDING),t.getParameter(t.TEXTURE_BINDING_2D)]}function u(t,e){t.bindFramebuffer(t.FRAMEBUFFER,e[0]),t.bindRenderbuffer(t.RENDERBUFFER,e[1]),t.bindTexture(t.TEXTURE_2D,e[2])}function f(t){switch(t){case i:throw new Error("gl-fbo: Framebuffer unsupported");case a:throw new Error("gl-fbo: Framebuffer incomplete attachment");case o:throw new Error("gl-fbo: Framebuffer incomplete dimensions");case s:throw new Error("gl-fbo: Framebuffer incomplete missing attachment");default:throw new Error("gl-fbo: Framebuffer failed for unspecified reason")}}function h(t,e,r,i,a,o){if(!i)return null;var s=n(t,e,r,a,i);return s.magFilter=t.NEAREST,s.minFilter=t.NEAREST,s.mipSamples=1,s.bind(),t.framebufferTexture2D(t.FRAMEBUFFER,o,t.TEXTURE_2D,s.handle,0),s}function p(t,e,r,n,i){var a=t.createRenderbuffer();return t.bindRenderbuffer(t.RENDERBUFFER,a),t.renderbufferStorage(t.RENDERBUFFER,n,e,r),t.framebufferRenderbuffer(t.FRAMEBUFFER,i,t.RENDERBUFFER,a),a}function d(t,e,r,n,i,a,o,s){this.gl=t,this._shape=[0|e,0|r],this._destroyed=!1,this._ext=s,this.color=new Array(i);for(var d=0;d1&&s.drawBuffersWEBGL(l[o]);var y=r.getExtension("WEBGL_depth_texture");y?d?t.depth=h(r,i,a,y.UNSIGNED_INT_24_8_WEBGL,r.DEPTH_STENCIL,r.DEPTH_STENCIL_ATTACHMENT):g&&(t.depth=h(r,i,a,r.UNSIGNED_SHORT,r.DEPTH_COMPONENT,r.DEPTH_ATTACHMENT)):g&&d?t._depth_rb=p(r,i,a,r.DEPTH_STENCIL,r.DEPTH_STENCIL_ATTACHMENT):g?t._depth_rb=p(r,i,a,r.DEPTH_COMPONENT16,r.DEPTH_ATTACHMENT):d&&(t._depth_rb=p(r,i,a,r.STENCIL_INDEX,r.STENCIL_ATTACHMENT));var x=r.checkFramebufferStatus(r.FRAMEBUFFER);if(x!==r.FRAMEBUFFER_COMPLETE){t._destroyed=!0,r.bindFramebuffer(r.FRAMEBUFFER,null),r.deleteFramebuffer(t.handle),t.handle=null,t.depth&&(t.depth.dispose(),t.depth=null),t._depth_rb&&(r.deleteRenderbuffer(t._depth_rb),t._depth_rb=null);for(v=0;vi||r<0||r>i)throw new Error("gl-fbo: Can't resize FBO, invalid dimensions");t._shape[0]=e,t._shape[1]=r;for(var a=c(n),o=0;o>8*p&255;this.pickOffset=r,i.bind();var d=i.uniforms;d.viewTransform=t,d.pickOffset=e,d.shape=this.shape;var g=i.attributes;return this.positionBuffer.bind(),g.position.pointer(),this.weightBuffer.bind(),g.weight.pointer(s.UNSIGNED_BYTE,!1),this.idBuffer.bind(),g.pickId.pointer(s.UNSIGNED_BYTE,!1),s.drawArrays(s.TRIANGLES,0,o),r+this.shape[0]*this.shape[1]}}}(),f.pick=function(t,e,r){var n=this.pickOffset,i=this.shape[0]*this.shape[1];if(r=n+i)return null;var a=r-n,o=this.xData,s=this.yData;return{object:this,pointId:a,dataCoord:[o[a%this.shape[0]],s[a/this.shape[0]|0]]}},f.update=function(t){var e=(t=t||{}).shape||[0,0],r=t.x||i(e[0]),o=t.y||i(e[1]),s=t.z||new Float32Array(e[0]*e[1]),l=!1!==t.zsmooth;this.xData=r,this.yData=o;var c,u,f,p,d=t.colorLevels||[0],g=t.colorValues||[0,0,0,1],m=d.length,v=this.bounds;l?(c=v[0]=r[0],u=v[1]=o[0],f=v[2]=r[r.length-1],p=v[3]=o[o.length-1]):(c=v[0]=r[0]+(r[1]-r[0])/2,u=v[1]=o[0]+(o[1]-o[0])/2,f=v[2]=r[r.length-1]+(r[r.length-1]-r[r.length-2])/2,p=v[3]=o[o.length-1]+(o[o.length-1]-o[o.length-2])/2);var y=1/(f-c),x=1/(p-u),b=e[0],_=e[1];this.shape=[b,_];var w=(l?(b-1)*(_-1):b*_)*(h.length>>>1);this.numVertices=w;for(var T=a.mallocUint8(4*w),k=a.mallocFloat32(2*w),M=a.mallocUint8(2*w),A=a.mallocUint32(w),S=0,E=l?b-1:b,C=l?_-1:_,L=0;L max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform sampler2D dashTexture;\nuniform float dashScale;\nuniform float opacity;\n\nvarying vec3 worldPosition;\nvarying float pixelArcLength;\nvarying vec4 fragColor;\n\nvoid main() {\n if (\n outOfRange(clipBounds[0], clipBounds[1], worldPosition) ||\n fragColor.a * opacity == 0.\n ) discard;\n\n float dashWeight = texture2D(dashTexture, vec2(dashScale * pixelArcLength, 0)).r;\n if(dashWeight < 0.5) {\n discard;\n }\n gl_FragColor = fragColor * opacity;\n}\n"]),s=n(["precision highp float;\n#define GLSLIFY 1\n\n#define FLOAT_MAX 1.70141184e38\n#define FLOAT_MIN 1.17549435e-38\n\n// https://github.com/mikolalysenko/glsl-read-float/blob/master/index.glsl\nvec4 packFloat(float v) {\n float av = abs(v);\n\n //Handle special cases\n if(av < FLOAT_MIN) {\n return vec4(0.0, 0.0, 0.0, 0.0);\n } else if(v > FLOAT_MAX) {\n return vec4(127.0, 128.0, 0.0, 0.0) / 255.0;\n } else if(v < -FLOAT_MAX) {\n return vec4(255.0, 128.0, 0.0, 0.0) / 255.0;\n }\n\n vec4 c = vec4(0,0,0,0);\n\n //Compute exponent and mantissa\n float e = floor(log2(av));\n float m = av * pow(2.0, -e) - 1.0;\n\n //Unpack mantissa\n c[1] = floor(128.0 * m);\n m -= c[1] / 128.0;\n c[2] = floor(32768.0 * m);\n m -= c[2] / 32768.0;\n c[3] = floor(8388608.0 * m);\n\n //Unpack exponent\n float ebias = e + 127.0;\n c[0] = floor(ebias / 2.0);\n ebias -= c[0] * 2.0;\n c[1] += floor(ebias) * 128.0;\n\n //Unpack sign bit\n c[0] += 128.0 * step(0.0, -v);\n\n //Scale back to range\n return c / 255.0;\n}\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform float pickId;\nuniform vec3 clipBounds[2];\n\nvarying vec3 worldPosition;\nvarying float pixelArcLength;\nvarying vec4 fragColor;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], worldPosition)) discard;\n\n gl_FragColor = vec4(pickId/255.0, packFloat(pixelArcLength).xyz);\n}"]),l=[{name:"position",type:"vec3"},{name:"nextPosition",type:"vec3"},{name:"arcLength",type:"float"},{name:"lineWidth",type:"float"},{name:"color",type:"vec4"}];r.createShader=function(t){return i(t,a,o,null,l)},r.createPickShader=function(t){return i(t,a,s,null,l)}},{"gl-shader":335,glslify:276}],275:[function(t,e,r){"use strict";e.exports=function(t){var e=t.gl||t.scene&&t.scene.gl,r=f(e);r.attributes.position.location=0,r.attributes.nextPosition.location=1,r.attributes.arcLength.location=2,r.attributes.lineWidth.location=3,r.attributes.color.location=4;var o=h(e);o.attributes.position.location=0,o.attributes.nextPosition.location=1,o.attributes.arcLength.location=2,o.attributes.lineWidth.location=3,o.attributes.color.location=4;for(var s=n(e),l=i(e,[{buffer:s,size:3,offset:0,stride:48},{buffer:s,size:3,offset:12,stride:48},{buffer:s,size:1,offset:24,stride:48},{buffer:s,size:1,offset:28,stride:48},{buffer:s,size:4,offset:32,stride:48}]),u=c(new Array(1024),[256,1,4]),p=0;p<1024;++p)u.data[p]=255;var d=a(e,u);d.wrap=e.REPEAT;var g=new v(e,r,o,s,l,d);return g.update(t),g};var n=t("gl-buffer"),i=t("gl-vao"),a=t("gl-texture2d"),o=new Uint8Array(4),s=new Float32Array(o.buffer);var l=t("binary-search-bounds"),c=t("ndarray"),u=t("./lib/shaders"),f=u.createShader,h=u.createPickShader,p=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function d(t,e){for(var r=0,n=0;n<3;++n){var i=t[n]-e[n];r+=i*i}return Math.sqrt(r)}function g(t){for(var e=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],r=0;r<3;++r)e[0][r]=Math.max(t[0][r],e[0][r]),e[1][r]=Math.min(t[1][r],e[1][r]);return e}function m(t,e,r,n){this.arcLength=t,this.position=e,this.index=r,this.dataCoordinate=n}function v(t,e,r,n,i,a){this.gl=t,this.shader=e,this.pickShader=r,this.buffer=n,this.vao=i,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.points=[],this.arcLength=[],this.vertexCount=0,this.bounds=[[0,0,0],[0,0,0]],this.pickId=0,this.lineWidth=1,this.texture=a,this.dashScale=1,this.opacity=1,this.hasAlpha=!1,this.dirty=!0,this.pixelRatio=1}var y=v.prototype;y.isTransparent=function(){return this.hasAlpha},y.isOpaque=function(){return!this.hasAlpha},y.pickSlots=1,y.setPickBase=function(t){this.pickId=t},y.drawTransparent=y.draw=function(t){if(this.vertexCount){var e=this.gl,r=this.shader,n=this.vao;r.bind(),r.uniforms={model:t.model||p,view:t.view||p,projection:t.projection||p,clipBounds:g(this.clipBounds),dashTexture:this.texture.bind(),dashScale:this.dashScale/this.arcLength[this.arcLength.length-1],opacity:this.opacity,screenShape:[e.drawingBufferWidth,e.drawingBufferHeight],pixelRatio:this.pixelRatio},n.bind(),n.draw(e.TRIANGLE_STRIP,this.vertexCount),n.unbind()}},y.drawPick=function(t){if(this.vertexCount){var e=this.gl,r=this.pickShader,n=this.vao;r.bind(),r.uniforms={model:t.model||p,view:t.view||p,projection:t.projection||p,pickId:this.pickId,clipBounds:g(this.clipBounds),screenShape:[e.drawingBufferWidth,e.drawingBufferHeight],pixelRatio:this.pixelRatio},n.bind(),n.draw(e.TRIANGLE_STRIP,this.vertexCount),n.unbind()}},y.update=function(t){var e,r;this.dirty=!0;var n=!!t.connectGaps;"dashScale"in t&&(this.dashScale=t.dashScale),this.hasAlpha=!1,"opacity"in t&&(this.opacity=+t.opacity,this.opacity<1&&(this.hasAlpha=!0));var i=[],a=[],o=[],s=0,u=0,f=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],h=t.position||t.positions;if(h){var p=t.color||t.colors||[0,0,0,1],g=t.lineWidth||1,m=!1;t:for(e=1;e0){for(var w=0;w<24;++w)i.push(i[i.length-12]);u+=2,m=!0}continue t}f[0][r]=Math.min(f[0][r],b[r],_[r]),f[1][r]=Math.max(f[1][r],b[r],_[r])}Array.isArray(p[0])?(v=p.length>e-1?p[e-1]:p.length>0?p[p.length-1]:[0,0,0,1],y=p.length>e?p[e]:p.length>0?p[p.length-1]:[0,0,0,1]):v=y=p,3===v.length&&(v=[v[0],v[1],v[2],1]),3===y.length&&(y=[y[0],y[1],y[2],1]),!this.hasAlpha&&v[3]<1&&(this.hasAlpha=!0),x=Array.isArray(g)?g.length>e-1?g[e-1]:g.length>0?g[g.length-1]:[0,0,0,1]:g;var T=s;if(s+=d(b,_),m){for(r=0;r<2;++r)i.push(b[0],b[1],b[2],_[0],_[1],_[2],T,x,v[0],v[1],v[2],v[3]);u+=2,m=!1}i.push(b[0],b[1],b[2],_[0],_[1],_[2],T,x,v[0],v[1],v[2],v[3],b[0],b[1],b[2],_[0],_[1],_[2],T,-x,v[0],v[1],v[2],v[3],_[0],_[1],_[2],b[0],b[1],b[2],s,-x,y[0],y[1],y[2],y[3],_[0],_[1],_[2],b[0],b[1],b[2],s,x,y[0],y[1],y[2],y[3]),u+=4}}if(this.buffer.update(i),a.push(s),o.push(h[h.length-1].slice()),this.bounds=f,this.vertexCount=u,this.points=o,this.arcLength=a,"dashes"in t){var k=t.dashes.slice();for(k.unshift(0),e=1;e1.0001)return null;v+=m[f]}if(Math.abs(v-1)>.001)return null;return[h,s(t,m),m]}},{barycentric:78,"polytope-closest-point/lib/closest_point_2d.js":525}],308:[function(t,e,r){var n=t("glslify"),i=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position, normal;\nattribute vec4 color;\nattribute vec2 uv;\n\nuniform mat4 model\n , view\n , projection\n , inverseModel;\nuniform vec3 eyePosition\n , lightPosition;\n\nvarying vec3 f_normal\n , f_lightDirection\n , f_eyeDirection\n , f_data;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvec4 project(vec3 p) {\n return projection * view * model * vec4(p, 1.0);\n}\n\nvoid main() {\n gl_Position = project(position);\n\n //Lighting geometry parameters\n vec4 cameraCoordinate = view * vec4(position , 1.0);\n cameraCoordinate.xyz /= cameraCoordinate.w;\n f_lightDirection = lightPosition - cameraCoordinate.xyz;\n f_eyeDirection = eyePosition - cameraCoordinate.xyz;\n f_normal = normalize((vec4(normal, 0.0) * inverseModel).xyz);\n\n f_color = color;\n f_data = position;\n f_uv = uv;\n}\n"]),a=n(["#extension GL_OES_standard_derivatives : enable\n\nprecision highp float;\n#define GLSLIFY 1\n\nfloat beckmannDistribution(float x, float roughness) {\n float NdotH = max(x, 0.0001);\n float cos2Alpha = NdotH * NdotH;\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\n float roughness2 = roughness * roughness;\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\n return exp(tan2Alpha / roughness2) / denom;\n}\n\nfloat cookTorranceSpecular(\n vec3 lightDirection,\n vec3 viewDirection,\n vec3 surfaceNormal,\n float roughness,\n float fresnel) {\n\n float VdotN = max(dot(viewDirection, surfaceNormal), 0.0);\n float LdotN = max(dot(lightDirection, surfaceNormal), 0.0);\n\n //Half angle vector\n vec3 H = normalize(lightDirection + viewDirection);\n\n //Geometric term\n float NdotH = max(dot(surfaceNormal, H), 0.0);\n float VdotH = max(dot(viewDirection, H), 0.000001);\n float LdotH = max(dot(lightDirection, H), 0.000001);\n float G1 = (2.0 * NdotH * VdotN) / VdotH;\n float G2 = (2.0 * NdotH * LdotN) / LdotH;\n float G = min(1.0, min(G1, G2));\n \n //Distribution term\n float D = beckmannDistribution(NdotH, roughness);\n\n //Fresnel term\n float F = pow(1.0 - VdotN, fresnel);\n\n //Multiply terms and done\n return G * F * D / max(3.14159265 * VdotN, 0.000001);\n}\n\n//#pragma glslify: beckmann = require(glsl-specular-beckmann) // used in gl-surface3d\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float roughness\n , fresnel\n , kambient\n , kdiffuse\n , kspecular;\nuniform sampler2D texture;\n\nvarying vec3 f_normal\n , f_lightDirection\n , f_eyeDirection\n , f_data;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n if (f_color.a == 0.0 ||\n outOfRange(clipBounds[0], clipBounds[1], f_data)\n ) discard;\n\n vec3 N = normalize(f_normal);\n vec3 L = normalize(f_lightDirection);\n vec3 V = normalize(f_eyeDirection);\n\n if(gl_FrontFacing) {\n N = -N;\n }\n\n float specular = min(1.0, max(0.0, cookTorranceSpecular(L, V, N, roughness, fresnel)));\n //float specular = max(0.0, beckmann(L, V, N, roughness)); // used in gl-surface3d\n\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\n\n vec4 surfaceColor = vec4(f_color.rgb, 1.0) * texture2D(texture, f_uv);\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\n\n gl_FragColor = litColor * f_color.a;\n}\n"]),o=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 uv;\n\nuniform mat4 model, view, projection;\n\nvarying vec4 f_color;\nvarying vec3 f_data;\nvarying vec2 f_uv;\n\nvoid main() {\n gl_Position = projection * view * model * vec4(position, 1.0);\n f_color = color;\n f_data = position;\n f_uv = uv;\n}"]),s=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform sampler2D texture;\nuniform float opacity;\n\nvarying vec4 f_color;\nvarying vec3 f_data;\nvarying vec2 f_uv;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_data)) discard;\n\n gl_FragColor = f_color * texture2D(texture, f_uv) * opacity;\n}"]),l=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 uv;\nattribute float pointSize;\n\nuniform mat4 model, view, projection;\nuniform vec3 clipBounds[2];\n\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0.0, 0.0 ,0.0 ,0.0);\n } else {\n gl_Position = projection * view * model * vec4(position, 1.0);\n }\n gl_PointSize = pointSize;\n f_color = color;\n f_uv = uv;\n}"]),c=n(["precision highp float;\n#define GLSLIFY 1\n\nuniform sampler2D texture;\nuniform float opacity;\n\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n vec2 pointR = gl_PointCoord.xy - vec2(0.5, 0.5);\n if(dot(pointR, pointR) > 0.25) {\n discard;\n }\n gl_FragColor = f_color * texture2D(texture, f_uv) * opacity;\n}"]),u=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n gl_Position = projection * view * model * vec4(position, 1.0);\n f_id = id;\n f_position = position;\n}"]),f=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float pickId;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n\n gl_FragColor = vec4(pickId, f_id.xyz);\n}"]),h=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute float pointSize;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\nuniform vec3 clipBounds[2];\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0.0, 0.0, 0.0, 0.0);\n } else {\n gl_Position = projection * view * model * vec4(position, 1.0);\n gl_PointSize = pointSize;\n }\n f_id = id;\n f_position = position;\n}"]),p=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position;\n\nuniform mat4 model, view, projection;\n\nvoid main() {\n gl_Position = projection * view * model * vec4(position, 1.0);\n}"]),d=n(["precision highp float;\n#define GLSLIFY 1\n\nuniform vec3 contourColor;\n\nvoid main() {\n gl_FragColor = vec4(contourColor, 1.0);\n}\n"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:"position",type:"vec3"},{name:"normal",type:"vec3"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"}]},r.wireShader={vertex:o,fragment:s,attributes:[{name:"position",type:"vec3"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"}]},r.pointShader={vertex:l,fragment:c,attributes:[{name:"position",type:"vec3"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"},{name:"pointSize",type:"float"}]},r.pickShader={vertex:u,fragment:f,attributes:[{name:"position",type:"vec3"},{name:"id",type:"vec4"}]},r.pointPickShader={vertex:h,fragment:f,attributes:[{name:"position",type:"vec3"},{name:"pointSize",type:"float"},{name:"id",type:"vec4"}]},r.contourShader={vertex:p,fragment:d,attributes:[{name:"position",type:"vec3"}]}},{glslify:310}],309:[function(t,e,r){"use strict";var n=t("gl-shader"),i=t("gl-buffer"),a=t("gl-vao"),o=t("gl-texture2d"),s=t("normals"),l=t("gl-mat4/multiply"),c=t("gl-mat4/invert"),u=t("ndarray"),f=t("colormap"),h=t("simplicial-complex-contour"),p=t("typedarray-pool"),d=t("./lib/shaders"),g=t("./lib/closest-point"),m=d.meshShader,v=d.wireShader,y=d.pointShader,x=d.pickShader,b=d.pointPickShader,_=d.contourShader,w=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function T(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,_,T,k,M,A,S){this.gl=t,this.pixelRatio=1,this.cells=[],this.positions=[],this.intensity=[],this.texture=e,this.dirty=!0,this.triShader=r,this.lineShader=n,this.pointShader=i,this.pickShader=a,this.pointPickShader=o,this.contourShader=s,this.trianglePositions=l,this.triangleColors=u,this.triangleNormals=h,this.triangleUVs=f,this.triangleIds=c,this.triangleVAO=p,this.triangleCount=0,this.lineWidth=1,this.edgePositions=d,this.edgeColors=m,this.edgeUVs=v,this.edgeIds=g,this.edgeVAO=y,this.edgeCount=0,this.pointPositions=x,this.pointColors=_,this.pointUVs=T,this.pointSizes=k,this.pointIds=b,this.pointVAO=M,this.pointCount=0,this.contourLineWidth=1,this.contourPositions=A,this.contourVAO=S,this.contourCount=0,this.contourColor=[0,0,0],this.contourEnable=!0,this.pickVertex=!0,this.pickId=1,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.lightPosition=[1e5,1e5,0],this.ambientLight=.8,this.diffuseLight=.8,this.specularLight=2,this.roughness=.5,this.fresnel=1.5,this.opacity=1,this.hasAlpha=!1,this.opacityscale=!1,this._model=w,this._view=w,this._projection=w,this._resolution=[1,1]}var k=T.prototype;function M(t,e){if(!e)return 1;if(!e.length)return 1;for(var r=0;rt&&r>0){var n=(e[r][0]-t)/(e[r][0]-e[r-1][0]);return e[r][1]*(1-n)+n*e[r-1][1]}}return 1}function A(t){var e=n(t,m.vertex,m.fragment);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e.attributes.normal.location=4,e}function S(t){var e=n(t,v.vertex,v.fragment);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e}function E(t){var e=n(t,y.vertex,y.fragment);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e.attributes.pointSize.location=4,e}function C(t){var e=n(t,x.vertex,x.fragment);return e.attributes.position.location=0,e.attributes.id.location=1,e}function L(t){var e=n(t,b.vertex,b.fragment);return e.attributes.position.location=0,e.attributes.id.location=1,e.attributes.pointSize.location=4,e}function I(t){var e=n(t,_.vertex,_.fragment);return e.attributes.position.location=0,e}k.isOpaque=function(){return!this.hasAlpha},k.isTransparent=function(){return this.hasAlpha},k.pickSlots=1,k.setPickBase=function(t){this.pickId=t},k.highlight=function(t){if(t&&this.contourEnable){for(var e=h(this.cells,this.intensity,t.intensity),r=e.cells,n=e.vertexIds,i=e.vertexWeights,a=r.length,o=p.mallocFloat32(6*a),s=0,l=0;l0&&((f=this.triShader).bind(),f.uniforms=s,this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind());this.edgeCount>0&&this.lineWidth>0&&((f=this.lineShader).bind(),f.uniforms=s,this.edgeVAO.bind(),e.lineWidth(this.lineWidth*this.pixelRatio),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind());this.pointCount>0&&((f=this.pointShader).bind(),f.uniforms=s,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind());this.contourEnable&&this.contourCount>0&&this.contourLineWidth>0&&((f=this.contourShader).bind(),f.uniforms=s,this.contourVAO.bind(),e.drawArrays(e.LINES,0,this.contourCount),this.contourVAO.unbind())},k.drawPick=function(t){t=t||{};for(var e=this.gl,r=t.model||w,n=t.view||w,i=t.projection||w,a=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],o=0;o<3;++o)a[0][o]=Math.max(a[0][o],this.clipBounds[0][o]),a[1][o]=Math.min(a[1][o],this.clipBounds[1][o]);this._model=[].slice.call(r),this._view=[].slice.call(n),this._projection=[].slice.call(i),this._resolution=[e.drawingBufferWidth,e.drawingBufferHeight];var s,l={model:r,view:n,projection:i,clipBounds:a,pickId:this.pickId/255};((s=this.pickShader).bind(),s.uniforms=l,this.triangleCount>0&&(this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind()),this.edgeCount>0&&(this.edgeVAO.bind(),e.lineWidth(this.lineWidth*this.pixelRatio),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind()),this.pointCount>0)&&((s=this.pointPickShader).bind(),s.uniforms=l,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind())},k.pick=function(t){if(!t)return null;if(t.id!==this.pickId)return null;for(var e=t.value[0]+256*t.value[1]+65536*t.value[2],r=this.cells[e],n=this.positions,i=new Array(r.length),a=0;ai[k]&&(r.uniforms.dataAxis=c,r.uniforms.screenOffset=u,r.uniforms.color=m[t],r.uniforms.angle=v[t],a.drawArrays(a.TRIANGLES,i[k],i[M]-i[k]))),y[t]&&T&&(u[1^t]-=A*p*x[t],r.uniforms.dataAxis=f,r.uniforms.screenOffset=u,r.uniforms.color=b[t],r.uniforms.angle=_[t],a.drawArrays(a.TRIANGLES,w,T)),u[1^t]=A*s[2+(1^t)]-1,d[t+2]&&(u[1^t]+=A*p*g[t+2],ki[k]&&(r.uniforms.dataAxis=c,r.uniforms.screenOffset=u,r.uniforms.color=m[t+2],r.uniforms.angle=v[t+2],a.drawArrays(a.TRIANGLES,i[k],i[M]-i[k]))),y[t+2]&&T&&(u[1^t]+=A*p*x[t+2],r.uniforms.dataAxis=f,r.uniforms.screenOffset=u,r.uniforms.color=b[t+2],r.uniforms.angle=_[t+2],a.drawArrays(a.TRIANGLES,w,T))}),g.drawTitle=function(){var t=[0,0],e=[0,0];return function(){var r=this.plot,n=this.shader,i=r.gl,a=r.screenBox,o=r.titleCenter,s=r.titleAngle,l=r.titleColor,c=r.pixelRatio;if(this.titleCount){for(var u=0;u<2;++u)e[u]=2*(o[u]*c-a[u])/(a[2+u]-a[u])-1;n.bind(),n.uniforms.dataAxis=t,n.uniforms.screenOffset=e,n.uniforms.angle=s,n.uniforms.color=l,i.drawArrays(i.TRIANGLES,this.titleOffset,this.titleCount)}}}(),g.bind=(h=[0,0],p=[0,0],d=[0,0],function(){var t=this.plot,e=this.shader,r=t._tickBounds,n=t.dataBox,i=t.screenBox,a=t.viewBox;e.bind();for(var o=0;o<2;++o){var s=r[o],l=r[o+2]-s,c=.5*(n[o+2]+n[o]),u=n[o+2]-n[o],f=a[o],g=a[o+2]-f,m=i[o],v=i[o+2]-m;p[o]=2*l/u*g/v,h[o]=2*(s-c)/u*g/v}d[1]=2*t.pixelRatio/(i[3]-i[1]),d[0]=d[1]*(i[3]-i[1])/(i[2]-i[0]),e.uniforms.dataScale=p,e.uniforms.dataShift=h,e.uniforms.textScale=d,this.vbo.bind(),e.attributes.textCoordinate.pointer()}),g.update=function(t){var e,r,n,i,o,s=[],l=t.ticks,c=t.bounds;for(o=0;o<2;++o){var u=[Math.floor(s.length/3)],f=[-1/0],h=l[o];for(e=0;e=0){var g=e[d]-n[d]*(e[d+2]-e[d])/(n[d+2]-n[d]);0===d?o.drawLine(g,e[1],g,e[3],p[d],h[d]):o.drawLine(e[0],g,e[2],g,p[d],h[d])}}for(d=0;d=0;--t)this.objects[t].dispose();this.objects.length=0;for(t=this.overlays.length-1;t>=0;--t)this.overlays[t].dispose();this.overlays.length=0,this.gl=null},c.addObject=function(t){this.objects.indexOf(t)<0&&(this.objects.push(t),this.setDirty())},c.removeObject=function(t){for(var e=this.objects,r=0;rMath.abs(e))c.rotate(a,0,0,-t*r*Math.PI*d.rotateSpeed/window.innerWidth);else if(!d._ortho){var o=-d.zoomSpeed*i*e/window.innerHeight*(a-c.lastT())/20;c.pan(a,0,0,f*(Math.exp(o)-1))}}}),!0)},d.enableMouseListeners(),d};var n=t("right-now"),i=t("3d-view"),a=t("mouse-change"),o=t("mouse-wheel"),s=t("mouse-event-offset"),l=t("has-passive-events")},{"3d-view":54,"has-passive-events":441,"mouse-change":483,"mouse-event-offset":484,"mouse-wheel":486,"right-now":542}],319:[function(t,e,r){var n=t("glslify"),i=t("gl-shader"),a=n(["precision mediump float;\n#define GLSLIFY 1\nattribute vec2 position;\nvarying vec2 uv;\nvoid main() {\n uv = position;\n gl_Position = vec4(position, 0, 1);\n}"]),o=n(["precision mediump float;\n#define GLSLIFY 1\n\nuniform sampler2D accumBuffer;\nvarying vec2 uv;\n\nvoid main() {\n vec4 accum = texture2D(accumBuffer, 0.5 * (uv + 1.0));\n gl_FragColor = min(vec4(1,1,1,1), accum);\n}"]);e.exports=function(t){return i(t,a,o,null,[{name:"position",type:"vec2"}])}},{"gl-shader":335,glslify:320}],320:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],321:[function(t,e,r){"use strict";var n=t("./camera.js"),i=t("gl-axes3d"),a=t("gl-axes3d/properties"),o=t("gl-spikes3d"),s=t("gl-select-static"),l=t("gl-fbo"),c=t("a-big-triangle"),u=t("mouse-change"),f=t("gl-mat4/perspective"),h=t("gl-mat4/ortho"),p=t("./lib/shader"),d=t("is-mobile")({tablet:!0,featureDetect:!0});function g(){this.mouse=[-1,-1],this.screen=null,this.distance=1/0,this.index=null,this.dataCoordinate=null,this.dataPosition=null,this.object=null,this.data=null}function m(t){var e=Math.round(Math.log(Math.abs(t))/Math.log(10));if(e<0){var r=Math.round(Math.pow(10,-e));return Math.ceil(t*r)/r}if(e>0){r=Math.round(Math.pow(10,e));return Math.ceil(t/r)*r}return Math.ceil(t)}function v(t){return"boolean"!=typeof t||t}e.exports={createScene:function(t){(t=t||{}).camera=t.camera||{};var e=t.canvas;if(!e){if(e=document.createElement("canvas"),t.container)t.container.appendChild(e);else document.body.appendChild(e)}var r=t.gl;r||(t.glOptions&&(d=!!t.glOptions.preserveDrawingBuffer),r=function(t,e){var r=null;try{(r=t.getContext("webgl",e))||(r=t.getContext("experimental-webgl",e))}catch(t){return null}return r}(e,t.glOptions||{premultipliedAlpha:!0,antialias:!0,preserveDrawingBuffer:d}));if(!r)throw new Error("webgl not supported");var y=t.bounds||[[-10,-10,-10],[10,10,10]],x=new g,b=l(r,r.drawingBufferWidth,r.drawingBufferHeight,{preferFloat:!d}),_=p(r),w=t.cameraObject&&!0===t.cameraObject._ortho||t.camera.projection&&"orthographic"===t.camera.projection.type||!1,T={eye:t.camera.eye||[2,0,0],center:t.camera.center||[0,0,0],up:t.camera.up||[0,1,0],zoomMin:t.camera.zoomMax||.1,zoomMax:t.camera.zoomMin||100,mode:t.camera.mode||"turntable",_ortho:w},k=t.axes||{},M=i(r,k);M.enable=!k.disable;var A=t.spikes||{},S=o(r,A),E=[],C=[],L=[],I=[],P=!0,z=!0,O=new Array(16),D=new Array(16),R={view:null,projection:O,model:D,_ortho:!1},F=(z=!0,[r.drawingBufferWidth,r.drawingBufferHeight]),B=t.cameraObject||n(e,T),N={gl:r,contextLost:!1,pixelRatio:t.pixelRatio||1,canvas:e,selection:x,camera:B,axes:M,axesPixels:null,spikes:S,bounds:y,objects:E,shape:F,aspect:t.aspectRatio||[1,1,1],pickRadius:t.pickRadius||10,zNear:t.zNear||.01,zFar:t.zFar||1e3,fovy:t.fovy||Math.PI/4,clearColor:t.clearColor||[0,0,0,0],autoResize:v(t.autoResize),autoBounds:v(t.autoBounds),autoScale:!!t.autoScale,autoCenter:v(t.autoCenter),clipToBounds:v(t.clipToBounds),snapToData:!!t.snapToData,onselect:t.onselect||null,onrender:t.onrender||null,onclick:t.onclick||null,cameraParams:R,oncontextloss:null,mouseListener:null,_stopped:!1,getAspectratio:function(){return{x:this.aspect[0],y:this.aspect[1],z:this.aspect[2]}},setAspectratio:function(t){this.aspect[0]=t.x,this.aspect[1]=t.y,this.aspect[2]=t.z,z=!0},setBounds:function(t,e){this.bounds[0][t]=e.min,this.bounds[1][t]=e.max},setClearColor:function(t){this.clearColor=t},clearRGBA:function(){this.gl.clearColor(this.clearColor[0],this.clearColor[1],this.clearColor[2],this.clearColor[3]),this.gl.clear(this.gl.COLOR_BUFFER_BIT|this.gl.DEPTH_BUFFER_BIT)}},j=[r.drawingBufferWidth/N.pixelRatio|0,r.drawingBufferHeight/N.pixelRatio|0];function U(){if(!N._stopped&&N.autoResize){var t=e.parentNode,r=1,n=1;t&&t!==document.body?(r=t.clientWidth,n=t.clientHeight):(r=window.innerWidth,n=window.innerHeight);var i=0|Math.ceil(r*N.pixelRatio),a=0|Math.ceil(n*N.pixelRatio);if(i!==e.width||a!==e.height){e.width=i,e.height=a;var o=e.style;o.position=o.position||"absolute",o.left="0px",o.top="0px",o.width=r+"px",o.height=n+"px",P=!0}}}N.autoResize&&U();function V(){for(var t=E.length,e=I.length,n=0;n0&&0===L[e-1];)L.pop(),I.pop().dispose()}function q(){if(N.contextLost)return!0;r.isContextLost()&&(N.contextLost=!0,N.mouseListener.enabled=!1,N.selection.object=null,N.oncontextloss&&N.oncontextloss())}window.addEventListener("resize",U),N.update=function(t){N._stopped||(t=t||{},P=!0,z=!0)},N.add=function(t){N._stopped||(t.axes=M,E.push(t),C.push(-1),P=!0,z=!0,V())},N.remove=function(t){if(!N._stopped){var e=E.indexOf(t);e<0||(E.splice(e,1),C.pop(),P=!0,z=!0,V())}},N.dispose=function(){if(!N._stopped&&(N._stopped=!0,window.removeEventListener("resize",U),e.removeEventListener("webglcontextlost",q),N.mouseListener.enabled=!1,!N.contextLost)){M.dispose(),S.dispose();for(var t=0;tx.distance)continue;for(var c=0;c 1.0) {\n discard;\n }\n baseColor = mix(borderColor, color, step(radius, centerFraction));\n gl_FragColor = vec4(baseColor.rgb * baseColor.a, baseColor.a);\n }\n}\n"]),r.pickVertex=n(["precision mediump float;\n#define GLSLIFY 1\n\nattribute vec2 position;\nattribute vec4 pickId;\n\nuniform mat3 matrix;\nuniform float pointSize;\nuniform vec4 pickOffset;\n\nvarying vec4 fragId;\n\nvoid main() {\n vec3 hgPosition = matrix * vec3(position, 1);\n gl_Position = vec4(hgPosition.xy, 0, hgPosition.z);\n gl_PointSize = pointSize;\n\n vec4 id = pickId + pickOffset;\n id.y += floor(id.x / 256.0);\n id.x -= floor(id.x / 256.0) * 256.0;\n\n id.z += floor(id.y / 256.0);\n id.y -= floor(id.y / 256.0) * 256.0;\n\n id.w += floor(id.z / 256.0);\n id.z -= floor(id.z / 256.0) * 256.0;\n\n fragId = id;\n}\n"]),r.pickFragment=n(["precision mediump float;\n#define GLSLIFY 1\n\nvarying vec4 fragId;\n\nvoid main() {\n float radius = length(2.0 * gl_PointCoord.xy - 1.0);\n if(radius > 1.0) {\n discard;\n }\n gl_FragColor = fragId / 255.0;\n}\n"])},{glslify:323}],323:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],324:[function(t,e,r){"use strict";var n=t("gl-shader"),i=t("gl-buffer"),a=t("typedarray-pool"),o=t("./lib/shader");function s(t,e,r,n,i){this.plot=t,this.offsetBuffer=e,this.pickBuffer=r,this.shader=n,this.pickShader=i,this.sizeMin=.5,this.sizeMinCap=2,this.sizeMax=20,this.areaRatio=1,this.pointCount=0,this.color=[1,0,0,1],this.borderColor=[0,0,0,1],this.blend=!1,this.pickOffset=0,this.points=null}e.exports=function(t,e){var r=t.gl,a=i(r),l=i(r),c=n(r,o.pointVertex,o.pointFragment),u=n(r,o.pickVertex,o.pickFragment),f=new s(t,a,l,c,u);return f.update(e),t.addObject(f),f};var l,c,u=s.prototype;u.dispose=function(){this.shader.dispose(),this.pickShader.dispose(),this.offsetBuffer.dispose(),this.pickBuffer.dispose(),this.plot.removeObject(this)},u.update=function(t){var e;function r(e,r){return e in t?t[e]:r}t=t||{},this.sizeMin=r("sizeMin",.5),this.sizeMax=r("sizeMax",20),this.color=r("color",[1,0,0,1]).slice(),this.areaRatio=r("areaRatio",1),this.borderColor=r("borderColor",[0,0,0,1]).slice(),this.blend=r("blend",!1);var n=t.positions.length>>>1,i=t.positions instanceof Float32Array,o=t.idToIndex instanceof Int32Array&&t.idToIndex.length>=n,s=t.positions,l=i?s:a.mallocFloat32(s.length),c=o?t.idToIndex:a.mallocInt32(n);if(i||l.set(s),!o)for(l.set(s),e=0;e>>1;for(r=0;r=e[0]&&a<=e[2]&&o>=e[1]&&o<=e[3]&&n++}return n}(this.points,i),u=this.plot.pickPixelRatio*Math.max(Math.min(this.sizeMinCap,this.sizeMin),Math.min(this.sizeMax,this.sizeMax/Math.pow(s,.33333)));l[0]=2/a,l[4]=2/o,l[6]=-2*i[0]/a-1,l[7]=-2*i[1]/o-1,this.offsetBuffer.bind(),r.bind(),r.attributes.position.pointer(),r.uniforms.matrix=l,r.uniforms.color=this.color,r.uniforms.borderColor=this.borderColor,r.uniforms.pointCloud=u<5,r.uniforms.pointSize=u,r.uniforms.centerFraction=Math.min(1,Math.max(0,Math.sqrt(1-this.areaRatio))),e&&(c[0]=255&t,c[1]=t>>8&255,c[2]=t>>16&255,c[3]=t>>24&255,this.pickBuffer.bind(),r.attributes.pickId.pointer(n.UNSIGNED_BYTE),r.uniforms.pickOffset=c,this.pickOffset=t);var f=n.getParameter(n.BLEND),h=n.getParameter(n.DITHER);return f&&!this.blend&&n.disable(n.BLEND),h&&n.disable(n.DITHER),n.drawArrays(n.POINTS,0,this.pointCount),f&&!this.blend&&n.enable(n.BLEND),h&&n.enable(n.DITHER),t+this.pointCount}),u.draw=u.unifiedDraw,u.drawPick=u.unifiedDraw,u.pick=function(t,e,r){var n=this.pickOffset,i=this.pointCount;if(r=n+i)return null;var a=r-n,o=this.points;return{object:this,pointId:a,dataCoord:[o[2*a],o[2*a+1]]}}},{"./lib/shader":322,"gl-buffer":259,"gl-shader":335,"typedarray-pool":595}],325:[function(t,e,r){e.exports=function(t,e,r,n){var i,a,o,s,l,c=e[0],u=e[1],f=e[2],h=e[3],p=r[0],d=r[1],g=r[2],m=r[3];(a=c*p+u*d+f*g+h*m)<0&&(a=-a,p=-p,d=-d,g=-g,m=-m);1-a>1e-6?(i=Math.acos(a),o=Math.sin(i),s=Math.sin((1-n)*i)/o,l=Math.sin(n*i)/o):(s=1-n,l=n);return t[0]=s*c+l*p,t[1]=s*u+l*d,t[2]=s*f+l*g,t[3]=s*h+l*m,t}},{}],326:[function(t,e,r){"use strict";e.exports=function(t){return t||0===t?t.toString():""}},{}],327:[function(t,e,r){"use strict";var n=t("vectorize-text");e.exports=function(t,e,r){var a=i[e];a||(a=i[e]={});if(t in a)return a[t];var o={textAlign:"center",textBaseline:"middle",lineHeight:1,font:e,lineSpacing:1.25,styletags:{breaklines:!0,bolds:!0,italics:!0,subscripts:!0,superscripts:!0},triangles:!0},s=n(t,o);o.triangles=!1;var l,c,u=n(t,o);if(r&&1!==r){for(l=0;l max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 glyph;\nattribute vec4 id;\n\nuniform vec4 highlightId;\nuniform float highlightScale;\nuniform mat4 model, view, projection;\nuniform vec3 clipBounds[2];\n\nvarying vec4 interpColor;\nvarying vec4 pickId;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0,0,0,0);\n } else {\n float scale = 1.0;\n if(distance(highlightId, id) < 0.0001) {\n scale = highlightScale;\n }\n\n vec4 worldPosition = model * vec4(position, 1);\n vec4 viewPosition = view * worldPosition;\n viewPosition = viewPosition / viewPosition.w;\n vec4 clipPosition = projection * (viewPosition + scale * vec4(glyph.x, -glyph.y, 0, 0));\n\n gl_Position = clipPosition;\n interpColor = color;\n pickId = id;\n dataCoordinate = position;\n }\n}"]),o=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 glyph;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\nuniform vec2 screenSize;\nuniform vec3 clipBounds[2];\nuniform float highlightScale, pixelRatio;\nuniform vec4 highlightId;\n\nvarying vec4 interpColor;\nvarying vec4 pickId;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0,0,0,0);\n } else {\n float scale = pixelRatio;\n if(distance(highlightId.bgr, id.bgr) < 0.001) {\n scale *= highlightScale;\n }\n\n vec4 worldPosition = model * vec4(position, 1.0);\n vec4 viewPosition = view * worldPosition;\n vec4 clipPosition = projection * viewPosition;\n clipPosition /= clipPosition.w;\n\n gl_Position = clipPosition + vec4(screenSize * scale * vec2(glyph.x, -glyph.y), 0.0, 0.0);\n interpColor = color;\n pickId = id;\n dataCoordinate = position;\n }\n}"]),s=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 glyph;\nattribute vec4 id;\n\nuniform float highlightScale;\nuniform vec4 highlightId;\nuniform vec3 axes[2];\nuniform mat4 model, view, projection;\nuniform vec2 screenSize;\nuniform vec3 clipBounds[2];\nuniform float scale, pixelRatio;\n\nvarying vec4 interpColor;\nvarying vec4 pickId;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0,0,0,0);\n } else {\n float lscale = pixelRatio * scale;\n if(distance(highlightId, id) < 0.0001) {\n lscale *= highlightScale;\n }\n\n vec4 clipCenter = projection * view * model * vec4(position, 1);\n vec3 dataPosition = position + 0.5*lscale*(axes[0] * glyph.x + axes[1] * glyph.y) * clipCenter.w * screenSize.y;\n vec4 clipPosition = projection * view * model * vec4(dataPosition, 1);\n\n gl_Position = clipPosition;\n interpColor = color;\n pickId = id;\n dataCoordinate = dataPosition;\n }\n}\n"]),l=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 fragClipBounds[2];\nuniform float opacity;\n\nvarying vec4 interpColor;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (\n outOfRange(fragClipBounds[0], fragClipBounds[1], dataCoordinate) ||\n interpColor.a * opacity == 0.\n ) discard;\n gl_FragColor = interpColor * opacity;\n}\n"]),c=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 fragClipBounds[2];\nuniform float pickGroup;\n\nvarying vec4 pickId;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (outOfRange(fragClipBounds[0], fragClipBounds[1], dataCoordinate)) discard;\n\n gl_FragColor = vec4(pickGroup, pickId.bgr);\n}"]),u=[{name:"position",type:"vec3"},{name:"color",type:"vec4"},{name:"glyph",type:"vec2"},{name:"id",type:"vec4"}],f={vertex:a,fragment:l,attributes:u},h={vertex:o,fragment:l,attributes:u},p={vertex:s,fragment:l,attributes:u},d={vertex:a,fragment:c,attributes:u},g={vertex:o,fragment:c,attributes:u},m={vertex:s,fragment:c,attributes:u};function v(t,e){var r=n(t,e),i=r.attributes;return i.position.location=0,i.color.location=1,i.glyph.location=2,i.id.location=3,r}r.createPerspective=function(t){return v(t,f)},r.createOrtho=function(t){return v(t,h)},r.createProject=function(t){return v(t,p)},r.createPickPerspective=function(t){return v(t,d)},r.createPickOrtho=function(t){return v(t,g)},r.createPickProject=function(t){return v(t,m)}},{"gl-shader":335,glslify:329}],329:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],330:[function(t,e,r){"use strict";var n=t("is-string-blank"),i=t("gl-buffer"),a=t("gl-vao"),o=t("typedarray-pool"),s=t("gl-mat4/multiply"),l=t("./lib/shaders"),c=t("./lib/glyphs"),u=t("./lib/get-simple-string"),f=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function h(t,e){var r=t[0],n=t[1],i=t[2],a=t[3];return t[0]=e[0]*r+e[4]*n+e[8]*i+e[12]*a,t[1]=e[1]*r+e[5]*n+e[9]*i+e[13]*a,t[2]=e[2]*r+e[6]*n+e[10]*i+e[14]*a,t[3]=e[3]*r+e[7]*n+e[11]*i+e[15]*a,t}function p(t,e,r,n){return h(n,n),h(n,n),h(n,n)}function d(t,e){this.index=t,this.dataCoordinate=this.position=e}function g(t){return!0===t||t>1?1:t}function m(t,e,r,n,i,a,o,s,l,c,u,f){this.gl=t,this.pixelRatio=1,this.shader=e,this.orthoShader=r,this.projectShader=n,this.pointBuffer=i,this.colorBuffer=a,this.glyphBuffer=o,this.idBuffer=s,this.vao=l,this.vertexCount=0,this.lineVertexCount=0,this.opacity=1,this.hasAlpha=!1,this.lineWidth=0,this.projectScale=[2/3,2/3,2/3],this.projectOpacity=[1,1,1],this.projectHasAlpha=!1,this.pickId=0,this.pickPerspectiveShader=c,this.pickOrthoShader=u,this.pickProjectShader=f,this.points=[],this._selectResult=new d(0,[0,0,0]),this.useOrtho=!0,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.axesProject=[!0,!0,!0],this.axesBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.highlightId=[1,1,1,1],this.highlightScale=2,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.dirty=!0}e.exports=function(t){var e=t.gl,r=l.createPerspective(e),n=l.createOrtho(e),o=l.createProject(e),s=l.createPickPerspective(e),c=l.createPickOrtho(e),u=l.createPickProject(e),f=i(e),h=i(e),p=i(e),d=i(e),g=a(e,[{buffer:f,size:3,type:e.FLOAT},{buffer:h,size:4,type:e.FLOAT},{buffer:p,size:2,type:e.FLOAT},{buffer:d,size:4,type:e.UNSIGNED_BYTE,normalized:!0}]),v=new m(e,r,n,o,f,h,p,d,g,s,c,u);return v.update(t),v};var v=m.prototype;v.pickSlots=1,v.setPickBase=function(t){this.pickId=t},v.isTransparent=function(){if(this.hasAlpha)return!0;for(var t=0;t<3;++t)if(this.axesProject[t]&&this.projectHasAlpha)return!0;return!1},v.isOpaque=function(){if(!this.hasAlpha)return!0;for(var t=0;t<3;++t)if(this.axesProject[t]&&!this.projectHasAlpha)return!0;return!1};var y=[0,0],x=[0,0,0],b=[0,0,0],_=[0,0,0,1],w=[0,0,0,1],T=f.slice(),k=[0,0,0],M=[[0,0,0],[0,0,0]];function A(t){return t[0]=t[1]=t[2]=0,t}function S(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[3]=1,t}function E(t,e,r,n){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[r]=n,t}function C(t,e,r,n){var i,a=e.axesProject,o=e.gl,l=t.uniforms,c=r.model||f,u=r.view||f,h=r.projection||f,d=e.axesBounds,g=function(t){for(var e=M,r=0;r<2;++r)for(var n=0;n<3;++n)e[r][n]=Math.max(Math.min(t[r][n],1e8),-1e8);return e}(e.clipBounds);i=e.axes&&e.axes.lastCubeProps?e.axes.lastCubeProps.axis:[1,1,1],y[0]=2/o.drawingBufferWidth,y[1]=2/o.drawingBufferHeight,t.bind(),l.view=u,l.projection=h,l.screenSize=y,l.highlightId=e.highlightId,l.highlightScale=e.highlightScale,l.clipBounds=g,l.pickGroup=e.pickId/255,l.pixelRatio=n;for(var m=0;m<3;++m)if(a[m]){l.scale=e.projectScale[m],l.opacity=e.projectOpacity[m];for(var v=T,C=0;C<16;++C)v[C]=0;for(C=0;C<4;++C)v[5*C]=1;v[5*m]=0,i[m]<0?v[12+m]=d[0][m]:v[12+m]=d[1][m],s(v,c,v),l.model=v;var L=(m+1)%3,I=(m+2)%3,P=A(x),z=A(b);P[L]=1,z[I]=1;var O=p(0,0,0,S(_,P)),D=p(0,0,0,S(w,z));if(Math.abs(O[1])>Math.abs(D[1])){var R=O;O=D,D=R,R=P,P=z,z=R;var F=L;L=I,I=F}O[0]<0&&(P[L]=-1),D[1]>0&&(z[I]=-1);var B=0,N=0;for(C=0;C<4;++C)B+=Math.pow(c[4*L+C],2),N+=Math.pow(c[4*I+C],2);P[L]/=Math.sqrt(B),z[I]/=Math.sqrt(N),l.axes[0]=P,l.axes[1]=z,l.fragClipBounds[0]=E(k,g[0],m,-1e8),l.fragClipBounds[1]=E(k,g[1],m,1e8),e.vao.bind(),e.vao.draw(o.TRIANGLES,e.vertexCount),e.lineWidth>0&&(o.lineWidth(e.lineWidth*n),e.vao.draw(o.LINES,e.lineVertexCount,e.vertexCount)),e.vao.unbind()}}var L=[[-1e8,-1e8,-1e8],[1e8,1e8,1e8]];function I(t,e,r,n,i,a,o){var s=r.gl;if((a===r.projectHasAlpha||o)&&C(e,r,n,i),a===r.hasAlpha||o){t.bind();var l=t.uniforms;l.model=n.model||f,l.view=n.view||f,l.projection=n.projection||f,y[0]=2/s.drawingBufferWidth,y[1]=2/s.drawingBufferHeight,l.screenSize=y,l.highlightId=r.highlightId,l.highlightScale=r.highlightScale,l.fragClipBounds=L,l.clipBounds=r.axes.bounds,l.opacity=r.opacity,l.pickGroup=r.pickId/255,l.pixelRatio=i,r.vao.bind(),r.vao.draw(s.TRIANGLES,r.vertexCount),r.lineWidth>0&&(s.lineWidth(r.lineWidth*i),r.vao.draw(s.LINES,r.lineVertexCount,r.vertexCount)),r.vao.unbind()}}function P(t,e,r,i){var a;a=Array.isArray(t)?e=this.pointCount||e<0)return null;var r=this.points[e],n=this._selectResult;n.index=e;for(var i=0;i<3;++i)n.position[i]=n.dataCoordinate[i]=r[i];return n},v.highlight=function(t){if(t){var e=t.index,r=255&e,n=e>>8&255,i=e>>16&255;this.highlightId=[r/255,n/255,i/255,0]}else this.highlightId=[1,1,1,1]},v.update=function(t){if("perspective"in(t=t||{})&&(this.useOrtho=!t.perspective),"orthographic"in t&&(this.useOrtho=!!t.orthographic),"lineWidth"in t&&(this.lineWidth=t.lineWidth),"project"in t)if(Array.isArray(t.project))this.axesProject=t.project;else{var e=!!t.project;this.axesProject=[e,e,e]}if("projectScale"in t)if(Array.isArray(t.projectScale))this.projectScale=t.projectScale.slice();else{var r=+t.projectScale;this.projectScale=[r,r,r]}if(this.projectHasAlpha=!1,"projectOpacity"in t){if(Array.isArray(t.projectOpacity))this.projectOpacity=t.projectOpacity.slice();else{r=+t.projectOpacity;this.projectOpacity=[r,r,r]}for(var n=0;n<3;++n)this.projectOpacity[n]=g(this.projectOpacity[n]),this.projectOpacity[n]<1&&(this.projectHasAlpha=!0)}this.hasAlpha=!1,"opacity"in t&&(this.opacity=g(t.opacity),this.opacity<1&&(this.hasAlpha=!0)),this.dirty=!0;var i,a,s=t.position,l=t.font||"normal",c=t.alignment||[0,0];if(2===c.length)i=c[0],a=c[1];else{i=[],a=[];for(n=0;n0){var z=0,O=x,D=[0,0,0,1],R=[0,0,0,1],F=Array.isArray(p)&&Array.isArray(p[0]),B=Array.isArray(v)&&Array.isArray(v[0]);t:for(n=0;n<_;++n){y+=1;for(w=s[n],T=0;T<3;++T){if(isNaN(w[T])||!isFinite(w[T]))continue t;f[T]=Math.max(f[T],w[T]),u[T]=Math.min(u[T],w[T])}k=(N=P(h,n,l,this.pixelRatio)).mesh,M=N.lines,A=N.bounds;var N,j=N.visible;if(j)if(Array.isArray(p)){if(3===(U=F?n0?1-A[0][0]:Y<0?1+A[1][0]:1,W*=W>0?1-A[0][1]:W<0?1+A[1][1]:1],Z=k.cells||[],J=k.positions||[];for(T=0;T0){var v=r*u;o.drawBox(f-v,h-v,p+v,h+v,a),o.drawBox(f-v,d-v,p+v,d+v,a),o.drawBox(f-v,h-v,f+v,d+v,a),o.drawBox(p-v,h-v,p+v,d+v,a)}}}},s.update=function(t){t=t||{},this.innerFill=!!t.innerFill,this.outerFill=!!t.outerFill,this.innerColor=(t.innerColor||[0,0,0,.5]).slice(),this.outerColor=(t.outerColor||[0,0,0,.5]).slice(),this.borderColor=(t.borderColor||[0,0,0,1]).slice(),this.borderWidth=t.borderWidth||0,this.selectBox=(t.selectBox||this.selectBox).slice()},s.dispose=function(){this.boxBuffer.dispose(),this.boxShader.dispose(),this.plot.removeOverlay(this)}},{"./lib/shaders":331,"gl-buffer":259,"gl-shader":335}],334:[function(t,e,r){"use strict";e.exports=function(t,e){var r=e[0],a=e[1],o=n(t,r,a,{}),s=i.mallocUint8(r*a*4);return new l(t,o,s)};var n=t("gl-fbo"),i=t("typedarray-pool"),a=t("ndarray"),o=t("bit-twiddle").nextPow2;function s(t,e,r,n,i){this.coord=[t,e],this.id=r,this.value=n,this.distance=i}function l(t,e,r){this.gl=t,this.fbo=e,this.buffer=r,this._readTimeout=null;var n=this;this._readCallback=function(){n.gl&&(e.bind(),t.readPixels(0,0,e.shape[0],e.shape[1],t.RGBA,t.UNSIGNED_BYTE,n.buffer),n._readTimeout=null)}}var c=l.prototype;Object.defineProperty(c,"shape",{get:function(){return this.gl?this.fbo.shape.slice():[0,0]},set:function(t){if(this.gl){this.fbo.shape=t;var e=this.fbo.shape[0],r=this.fbo.shape[1];if(r*e*4>this.buffer.length){i.free(this.buffer);for(var n=this.buffer=i.mallocUint8(o(r*e*4)),a=0;ar)for(t=r;te)for(t=e;t=0){for(var T=0|w.type.charAt(w.type.length-1),k=new Array(T),M=0;M=0;)A+=1;_[y]=A}var S=new Array(r.length);function E(){h.program=o.program(p,h._vref,h._fref,b,_);for(var t=0;t=0){if((d=h.charCodeAt(h.length-1)-48)<2||d>4)throw new n("","Invalid data type for attribute "+f+": "+h);o(t,e,p[0],i,d,a,f)}else{if(!(h.indexOf("mat")>=0))throw new n("","Unknown data type for attribute "+f+": "+h);var d;if((d=h.charCodeAt(h.length-1)-48)<2||d>4)throw new n("","Invalid data type for attribute "+f+": "+h);s(t,e,p,i,d,a,f)}}}return a};var n=t("./GLError");function i(t,e,r,n,i,a){this._gl=t,this._wrapper=e,this._index=r,this._locations=n,this._dimension=i,this._constFunc=a}var a=i.prototype;function o(t,e,r,n,a,o,s){for(var l=["gl","v"],c=[],u=0;u4)throw new i("","Invalid uniform dimension type for matrix "+name+": "+r);return"gl.uniformMatrix"+a+"fv(locations["+e+"],false,obj"+t+")"}throw new i("","Unknown uniform data type for "+name+": "+r)}if((a=r.charCodeAt(r.length-1)-48)<2||a>4)throw new i("","Invalid data type");switch(r.charAt(0)){case"b":case"i":return"gl.uniform"+a+"iv(locations["+e+"],obj"+t+")";case"v":return"gl.uniform"+a+"fv(locations["+e+"],obj"+t+")";default:throw new i("","Unrecognized data type for vector "+name+": "+r)}}}function c(e){for(var n=["return function updateProperty(obj){"],i=function t(e,r){if("object"!=typeof r)return[[e,r]];var n=[];for(var i in r){var a=r[i],o=e;parseInt(i)+""===i?o+="["+i+"]":o+="."+i,"object"==typeof a?n.push.apply(n,t(o,a)):n.push([o,a])}return n}("",e),a=0;a4)throw new i("","Invalid data type");return"b"===t.charAt(0)?o(r,!1):o(r,0)}if(0===t.indexOf("mat")&&4===t.length){var r;if((r=t.charCodeAt(t.length-1)-48)<2||r>4)throw new i("","Invalid uniform dimension type for matrix "+name+": "+t);return o(r*r,0)}throw new i("","Unknown uniform data type for "+name+": "+t)}}(r[u].type);var p}function f(t){var e;if(Array.isArray(t)){e=new Array(t.length);for(var r=0;r1){s[0]in a||(a[s[0]]=[]),a=a[s[0]];for(var l=1;l1)for(var l=0;l 0 U ||b|| > 0.\n // Assign z = 0, x = -b, y = a:\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\n return normalize(vec3(-v.y, v.x, 0.0));\n } else {\n return normalize(vec3(0.0, v.z, -v.y));\n }\n}\n\n// Calculate the tube vertex and normal at the given index.\n//\n// The returned vertex is for a tube ring with its center at origin, radius of length(d), pointing in the direction of d.\n//\n// Each tube segment is made up of a ring of vertices.\n// These vertices are used to make up the triangles of the tube by connecting them together in the vertex array.\n// The indexes of tube segments run from 0 to 8.\n//\nvec3 getTubePosition(vec3 d, float index, out vec3 normal) {\n float segmentCount = 8.0;\n\n float angle = 2.0 * 3.14159 * (index / segmentCount);\n\n vec3 u = getOrthogonalVector(d);\n vec3 v = normalize(cross(u, d));\n\n vec3 x = u * cos(angle) * length(d);\n vec3 y = v * sin(angle) * length(d);\n vec3 v3 = x + y;\n\n normal = normalize(v3);\n\n return v3;\n}\n\nattribute vec4 vector;\nattribute vec4 color, position;\nattribute vec2 uv;\n\nuniform float vectorScale, tubeScale;\nuniform mat4 model, view, projection, inverseModel;\nuniform vec3 eyePosition, lightPosition;\n\nvarying vec3 f_normal, f_lightDirection, f_eyeDirection, f_data, f_position;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n // Scale the vector magnitude to stay constant with\n // model & view changes.\n vec3 normal;\n vec3 XYZ = getTubePosition(mat3(model) * (tubeScale * vector.w * normalize(vector.xyz)), position.w, normal);\n vec4 tubePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\n\n //Lighting geometry parameters\n vec4 cameraCoordinate = view * tubePosition;\n cameraCoordinate.xyz /= cameraCoordinate.w;\n f_lightDirection = lightPosition - cameraCoordinate.xyz;\n f_eyeDirection = eyePosition - cameraCoordinate.xyz;\n f_normal = normalize((vec4(normal, 0.0) * inverseModel).xyz);\n\n // vec4 m_position = model * vec4(tubePosition, 1.0);\n vec4 t_position = view * tubePosition;\n gl_Position = projection * t_position;\n\n f_color = color;\n f_data = tubePosition.xyz;\n f_position = position.xyz;\n f_uv = uv;\n}\n"]),a=n(["#extension GL_OES_standard_derivatives : enable\n\nprecision highp float;\n#define GLSLIFY 1\n\nfloat beckmannDistribution(float x, float roughness) {\n float NdotH = max(x, 0.0001);\n float cos2Alpha = NdotH * NdotH;\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\n float roughness2 = roughness * roughness;\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\n return exp(tan2Alpha / roughness2) / denom;\n}\n\nfloat cookTorranceSpecular(\n vec3 lightDirection,\n vec3 viewDirection,\n vec3 surfaceNormal,\n float roughness,\n float fresnel) {\n\n float VdotN = max(dot(viewDirection, surfaceNormal), 0.0);\n float LdotN = max(dot(lightDirection, surfaceNormal), 0.0);\n\n //Half angle vector\n vec3 H = normalize(lightDirection + viewDirection);\n\n //Geometric term\n float NdotH = max(dot(surfaceNormal, H), 0.0);\n float VdotH = max(dot(viewDirection, H), 0.000001);\n float LdotH = max(dot(lightDirection, H), 0.000001);\n float G1 = (2.0 * NdotH * VdotN) / VdotH;\n float G2 = (2.0 * NdotH * LdotN) / LdotH;\n float G = min(1.0, min(G1, G2));\n \n //Distribution term\n float D = beckmannDistribution(NdotH, roughness);\n\n //Fresnel term\n float F = pow(1.0 - VdotN, fresnel);\n\n //Multiply terms and done\n return G * F * D / max(3.14159265 * VdotN, 0.000001);\n}\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float roughness, fresnel, kambient, kdiffuse, kspecular, opacity;\nuniform sampler2D texture;\n\nvarying vec3 f_normal, f_lightDirection, f_eyeDirection, f_data, f_position;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n vec3 N = normalize(f_normal);\n vec3 L = normalize(f_lightDirection);\n vec3 V = normalize(f_eyeDirection);\n\n if(gl_FrontFacing) {\n N = -N;\n }\n\n float specular = min(1.0, max(0.0, cookTorranceSpecular(L, V, N, roughness, fresnel)));\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\n\n vec4 surfaceColor = f_color * texture2D(texture, f_uv);\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\n\n gl_FragColor = litColor * opacity;\n}\n"]),o=n(["precision highp float;\n\nprecision highp float;\n#define GLSLIFY 1\n\nvec3 getOrthogonalVector(vec3 v) {\n // Return up-vector for only-z vector.\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\n // Assign z = 0, x = -b, y = a:\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\n return normalize(vec3(-v.y, v.x, 0.0));\n } else {\n return normalize(vec3(0.0, v.z, -v.y));\n }\n}\n\n// Calculate the tube vertex and normal at the given index.\n//\n// The returned vertex is for a tube ring with its center at origin, radius of length(d), pointing in the direction of d.\n//\n// Each tube segment is made up of a ring of vertices.\n// These vertices are used to make up the triangles of the tube by connecting them together in the vertex array.\n// The indexes of tube segments run from 0 to 8.\n//\nvec3 getTubePosition(vec3 d, float index, out vec3 normal) {\n float segmentCount = 8.0;\n\n float angle = 2.0 * 3.14159 * (index / segmentCount);\n\n vec3 u = getOrthogonalVector(d);\n vec3 v = normalize(cross(u, d));\n\n vec3 x = u * cos(angle) * length(d);\n vec3 y = v * sin(angle) * length(d);\n vec3 v3 = x + y;\n\n normal = normalize(v3);\n\n return v3;\n}\n\nattribute vec4 vector;\nattribute vec4 position;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\nuniform float tubeScale;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n vec3 normal;\n vec3 XYZ = getTubePosition(mat3(model) * (tubeScale * vector.w * normalize(vector.xyz)), position.w, normal);\n vec4 tubePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\n\n gl_Position = projection * view * tubePosition;\n f_id = id;\n f_position = position.xyz;\n}\n"]),s=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float pickId;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n\n gl_FragColor = vec4(pickId, f_id.xyz);\n}"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:"position",type:"vec4"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"},{name:"vector",type:"vec4"}]},r.pickShader={vertex:o,fragment:s,attributes:[{name:"position",type:"vec4"},{name:"id",type:"vec4"},{name:"vector",type:"vec4"}]}},{glslify:347}],347:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],348:[function(t,e,r){"use strict";var n=t("gl-vec3"),i=t("gl-vec4"),a=["xyz","xzy","yxz","yzx","zxy","zyx"],o=function(t,e,r,a){for(var o=0,s=0;s0)for(T=0;T<8;T++){var k=(T+1)%8;c.push(h[T],p[T],p[k],p[k],h[k],h[T]),f.push(y,v,v,v,y,y),d.push(g,m,m,m,g,g);var M=c.length;u.push([M-6,M-5,M-4],[M-3,M-2,M-1])}var A=h;h=p,p=A;var S=y;y=v,v=S;var E=g;g=m,m=E}return{positions:c,cells:u,vectors:f,vertexIntensity:d}}(t,r,a,o)})),f=[],h=[],p=[],d=[];for(s=0;se)return r-1}return r},l=function(t,e,r){return tr?r:t},c=function(t){var e=1/0;t.sort((function(t,e){return t-e}));for(var r=t.length,n=1;nf-1||y>h-1||x>p-1)return n.create();var b,_,w,T,k,M,A=a[0][d],S=a[0][v],E=a[1][g],C=a[1][y],L=a[2][m],I=(o-A)/(S-A),P=(c-E)/(C-E),z=(u-L)/(a[2][x]-L);switch(isFinite(I)||(I=.5),isFinite(P)||(P=.5),isFinite(z)||(z=.5),r.reversedX&&(d=f-1-d,v=f-1-v),r.reversedY&&(g=h-1-g,y=h-1-y),r.reversedZ&&(m=p-1-m,x=p-1-x),r.filled){case 5:k=m,M=x,w=g*p,T=y*p,b=d*p*h,_=v*p*h;break;case 4:k=m,M=x,b=d*p,_=v*p,w=g*p*f,T=y*p*f;break;case 3:w=g,T=y,k=m*h,M=x*h,b=d*h*p,_=v*h*p;break;case 2:w=g,T=y,b=d*h,_=v*h,k=m*h*f,M=x*h*f;break;case 1:b=d,_=v,k=m*f,M=x*f,w=g*f*p,T=y*f*p;break;default:b=d,_=v,w=g*f,T=y*f,k=m*f*h,M=x*f*h}var O=i[b+w+k],D=i[b+w+M],R=i[b+T+k],F=i[b+T+M],B=i[_+w+k],N=i[_+w+M],j=i[_+T+k],U=i[_+T+M],V=n.create(),q=n.create(),H=n.create(),G=n.create();n.lerp(V,O,B,I),n.lerp(q,D,N,I),n.lerp(H,R,j,I),n.lerp(G,F,U,I);var Y=n.create(),W=n.create();n.lerp(Y,V,H,P),n.lerp(W,q,G,P);var X=n.create();return n.lerp(X,Y,W,z),X}(e,t,p)},g=t.getDivergence||function(t,e){var r=n.create(),i=1e-4;n.add(r,t,[i,0,0]);var a=d(r);n.subtract(a,a,e),n.scale(a,a,1/i),n.add(r,t,[0,i,0]);var o=d(r);n.subtract(o,o,e),n.scale(o,o,1/i),n.add(r,t,[0,0,i]);var s=d(r);return n.subtract(s,s,e),n.scale(s,s,1/i),n.add(r,a,o),n.add(r,r,s),r},m=[],v=e[0][0],y=e[0][1],x=e[0][2],b=e[1][0],_=e[1][1],w=e[1][2],T=function(t){var e=t[0],r=t[1],n=t[2];return!(eb||r_||nw)},k=10*n.distance(e[0],e[1])/i,M=k*k,A=1,S=0,E=r.length;E>1&&(A=function(t){for(var e=[],r=[],n=[],i={},a={},o={},s=t.length,l=0;lS&&(S=F),D.push(F),m.push({points:I,velocities:P,divergences:D});for(var B=0;B<100*i&&I.lengthM&&n.scale(N,N,k/Math.sqrt(j)),n.add(N,N,L),z=d(N),n.squaredDistance(O,N)-M>-1e-4*M){I.push(N),O=N,P.push(z);R=g(N,z),F=n.length(R);isFinite(F)&&F>S&&(S=F),D.push(F)}L=N}}var U=o(m,t.colormap,S,A);return f?U.tubeScale=f:(0===S&&(S=1),U.tubeScale=.5*u*A/S),U};var u=t("./lib/shaders"),f=t("gl-cone3d").createMesh;e.exports.createTubeMesh=function(t,e){return f(t,e,{shaders:u,traceType:"streamtube"})}},{"./lib/shaders":346,"gl-cone3d":260,"gl-vec3":377,"gl-vec4":413}],349:[function(t,e,r){var n=t("gl-shader"),i=t("glslify"),a=i(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec4 uv;\nattribute vec3 f;\nattribute vec3 normal;\n\nuniform vec3 objectOffset;\nuniform mat4 model, view, projection, inverseModel;\nuniform vec3 lightPosition, eyePosition;\nuniform sampler2D colormap;\n\nvarying float value, kill;\nvarying vec3 worldCoordinate;\nvarying vec2 planeCoordinate;\nvarying vec3 lightDirection, eyeDirection, surfaceNormal;\nvarying vec4 vColor;\n\nvoid main() {\n vec3 localCoordinate = vec3(uv.zw, f.x);\n worldCoordinate = objectOffset + localCoordinate;\n vec4 worldPosition = model * vec4(worldCoordinate, 1.0);\n vec4 clipPosition = projection * view * worldPosition;\n gl_Position = clipPosition;\n kill = f.y;\n value = f.z;\n planeCoordinate = uv.xy;\n\n vColor = texture2D(colormap, vec2(value, value));\n\n //Lighting geometry parameters\n vec4 cameraCoordinate = view * worldPosition;\n cameraCoordinate.xyz /= cameraCoordinate.w;\n lightDirection = lightPosition - cameraCoordinate.xyz;\n eyeDirection = eyePosition - cameraCoordinate.xyz;\n surfaceNormal = normalize((vec4(normal,0) * inverseModel).xyz);\n}\n"]),o=i(["precision highp float;\n#define GLSLIFY 1\n\nfloat beckmannDistribution(float x, float roughness) {\n float NdotH = max(x, 0.0001);\n float cos2Alpha = NdotH * NdotH;\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\n float roughness2 = roughness * roughness;\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\n return exp(tan2Alpha / roughness2) / denom;\n}\n\nfloat beckmannSpecular(\n vec3 lightDirection,\n vec3 viewDirection,\n vec3 surfaceNormal,\n float roughness) {\n return beckmannDistribution(dot(surfaceNormal, normalize(lightDirection + viewDirection)), roughness);\n}\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 lowerBound, upperBound;\nuniform float contourTint;\nuniform vec4 contourColor;\nuniform sampler2D colormap;\nuniform vec3 clipBounds[2];\nuniform float roughness, fresnel, kambient, kdiffuse, kspecular, opacity;\nuniform float vertexColor;\n\nvarying float value, kill;\nvarying vec3 worldCoordinate;\nvarying vec3 lightDirection, eyeDirection, surfaceNormal;\nvarying vec4 vColor;\n\nvoid main() {\n if (\n kill > 0.0 ||\n vColor.a == 0.0 ||\n outOfRange(clipBounds[0], clipBounds[1], worldCoordinate)\n ) discard;\n\n vec3 N = normalize(surfaceNormal);\n vec3 V = normalize(eyeDirection);\n vec3 L = normalize(lightDirection);\n\n if(gl_FrontFacing) {\n N = -N;\n }\n\n float specular = max(beckmannSpecular(L, V, N, roughness), 0.);\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\n\n //decide how to interpolate color \u2014 in vertex or in fragment\n vec4 surfaceColor =\n step(vertexColor, .5) * texture2D(colormap, vec2(value, value)) +\n step(.5, vertexColor) * vColor;\n\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\n\n gl_FragColor = mix(litColor, contourColor, contourTint) * opacity;\n}\n"]),s=i(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec4 uv;\nattribute float f;\n\nuniform vec3 objectOffset;\nuniform mat3 permutation;\nuniform mat4 model, view, projection;\nuniform float height, zOffset;\nuniform sampler2D colormap;\n\nvarying float value, kill;\nvarying vec3 worldCoordinate;\nvarying vec2 planeCoordinate;\nvarying vec3 lightDirection, eyeDirection, surfaceNormal;\nvarying vec4 vColor;\n\nvoid main() {\n vec3 dataCoordinate = permutation * vec3(uv.xy, height);\n worldCoordinate = objectOffset + dataCoordinate;\n vec4 worldPosition = model * vec4(worldCoordinate, 1.0);\n\n vec4 clipPosition = projection * view * worldPosition;\n clipPosition.z += zOffset;\n\n gl_Position = clipPosition;\n value = f + objectOffset.z;\n kill = -1.0;\n planeCoordinate = uv.zw;\n\n vColor = texture2D(colormap, vec2(value, value));\n\n //Don't do lighting for contours\n surfaceNormal = vec3(1,0,0);\n eyeDirection = vec3(0,1,0);\n lightDirection = vec3(0,0,1);\n}\n"]),l=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec2 shape;\nuniform vec3 clipBounds[2];\nuniform float pickId;\n\nvarying float value, kill;\nvarying vec3 worldCoordinate;\nvarying vec2 planeCoordinate;\nvarying vec3 surfaceNormal;\n\nvec2 splitFloat(float v) {\n float vh = 255.0 * v;\n float upper = floor(vh);\n float lower = fract(vh);\n return vec2(upper / 255.0, floor(lower * 16.0) / 16.0);\n}\n\nvoid main() {\n if ((kill > 0.0) ||\n (outOfRange(clipBounds[0], clipBounds[1], worldCoordinate))) discard;\n\n vec2 ux = splitFloat(planeCoordinate.x / shape.x);\n vec2 uy = splitFloat(planeCoordinate.y / shape.y);\n gl_FragColor = vec4(pickId, ux.x, uy.x, ux.y + (uy.y/16.0));\n}\n"]);r.createShader=function(t){var e=n(t,a,o,null,[{name:"uv",type:"vec4"},{name:"f",type:"vec3"},{name:"normal",type:"vec3"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e.attributes.normal.location=2,e},r.createPickShader=function(t){var e=n(t,a,l,null,[{name:"uv",type:"vec4"},{name:"f",type:"vec3"},{name:"normal",type:"vec3"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e.attributes.normal.location=2,e},r.createContourShader=function(t){var e=n(t,s,o,null,[{name:"uv",type:"vec4"},{name:"f",type:"float"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e},r.createPickContourShader=function(t){var e=n(t,s,l,null,[{name:"uv",type:"vec4"},{name:"f",type:"float"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e}},{"gl-shader":335,glslify:350}],350:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],351:[function(t,e,r){"use strict";e.exports=function(t){var e=t.gl,r=y(e),n=b(e),s=x(e),l=_(e),c=i(e),u=a(e,[{buffer:c,size:4,stride:40,offset:0},{buffer:c,size:3,stride:40,offset:16},{buffer:c,size:3,stride:40,offset:28}]),f=i(e),h=a(e,[{buffer:f,size:4,stride:20,offset:0},{buffer:f,size:1,stride:20,offset:16}]),p=i(e),d=a(e,[{buffer:p,size:2,type:e.FLOAT}]),g=o(e,1,256,e.RGBA,e.UNSIGNED_BYTE);g.minFilter=e.LINEAR,g.magFilter=e.LINEAR;var m=new A(e,[0,0],[[0,0,0],[0,0,0]],r,n,c,u,g,s,l,f,h,p,d,[0,0,0]),v={levels:[[],[],[]]};for(var w in t)v[w]=t[w];return v.colormap=v.colormap||"jet",m.update(v),m};var n=t("bit-twiddle"),i=t("gl-buffer"),a=t("gl-vao"),o=t("gl-texture2d"),s=t("typedarray-pool"),l=t("colormap"),c=t("ndarray-ops"),u=t("ndarray-pack"),f=t("ndarray"),h=t("surface-nets"),p=t("gl-mat4/multiply"),d=t("gl-mat4/invert"),g=t("binary-search-bounds"),m=t("ndarray-gradient"),v=t("./lib/shaders"),y=v.createShader,x=v.createContourShader,b=v.createPickShader,_=v.createPickContourShader,w=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1],T=[[0,0],[0,1],[1,0],[1,1],[1,0],[0,1]],k=[[0,0,0,0,0,0,0,0,0],[0,0,0,0,0,0,0,0,0],[0,0,0,0,0,0,0,0,0]];function M(t,e,r,n,i){this.position=t,this.index=e,this.uv=r,this.level=n,this.dataCoordinate=i}!function(){for(var t=0;t<3;++t){var e=k[t],r=(t+2)%3;e[(t+1)%3+0]=1,e[r+3]=1,e[t+6]=1}}();function A(t,e,r,n,i,a,o,l,c,u,h,p,d,g,m){this.gl=t,this.shape=e,this.bounds=r,this.objectOffset=m,this.intensityBounds=[],this._shader=n,this._pickShader=i,this._coordinateBuffer=a,this._vao=o,this._colorMap=l,this._contourShader=c,this._contourPickShader=u,this._contourBuffer=h,this._contourVAO=p,this._contourOffsets=[[],[],[]],this._contourCounts=[[],[],[]],this._vertexCount=0,this._pickResult=new M([0,0,0],[0,0],[0,0],[0,0,0],[0,0,0]),this._dynamicBuffer=d,this._dynamicVAO=g,this._dynamicOffsets=[0,0,0],this._dynamicCounts=[0,0,0],this.contourWidth=[1,1,1],this.contourLevels=[[1],[1],[1]],this.contourTint=[0,0,0],this.contourColor=[[.5,.5,.5,1],[.5,.5,.5,1],[.5,.5,.5,1]],this.showContour=!0,this.showSurface=!0,this.enableHighlight=[!0,!0,!0],this.highlightColor=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.highlightTint=[1,1,1],this.highlightLevel=[-1,-1,-1],this.enableDynamic=[!0,!0,!0],this.dynamicLevel=[NaN,NaN,NaN],this.dynamicColor=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.dynamicTint=[1,1,1],this.dynamicWidth=[1,1,1],this.axesBounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.surfaceProject=[!1,!1,!1],this.contourProject=[[!1,!1,!1],[!1,!1,!1],[!1,!1,!1]],this.colorBounds=[!1,!1],this._field=[f(s.mallocFloat(1024),[0,0]),f(s.mallocFloat(1024),[0,0]),f(s.mallocFloat(1024),[0,0])],this.pickId=1,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.snapToData=!1,this.pixelRatio=1,this.opacity=1,this.lightPosition=[10,1e4,0],this.ambientLight=.8,this.diffuseLight=.8,this.specularLight=2,this.roughness=.5,this.fresnel=1.5,this.vertexColor=0,this.dirty=!0}var S=A.prototype;S.genColormap=function(t,e){var r=!1,n=u([l({colormap:t,nshades:256,format:"rgba"}).map((function(t,n){var i=e?function(t,e){if(!e)return 1;if(!e.length)return 1;for(var r=0;rt&&r>0){var n=(e[r][0]-t)/(e[r][0]-e[r-1][0]);return e[r][1]*(1-n)+n*e[r-1][1]}}return 1}(n/255,e):t[3];return i<1&&(r=!0),[t[0],t[1],t[2],255*i]}))]);return c.divseq(n,255),this.hasAlphaScale=r,n},S.isTransparent=function(){return this.opacity<1||this.hasAlphaScale},S.isOpaque=function(){return!this.isTransparent()},S.pickSlots=1,S.setPickBase=function(t){this.pickId=t};var E=[0,0,0],C={showSurface:!1,showContour:!1,projections:[w.slice(),w.slice(),w.slice()],clipBounds:[[[0,0,0],[0,0,0]],[[0,0,0],[0,0,0]],[[0,0,0],[0,0,0]]]};function L(t,e){var r,n,i,a=e.axes&&e.axes.lastCubeProps.axis||E,o=e.showSurface,s=e.showContour;for(r=0;r<3;++r)for(o=o||e.surfaceProject[r],n=0;n<3;++n)s=s||e.contourProject[r][n];for(r=0;r<3;++r){var l=C.projections[r];for(n=0;n<16;++n)l[n]=0;for(n=0;n<4;++n)l[5*n]=1;l[5*r]=0,l[12+r]=e.axesBounds[+(a[r]>0)][r],p(l,t.model,l);var c=C.clipBounds[r];for(i=0;i<2;++i)for(n=0;n<3;++n)c[i][n]=t.clipBounds[i][n];c[0][r]=-1e8,c[1][r]=1e8}return C.showSurface=o,C.showContour=s,C}var I={model:w,view:w,projection:w,inverseModel:w.slice(),lowerBound:[0,0,0],upperBound:[0,0,0],colorMap:0,clipBounds:[[0,0,0],[0,0,0]],height:0,contourTint:0,contourColor:[0,0,0,1],permutation:[1,0,0,0,1,0,0,0,1],zOffset:-1e-4,objectOffset:[0,0,0],kambient:1,kdiffuse:1,kspecular:1,lightPosition:[1e3,1e3,1e3],eyePosition:[0,0,0],roughness:1,fresnel:1,opacity:1,vertexColor:0},P=w.slice(),z=[1,0,0,0,1,0,0,0,1];function O(t,e){t=t||{};var r=this.gl;r.disable(r.CULL_FACE),this._colorMap.bind(0);var n=I;n.model=t.model||w,n.view=t.view||w,n.projection=t.projection||w,n.lowerBound=[this.bounds[0][0],this.bounds[0][1],this.colorBounds[0]||this.bounds[0][2]],n.upperBound=[this.bounds[1][0],this.bounds[1][1],this.colorBounds[1]||this.bounds[1][2]],n.objectOffset=this.objectOffset,n.contourColor=this.contourColor[0],n.inverseModel=d(n.inverseModel,n.model);for(var i=0;i<2;++i)for(var a=n.clipBounds[i],o=0;o<3;++o)a[o]=Math.min(Math.max(this.clipBounds[i][o],-1e8),1e8);n.kambient=this.ambientLight,n.kdiffuse=this.diffuseLight,n.kspecular=this.specularLight,n.roughness=this.roughness,n.fresnel=this.fresnel,n.opacity=this.opacity,n.height=0,n.permutation=z,n.vertexColor=this.vertexColor;var s=P;for(p(s,n.view,n.model),p(s,n.projection,s),d(s,s),i=0;i<3;++i)n.eyePosition[i]=s[12+i]/s[15];var l=s[15];for(i=0;i<3;++i)l+=this.lightPosition[i]*s[4*i+3];for(i=0;i<3;++i){var c=s[12+i];for(o=0;o<3;++o)c+=s[4*o+i]*this.lightPosition[o];n.lightPosition[i]=c/l}var u=L(n,this);if(u.showSurface){for(this._shader.bind(),this._shader.uniforms=n,this._vao.bind(),this.showSurface&&this._vertexCount&&this._vao.draw(r.TRIANGLES,this._vertexCount),i=0;i<3;++i)this.surfaceProject[i]&&this.vertexCount&&(this._shader.uniforms.model=u.projections[i],this._shader.uniforms.clipBounds=u.clipBounds[i],this._vao.draw(r.TRIANGLES,this._vertexCount));this._vao.unbind()}if(u.showContour){var f=this._contourShader;n.kambient=1,n.kdiffuse=0,n.kspecular=0,n.opacity=1,f.bind(),f.uniforms=n;var h=this._contourVAO;for(h.bind(),i=0;i<3;++i)for(f.uniforms.permutation=k[i],r.lineWidth(this.contourWidth[i]*this.pixelRatio),o=0;o>4)/16)/255,i=Math.floor(n),a=n-i,o=e[1]*(t.value[1]+(15&t.value[2])/16)/255,s=Math.floor(o),l=o-s;i+=1,s+=1;var c=r.position;c[0]=c[1]=c[2]=0;for(var u=0;u<2;++u)for(var f=u?a:1-a,h=0;h<2;++h)for(var p=i+u,d=s+h,m=f*(h?l:1-l),v=0;v<3;++v)c[v]+=this._field[v].get(p,d)*m;for(var y=this._pickResult.level,x=0;x<3;++x)if(y[x]=g.le(this.contourLevels[x],c[x]),y[x]<0)this.contourLevels[x].length>0&&(y[x]=0);else if(y[x]Math.abs(_-c[x])&&(y[x]+=1)}for(r.index[0]=a<.5?i:i+1,r.index[1]=l<.5?s:s+1,r.uv[0]=n/e[0],r.uv[1]=o/e[1],v=0;v<3;++v)r.dataCoordinate[v]=this._field[v].get(r.index[0],r.index[1]);return r},S.padField=function(t,e){var r=e.shape.slice(),n=t.shape.slice();c.assign(t.lo(1,1).hi(r[0],r[1]),e),c.assign(t.lo(1).hi(r[0],1),e.hi(r[0],1)),c.assign(t.lo(1,n[1]-1).hi(r[0],1),e.lo(0,r[1]-1).hi(r[0],1)),c.assign(t.lo(0,1).hi(1,r[1]),e.hi(1)),c.assign(t.lo(n[0]-1,1).hi(1,r[1]),e.lo(r[0]-1)),t.set(0,0,e.get(0,0)),t.set(0,n[1]-1,e.get(0,r[1]-1)),t.set(n[0]-1,0,e.get(r[0]-1,0)),t.set(n[0]-1,n[1]-1,e.get(r[0]-1,r[1]-1))},S.update=function(t){t=t||{},this.objectOffset=t.objectOffset||this.objectOffset,this.dirty=!0,"contourWidth"in t&&(this.contourWidth=R(t.contourWidth,Number)),"showContour"in t&&(this.showContour=R(t.showContour,Boolean)),"showSurface"in t&&(this.showSurface=!!t.showSurface),"contourTint"in t&&(this.contourTint=R(t.contourTint,Boolean)),"contourColor"in t&&(this.contourColor=B(t.contourColor)),"contourProject"in t&&(this.contourProject=R(t.contourProject,(function(t){return R(t,Boolean)}))),"surfaceProject"in t&&(this.surfaceProject=t.surfaceProject),"dynamicColor"in t&&(this.dynamicColor=B(t.dynamicColor)),"dynamicTint"in t&&(this.dynamicTint=R(t.dynamicTint,Number)),"dynamicWidth"in t&&(this.dynamicWidth=R(t.dynamicWidth,Number)),"opacity"in t&&(this.opacity=t.opacity),"opacityscale"in t&&(this.opacityscale=t.opacityscale),"colorBounds"in t&&(this.colorBounds=t.colorBounds),"vertexColor"in t&&(this.vertexColor=t.vertexColor?1:0),"colormap"in t&&this._colorMap.setPixels(this.genColormap(t.colormap,this.opacityscale));var e=t.field||t.coords&&t.coords[2]||null,r=!1;if(e||(e=this._field[2].shape[0]||this._field[2].shape[2]?this._field[2].lo(1,1).hi(this._field[2].shape[0]-2,this._field[2].shape[1]-2):this._field[2].hi(0,0)),"field"in t||"coords"in t){var i=(e.shape[0]+2)*(e.shape[1]+2);i>this._field[2].data.length&&(s.freeFloat(this._field[2].data),this._field[2].data=s.mallocFloat(n.nextPow2(i))),this._field[2]=f(this._field[2].data,[e.shape[0]+2,e.shape[1]+2]),this.padField(this._field[2],e),this.shape=e.shape.slice();for(var a=this.shape,o=0;o<2;++o)this._field[2].size>this._field[o].data.length&&(s.freeFloat(this._field[o].data),this._field[o].data=s.mallocFloat(this._field[2].size)),this._field[o]=f(this._field[o].data,[a[0]+2,a[1]+2]);if(t.coords){var l=t.coords;if(!Array.isArray(l)||3!==l.length)throw new Error("gl-surface: invalid coordinates for x/y");for(o=0;o<2;++o){var c=l[o];for(v=0;v<2;++v)if(c.shape[v]!==a[v])throw new Error("gl-surface: coords have incorrect shape");this.padField(this._field[o],c)}}else if(t.ticks){var u=t.ticks;if(!Array.isArray(u)||2!==u.length)throw new Error("gl-surface: invalid ticks");for(o=0;o<2;++o){var p=u[o];if((Array.isArray(p)||p.length)&&(p=f(p)),p.shape[0]!==a[o])throw new Error("gl-surface: invalid tick length");var d=f(p.data,a);d.stride[o]=p.stride[0],d.stride[1^o]=0,this.padField(this._field[o],d)}}else{for(o=0;o<2;++o){var g=[0,0];g[o]=1,this._field[o]=f(this._field[o].data,[a[0]+2,a[1]+2],g,0)}this._field[0].set(0,0,0);for(var v=0;v0){for(var xt=0;xt<5;++xt)Q.pop();U-=1}continue t}Q.push(nt[0],nt[1],ot[0],ot[1],nt[2]),U+=1}}rt.push(U)}this._contourOffsets[$]=et,this._contourCounts[$]=rt}var bt=s.mallocFloat(Q.length);for(o=0;o halfCharStep + halfCharWidth ||\n\t\t\t\t\tfloor(uv.x) < halfCharStep - halfCharWidth) return;\n\n\t\t\t\tuv += charId * charStep;\n\t\t\t\tuv = uv / atlasSize;\n\n\t\t\t\tvec4 color = fontColor;\n\t\t\t\tvec4 mask = texture2D(atlas, uv);\n\n\t\t\t\tfloat maskY = lightness(mask);\n\t\t\t\t// float colorY = lightness(color);\n\t\t\t\tcolor.a *= maskY;\n\t\t\t\tcolor.a *= opacity;\n\n\t\t\t\t// color.a += .1;\n\n\t\t\t\t// antialiasing, see yiq color space y-channel formula\n\t\t\t\t// color.rgb += (1. - color.rgb) * (1. - mask.rgb);\n\n\t\t\t\tgl_FragColor = color;\n\t\t\t}"});return{regl:t,draw:e,atlas:{}}},T.prototype.update=function(t){var e=this;if("string"==typeof t)t={text:t};else if(!t)return;null!=(t=i(t,{position:"position positions coord coords coordinates",font:"font fontFace fontface typeface cssFont css-font family fontFamily",fontSize:"fontSize fontsize size font-size",text:"text texts chars characters value values symbols",align:"align alignment textAlign textbaseline",baseline:"baseline textBaseline textbaseline",direction:"dir direction textDirection",color:"color colour fill fill-color fillColor textColor textcolor",kerning:"kerning kern",range:"range dataBox",viewport:"vp viewport viewBox viewbox viewPort",opacity:"opacity alpha transparency visible visibility opaque",offset:"offset positionOffset padding shift indent indentation"},!0)).opacity&&(Array.isArray(t.opacity)?this.opacity=t.opacity.map((function(t){return parseFloat(t)})):this.opacity=parseFloat(t.opacity)),null!=t.viewport&&(this.viewport=f(t.viewport),T.normalViewport&&(this.viewport.y=this.canvas.height-this.viewport.y-this.viewport.height),this.viewportArray=[this.viewport.x,this.viewport.y,this.viewport.width,this.viewport.height]),null==this.viewport&&(this.viewport={x:0,y:0,width:this.gl.drawingBufferWidth,height:this.gl.drawingBufferHeight},this.viewportArray=[this.viewport.x,this.viewport.y,this.viewport.width,this.viewport.height]),null!=t.kerning&&(this.kerning=t.kerning),null!=t.offset&&("number"==typeof t.offset&&(t.offset=[t.offset,0]),this.positionOffset=y(t.offset)),t.direction&&(this.direction=t.direction),t.range&&(this.range=t.range,this.scale=[1/(t.range[2]-t.range[0]),1/(t.range[3]-t.range[1])],this.translate=[-t.range[0],-t.range[1]]),t.scale&&(this.scale=t.scale),t.translate&&(this.translate=t.translate),this.scale||(this.scale=[1/this.viewport.width,1/this.viewport.height]),this.translate||(this.translate=[0,0]),this.font.length||t.font||(t.font=T.baseFontSize+"px sans-serif");var r,a=!1,o=!1;if(t.font&&(Array.isArray(t.font)?t.font:[t.font]).forEach((function(t,r){if("string"==typeof t)try{t=n.parse(t)}catch(e){t=n.parse(T.baseFontSize+"px "+t)}else t=n.parse(n.stringify(t));var i=n.stringify({size:T.baseFontSize,family:t.family,stretch:_?t.stretch:void 0,variant:t.variant,weight:t.weight,style:t.style}),s=p(t.size),l=Math.round(s[0]*d(s[1]));if(l!==e.fontSize[r]&&(o=!0,e.fontSize[r]=l),!(e.font[r]&&i==e.font[r].baseString||(a=!0,e.font[r]=T.fonts[i],e.font[r]))){var c=t.family.join(", "),u=[t.style];t.style!=t.variant&&u.push(t.variant),t.variant!=t.weight&&u.push(t.weight),_&&t.weight!=t.stretch&&u.push(t.stretch),e.font[r]={baseString:i,family:c,weight:t.weight,stretch:t.stretch,style:t.style,variant:t.variant,width:{},kerning:{},metrics:v(c,{origin:"top",fontSize:T.baseFontSize,fontStyle:u.join(" ")})},T.fonts[i]=e.font[r]}})),(a||o)&&this.font.forEach((function(r,i){var a=n.stringify({size:e.fontSize[i],family:r.family,stretch:_?r.stretch:void 0,variant:r.variant,weight:r.weight,style:r.style});if(e.fontAtlas[i]=e.shader.atlas[a],!e.fontAtlas[i]){var o=r.metrics;e.shader.atlas[a]=e.fontAtlas[i]={fontString:a,step:2*Math.ceil(e.fontSize[i]*o.bottom*.5),em:e.fontSize[i],cols:0,rows:0,height:0,width:0,chars:[],ids:{},texture:e.regl.texture()}}null==t.text&&(t.text=e.text)})),"string"==typeof t.text&&t.position&&t.position.length>2){for(var s=Array(.5*t.position.length),h=0;h2){for(var w=!t.position[0].length,k=u.mallocFloat(2*this.count),M=0,A=0;M1?e.align[r]:e.align[0]:e.align;if("number"==typeof n)return n;switch(n){case"right":case"end":return-t;case"center":case"centre":case"middle":return.5*-t}return 0}))),null==this.baseline&&null==t.baseline&&(t.baseline=0),null!=t.baseline&&(this.baseline=t.baseline,Array.isArray(this.baseline)||(this.baseline=[this.baseline]),this.baselineOffset=this.baseline.map((function(t,r){var n=(e.font[r]||e.font[0]).metrics,i=0;return i+=.5*n.bottom,i+="number"==typeof t?t-n.baseline:-n[t],T.normalViewport||(i*=-1),i}))),null!=t.color)if(t.color||(t.color="transparent"),"string"!=typeof t.color&&isNaN(t.color)){var H;if("number"==typeof t.color[0]&&t.color.length>this.counts.length){var G=t.color.length;H=u.mallocUint8(G);for(var Y=(t.color.subarray||t.color.slice).bind(t.color),W=0;W4||this.baselineOffset.length>1||this.align&&this.align.length>1||this.fontAtlas.length>1||this.positionOffset.length>2){var J=Math.max(.5*this.position.length||0,.25*this.color.length||0,this.baselineOffset.length||0,this.alignOffset.length||0,this.font.length||0,this.opacity.length||0,.5*this.positionOffset.length||0);this.batch=Array(J);for(var K=0;K1?this.counts[K]:this.counts[0],offset:this.textOffsets.length>1?this.textOffsets[K]:this.textOffsets[0],color:this.color?this.color.length<=4?this.color:this.color.subarray(4*K,4*K+4):[0,0,0,255],opacity:Array.isArray(this.opacity)?this.opacity[K]:this.opacity,baseline:null!=this.baselineOffset[K]?this.baselineOffset[K]:this.baselineOffset[0],align:this.align?null!=this.alignOffset[K]?this.alignOffset[K]:this.alignOffset[0]:0,atlas:this.fontAtlas[K]||this.fontAtlas[0],positionOffset:this.positionOffset.length>2?this.positionOffset.subarray(2*K,2*K+2):this.positionOffset}}else this.count?this.batch=[{count:this.count,offset:0,color:this.color||[0,0,0,255],opacity:Array.isArray(this.opacity)?this.opacity[0]:this.opacity,baseline:this.baselineOffset[0],align:this.alignOffset?this.alignOffset[0]:0,atlas:this.fontAtlas[0],positionOffset:this.positionOffset}]:this.batch=[]},T.prototype.destroy=function(){},T.prototype.kerning=!0,T.prototype.position={constant:new Float32Array(2)},T.prototype.translate=null,T.prototype.scale=null,T.prototype.font=null,T.prototype.text="",T.prototype.positionOffset=[0,0],T.prototype.opacity=1,T.prototype.color=new Uint8Array([0,0,0,255]),T.prototype.alignOffset=[0,0],T.normalViewport=!1,T.maxAtlasSize=1024,T.atlasCanvas=document.createElement("canvas"),T.atlasContext=T.atlasCanvas.getContext("2d",{alpha:!1}),T.baseFontSize=64,T.fonts={},e.exports=T},{"bit-twiddle":97,"color-normalize":125,"css-font":144,"detect-kerning":172,"es6-weak-map":233,"flatten-vertex-data":244,"font-atlas":245,"font-measure":246,"gl-util/context":354,"is-plain-obj":469,"object-assign":499,"parse-rect":504,"parse-unit":506,"pick-by-alias":511,regl:540,"to-px":578,"typedarray-pool":595}],353:[function(t,e,r){"use strict";var n=t("ndarray"),i=t("ndarray-ops"),a=t("typedarray-pool");e.exports=function(t){if(arguments.length<=1)throw new Error("gl-texture2d: Missing arguments for texture2d constructor");o||c(t);if("number"==typeof arguments[1])return v(t,arguments[1],arguments[2],arguments[3]||t.RGBA,arguments[4]||t.UNSIGNED_BYTE);if(Array.isArray(arguments[1]))return v(t,0|arguments[1][0],0|arguments[1][1],arguments[2]||t.RGBA,arguments[3]||t.UNSIGNED_BYTE);if("object"==typeof arguments[1]){var e=arguments[1],r=u(e)?e:e.raw;if(r)return y(t,r,0|e.width,0|e.height,arguments[2]||t.RGBA,arguments[3]||t.UNSIGNED_BYTE);if(e.shape&&e.data&&e.stride)return x(t,e)}throw new Error("gl-texture2d: Invalid arguments for texture2d constructor")};var o=null,s=null,l=null;function c(t){o=[t.LINEAR,t.NEAREST_MIPMAP_LINEAR,t.LINEAR_MIPMAP_NEAREST,t.LINEAR_MIPMAP_NEAREST],s=[t.NEAREST,t.LINEAR,t.NEAREST_MIPMAP_NEAREST,t.NEAREST_MIPMAP_LINEAR,t.LINEAR_MIPMAP_NEAREST,t.LINEAR_MIPMAP_LINEAR],l=[t.REPEAT,t.CLAMP_TO_EDGE,t.MIRRORED_REPEAT]}function u(t){return"undefined"!=typeof HTMLCanvasElement&&t instanceof HTMLCanvasElement||"undefined"!=typeof HTMLImageElement&&t instanceof HTMLImageElement||"undefined"!=typeof HTMLVideoElement&&t instanceof HTMLVideoElement||"undefined"!=typeof ImageData&&t instanceof ImageData}var f=function(t,e){i.muls(t,e,255)};function h(t,e,r){var n=t.gl,i=n.getParameter(n.MAX_TEXTURE_SIZE);if(e<0||e>i||r<0||r>i)throw new Error("gl-texture2d: Invalid texture size");return t._shape=[e,r],t.bind(),n.texImage2D(n.TEXTURE_2D,0,t.format,e,r,0,t.format,t.type,null),t._mipLevels=[0],t}function p(t,e,r,n,i,a){this.gl=t,this.handle=e,this.format=i,this.type=a,this._shape=[r,n],this._mipLevels=[0],this._magFilter=t.NEAREST,this._minFilter=t.NEAREST,this._wrapS=t.CLAMP_TO_EDGE,this._wrapT=t.CLAMP_TO_EDGE,this._anisoSamples=1;var o=this,s=[this._wrapS,this._wrapT];Object.defineProperties(s,[{get:function(){return o._wrapS},set:function(t){return o.wrapS=t}},{get:function(){return o._wrapT},set:function(t){return o.wrapT=t}}]),this._wrapVector=s;var l=[this._shape[0],this._shape[1]];Object.defineProperties(l,[{get:function(){return o._shape[0]},set:function(t){return o.width=t}},{get:function(){return o._shape[1]},set:function(t){return o.height=t}}]),this._shapeVector=l}var d=p.prototype;function g(t,e){return 3===t.length?1===e[2]&&e[1]===t[0]*t[2]&&e[0]===t[2]:1===e[0]&&e[1]===t[0]}function m(t){var e=t.createTexture();return t.bindTexture(t.TEXTURE_2D,e),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_MIN_FILTER,t.NEAREST),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_MAG_FILTER,t.NEAREST),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_WRAP_S,t.CLAMP_TO_EDGE),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_WRAP_T,t.CLAMP_TO_EDGE),e}function v(t,e,r,n,i){var a=t.getParameter(t.MAX_TEXTURE_SIZE);if(e<0||e>a||r<0||r>a)throw new Error("gl-texture2d: Invalid texture shape");if(i===t.FLOAT&&!t.getExtension("OES_texture_float"))throw new Error("gl-texture2d: Floating point textures not supported on this platform");var o=m(t);return t.texImage2D(t.TEXTURE_2D,0,n,e,r,0,n,i,null),new p(t,o,e,r,n,i)}function y(t,e,r,n,i,a){var o=m(t);return t.texImage2D(t.TEXTURE_2D,0,i,i,a,e),new p(t,o,r,n,i,a)}function x(t,e){var r=e.dtype,o=e.shape.slice(),s=t.getParameter(t.MAX_TEXTURE_SIZE);if(o[0]<0||o[0]>s||o[1]<0||o[1]>s)throw new Error("gl-texture2d: Invalid texture size");var l=g(o,e.stride.slice()),c=0;"float32"===r?c=t.FLOAT:"float64"===r?(c=t.FLOAT,l=!1,r="float32"):"uint8"===r?c=t.UNSIGNED_BYTE:(c=t.UNSIGNED_BYTE,l=!1,r="uint8");var u,h,d=0;if(2===o.length)d=t.LUMINANCE,o=[o[0],o[1],1],e=n(e.data,o,[e.stride[0],e.stride[1],1],e.offset);else{if(3!==o.length)throw new Error("gl-texture2d: Invalid shape for texture");if(1===o[2])d=t.ALPHA;else if(2===o[2])d=t.LUMINANCE_ALPHA;else if(3===o[2])d=t.RGB;else{if(4!==o[2])throw new Error("gl-texture2d: Invalid shape for pixel coords");d=t.RGBA}}c!==t.FLOAT||t.getExtension("OES_texture_float")||(c=t.UNSIGNED_BYTE,l=!1);var v=e.size;if(l)u=0===e.offset&&e.data.length===v?e.data:e.data.subarray(e.offset,e.offset+v);else{var y=[o[2],o[2]*o[0],1];h=a.malloc(v,r);var x=n(h,o,y,0);"float32"!==r&&"float64"!==r||c!==t.UNSIGNED_BYTE?i.assign(x,e):f(x,e),u=h.subarray(0,v)}var b=m(t);return t.texImage2D(t.TEXTURE_2D,0,d,o[0],o[1],0,d,c,u),l||a.free(h),new p(t,b,o[0],o[1],d,c)}Object.defineProperties(d,{minFilter:{get:function(){return this._minFilter},set:function(t){this.bind();var e=this.gl;if(this.type===e.FLOAT&&o.indexOf(t)>=0&&(e.getExtension("OES_texture_float_linear")||(t=e.NEAREST)),s.indexOf(t)<0)throw new Error("gl-texture2d: Unknown filter mode "+t);return e.texParameteri(e.TEXTURE_2D,e.TEXTURE_MIN_FILTER,t),this._minFilter=t}},magFilter:{get:function(){return this._magFilter},set:function(t){this.bind();var e=this.gl;if(this.type===e.FLOAT&&o.indexOf(t)>=0&&(e.getExtension("OES_texture_float_linear")||(t=e.NEAREST)),s.indexOf(t)<0)throw new Error("gl-texture2d: Unknown filter mode "+t);return e.texParameteri(e.TEXTURE_2D,e.TEXTURE_MAG_FILTER,t),this._magFilter=t}},mipSamples:{get:function(){return this._anisoSamples},set:function(t){var e=this._anisoSamples;if(this._anisoSamples=0|Math.max(t,1),e!==this._anisoSamples){var r=this.gl.getExtension("EXT_texture_filter_anisotropic");r&&this.gl.texParameterf(this.gl.TEXTURE_2D,r.TEXTURE_MAX_ANISOTROPY_EXT,this._anisoSamples)}return this._anisoSamples}},wrapS:{get:function(){return this._wrapS},set:function(t){if(this.bind(),l.indexOf(t)<0)throw new Error("gl-texture2d: Unknown wrap mode "+t);return this.gl.texParameteri(this.gl.TEXTURE_2D,this.gl.TEXTURE_WRAP_S,t),this._wrapS=t}},wrapT:{get:function(){return this._wrapT},set:function(t){if(this.bind(),l.indexOf(t)<0)throw new Error("gl-texture2d: Unknown wrap mode "+t);return this.gl.texParameteri(this.gl.TEXTURE_2D,this.gl.TEXTURE_WRAP_T,t),this._wrapT=t}},wrap:{get:function(){return this._wrapVector},set:function(t){if(Array.isArray(t)||(t=[t,t]),2!==t.length)throw new Error("gl-texture2d: Must specify wrap mode for rows and columns");for(var e=0;e<2;++e)if(l.indexOf(t[e])<0)throw new Error("gl-texture2d: Unknown wrap mode "+t);this._wrapS=t[0],this._wrapT=t[1];var r=this.gl;return this.bind(),r.texParameteri(r.TEXTURE_2D,r.TEXTURE_WRAP_S,this._wrapS),r.texParameteri(r.TEXTURE_2D,r.TEXTURE_WRAP_T,this._wrapT),t}},shape:{get:function(){return this._shapeVector},set:function(t){if(Array.isArray(t)){if(2!==t.length)throw new Error("gl-texture2d: Invalid texture shape")}else t=[0|t,0|t];return h(this,0|t[0],0|t[1]),[0|t[0],0|t[1]]}},width:{get:function(){return this._shape[0]},set:function(t){return h(this,t|=0,this._shape[1]),t}},height:{get:function(){return this._shape[1]},set:function(t){return t|=0,h(this,this._shape[0],t),t}}}),d.bind=function(t){var e=this.gl;return void 0!==t&&e.activeTexture(e.TEXTURE0+(0|t)),e.bindTexture(e.TEXTURE_2D,this.handle),void 0!==t?0|t:e.getParameter(e.ACTIVE_TEXTURE)-e.TEXTURE0},d.dispose=function(){this.gl.deleteTexture(this.handle)},d.generateMipmap=function(){this.bind(),this.gl.generateMipmap(this.gl.TEXTURE_2D);for(var t=Math.min(this._shape[0],this._shape[1]),e=0;t>0;++e,t>>>=1)this._mipLevels.indexOf(e)<0&&this._mipLevels.push(e)},d.setPixels=function(t,e,r,o){var s=this.gl;this.bind(),Array.isArray(e)?(o=r,r=0|e[1],e=0|e[0]):(e=e||0,r=r||0),o=o||0;var l=u(t)?t:t.raw;if(l){this._mipLevels.indexOf(o)<0?(s.texImage2D(s.TEXTURE_2D,0,this.format,this.format,this.type,l),this._mipLevels.push(o)):s.texSubImage2D(s.TEXTURE_2D,o,e,r,this.format,this.type,l)}else{if(!(t.shape&&t.stride&&t.data))throw new Error("gl-texture2d: Unsupported data type");if(t.shape.length<2||e+t.shape[1]>this._shape[1]>>>o||r+t.shape[0]>this._shape[0]>>>o||e<0||r<0)throw new Error("gl-texture2d: Texture dimensions are out of bounds");!function(t,e,r,o,s,l,c,u){var h=u.dtype,p=u.shape.slice();if(p.length<2||p.length>3)throw new Error("gl-texture2d: Invalid ndarray, must be 2d or 3d");var d=0,m=0,v=g(p,u.stride.slice());"float32"===h?d=t.FLOAT:"float64"===h?(d=t.FLOAT,v=!1,h="float32"):"uint8"===h?d=t.UNSIGNED_BYTE:(d=t.UNSIGNED_BYTE,v=!1,h="uint8");if(2===p.length)m=t.LUMINANCE,p=[p[0],p[1],1],u=n(u.data,p,[u.stride[0],u.stride[1],1],u.offset);else{if(3!==p.length)throw new Error("gl-texture2d: Invalid shape for texture");if(1===p[2])m=t.ALPHA;else if(2===p[2])m=t.LUMINANCE_ALPHA;else if(3===p[2])m=t.RGB;else{if(4!==p[2])throw new Error("gl-texture2d: Invalid shape for pixel coords");m=t.RGBA}p[2]}m!==t.LUMINANCE&&m!==t.ALPHA||s!==t.LUMINANCE&&s!==t.ALPHA||(m=s);if(m!==s)throw new Error("gl-texture2d: Incompatible texture format for setPixels");var y=u.size,x=c.indexOf(o)<0;x&&c.push(o);if(d===l&&v)0===u.offset&&u.data.length===y?x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,u.data):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,u.data):x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,u.data.subarray(u.offset,u.offset+y)):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,u.data.subarray(u.offset,u.offset+y));else{var b;b=l===t.FLOAT?a.mallocFloat32(y):a.mallocUint8(y);var _=n(b,p,[p[2],p[2]*p[0],1]);d===t.FLOAT&&l===t.UNSIGNED_BYTE?f(_,u):i.assign(_,u),x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,b.subarray(0,y)):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,b.subarray(0,y)),l===t.FLOAT?a.freeFloat32(b):a.freeUint8(b)}}(s,e,r,o,this.format,this.type,this._mipLevels,t)}}},{ndarray:495,"ndarray-ops":490,"typedarray-pool":595}],354:[function(t,e,r){(function(r){(function(){"use strict";var n=t("pick-by-alias");function i(t){if(t.container)if(t.container==document.body)document.body.style.width||(t.canvas.width=t.width||t.pixelRatio*r.innerWidth),document.body.style.height||(t.canvas.height=t.height||t.pixelRatio*r.innerHeight);else{var e=t.container.getBoundingClientRect();t.canvas.width=t.width||e.right-e.left,t.canvas.height=t.height||e.bottom-e.top}}function a(t){return"function"==typeof t.getContext&&"width"in t&&"height"in t}function o(){var t=document.createElement("canvas");return t.style.position="absolute",t.style.top=0,t.style.left=0,t}e.exports=function(t){var e;if(t?"string"==typeof t&&(t={container:t}):t={},a(t)?t={container:t}:t="string"==typeof(e=t).nodeName&&"function"==typeof e.appendChild&&"function"==typeof e.getBoundingClientRect?{container:t}:function(t){return"function"==typeof t.drawArrays||"function"==typeof t.drawElements}(t)?{gl:t}:n(t,{container:"container target element el canvas holder parent parentNode wrapper use ref root node",gl:"gl context webgl glContext",attrs:"attributes attrs contextAttributes",pixelRatio:"pixelRatio pxRatio px ratio pxratio pixelratio",width:"w width",height:"h height"},!0),t.pixelRatio||(t.pixelRatio=r.pixelRatio||1),t.gl)return t.gl;if(t.canvas&&(t.container=t.canvas.parentNode),t.container){if("string"==typeof t.container){var s=document.querySelector(t.container);if(!s)throw Error("Element "+t.container+" is not found");t.container=s}a(t.container)?(t.canvas=t.container,t.container=t.canvas.parentNode):t.canvas||(t.canvas=o(),t.container.appendChild(t.canvas),i(t))}else if(!t.canvas){if("undefined"==typeof document)throw Error("Not DOM environment. Use headless-gl.");t.container=document.body||document.documentElement,t.canvas=o(),t.container.appendChild(t.canvas),i(t)}if(!t.gl)try{t.gl=t.canvas.getContext("webgl",t.attrs)}catch(e){try{t.gl=t.canvas.getContext("experimental-webgl",t.attrs)}catch(e){t.gl=t.canvas.getContext("webgl-experimental",t.attrs)}}return t.gl}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"pick-by-alias":511}],355:[function(t,e,r){"use strict";e.exports=function(t,e,r){e?e.bind():t.bindBuffer(t.ELEMENT_ARRAY_BUFFER,null);var n=0|t.getParameter(t.MAX_VERTEX_ATTRIBS);if(r){if(r.length>n)throw new Error("gl-vao: Too many vertex attributes");for(var i=0;i1?0:Math.acos(s)};var n=t("./fromValues"),i=t("./normalize"),a=t("./dot")},{"./dot":370,"./fromValues":376,"./normalize":387}],361:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.ceil(e[0]),t[1]=Math.ceil(e[1]),t[2]=Math.ceil(e[2]),t}},{}],362:[function(t,e,r){e.exports=function(t){var e=new Float32Array(3);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e}},{}],363:[function(t,e,r){e.exports=function(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t}},{}],364:[function(t,e,r){e.exports=function(){var t=new Float32Array(3);return t[0]=0,t[1]=0,t[2]=0,t}},{}],365:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2];return t[0]=i*l-a*s,t[1]=a*o-n*l,t[2]=n*s-i*o,t}},{}],366:[function(t,e,r){e.exports=t("./distance")},{"./distance":367}],367:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2];return Math.sqrt(r*r+n*n+i*i)}},{}],368:[function(t,e,r){e.exports=t("./divide")},{"./divide":369}],369:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]/r[0],t[1]=e[1]/r[1],t[2]=e[2]/r[2],t}},{}],370:[function(t,e,r){e.exports=function(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]}},{}],371:[function(t,e,r){e.exports=1e-6},{}],372:[function(t,e,r){e.exports=function(t,e){var r=t[0],i=t[1],a=t[2],o=e[0],s=e[1],l=e[2];return Math.abs(r-o)<=n*Math.max(1,Math.abs(r),Math.abs(o))&&Math.abs(i-s)<=n*Math.max(1,Math.abs(i),Math.abs(s))&&Math.abs(a-l)<=n*Math.max(1,Math.abs(a),Math.abs(l))};var n=t("./epsilon")},{"./epsilon":371}],373:[function(t,e,r){e.exports=function(t,e){return t[0]===e[0]&&t[1]===e[1]&&t[2]===e[2]}},{}],374:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.floor(e[0]),t[1]=Math.floor(e[1]),t[2]=Math.floor(e[2]),t}},{}],375:[function(t,e,r){e.exports=function(t,e,r,i,a,o){var s,l;e||(e=3);r||(r=0);l=i?Math.min(i*e+r,t.length):t.length;for(s=r;s0&&(a=1/Math.sqrt(a),t[0]=e[0]*a,t[1]=e[1]*a,t[2]=e[2]*a);return t}},{}],388:[function(t,e,r){e.exports=function(t,e){e=e||1;var r=2*Math.random()*Math.PI,n=2*Math.random()-1,i=Math.sqrt(1-n*n)*e;return t[0]=Math.cos(r)*i,t[1]=Math.sin(r)*i,t[2]=n*e,t}},{}],389:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[1],a=r[2],o=e[1]-i,s=e[2]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=e[0],t[1]=i+o*c-s*l,t[2]=a+o*l+s*c,t}},{}],390:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[0],a=r[2],o=e[0]-i,s=e[2]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=i+s*l+o*c,t[1]=e[1],t[2]=a+s*c-o*l,t}},{}],391:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[0],a=r[1],o=e[0]-i,s=e[1]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=i+o*c-s*l,t[1]=a+o*l+s*c,t[2]=e[2],t}},{}],392:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.round(e[0]),t[1]=Math.round(e[1]),t[2]=Math.round(e[2]),t}},{}],393:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r,t[1]=e[1]*r,t[2]=e[2]*r,t}},{}],394:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e[0]+r[0]*n,t[1]=e[1]+r[1]*n,t[2]=e[2]+r[2]*n,t}},{}],395:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e,t[1]=r,t[2]=n,t}},{}],396:[function(t,e,r){e.exports=t("./squaredDistance")},{"./squaredDistance":398}],397:[function(t,e,r){e.exports=t("./squaredLength")},{"./squaredLength":399}],398:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2];return r*r+n*n+i*i}},{}],399:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2];return e*e+r*r+n*n}},{}],400:[function(t,e,r){e.exports=t("./subtract")},{"./subtract":401}],401:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]-r[0],t[1]=e[1]-r[1],t[2]=e[2]-r[2],t}},{}],402:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2];return t[0]=n*r[0]+i*r[3]+a*r[6],t[1]=n*r[1]+i*r[4]+a*r[7],t[2]=n*r[2]+i*r[5]+a*r[8],t}},{}],403:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[3]*n+r[7]*i+r[11]*a+r[15];return o=o||1,t[0]=(r[0]*n+r[4]*i+r[8]*a+r[12])/o,t[1]=(r[1]*n+r[5]*i+r[9]*a+r[13])/o,t[2]=(r[2]*n+r[6]*i+r[10]*a+r[14])/o,t}},{}],404:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2],c=r[3],u=c*n+s*a-l*i,f=c*i+l*n-o*a,h=c*a+o*i-s*n,p=-o*n-s*i-l*a;return t[0]=u*c+p*-o+f*-l-h*-s,t[1]=f*c+p*-s+h*-o-u*-l,t[2]=h*c+p*-l+u*-s-f*-o,t}},{}],405:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]+r[0],t[1]=e[1]+r[1],t[2]=e[2]+r[2],t[3]=e[3]+r[3],t}},{}],406:[function(t,e,r){e.exports=function(t){var e=new Float32Array(4);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e[3]=t[3],e}},{}],407:[function(t,e,r){e.exports=function(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[3]=e[3],t}},{}],408:[function(t,e,r){e.exports=function(){var t=new Float32Array(4);return t[0]=0,t[1]=0,t[2]=0,t[3]=0,t}},{}],409:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2],a=e[3]-t[3];return Math.sqrt(r*r+n*n+i*i+a*a)}},{}],410:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]/r[0],t[1]=e[1]/r[1],t[2]=e[2]/r[2],t[3]=e[3]/r[3],t}},{}],411:[function(t,e,r){e.exports=function(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]+t[3]*e[3]}},{}],412:[function(t,e,r){e.exports=function(t,e,r,n){var i=new Float32Array(4);return i[0]=t,i[1]=e,i[2]=r,i[3]=n,i}},{}],413:[function(t,e,r){e.exports={create:t("./create"),clone:t("./clone"),fromValues:t("./fromValues"),copy:t("./copy"),set:t("./set"),add:t("./add"),subtract:t("./subtract"),multiply:t("./multiply"),divide:t("./divide"),min:t("./min"),max:t("./max"),scale:t("./scale"),scaleAndAdd:t("./scaleAndAdd"),distance:t("./distance"),squaredDistance:t("./squaredDistance"),length:t("./length"),squaredLength:t("./squaredLength"),negate:t("./negate"),inverse:t("./inverse"),normalize:t("./normalize"),dot:t("./dot"),lerp:t("./lerp"),random:t("./random"),transformMat4:t("./transformMat4"),transformQuat:t("./transformQuat")}},{"./add":405,"./clone":406,"./copy":407,"./create":408,"./distance":409,"./divide":410,"./dot":411,"./fromValues":412,"./inverse":414,"./length":415,"./lerp":416,"./max":417,"./min":418,"./multiply":419,"./negate":420,"./normalize":421,"./random":422,"./scale":423,"./scaleAndAdd":424,"./set":425,"./squaredDistance":426,"./squaredLength":427,"./subtract":428,"./transformMat4":429,"./transformQuat":430}],414:[function(t,e,r){e.exports=function(t,e){return t[0]=1/e[0],t[1]=1/e[1],t[2]=1/e[2],t[3]=1/e[3],t}},{}],415:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2],i=t[3];return Math.sqrt(e*e+r*r+n*n+i*i)}},{}],416:[function(t,e,r){e.exports=function(t,e,r,n){var i=e[0],a=e[1],o=e[2],s=e[3];return t[0]=i+n*(r[0]-i),t[1]=a+n*(r[1]-a),t[2]=o+n*(r[2]-o),t[3]=s+n*(r[3]-s),t}},{}],417:[function(t,e,r){e.exports=function(t,e,r){return t[0]=Math.max(e[0],r[0]),t[1]=Math.max(e[1],r[1]),t[2]=Math.max(e[2],r[2]),t[3]=Math.max(e[3],r[3]),t}},{}],418:[function(t,e,r){e.exports=function(t,e,r){return t[0]=Math.min(e[0],r[0]),t[1]=Math.min(e[1],r[1]),t[2]=Math.min(e[2],r[2]),t[3]=Math.min(e[3],r[3]),t}},{}],419:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r[0],t[1]=e[1]*r[1],t[2]=e[2]*r[2],t[3]=e[3]*r[3],t}},{}],420:[function(t,e,r){e.exports=function(t,e){return t[0]=-e[0],t[1]=-e[1],t[2]=-e[2],t[3]=-e[3],t}},{}],421:[function(t,e,r){e.exports=function(t,e){var r=e[0],n=e[1],i=e[2],a=e[3],o=r*r+n*n+i*i+a*a;o>0&&(o=1/Math.sqrt(o),t[0]=r*o,t[1]=n*o,t[2]=i*o,t[3]=a*o);return t}},{}],422:[function(t,e,r){var n=t("./normalize"),i=t("./scale");e.exports=function(t,e){return e=e||1,t[0]=Math.random(),t[1]=Math.random(),t[2]=Math.random(),t[3]=Math.random(),n(t,t),i(t,t,e),t}},{"./normalize":421,"./scale":423}],423:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r,t[1]=e[1]*r,t[2]=e[2]*r,t[3]=e[3]*r,t}},{}],424:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e[0]+r[0]*n,t[1]=e[1]+r[1]*n,t[2]=e[2]+r[2]*n,t[3]=e[3]+r[3]*n,t}},{}],425:[function(t,e,r){e.exports=function(t,e,r,n,i){return t[0]=e,t[1]=r,t[2]=n,t[3]=i,t}},{}],426:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2],a=e[3]-t[3];return r*r+n*n+i*i+a*a}},{}],427:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2],i=t[3];return e*e+r*r+n*n+i*i}},{}],428:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]-r[0],t[1]=e[1]-r[1],t[2]=e[2]-r[2],t[3]=e[3]-r[3],t}},{}],429:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3];return t[0]=r[0]*n+r[4]*i+r[8]*a+r[12]*o,t[1]=r[1]*n+r[5]*i+r[9]*a+r[13]*o,t[2]=r[2]*n+r[6]*i+r[10]*a+r[14]*o,t[3]=r[3]*n+r[7]*i+r[11]*a+r[15]*o,t}},{}],430:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2],c=r[3],u=c*n+s*a-l*i,f=c*i+l*n-o*a,h=c*a+o*i-s*n,p=-o*n-s*i-l*a;return t[0]=u*c+p*-o+f*-l-h*-s,t[1]=f*c+p*-s+h*-o-u*-l,t[2]=h*c+p*-l+u*-s-f*-o,t[3]=e[3],t}},{}],431:[function(t,e,r){var n=t("glsl-tokenizer"),i=t("atob-lite");e.exports=function(t){for(var e=Array.isArray(t)?t:n(t),r=0;r0)continue;r=t.slice(0,1).join("")}return M(r),v+=r.length,(p=p.slice(r.length)).length}}function P(){return/[^a-fA-F0-9]/.test(e)?(M(p.join("")),h=999,u):(p.push(e),r=e,u+1)}function z(){return"."===e||/[eE]/.test(e)?(p.push(e),h=5,r=e,u+1):"x"===e&&1===p.length&&"0"===p[0]?(h=11,p.push(e),r=e,u+1):/[^\d]/.test(e)?(M(p.join("")),h=999,u):(p.push(e),r=e,u+1)}function O(){return"f"===e&&(p.push(e),r=e,u+=1),/[eE]/.test(e)?(p.push(e),r=e,u+1):("-"!==e&&"+"!==e||!/[eE]/.test(r))&&/[^\d]/.test(e)?(M(p.join("")),h=999,u):(p.push(e),r=e,u+1)}function D(){if(/[^\d\w_]/.test(e)){var t=p.join("");return h=k[t]?8:T[t]?7:6,M(p.join("")),h=999,u}return p.push(e),r=e,u+1}};var n=t("./lib/literals"),i=t("./lib/operators"),a=t("./lib/builtins"),o=t("./lib/literals-300es"),s=t("./lib/builtins-300es"),l=["block-comment","line-comment","preprocessor","operator","integer","float","ident","builtin","keyword","whitespace","eof","integer"]},{"./lib/builtins":434,"./lib/builtins-300es":433,"./lib/literals":436,"./lib/literals-300es":435,"./lib/operators":437}],433:[function(t,e,r){var n=t("./builtins");n=n.slice().filter((function(t){return!/^(gl\_|texture)/.test(t)})),e.exports=n.concat(["gl_VertexID","gl_InstanceID","gl_Position","gl_PointSize","gl_FragCoord","gl_FrontFacing","gl_FragDepth","gl_PointCoord","gl_MaxVertexAttribs","gl_MaxVertexUniformVectors","gl_MaxVertexOutputVectors","gl_MaxFragmentInputVectors","gl_MaxVertexTextureImageUnits","gl_MaxCombinedTextureImageUnits","gl_MaxTextureImageUnits","gl_MaxFragmentUniformVectors","gl_MaxDrawBuffers","gl_MinProgramTexelOffset","gl_MaxProgramTexelOffset","gl_DepthRangeParameters","gl_DepthRange","trunc","round","roundEven","isnan","isinf","floatBitsToInt","floatBitsToUint","intBitsToFloat","uintBitsToFloat","packSnorm2x16","unpackSnorm2x16","packUnorm2x16","unpackUnorm2x16","packHalf2x16","unpackHalf2x16","outerProduct","transpose","determinant","inverse","texture","textureSize","textureProj","textureLod","textureOffset","texelFetch","texelFetchOffset","textureProjOffset","textureLodOffset","textureProjLod","textureProjLodOffset","textureGrad","textureGradOffset","textureProjGrad","textureProjGradOffset"])},{"./builtins":434}],434:[function(t,e,r){e.exports=["abs","acos","all","any","asin","atan","ceil","clamp","cos","cross","dFdx","dFdy","degrees","distance","dot","equal","exp","exp2","faceforward","floor","fract","gl_BackColor","gl_BackLightModelProduct","gl_BackLightProduct","gl_BackMaterial","gl_BackSecondaryColor","gl_ClipPlane","gl_ClipVertex","gl_Color","gl_DepthRange","gl_DepthRangeParameters","gl_EyePlaneQ","gl_EyePlaneR","gl_EyePlaneS","gl_EyePlaneT","gl_Fog","gl_FogCoord","gl_FogFragCoord","gl_FogParameters","gl_FragColor","gl_FragCoord","gl_FragData","gl_FragDepth","gl_FragDepthEXT","gl_FrontColor","gl_FrontFacing","gl_FrontLightModelProduct","gl_FrontLightProduct","gl_FrontMaterial","gl_FrontSecondaryColor","gl_LightModel","gl_LightModelParameters","gl_LightModelProducts","gl_LightProducts","gl_LightSource","gl_LightSourceParameters","gl_MaterialParameters","gl_MaxClipPlanes","gl_MaxCombinedTextureImageUnits","gl_MaxDrawBuffers","gl_MaxFragmentUniformComponents","gl_MaxLights","gl_MaxTextureCoords","gl_MaxTextureImageUnits","gl_MaxTextureUnits","gl_MaxVaryingFloats","gl_MaxVertexAttribs","gl_MaxVertexTextureImageUnits","gl_MaxVertexUniformComponents","gl_ModelViewMatrix","gl_ModelViewMatrixInverse","gl_ModelViewMatrixInverseTranspose","gl_ModelViewMatrixTranspose","gl_ModelViewProjectionMatrix","gl_ModelViewProjectionMatrixInverse","gl_ModelViewProjectionMatrixInverseTranspose","gl_ModelViewProjectionMatrixTranspose","gl_MultiTexCoord0","gl_MultiTexCoord1","gl_MultiTexCoord2","gl_MultiTexCoord3","gl_MultiTexCoord4","gl_MultiTexCoord5","gl_MultiTexCoord6","gl_MultiTexCoord7","gl_Normal","gl_NormalMatrix","gl_NormalScale","gl_ObjectPlaneQ","gl_ObjectPlaneR","gl_ObjectPlaneS","gl_ObjectPlaneT","gl_Point","gl_PointCoord","gl_PointParameters","gl_PointSize","gl_Position","gl_ProjectionMatrix","gl_ProjectionMatrixInverse","gl_ProjectionMatrixInverseTranspose","gl_ProjectionMatrixTranspose","gl_SecondaryColor","gl_TexCoord","gl_TextureEnvColor","gl_TextureMatrix","gl_TextureMatrixInverse","gl_TextureMatrixInverseTranspose","gl_TextureMatrixTranspose","gl_Vertex","greaterThan","greaterThanEqual","inversesqrt","length","lessThan","lessThanEqual","log","log2","matrixCompMult","max","min","mix","mod","normalize","not","notEqual","pow","radians","reflect","refract","sign","sin","smoothstep","sqrt","step","tan","texture2D","texture2DLod","texture2DProj","texture2DProjLod","textureCube","textureCubeLod","texture2DLodEXT","texture2DProjLodEXT","textureCubeLodEXT","texture2DGradEXT","texture2DProjGradEXT","textureCubeGradEXT"]},{}],435:[function(t,e,r){var n=t("./literals");e.exports=n.slice().concat(["layout","centroid","smooth","case","mat2x2","mat2x3","mat2x4","mat3x2","mat3x3","mat3x4","mat4x2","mat4x3","mat4x4","uvec2","uvec3","uvec4","samplerCubeShadow","sampler2DArray","sampler2DArrayShadow","isampler2D","isampler3D","isamplerCube","isampler2DArray","usampler2D","usampler3D","usamplerCube","usampler2DArray","coherent","restrict","readonly","writeonly","resource","atomic_uint","noperspective","patch","sample","subroutine","common","partition","active","filter","image1D","image2D","image3D","imageCube","iimage1D","iimage2D","iimage3D","iimageCube","uimage1D","uimage2D","uimage3D","uimageCube","image1DArray","image2DArray","iimage1DArray","iimage2DArray","uimage1DArray","uimage2DArray","image1DShadow","image2DShadow","image1DArrayShadow","image2DArrayShadow","imageBuffer","iimageBuffer","uimageBuffer","sampler1DArray","sampler1DArrayShadow","isampler1D","isampler1DArray","usampler1D","usampler1DArray","isampler2DRect","usampler2DRect","samplerBuffer","isamplerBuffer","usamplerBuffer","sampler2DMS","isampler2DMS","usampler2DMS","sampler2DMSArray","isampler2DMSArray","usampler2DMSArray"])},{"./literals":436}],436:[function(t,e,r){e.exports=["precision","highp","mediump","lowp","attribute","const","uniform","varying","break","continue","do","for","while","if","else","in","out","inout","float","int","uint","void","bool","true","false","discard","return","mat2","mat3","mat4","vec2","vec3","vec4","ivec2","ivec3","ivec4","bvec2","bvec3","bvec4","sampler1D","sampler2D","sampler3D","samplerCube","sampler1DShadow","sampler2DShadow","struct","asm","class","union","enum","typedef","template","this","packed","goto","switch","default","inline","noinline","volatile","public","static","extern","external","interface","long","short","double","half","fixed","unsigned","input","output","hvec2","hvec3","hvec4","dvec2","dvec3","dvec4","fvec2","fvec3","fvec4","sampler2DRect","sampler3DRect","sampler2DRectShadow","sizeof","cast","namespace","using"]},{}],437:[function(t,e,r){e.exports=["<<=",">>=","++","--","<<",">>","<=",">=","==","!=","&&","||","+=","-=","*=","/=","%=","&=","^^","^=","|=","(",")","[","]",".","!","~","*","/","%","+","-","<",">","&","^","|","?",":","=",",",";","{","}"]},{}],438:[function(t,e,r){var n=t("./index");e.exports=function(t,e){var r=n(e),i=[];return i=(i=i.concat(r(t))).concat(r(null))}},{"./index":432}],439:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],440:[function(t,e,r){(function(r){(function(){"use strict";var n,i=t("is-browser");n="function"==typeof r.matchMedia?!r.matchMedia("(hover: none)").matches:i,e.exports=n}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"is-browser":464}],441:[function(t,e,r){"use strict";var n=t("is-browser");e.exports=n&&function(){var t=!1;try{var e=Object.defineProperty({},"passive",{get:function(){t=!0}});window.addEventListener("test",null,e),window.removeEventListener("test",null,e)}catch(e){t=!1}return t}()},{"is-browser":464}],442:[function(t,e,r){r.read=function(t,e,r,n,i){var a,o,s=8*i-n-1,l=(1<>1,u=-7,f=r?i-1:0,h=r?-1:1,p=t[e+f];for(f+=h,a=p&(1<<-u)-1,p>>=-u,u+=s;u>0;a=256*a+t[e+f],f+=h,u-=8);for(o=a&(1<<-u)-1,a>>=-u,u+=n;u>0;o=256*o+t[e+f],f+=h,u-=8);if(0===a)a=1-c;else{if(a===l)return o?NaN:1/0*(p?-1:1);o+=Math.pow(2,n),a-=c}return(p?-1:1)*o*Math.pow(2,a-n)},r.write=function(t,e,r,n,i,a){var o,s,l,c=8*a-i-1,u=(1<>1,h=23===i?Math.pow(2,-24)-Math.pow(2,-77):0,p=n?0:a-1,d=n?1:-1,g=e<0||0===e&&1/e<0?1:0;for(e=Math.abs(e),isNaN(e)||e===1/0?(s=isNaN(e)?1:0,o=u):(o=Math.floor(Math.log(e)/Math.LN2),e*(l=Math.pow(2,-o))<1&&(o--,l*=2),(e+=o+f>=1?h/l:h*Math.pow(2,1-f))*l>=2&&(o++,l/=2),o+f>=u?(s=0,o=u):o+f>=1?(s=(e*l-1)*Math.pow(2,i),o+=f):(s=e*Math.pow(2,f-1)*Math.pow(2,i),o=0));i>=8;t[r+p]=255&s,p+=d,s/=256,i-=8);for(o=o<0;t[r+p]=255&o,p+=d,o/=256,c-=8);t[r+p-d]|=128*g}},{}],443:[function(t,e,r){"use strict";var n=t("./types");e.exports=function(t,e){var r;for(r in n)if(n[r].detect(t,e))return r}},{"./types":446}],444:[function(t,e,r){(function(r){(function(){"use strict";var n=t("fs"),i=t("path"),a=t("./types"),o=t("./detector");function s(t,e){var r=o(t,e);if(r in a){var n=a[r].calculate(t,e);if(!1!==n)return n.type=r,n}throw new TypeError("unsupported file type: "+r+" (file: "+e+")")}e.exports=function(t,e){if(r.isBuffer(t))return s(t);if("string"!=typeof t)throw new TypeError("invalid invocation");var a=i.resolve(t);if("function"!=typeof e)return s(function(t){var e=n.openSync(t,"r"),i=n.fstatSync(e).size,a=Math.min(i,524288),o=r.alloc(a);return n.readSync(e,o,0,a,0),n.closeSync(e),o}(a),a);!function(t,e){n.open(t,"r",(function(i,a){if(i)return e(i);n.fstat(a,(function(i,o){if(i)return e(i);var s=o.size;if(s<=0)return e(new Error("File size is not greater than 0 \u2014\u2014 "+t));var l=Math.min(s,524288),c=r.alloc(l);n.read(a,c,0,l,0,(function(t){if(t)return e(t);n.close(a,(function(t){e(t,c)}))}))}))}))}(a,(function(t,r){if(t)return e(t);var n;try{n=s(r,a)}catch(e){t=e}e(t,n)}))},e.exports.types=Object.keys(a)}).call(this)}).call(this,t("buffer").Buffer)},{"./detector":443,"./types":446,buffer:111,fs:109,path:507}],445:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){return r=r||0,t["readUInt"+e+(n?"BE":"LE")].call(t,r)}},{}],446:[function(t,e,r){"use strict";var n={bmp:t("./types/bmp"),cur:t("./types/cur"),dds:t("./types/dds"),gif:t("./types/gif"),icns:t("./types/icns"),ico:t("./types/ico"),jpg:t("./types/jpg"),png:t("./types/png"),psd:t("./types/psd"),svg:t("./types/svg"),tiff:t("./types/tiff"),webp:t("./types/webp")};e.exports=n},{"./types/bmp":447,"./types/cur":448,"./types/dds":449,"./types/gif":450,"./types/icns":451,"./types/ico":452,"./types/jpg":453,"./types/png":454,"./types/psd":455,"./types/svg":456,"./types/tiff":457,"./types/webp":458}],447:[function(t,e,r){"use strict";e.exports={detect:function(t){return"BM"===t.toString("ascii",0,2)},calculate:function(t){return{width:t.readUInt32LE(18),height:Math.abs(t.readInt32LE(22))}}}},{}],448:[function(t,e,r){"use strict";e.exports={detect:function(t){return 0===t.readUInt16LE(0)&&2===t.readUInt16LE(2)},calculate:t("./ico").calculate}},{"./ico":452}],449:[function(t,e,r){"use strict";e.exports={detect:function(t){return 542327876===t.readUInt32LE(0)},calculate:function(t){return{height:t.readUInt32LE(12),width:t.readUInt32LE(16)}}}},{}],450:[function(t,e,r){"use strict";var n=/^GIF8[79]a/;e.exports={detect:function(t){var e=t.toString("ascii",0,6);return n.test(e)},calculate:function(t){return{width:t.readUInt16LE(6),height:t.readUInt16LE(8)}}}},{}],451:[function(t,e,r){"use strict";var n={ICON:32,"ICN#":32,"icm#":16,icm4:16,icm8:16,"ics#":16,ics4:16,ics8:16,is32:16,s8mk:16,icp4:16,icl4:32,icl8:32,il32:32,l8mk:32,icp5:32,ic11:32,ich4:48,ich8:48,ih32:48,h8mk:48,icp6:64,ic12:32,it32:128,t8mk:128,ic07:128,ic08:256,ic13:256,ic09:512,ic14:512,ic10:1024};function i(t,e){var r=e+4;return[t.toString("ascii",e,r),t.readUInt32BE(r)]}function a(t){var e=n[t];return{width:e,height:e,type:t}}e.exports={detect:function(t){return"icns"===t.toString("ascii",0,4)},calculate:function(t){var e,r,n,o=t.length,s=8,l=t.readUInt32BE(4);if(r=a((e=i(t,s))[0]),(s+=e[1])===l)return r;for(n={width:r.width,height:r.height,images:[r]};st.length)return;var s=t.slice(r,i);if(274===n(s,16,0,e)){if(3!==n(s,16,2,e))return;if(1!==n(s,32,4,e))return;return n(s,16,8,e)}}}(r,a)}function s(t,e){if(e>t.length)throw new TypeError("Corrupt JPG, exceeded buffer limits");if(255!==t[e])throw new TypeError("Invalid JPG, marker table corrupted")}e.exports={detect:function(t){return"ffd8"===t.toString("hex",0,2)},calculate:function(t){var e,r,n;for(t=t.slice(4);t.length;){if(r=t.readUInt16BE(0),i(t)&&(e=o(t,r)),s(t,r),192===(n=t[r+1])||193===n||194===n){var l=a(t,r+5);return e?{width:l.width,height:l.height,orientation:e}:l}t=t.slice(r+2)}throw new TypeError("Invalid JPG, no size found")}}},{"../readUInt":445}],454:[function(t,e,r){"use strict";e.exports={detect:function(t){if("PNG\r\n\x1a\n"===t.toString("ascii",1,8)){var e=t.toString("ascii",12,16);if("CgBI"===e&&(e=t.toString("ascii",28,32)),"IHDR"!==e)throw new TypeError("invalid png");return!0}},calculate:function(t){return"CgBI"===t.toString("ascii",12,16)?{width:t.readUInt32BE(32),height:t.readUInt32BE(36)}:{width:t.readUInt32BE(16),height:t.readUInt32BE(20)}}}},{}],455:[function(t,e,r){"use strict";e.exports={detect:function(t){return"8BPS"===t.toString("ascii",0,4)},calculate:function(t){return{width:t.readUInt32BE(18),height:t.readUInt32BE(14)}}}},{}],456:[function(t,e,r){"use strict";var n=/"']|"[^"]*"|'[^']*')*>/;var i={root:n,width:/\swidth=(['"])([^%]+?)\1/,height:/\sheight=(['"])([^%]+?)\1/,viewbox:/\sviewBox=(['"])(.+?)\1/},a={cm:96/2.54,mm:96/2.54/10,m:96/2.54*100,pt:96/72,pc:96/72/12,em:16,ex:8};function o(t){var e=/([0-9.]+)([a-z]*)/.exec(t);if(e)return Math.round(parseFloat(e[1])*(a[e[2]]||1))}function s(t){var e=t.split(" ");return{width:o(e[2]),height:o(e[3])}}e.exports={detect:function(t){return n.test(t)},calculate:function(t){var e=t.toString("utf8").match(i.root);if(e){var r=function(t){var e=t.match(i.width),r=t.match(i.height),n=t.match(i.viewbox);return{width:e&&o(e[2]),height:r&&o(r[2]),viewbox:n&&s(n[2])}}(e[0]);if(r.width&&r.height)return function(t){return{width:t.width,height:t.height}}(r);if(r.viewbox)return function(t){var e=t.viewbox.width/t.viewbox.height;return t.width?{width:t.width,height:Math.floor(t.width/e)}:t.height?{width:Math.floor(t.height*e),height:t.height}:{width:t.viewbox.width,height:t.viewbox.height}}(r)}throw new TypeError("invalid svg")}}},{}],457:[function(t,e,r){(function(r){(function(){"use strict";var n=t("fs"),i=t("../readUInt");function a(t,e){var r=i(t,16,8,e);return(i(t,16,10,e)<<16)+r}function o(t){if(t.length>24)return t.slice(12)}e.exports={detect:function(t){var e=t.toString("hex",0,4);return"49492a00"===e||"4d4d002a"===e},calculate:function(t,e){if(!e)throw new TypeError("Tiff doesn't support buffer");var s="BE"===function(t){var e=t.toString("ascii",0,2);return"II"===e?"LE":"MM"===e?"BE":void 0}(t),l=function(t,e){for(var r,n,s,l={};t&&t.length&&(r=i(t,16,0,e),n=i(t,16,2,e),s=i(t,32,4,e),0!==r);)1!==s||3!==n&&4!==n||(l[r]=a(t,e)),t=o(t);return l}(function(t,e,a){var o=i(t,32,4,a),s=1024,l=n.statSync(e).size;o+s>l&&(s=l-o-10);var c=r.alloc(s),u=n.openSync(e,"r");return n.readSync(u,c,0,s,o),c.slice(2)}(t,e,s),s),c=l[256],u=l[257];if(!c||!u)throw new TypeError("Invalid Tiff, missing tags");return{width:c,height:u}}}}).call(this)}).call(this,t("buffer").Buffer)},{"../readUInt":445,buffer:111,fs:109}],458:[function(t,e,r){"use strict";e.exports={detect:function(t){var e="RIFF"===t.toString("ascii",0,4),r="WEBP"===t.toString("ascii",8,12),n="VP8"===t.toString("ascii",12,15);return e&&r&&n},calculate:function(t){var e=t.toString("ascii",12,16);if(t=t.slice(20,30),"VP8X"===e){var r=t[0];return!(!(0==(192&r))||!(0==(1&r)))&&function(t){return{width:1+t.readUIntLE(4,3),height:1+t.readUIntLE(7,3)}}(t)}if("VP8 "===e&&47!==t[0])return function(t){return{width:16383&t.readInt16LE(6),height:16383&t.readInt16LE(8)}}(t);var n=t.toString("hex",3,6);return"VP8L"===e&&"9d012a"!==n&&function(t){return{width:1+((63&t[2])<<8|t[1]),height:1+((15&t[4])<<10|t[3]<<2|(192&t[2])>>6)}}(t)}}},{}],459:[function(t,e,r){"use strict";e.exports=function(t,e){var r=t.length;if(0===r)throw new Error("Must have at least d+1 points");var i=t[0].length;if(r<=i)throw new Error("Must input at least d+1 points");var o=t.slice(0,i+1),s=n.apply(void 0,o);if(0===s)throw new Error("Input not in general position");for(var l=new Array(i+1),u=0;u<=i;++u)l[u]=u;s<0&&(l[0]=1,l[1]=0);var f=new a(l,new Array(i+1),!1),h=f.adjacent,p=new Array(i+2);for(u=0;u<=i;++u){for(var d=l.slice(),g=0;g<=i;++g)g===u&&(d[g]=-1);var m=d[0];d[0]=d[1],d[1]=m;var v=new a(d,new Array(i+1),!0);h[u]=v,p[u]=v}p[i+1]=f;for(u=0;u<=i;++u){d=h[u].vertices;var y=h[u].adjacent;for(g=0;g<=i;++g){var x=d[g];if(x<0)y[g]=f;else for(var b=0;b<=i;++b)h[b].vertices.indexOf(x)<0&&(y[g]=h[b])}}var _=new c(i,o,p),w=!!e;for(u=i+1;u0&&e.push(","),e.push("tuple[",r,"]");e.push(")}return orient");var i=new Function("test",e.join("")),a=n[t+1];return a||(a=n),i(a)}(t)),this.orient=a}var u=c.prototype;u.handleBoundaryDegeneracy=function(t,e){var r=this.dimension,n=this.vertices.length-1,i=this.tuple,a=this.vertices,o=[t];for(t.lastVisited=-n;o.length>0;){(t=o.pop()).vertices;for(var s=t.adjacent,l=0;l<=r;++l){var c=s[l];if(c.boundary&&!(c.lastVisited<=-n)){for(var u=c.vertices,f=0;f<=r;++f){var h=u[f];i[f]=h<0?e:a[h]}var p=this.orient();if(p>0)return c;c.lastVisited=-n,0===p&&o.push(c)}}}return null},u.walk=function(t,e){var r=this.vertices.length-1,n=this.dimension,i=this.vertices,a=this.tuple,o=e?this.interior.length*Math.random()|0:this.interior.length-1,s=this.interior[o];t:for(;!s.boundary;){for(var l=s.vertices,c=s.adjacent,u=0;u<=n;++u)a[u]=i[l[u]];s.lastVisited=r;for(u=0;u<=n;++u){var f=c[u];if(!(f.lastVisited>=r)){var h=a[u];a[u]=t;var p=this.orient();if(a[u]=h,p<0){s=f;continue t}f.boundary?f.lastVisited=-r:f.lastVisited=r}}return}return s},u.addPeaks=function(t,e){var r=this.vertices.length-1,n=this.dimension,i=this.vertices,l=this.tuple,c=this.interior,u=this.simplices,f=[e];e.lastVisited=r,e.vertices[e.vertices.indexOf(-1)]=r,e.boundary=!1,c.push(e);for(var h=[];f.length>0;){var p=(e=f.pop()).vertices,d=e.adjacent,g=p.indexOf(r);if(!(g<0))for(var m=0;m<=n;++m)if(m!==g){var v=d[m];if(v.boundary&&!(v.lastVisited>=r)){var y=v.vertices;if(v.lastVisited!==-r){for(var x=0,b=0;b<=n;++b)y[b]<0?(x=b,l[b]=t):l[b]=i[y[b]];if(this.orient()>0){y[x]=r,v.boundary=!1,c.push(v),f.push(v),v.lastVisited=r;continue}v.lastVisited=-r}var _=v.adjacent,w=p.slice(),T=d.slice(),k=new a(w,T,!0);u.push(k);var M=_.indexOf(e);if(!(M<0)){_[M]=k,T[g]=v,w[m]=-1,T[m]=e,d[m]=k,k.flip();for(b=0;b<=n;++b){var A=w[b];if(!(A<0||A===r)){for(var S=new Array(n-1),E=0,C=0;C<=n;++C){var L=w[C];L<0||C===b||(S[E++]=L)}h.push(new o(S,k,b))}}}}}}h.sort(s);for(m=0;m+1=0?o[l++]=s[u]:c=1&u;if(c===(1&t)){var f=o[0];o[0]=o[1],o[1]=f}e.push(o)}}return e}},{"robust-orientation":548,"simplicial-complex":558}],460:[function(t,e,r){"use strict";var n=t("binary-search-bounds");function i(t,e,r,n,i){this.mid=t,this.left=e,this.right=r,this.leftPoints=n,this.rightPoints=i,this.count=(e?e.count:0)+(r?r.count:0)+n.length}e.exports=function(t){if(!t||0===t.length)return new v(null);return new v(m(t))};var a=i.prototype;function o(t,e){t.mid=e.mid,t.left=e.left,t.right=e.right,t.leftPoints=e.leftPoints,t.rightPoints=e.rightPoints,t.count=e.count}function s(t,e){var r=m(e);t.mid=r.mid,t.left=r.left,t.right=r.right,t.leftPoints=r.leftPoints,t.rightPoints=r.rightPoints,t.count=r.count}function l(t,e){var r=t.intervals([]);r.push(e),s(t,r)}function c(t,e){var r=t.intervals([]),n=r.indexOf(e);return n<0?0:(r.splice(n,1),s(t,r),1)}function u(t,e,r){for(var n=0;n=0&&t[n][1]>=e;--n){var i=r(t[n]);if(i)return i}}function h(t,e){for(var r=0;r>1],a=[],o=[],s=[];for(r=0;r3*(e+1)?l(this,t):this.left.insert(t):this.left=m([t]);else if(t[0]>this.mid)this.right?4*(this.right.count+1)>3*(e+1)?l(this,t):this.right.insert(t):this.right=m([t]);else{var r=n.ge(this.leftPoints,t,d),i=n.ge(this.rightPoints,t,g);this.leftPoints.splice(r,0,t),this.rightPoints.splice(i,0,t)}},a.remove=function(t){var e=this.count-this.leftPoints;if(t[1]3*(e-1)?c(this,t):2===(s=this.left.remove(t))?(this.left=null,this.count-=1,1):(1===s&&(this.count-=1),s):0;if(t[0]>this.mid)return this.right?4*(this.left?this.left.count:0)>3*(e-1)?c(this,t):2===(s=this.right.remove(t))?(this.right=null,this.count-=1,1):(1===s&&(this.count-=1),s):0;if(1===this.count)return this.leftPoints[0]===t?2:0;if(1===this.leftPoints.length&&this.leftPoints[0]===t){if(this.left&&this.right){for(var r=this,i=this.left;i.right;)r=i,i=i.right;if(r===this)i.right=this.right;else{var a=this.left,s=this.right;r.count-=i.count,r.right=i.left,i.left=a,i.right=s}o(this,i),this.count=(this.left?this.left.count:0)+(this.right?this.right.count:0)+this.leftPoints.length}else this.left?o(this,this.left):o(this,this.right);return 1}for(a=n.ge(this.leftPoints,t,d);athis.mid){var r;if(this.right)if(r=this.right.queryPoint(t,e))return r;return f(this.rightPoints,t,e)}return h(this.leftPoints,e)},a.queryInterval=function(t,e,r){var n;if(tthis.mid&&this.right&&(n=this.right.queryInterval(t,e,r)))return n;return ethis.mid?f(this.rightPoints,t,r):h(this.leftPoints,r)};var y=v.prototype;y.insert=function(t){this.root?this.root.insert(t):this.root=new i(t[0],null,null,[t],[t])},y.remove=function(t){if(this.root){var e=this.root.remove(t);return 2===e&&(this.root=null),0!==e}return!1},y.queryPoint=function(t,e){if(this.root)return this.root.queryPoint(t,e)},y.queryInterval=function(t,e,r){if(t<=e&&this.root)return this.root.queryInterval(t,e,r)},Object.defineProperty(y,"count",{get:function(){return this.root?this.root.count:0}}),Object.defineProperty(y,"intervals",{get:function(){return this.root?this.root.intervals([]):[]}})},{"binary-search-bounds":461}],461:[function(t,e,r){arguments[4][243][0].apply(r,arguments)},{dup:243}],462:[function(t,e,r){"use strict";e.exports=function(t,e){e=e||new Array(t.length);for(var r=0;r + * @license MIT + */ +e.exports=function(t){return null!=t&&(n(t)||function(t){return"function"==typeof t.readFloatLE&&"function"==typeof t.slice&&n(t.slice(0,0))}(t)||!!t._isBuffer)}},{}],466:[function(t,e,r){"use strict";e.exports="undefined"!=typeof navigator&&(/MSIE/.test(navigator.userAgent)||/Trident\//.test(navigator.appVersion))},{}],467:[function(t,e,r){"use strict";e.exports=a,e.exports.isMobile=a,e.exports.default=a;var n=/(android|bb\d+|meego).+mobile|avantgo|bada\/|blackberry|blazer|compal|elaine|fennec|hiptop|iemobile|ip(hone|od)|iris|kindle|lge |maemo|midp|mmp|mobile.+firefox|netfront|opera m(ob|in)i|palm( os)?|phone|p(ixi|re)\/|plucker|pocket|psp|series[46]0|symbian|treo|up\.(browser|link)|vodafone|wap|windows (ce|phone)|xda|xiino/i,i=/(android|bb\d+|meego).+mobile|avantgo|bada\/|blackberry|blazer|compal|elaine|fennec|hiptop|iemobile|ip(hone|od)|iris|kindle|lge |maemo|midp|mmp|mobile.+firefox|netfront|opera m(ob|in)i|palm( os)?|phone|p(ixi|re)\/|plucker|pocket|psp|series[46]0|symbian|treo|up\.(browser|link)|vodafone|wap|windows (ce|phone)|xda|xiino|android|ipad|playbook|silk/i;function a(t){t||(t={});var e=t.ua;if(e||"undefined"==typeof navigator||(e=navigator.userAgent),e&&e.headers&&"string"==typeof e.headers["user-agent"]&&(e=e.headers["user-agent"]),"string"!=typeof e)return!1;var r=t.tablet?i.test(e):n.test(e);return!r&&t.tablet&&t.featureDetect&&navigator&&navigator.maxTouchPoints>1&&-1!==e.indexOf("Macintosh")&&-1!==e.indexOf("Safari")&&(r=!0),r}},{}],468:[function(t,e,r){"use strict";e.exports=function(t){var e=typeof t;return null!==t&&("object"===e||"function"===e)}},{}],469:[function(t,e,r){"use strict";var n=Object.prototype.toString;e.exports=function(t){var e;return"[object Object]"===n.call(t)&&(null===(e=Object.getPrototypeOf(t))||e===Object.getPrototypeOf({}))}},{}],470:[function(t,e,r){"use strict";e.exports=function(t){for(var e,r=t.length,n=0;n13)&&32!==e&&133!==e&&160!==e&&5760!==e&&6158!==e&&(e<8192||e>8205)&&8232!==e&&8233!==e&&8239!==e&&8287!==e&&8288!==e&&12288!==e&&65279!==e)return!1;return!0}},{}],471:[function(t,e,r){"use strict";e.exports=function(t){return"string"==typeof t&&(t=t.trim(),!!(/^[mzlhvcsqta]\s*[-+.0-9][^mlhvzcsqta]+/i.test(t)&&/[\dz]$/i.test(t)&&t.length>4))}},{}],472:[function(t,e,r){e.exports=function(t,e,r){return t*(1-r)+e*r}},{}],473:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?e.exports=n():(t=t||self).mapboxgl=n()}(this,(function(){"use strict";var t,e,r;function n(n,i){if(t)if(e){var a="var sharedChunk = {}; ("+t+")(sharedChunk); ("+e+")(sharedChunk);",o={};t(o),(r=i(o)).workerUrl=window.URL.createObjectURL(new Blob([a],{type:"text/javascript"}))}else e=i;else t=i}return n(0,(function(t){function e(t,e){return t(e={exports:{}},e.exports),e.exports}var r=n;function n(t,e,r,n){this.cx=3*t,this.bx=3*(r-t)-this.cx,this.ax=1-this.cx-this.bx,this.cy=3*e,this.by=3*(n-e)-this.cy,this.ay=1-this.cy-this.by,this.p1x=t,this.p1y=n,this.p2x=r,this.p2y=n}n.prototype.sampleCurveX=function(t){return((this.ax*t+this.bx)*t+this.cx)*t},n.prototype.sampleCurveY=function(t){return((this.ay*t+this.by)*t+this.cy)*t},n.prototype.sampleCurveDerivativeX=function(t){return(3*this.ax*t+2*this.bx)*t+this.cx},n.prototype.solveCurveX=function(t,e){var r,n,i,a,o;for(void 0===e&&(e=1e-6),i=t,o=0;o<8;o++){if(a=this.sampleCurveX(i)-t,Math.abs(a)(n=1))return n;for(;ra?r=i:n=i,i=.5*(n-r)+r}return i},n.prototype.solve=function(t,e){return this.sampleCurveY(this.solveCurveX(t,e))};var i=a;function a(t,e){this.x=t,this.y=e}function o(t,e,n,i){var a=new r(t,e,n,i);return function(t){return a.solve(t)}}a.prototype={clone:function(){return new a(this.x,this.y)},add:function(t){return this.clone()._add(t)},sub:function(t){return this.clone()._sub(t)},multByPoint:function(t){return this.clone()._multByPoint(t)},divByPoint:function(t){return this.clone()._divByPoint(t)},mult:function(t){return this.clone()._mult(t)},div:function(t){return this.clone()._div(t)},rotate:function(t){return this.clone()._rotate(t)},rotateAround:function(t,e){return this.clone()._rotateAround(t,e)},matMult:function(t){return this.clone()._matMult(t)},unit:function(){return this.clone()._unit()},perp:function(){return this.clone()._perp()},round:function(){return this.clone()._round()},mag:function(){return Math.sqrt(this.x*this.x+this.y*this.y)},equals:function(t){return this.x===t.x&&this.y===t.y},dist:function(t){return Math.sqrt(this.distSqr(t))},distSqr:function(t){var e=t.x-this.x,r=t.y-this.y;return e*e+r*r},angle:function(){return Math.atan2(this.y,this.x)},angleTo:function(t){return Math.atan2(this.y-t.y,this.x-t.x)},angleWith:function(t){return this.angleWithSep(t.x,t.y)},angleWithSep:function(t,e){return Math.atan2(this.x*e-this.y*t,this.x*t+this.y*e)},_matMult:function(t){var e=t[2]*this.x+t[3]*this.y;return this.x=t[0]*this.x+t[1]*this.y,this.y=e,this},_add:function(t){return this.x+=t.x,this.y+=t.y,this},_sub:function(t){return this.x-=t.x,this.y-=t.y,this},_mult:function(t){return this.x*=t,this.y*=t,this},_div:function(t){return this.x/=t,this.y/=t,this},_multByPoint:function(t){return this.x*=t.x,this.y*=t.y,this},_divByPoint:function(t){return this.x/=t.x,this.y/=t.y,this},_unit:function(){return this._div(this.mag()),this},_perp:function(){var t=this.y;return this.y=this.x,this.x=-t,this},_rotate:function(t){var e=Math.cos(t),r=Math.sin(t),n=r*this.x+e*this.y;return this.x=e*this.x-r*this.y,this.y=n,this},_rotateAround:function(t,e){var r=Math.cos(t),n=Math.sin(t),i=e.y+n*(this.x-e.x)+r*(this.y-e.y);return this.x=e.x+r*(this.x-e.x)-n*(this.y-e.y),this.y=i,this},_round:function(){return this.x=Math.round(this.x),this.y=Math.round(this.y),this}},a.convert=function(t){return t instanceof a?t:Array.isArray(t)?new a(t[0],t[1]):t};var s=o(.25,.1,.25,1);function l(t,e,r){return Math.min(r,Math.max(e,t))}function c(t,e,r){var n=r-e,i=((t-e)%n+n)%n+e;return i===e?r:i}function u(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];for(var n=0,i=e;n>e/4).toString(16):([1e7]+-[1e3]+-4e3+-8e3+-1e11).replace(/[018]/g,t)}()}function d(t){return!!t&&/^[0-9a-f]{8}-[0-9a-f]{4}-[4][0-9a-f]{3}-[89ab][0-9a-f]{3}-[0-9a-f]{12}$/i.test(t)}function g(t,e){t.forEach((function(t){e[t]&&(e[t]=e[t].bind(e))}))}function m(t,e){return-1!==t.indexOf(e,t.length-e.length)}function v(t,e,r){var n={};for(var i in t)n[i]=e.call(r||this,t[i],i,t);return n}function y(t,e,r){var n={};for(var i in t)e.call(r||this,t[i],i,t)&&(n[i]=t[i]);return n}function x(t){return Array.isArray(t)?t.map(x):"object"==typeof t&&t?v(t,x):t}var b={};function _(t){b[t]||("undefined"!=typeof console&&console.warn(t),b[t]=!0)}function w(t,e,r){return(r.y-t.y)*(e.x-t.x)>(e.y-t.y)*(r.x-t.x)}function T(t){for(var e=0,r=0,n=t.length,i=n-1,a=void 0,o=void 0;r@\,;\:\\"\/\[\]\?\=\{\}\x7F]+)(?:\=(?:([^\x00-\x20\(\)<>@\,;\:\\"\/\[\]\?\=\{\}\x7F]+)|(?:\"((?:[^"\\]|\\.)*)\")))?/g,(function(t,r,n,i){var a=n||i;return e[r]=!a||a.toLowerCase(),""})),e["max-age"]){var r=parseInt(e["max-age"],10);isNaN(r)?delete e["max-age"]:e["max-age"]=r}return e}var A=null;function S(t){if(null==A){var e=t.navigator?t.navigator.userAgent:null;A=!!t.safari||!(!e||!(/\b(iPad|iPhone|iPod)\b/.test(e)||e.match("Safari")&&!e.match("Chrome")))}return A}function E(t){try{var e=self[t];return e.setItem("_mapbox_test_",1),e.removeItem("_mapbox_test_"),!0}catch(t){return!1}}var C,L,I,P,z=self.performance&&self.performance.now?self.performance.now.bind(self.performance):Date.now.bind(Date),O=self.requestAnimationFrame||self.mozRequestAnimationFrame||self.webkitRequestAnimationFrame||self.msRequestAnimationFrame,D=self.cancelAnimationFrame||self.mozCancelAnimationFrame||self.webkitCancelAnimationFrame||self.msCancelAnimationFrame,R={now:z,frame:function(t){var e=O(t);return{cancel:function(){return D(e)}}},getImageData:function(t,e){void 0===e&&(e=0);var r=self.document.createElement("canvas"),n=r.getContext("2d");if(!n)throw new Error("failed to create canvas 2d context");return r.width=t.width,r.height=t.height,n.drawImage(t,0,0,t.width,t.height),n.getImageData(-e,-e,t.width+2*e,t.height+2*e)},resolveURL:function(t){return C||(C=self.document.createElement("a")),C.href=t,C.href},hardwareConcurrency:self.navigator.hardwareConcurrency||4,get devicePixelRatio(){return self.devicePixelRatio},get prefersReducedMotion(){return!!self.matchMedia&&(null==L&&(L=self.matchMedia("(prefers-reduced-motion: reduce)")),L.matches)}},F={API_URL:"https://api.mapbox.com",get EVENTS_URL(){return this.API_URL?0===this.API_URL.indexOf("https://api.mapbox.cn")?"https://events.mapbox.cn/events/v2":0===this.API_URL.indexOf("https://api.mapbox.com")?"https://events.mapbox.com/events/v2":null:null},FEEDBACK_URL:"https://apps.mapbox.com/feedback",REQUIRE_ACCESS_TOKEN:!0,ACCESS_TOKEN:null,MAX_PARALLEL_IMAGE_REQUESTS:16},B={supported:!1,testSupport:function(t){!N&&P&&(j?U(t):I=t)}},N=!1,j=!1;function U(t){var e=t.createTexture();t.bindTexture(t.TEXTURE_2D,e);try{if(t.texImage2D(t.TEXTURE_2D,0,t.RGBA,t.RGBA,t.UNSIGNED_BYTE,P),t.isContextLost())return;B.supported=!0}catch(t){}t.deleteTexture(e),N=!0}self.document&&((P=self.document.createElement("img")).onload=function(){I&&U(I),I=null,j=!0},P.onerror=function(){N=!0,I=null},P.src="data:image/webp;base64,UklGRh4AAABXRUJQVlA4TBEAAAAvAQAAAAfQ//73v/+BiOh/AAA=");var V="01",q=function(t,e){this._transformRequestFn=t,this._customAccessToken=e,this._createSkuToken()};function H(t){return 0===t.indexOf("mapbox:")}q.prototype._createSkuToken=function(){var t=function(){for(var t="",e=0;e<10;e++)t+="0123456789abcdefghijklmnopqrstuvwxyzABCDEFGHIJKLMNOPQRSTUVWXYZ"[Math.floor(62*Math.random())];return{token:["1",V,t].join(""),tokenExpiresAt:Date.now()+432e5}}();this._skuToken=t.token,this._skuTokenExpiresAt=t.tokenExpiresAt},q.prototype._isSkuTokenExpired=function(){return Date.now()>this._skuTokenExpiresAt},q.prototype.transformRequest=function(t,e){return this._transformRequestFn&&this._transformRequestFn(t,e)||{url:t}},q.prototype.normalizeStyleURL=function(t,e){if(!H(t))return t;var r=X(t);return r.path="/styles/v1"+r.path,this._makeAPIURL(r,this._customAccessToken||e)},q.prototype.normalizeGlyphsURL=function(t,e){if(!H(t))return t;var r=X(t);return r.path="/fonts/v1"+r.path,this._makeAPIURL(r,this._customAccessToken||e)},q.prototype.normalizeSourceURL=function(t,e){if(!H(t))return t;var r=X(t);return r.path="/v4/"+r.authority+".json",r.params.push("secure"),this._makeAPIURL(r,this._customAccessToken||e)},q.prototype.normalizeSpriteURL=function(t,e,r,n){var i=X(t);return H(t)?(i.path="/styles/v1"+i.path+"/sprite"+e+r,this._makeAPIURL(i,this._customAccessToken||n)):(i.path+=""+e+r,Z(i))},q.prototype.normalizeTileURL=function(t,e){if(this._isSkuTokenExpired()&&this._createSkuToken(),t&&!H(t))return t;var r=X(t);r.path=r.path.replace(/(\.(png|jpg)\d*)(?=$)/,(R.devicePixelRatio>=2||512===e?"@2x":"")+(B.supported?".webp":"$1")),r.path=r.path.replace(/^.+\/v4\//,"/"),r.path="/v4"+r.path;var n=this._customAccessToken||function(t){for(var e=0,r=t;e=1&&self.localStorage.setItem(e,JSON.stringify(this.eventData))}catch(t){_("Unable to write to LocalStorage")}},K.prototype.processRequests=function(t){},K.prototype.postEvent=function(t,e,r,n){var i=this;if(F.EVENTS_URL){var a=X(F.EVENTS_URL);a.params.push("access_token="+(n||F.ACCESS_TOKEN||""));var o={event:this.type,created:new Date(t).toISOString(),sdkIdentifier:"mapbox-gl-js",sdkVersion:"1.10.1",skuId:V,userId:this.anonId},s=e?u(o,e):o,l={url:Z(a),headers:{"Content-Type":"text/plain"},body:JSON.stringify([s])};this.pendingRequest=xt(l,(function(t){i.pendingRequest=null,r(t),i.saveEventData(),i.processRequests(n)}))}},K.prototype.queueRequest=function(t,e){this.queue.push(t),this.processRequests(e)};var Q,$,tt=function(t){function e(){t.call(this,"map.load"),this.success={},this.skuToken=""}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.postMapLoadEvent=function(t,e,r,n){this.skuToken=r,(F.EVENTS_URL&&n||F.ACCESS_TOKEN&&Array.isArray(t)&&t.some((function(t){return H(t)||Y(t)})))&&this.queueRequest({id:e,timestamp:Date.now()},n)},e.prototype.processRequests=function(t){var e=this;if(!this.pendingRequest&&0!==this.queue.length){var r=this.queue.shift(),n=r.id,i=r.timestamp;n&&this.success[n]||(this.anonId||this.fetchEventData(),d(this.anonId)||(this.anonId=p()),this.postEvent(i,{skuToken:this.skuToken},(function(t){t||n&&(e.success[n]=!0)}),t))}},e}(K),et=new(function(t){function e(e){t.call(this,"appUserTurnstile"),this._customAccessToken=e}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.postTurnstileEvent=function(t,e){F.EVENTS_URL&&F.ACCESS_TOKEN&&Array.isArray(t)&&t.some((function(t){return H(t)||Y(t)}))&&this.queueRequest(Date.now(),e)},e.prototype.processRequests=function(t){var e=this;if(!this.pendingRequest&&0!==this.queue.length){this.anonId&&this.eventData.lastSuccess&&this.eventData.tokenU||this.fetchEventData();var r=J(F.ACCESS_TOKEN),n=r?r.u:F.ACCESS_TOKEN,i=n!==this.eventData.tokenU;d(this.anonId)||(this.anonId=p(),i=!0);var a=this.queue.shift();if(this.eventData.lastSuccess){var o=new Date(this.eventData.lastSuccess),s=new Date(a),l=(a-this.eventData.lastSuccess)/864e5;i=i||l>=1||l<-1||o.getDate()!==s.getDate()}else i=!0;if(!i)return this.processRequests();this.postEvent(a,{"enabled.telemetry":!1},(function(t){t||(e.eventData.lastSuccess=a,e.eventData.tokenU=n)}),t)}},e}(K)),rt=et.postTurnstileEvent.bind(et),nt=new tt,it=nt.postMapLoadEvent.bind(nt),at=500,ot=50;function st(){self.caches&&!Q&&(Q=self.caches.open("mapbox-tiles"))}function lt(t){var e=t.indexOf("?");return e<0?t:t.slice(0,e)}var ct,ut=1/0;function ft(){return null==ct&&(ct=self.OffscreenCanvas&&new self.OffscreenCanvas(1,1).getContext("2d")&&"function"==typeof self.createImageBitmap),ct}var ht={Unknown:"Unknown",Style:"Style",Source:"Source",Tile:"Tile",Glyphs:"Glyphs",SpriteImage:"SpriteImage",SpriteJSON:"SpriteJSON",Image:"Image"};"function"==typeof Object.freeze&&Object.freeze(ht);var pt,dt,gt=function(t){function e(e,r,n){401===r&&Y(n)&&(e+=": you may have provided an invalid Mapbox access token. See https://www.mapbox.com/api-documentation/#access-tokens-and-token-scopes"),t.call(this,e),this.status=r,this.url=n,this.name=this.constructor.name,this.message=e}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.toString=function(){return this.name+": "+this.message+" ("+this.status+"): "+this.url},e}(Error),mt=k()?function(){return self.worker&&self.worker.referrer}:function(){return("blob:"===self.location.protocol?self.parent:self).location.href},vt=function(t,e){if(!(/^file:/.test(r=t.url)||/^file:/.test(mt())&&!/^\w+:/.test(r))){if(self.fetch&&self.Request&&self.AbortController&&self.Request.prototype.hasOwnProperty("signal"))return function(t,e){var r,n=new self.AbortController,i=new self.Request(t.url,{method:t.method||"GET",body:t.body,credentials:t.credentials,headers:t.headers,referrer:mt(),signal:n.signal}),a=!1,o=!1,s=(r=i.url).indexOf("sku=")>0&&Y(r);"json"===t.type&&i.headers.set("Accept","application/json");var l=function(r,n,a){if(!o){if(r&&"SecurityError"!==r.message&&_(r),n&&a)return c(n);var l=Date.now();self.fetch(i).then((function(r){if(r.ok){var n=s?r.clone():null;return c(r,n,l)}return e(new gt(r.statusText,r.status,t.url))})).catch((function(t){20!==t.code&&e(new Error(t.message))}))}},c=function(r,n,s){("arrayBuffer"===t.type?r.arrayBuffer():"json"===t.type?r.json():r.text()).then((function(t){o||(n&&s&&function(t,e,r){if(st(),Q){var n={status:e.status,statusText:e.statusText,headers:new self.Headers};e.headers.forEach((function(t,e){return n.headers.set(e,t)}));var i=M(e.headers.get("Cache-Control")||"");i["no-store"]||(i["max-age"]&&n.headers.set("Expires",new Date(r+1e3*i["max-age"]).toUTCString()),new Date(n.headers.get("Expires")).getTime()-r<42e4||function(t,e){if(void 0===$)try{new Response(new ReadableStream),$=!0}catch(t){$=!1}$?e(t.body):t.blob().then(e)}(e,(function(e){var r=new self.Response(e,n);st(),Q&&Q.then((function(e){return e.put(lt(t.url),r)})).catch((function(t){return _(t.message)}))})))}}(i,n,s),a=!0,e(null,t,r.headers.get("Cache-Control"),r.headers.get("Expires")))})).catch((function(t){o||e(new Error(t.message))}))};return s?function(t,e){if(st(),!Q)return e(null);var r=lt(t.url);Q.then((function(t){t.match(r).then((function(n){var i=function(t){if(!t)return!1;var e=new Date(t.headers.get("Expires")||0),r=M(t.headers.get("Cache-Control")||"");return e>Date.now()&&!r["no-cache"]}(n);t.delete(r),i&&t.put(r,n.clone()),e(null,n,i)})).catch(e)})).catch(e)}(i,l):l(null,null),{cancel:function(){o=!0,a||n.abort()}}}(t,e);if(k()&&self.worker&&self.worker.actor)return self.worker.actor.send("getResource",t,e,void 0,!0)}var r;return function(t,e){var r=new self.XMLHttpRequest;for(var n in r.open(t.method||"GET",t.url,!0),"arrayBuffer"===t.type&&(r.responseType="arraybuffer"),t.headers)r.setRequestHeader(n,t.headers[n]);return"json"===t.type&&(r.responseType="text",r.setRequestHeader("Accept","application/json")),r.withCredentials="include"===t.credentials,r.onerror=function(){e(new Error(r.statusText))},r.onload=function(){if((r.status>=200&&r.status<300||0===r.status)&&null!==r.response){var n=r.response;if("json"===t.type)try{n=JSON.parse(r.response)}catch(t){return e(t)}e(null,n,r.getResponseHeader("Cache-Control"),r.getResponseHeader("Expires"))}else e(new gt(r.statusText,r.status,t.url))},r.send(t.body),{cancel:function(){return r.abort()}}}(t,e)},yt=function(t,e){return vt(u(t,{type:"arrayBuffer"}),e)},xt=function(t,e){return vt(u(t,{method:"POST"}),e)};pt=[],dt=0;var bt=function(t,e){if(B.supported&&(t.headers||(t.headers={}),t.headers.accept="image/webp,*/*"),dt>=F.MAX_PARALLEL_IMAGE_REQUESTS){var r={requestParameters:t,callback:e,cancelled:!1,cancel:function(){this.cancelled=!0}};return pt.push(r),r}dt++;var n=!1,i=function(){if(!n)for(n=!0,dt--;pt.length&&dt0||this._oneTimeListeners&&this._oneTimeListeners[t]&&this._oneTimeListeners[t].length>0||this._eventedParent&&this._eventedParent.listens(t)},Mt.prototype.setEventedParent=function(t,e){return this._eventedParent=t,this._eventedParentData=e,this};var At={$version:8,$root:{version:{required:!0,type:"enum",values:[8]},name:{type:"string"},metadata:{type:"*"},center:{type:"array",value:"number"},zoom:{type:"number"},bearing:{type:"number",default:0,period:360,units:"degrees"},pitch:{type:"number",default:0,units:"degrees"},light:{type:"light"},sources:{required:!0,type:"sources"},sprite:{type:"string"},glyphs:{type:"string"},transition:{type:"transition"},layers:{required:!0,type:"array",value:"layer"}},sources:{"*":{type:"source"}},source:["source_vector","source_raster","source_raster_dem","source_geojson","source_video","source_image"],source_vector:{type:{required:!0,type:"enum",values:{vector:{}}},url:{type:"string"},tiles:{type:"array",value:"string"},bounds:{type:"array",value:"number",length:4,default:[-180,-85.051129,180,85.051129]},scheme:{type:"enum",values:{xyz:{},tms:{}},default:"xyz"},minzoom:{type:"number",default:0},maxzoom:{type:"number",default:22},attribution:{type:"string"},promoteId:{type:"promoteId"},"*":{type:"*"}},source_raster:{type:{required:!0,type:"enum",values:{raster:{}}},url:{type:"string"},tiles:{type:"array",value:"string"},bounds:{type:"array",value:"number",length:4,default:[-180,-85.051129,180,85.051129]},minzoom:{type:"number",default:0},maxzoom:{type:"number",default:22},tileSize:{type:"number",default:512,units:"pixels"},scheme:{type:"enum",values:{xyz:{},tms:{}},default:"xyz"},attribution:{type:"string"},"*":{type:"*"}},source_raster_dem:{type:{required:!0,type:"enum",values:{"raster-dem":{}}},url:{type:"string"},tiles:{type:"array",value:"string"},bounds:{type:"array",value:"number",length:4,default:[-180,-85.051129,180,85.051129]},minzoom:{type:"number",default:0},maxzoom:{type:"number",default:22},tileSize:{type:"number",default:512,units:"pixels"},attribution:{type:"string"},encoding:{type:"enum",values:{terrarium:{},mapbox:{}},default:"mapbox"},"*":{type:"*"}},source_geojson:{type:{required:!0,type:"enum",values:{geojson:{}}},data:{type:"*"},maxzoom:{type:"number",default:18},attribution:{type:"string"},buffer:{type:"number",default:128,maximum:512,minimum:0},tolerance:{type:"number",default:.375},cluster:{type:"boolean",default:!1},clusterRadius:{type:"number",default:50,minimum:0},clusterMaxZoom:{type:"number"},clusterProperties:{type:"*"},lineMetrics:{type:"boolean",default:!1},generateId:{type:"boolean",default:!1},promoteId:{type:"promoteId"}},source_video:{type:{required:!0,type:"enum",values:{video:{}}},urls:{required:!0,type:"array",value:"string"},coordinates:{required:!0,type:"array",length:4,value:{type:"array",length:2,value:"number"}}},source_image:{type:{required:!0,type:"enum",values:{image:{}}},url:{required:!0,type:"string"},coordinates:{required:!0,type:"array",length:4,value:{type:"array",length:2,value:"number"}}},layer:{id:{type:"string",required:!0},type:{type:"enum",values:{fill:{},line:{},symbol:{},circle:{},heatmap:{},"fill-extrusion":{},raster:{},hillshade:{},background:{}},required:!0},metadata:{type:"*"},source:{type:"string"},"source-layer":{type:"string"},minzoom:{type:"number",minimum:0,maximum:24},maxzoom:{type:"number",minimum:0,maximum:24},filter:{type:"filter"},layout:{type:"layout"},paint:{type:"paint"}},layout:["layout_fill","layout_line","layout_circle","layout_heatmap","layout_fill-extrusion","layout_symbol","layout_raster","layout_hillshade","layout_background"],layout_background:{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_fill:{"fill-sort-key":{type:"number",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_circle:{"circle-sort-key":{type:"number",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_heatmap:{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},"layout_fill-extrusion":{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_line:{"line-cap":{type:"enum",values:{butt:{},round:{},square:{}},default:"butt",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"line-join":{type:"enum",values:{bevel:{},round:{},miter:{}},default:"miter",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"line-miter-limit":{type:"number",default:2,requires:[{"line-join":"miter"}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"line-round-limit":{type:"number",default:1.05,requires:[{"line-join":"round"}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"line-sort-key":{type:"number",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_symbol:{"symbol-placement":{type:"enum",values:{point:{},line:{},"line-center":{}},default:"point",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"symbol-spacing":{type:"number",default:250,minimum:1,units:"pixels",requires:[{"symbol-placement":"line"}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"symbol-avoid-edges":{type:"boolean",default:!1,expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"symbol-sort-key":{type:"number",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"symbol-z-order":{type:"enum",values:{auto:{},"viewport-y":{},source:{}},default:"auto",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-allow-overlap":{type:"boolean",default:!1,requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-ignore-placement":{type:"boolean",default:!1,requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-optional":{type:"boolean",default:!1,requires:["icon-image","text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-rotation-alignment":{type:"enum",values:{map:{},viewport:{},auto:{}},default:"auto",requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-size":{type:"number",default:1,minimum:0,units:"factor of the original icon size",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-text-fit":{type:"enum",values:{none:{},width:{},height:{},both:{}},default:"none",requires:["icon-image","text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-text-fit-padding":{type:"array",value:"number",length:4,default:[0,0,0,0],units:"pixels",requires:["icon-image","text-field",{"icon-text-fit":["both","width","height"]}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"icon-image":{type:"resolvedImage",tokens:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-rotate":{type:"number",default:0,period:360,units:"degrees",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-padding":{type:"number",default:2,minimum:0,units:"pixels",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"icon-keep-upright":{type:"boolean",default:!1,requires:["icon-image",{"icon-rotation-alignment":"map"},{"symbol-placement":["line","line-center"]}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-offset":{type:"array",value:"number",length:2,default:[0,0],requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-anchor":{type:"enum",values:{center:{},left:{},right:{},top:{},bottom:{},"top-left":{},"top-right":{},"bottom-left":{},"bottom-right":{}},default:"center",requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-pitch-alignment":{type:"enum",values:{map:{},viewport:{},auto:{}},default:"auto",requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-pitch-alignment":{type:"enum",values:{map:{},viewport:{},auto:{}},default:"auto",requires:["text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-rotation-alignment":{type:"enum",values:{map:{},viewport:{},auto:{}},default:"auto",requires:["text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-field":{type:"formatted",default:"",tokens:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-font":{type:"array",value:"string",default:["Open Sans Regular","Arial Unicode MS Regular"],requires:["text-field"],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-size":{type:"number",default:16,minimum:0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-max-width":{type:"number",default:10,minimum:0,units:"ems",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-line-height":{type:"number",default:1.2,units:"ems",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"text-letter-spacing":{type:"number",default:0,units:"ems",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-justify":{type:"enum",values:{auto:{},left:{},center:{},right:{}},default:"center",requires:["text-field"],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-radial-offset":{type:"number",units:"ems",default:0,requires:["text-field"],"property-type":"data-driven",expression:{interpolated:!0,parameters:["zoom","feature"]}},"text-variable-anchor":{type:"array",value:"enum",values:{center:{},left:{},right:{},top:{},bottom:{},"top-left":{},"top-right":{},"bottom-left":{},"bottom-right":{}},requires:["text-field",{"symbol-placement":["point"]}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-anchor":{type:"enum",values:{center:{},left:{},right:{},top:{},bottom:{},"top-left":{},"top-right":{},"bottom-left":{},"bottom-right":{}},default:"center",requires:["text-field",{"!":"text-variable-anchor"}],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-max-angle":{type:"number",default:45,units:"degrees",requires:["text-field",{"symbol-placement":["line","line-center"]}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"text-writing-mode":{type:"array",value:"enum",values:{horizontal:{},vertical:{}},requires:["text-field",{"symbol-placement":["point"]}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-rotate":{type:"number",default:0,period:360,units:"degrees",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-padding":{type:"number",default:2,minimum:0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"text-keep-upright":{type:"boolean",default:!0,requires:["text-field",{"text-rotation-alignment":"map"},{"symbol-placement":["line","line-center"]}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-transform":{type:"enum",values:{none:{},uppercase:{},lowercase:{}},default:"none",requires:["text-field"],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-offset":{type:"array",value:"number",units:"ems",length:2,default:[0,0],requires:["text-field",{"!":"text-radial-offset"}],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-allow-overlap":{type:"boolean",default:!1,requires:["text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-ignore-placement":{type:"boolean",default:!1,requires:["text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-optional":{type:"boolean",default:!1,requires:["text-field","icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_raster:{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_hillshade:{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},filter:{type:"array",value:"*"},filter_operator:{type:"enum",values:{"==":{},"!=":{},">":{},">=":{},"<":{},"<=":{},in:{},"!in":{},all:{},any:{},none:{},has:{},"!has":{},within:{}}},geometry_type:{type:"enum",values:{Point:{},LineString:{},Polygon:{}}},function:{expression:{type:"expression"},stops:{type:"array",value:"function_stop"},base:{type:"number",default:1,minimum:0},property:{type:"string",default:"$zoom"},type:{type:"enum",values:{identity:{},exponential:{},interval:{},categorical:{}},default:"exponential"},colorSpace:{type:"enum",values:{rgb:{},lab:{},hcl:{}},default:"rgb"},default:{type:"*",required:!1}},function_stop:{type:"array",minimum:0,maximum:24,value:["number","color"],length:2},expression:{type:"array",value:"*",minimum:1},expression_name:{type:"enum",values:{let:{group:"Variable binding"},var:{group:"Variable binding"},literal:{group:"Types"},array:{group:"Types"},at:{group:"Lookup"},in:{group:"Lookup"},"index-of":{group:"Lookup"},slice:{group:"Lookup"},case:{group:"Decision"},match:{group:"Decision"},coalesce:{group:"Decision"},step:{group:"Ramps, scales, curves"},interpolate:{group:"Ramps, scales, curves"},"interpolate-hcl":{group:"Ramps, scales, curves"},"interpolate-lab":{group:"Ramps, scales, curves"},ln2:{group:"Math"},pi:{group:"Math"},e:{group:"Math"},typeof:{group:"Types"},string:{group:"Types"},number:{group:"Types"},boolean:{group:"Types"},object:{group:"Types"},collator:{group:"Types"},format:{group:"Types"},image:{group:"Types"},"number-format":{group:"Types"},"to-string":{group:"Types"},"to-number":{group:"Types"},"to-boolean":{group:"Types"},"to-rgba":{group:"Color"},"to-color":{group:"Types"},rgb:{group:"Color"},rgba:{group:"Color"},get:{group:"Lookup"},has:{group:"Lookup"},length:{group:"Lookup"},properties:{group:"Feature data"},"feature-state":{group:"Feature data"},"geometry-type":{group:"Feature data"},id:{group:"Feature data"},zoom:{group:"Zoom"},"heatmap-density":{group:"Heatmap"},"line-progress":{group:"Feature data"},accumulated:{group:"Feature data"},"+":{group:"Math"},"*":{group:"Math"},"-":{group:"Math"},"/":{group:"Math"},"%":{group:"Math"},"^":{group:"Math"},sqrt:{group:"Math"},log10:{group:"Math"},ln:{group:"Math"},log2:{group:"Math"},sin:{group:"Math"},cos:{group:"Math"},tan:{group:"Math"},asin:{group:"Math"},acos:{group:"Math"},atan:{group:"Math"},min:{group:"Math"},max:{group:"Math"},round:{group:"Math"},abs:{group:"Math"},ceil:{group:"Math"},floor:{group:"Math"},distance:{group:"Math"},"==":{group:"Decision"},"!=":{group:"Decision"},">":{group:"Decision"},"<":{group:"Decision"},">=":{group:"Decision"},"<=":{group:"Decision"},all:{group:"Decision"},any:{group:"Decision"},"!":{group:"Decision"},within:{group:"Decision"},"is-supported-script":{group:"String"},upcase:{group:"String"},downcase:{group:"String"},concat:{group:"String"},"resolved-locale":{group:"String"}}},light:{anchor:{type:"enum",default:"viewport",values:{map:{},viewport:{}},"property-type":"data-constant",transition:!1,expression:{interpolated:!1,parameters:["zoom"]}},position:{type:"array",default:[1.15,210,30],length:3,value:"number","property-type":"data-constant",transition:!0,expression:{interpolated:!0,parameters:["zoom"]}},color:{type:"color","property-type":"data-constant",default:"#ffffff",expression:{interpolated:!0,parameters:["zoom"]},transition:!0},intensity:{type:"number","property-type":"data-constant",default:.5,minimum:0,maximum:1,expression:{interpolated:!0,parameters:["zoom"]},transition:!0}},paint:["paint_fill","paint_line","paint_circle","paint_heatmap","paint_fill-extrusion","paint_symbol","paint_raster","paint_hillshade","paint_background"],paint_fill:{"fill-antialias":{type:"boolean",default:!0,expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"fill-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-color":{type:"color",default:"#000000",transition:!0,requires:[{"!":"fill-pattern"}],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-outline-color":{type:"color",transition:!0,requires:[{"!":"fill-pattern"},{"fill-antialias":!0}],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"fill-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["fill-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"fill-pattern":{type:"resolvedImage",transition:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"cross-faded-data-driven"}},"paint_fill-extrusion":{"fill-extrusion-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"fill-extrusion-color":{type:"color",default:"#000000",transition:!0,requires:[{"!":"fill-extrusion-pattern"}],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-extrusion-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"fill-extrusion-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["fill-extrusion-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"fill-extrusion-pattern":{type:"resolvedImage",transition:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"cross-faded-data-driven"},"fill-extrusion-height":{type:"number",default:0,minimum:0,units:"meters",transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-extrusion-base":{type:"number",default:0,minimum:0,units:"meters",transition:!0,requires:["fill-extrusion-height"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-extrusion-vertical-gradient":{type:"boolean",default:!0,transition:!1,expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"}},paint_line:{"line-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-color":{type:"color",default:"#000000",transition:!0,requires:[{"!":"line-pattern"}],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"line-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["line-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"line-width":{type:"number",default:1,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-gap-width":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-offset":{type:"number",default:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-blur":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-dasharray":{type:"array",value:"number",minimum:0,transition:!0,units:"line widths",requires:[{"!":"line-pattern"}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"cross-faded"},"line-pattern":{type:"resolvedImage",transition:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"cross-faded-data-driven"},"line-gradient":{type:"color",transition:!1,requires:[{"!":"line-dasharray"},{"!":"line-pattern"},{source:"geojson",has:{lineMetrics:!0}}],expression:{interpolated:!0,parameters:["line-progress"]},"property-type":"color-ramp"}},paint_circle:{"circle-radius":{type:"number",default:5,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-color":{type:"color",default:"#000000",transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-blur":{type:"number",default:0,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"circle-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["circle-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"circle-pitch-scale":{type:"enum",values:{map:{},viewport:{}},default:"map",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"circle-pitch-alignment":{type:"enum",values:{map:{},viewport:{}},default:"viewport",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"circle-stroke-width":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-stroke-color":{type:"color",default:"#000000",transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-stroke-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"}},paint_heatmap:{"heatmap-radius":{type:"number",default:30,minimum:1,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"heatmap-weight":{type:"number",default:1,minimum:0,transition:!1,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"heatmap-intensity":{type:"number",default:1,minimum:0,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"heatmap-color":{type:"color",default:["interpolate",["linear"],["heatmap-density"],0,"rgba(0, 0, 255, 0)",.1,"royalblue",.3,"cyan",.5,"lime",.7,"yellow",1,"red"],transition:!1,expression:{interpolated:!0,parameters:["heatmap-density"]},"property-type":"color-ramp"},"heatmap-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"}},paint_symbol:{"icon-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-color":{type:"color",default:"#000000",transition:!0,requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-halo-color":{type:"color",default:"rgba(0, 0, 0, 0)",transition:!0,requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-halo-width":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-halo-blur":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"icon-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["icon-image","icon-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-color":{type:"color",default:"#000000",transition:!0,overridable:!0,requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-halo-color":{type:"color",default:"rgba(0, 0, 0, 0)",transition:!0,requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-halo-width":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-halo-blur":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"text-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["text-field","text-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"}},paint_raster:{"raster-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-hue-rotate":{type:"number",default:0,period:360,transition:!0,units:"degrees",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-brightness-min":{type:"number",default:0,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-brightness-max":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-saturation":{type:"number",default:0,minimum:-1,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-contrast":{type:"number",default:0,minimum:-1,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-resampling":{type:"enum",values:{linear:{},nearest:{}},default:"linear",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"raster-fade-duration":{type:"number",default:300,minimum:0,transition:!1,units:"milliseconds",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"}},paint_hillshade:{"hillshade-illumination-direction":{type:"number",default:335,minimum:0,maximum:359,transition:!1,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-illumination-anchor":{type:"enum",values:{map:{},viewport:{}},default:"viewport",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-exaggeration":{type:"number",default:.5,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-shadow-color":{type:"color",default:"#000000",transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-highlight-color":{type:"color",default:"#FFFFFF",transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-accent-color":{type:"color",default:"#000000",transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"}},paint_background:{"background-color":{type:"color",default:"#000000",transition:!0,requires:[{"!":"background-pattern"}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"background-pattern":{type:"resolvedImage",transition:!0,expression:{interpolated:!1,parameters:["zoom"]},"property-type":"cross-faded"},"background-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"}},transition:{duration:{type:"number",default:300,minimum:0,units:"milliseconds"},delay:{type:"number",default:0,minimum:0,units:"milliseconds"}},"property-type":{"data-driven":{type:"property-type"},"cross-faded":{type:"property-type"},"cross-faded-data-driven":{type:"property-type"},"color-ramp":{type:"property-type"},"data-constant":{type:"property-type"},constant:{type:"property-type"}},promoteId:{"*":{type:"string"}}},St=function(t,e,r,n){this.message=(t?t+": ":"")+r,n&&(this.identifier=n),null!=e&&e.__line__&&(this.line=e.__line__)};function Et(t){var e=t.value;return e?[new St(t.key,e,"constants have been deprecated as of v8")]:[]}function Ct(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];for(var n=0,i=e;n":"value"===t.itemType.kind?"array":"array<"+e+">"}return t.kind}var Yt=[Ot,Dt,Rt,Ft,Bt,Vt,Nt,Ht(jt),qt];function Wt(t,e){if("error"===e.kind)return null;if("array"===t.kind){if("array"===e.kind&&(0===e.N&&"value"===e.itemType.kind||!Wt(t.itemType,e.itemType))&&("number"!=typeof t.N||t.N===e.N))return null}else{if(t.kind===e.kind)return null;if("value"===t.kind)for(var r=0,n=Yt;r255?255:t}function i(t){return n("%"===t[t.length-1]?parseFloat(t)/100*255:parseInt(t))}function a(t){return(e="%"===t[t.length-1]?parseFloat(t)/100:parseFloat(t))<0?0:e>1?1:e;var e}function o(t,e,r){return r<0?r+=1:r>1&&(r-=1),6*r<1?t+(e-t)*r*6:2*r<1?e:3*r<2?t+(e-t)*(2/3-r)*6:t}try{e.parseCSSColor=function(t){var e,s=t.replace(/ /g,"").toLowerCase();if(s in r)return r[s].slice();if("#"===s[0])return 4===s.length?(e=parseInt(s.substr(1),16))>=0&&e<=4095?[(3840&e)>>4|(3840&e)>>8,240&e|(240&e)>>4,15&e|(15&e)<<4,1]:null:7===s.length&&(e=parseInt(s.substr(1),16))>=0&&e<=16777215?[(16711680&e)>>16,(65280&e)>>8,255&e,1]:null;var l=s.indexOf("("),c=s.indexOf(")");if(-1!==l&&c+1===s.length){var u=s.substr(0,l),f=s.substr(l+1,c-(l+1)).split(","),h=1;switch(u){case"rgba":if(4!==f.length)return null;h=a(f.pop());case"rgb":return 3!==f.length?null:[i(f[0]),i(f[1]),i(f[2]),h];case"hsla":if(4!==f.length)return null;h=a(f.pop());case"hsl":if(3!==f.length)return null;var p=(parseFloat(f[0])%360+360)%360/360,d=a(f[1]),g=a(f[2]),m=g<=.5?g*(d+1):g+d-g*d,v=2*g-m;return[n(255*o(v,m,p+1/3)),n(255*o(v,m,p)),n(255*o(v,m,p-1/3)),h];default:return null}}return null}}catch(t){}})).parseCSSColor,Kt=function(t,e,r,n){void 0===n&&(n=1),this.r=t,this.g=e,this.b=r,this.a=n};Kt.parse=function(t){if(t){if(t instanceof Kt)return t;if("string"==typeof t){var e=Jt(t);if(e)return new Kt(e[0]/255*e[3],e[1]/255*e[3],e[2]/255*e[3],e[3])}}},Kt.prototype.toString=function(){var t=this.toArray(),e=t[1],r=t[2],n=t[3];return"rgba("+Math.round(t[0])+","+Math.round(e)+","+Math.round(r)+","+n+")"},Kt.prototype.toArray=function(){var t=this.a;return 0===t?[0,0,0,0]:[255*this.r/t,255*this.g/t,255*this.b/t,t]},Kt.black=new Kt(0,0,0,1),Kt.white=new Kt(1,1,1,1),Kt.transparent=new Kt(0,0,0,0),Kt.red=new Kt(1,0,0,1);var Qt=function(t,e,r){this.sensitivity=t?e?"variant":"case":e?"accent":"base",this.locale=r,this.collator=new Intl.Collator(this.locale?this.locale:[],{sensitivity:this.sensitivity,usage:"search"})};Qt.prototype.compare=function(t,e){return this.collator.compare(t,e)},Qt.prototype.resolvedLocale=function(){return new Intl.Collator(this.locale?this.locale:[]).resolvedOptions().locale};var $t=function(t,e,r,n,i){this.text=t,this.image=e,this.scale=r,this.fontStack=n,this.textColor=i},te=function(t){this.sections=t};te.fromString=function(t){return new te([new $t(t,null,null,null,null)])},te.prototype.isEmpty=function(){return 0===this.sections.length||!this.sections.some((function(t){return 0!==t.text.length||t.image&&0!==t.image.name.length}))},te.factory=function(t){return t instanceof te?t:te.fromString(t)},te.prototype.toString=function(){return 0===this.sections.length?"":this.sections.map((function(t){return t.text})).join("")},te.prototype.serialize=function(){for(var t=["format"],e=0,r=this.sections;e=0&&t<=255&&"number"==typeof e&&e>=0&&e<=255&&"number"==typeof r&&r>=0&&r<=255?void 0===n||"number"==typeof n&&n>=0&&n<=1?null:"Invalid rgba value ["+[t,e,r,n].join(", ")+"]: 'a' must be between 0 and 1.":"Invalid rgba value ["+("number"==typeof n?[t,e,r,n]:[t,e,r]).join(", ")+"]: 'r', 'g', and 'b' must be between 0 and 255."}function ne(t){if(null===t)return!0;if("string"==typeof t)return!0;if("boolean"==typeof t)return!0;if("number"==typeof t)return!0;if(t instanceof Kt)return!0;if(t instanceof Qt)return!0;if(t instanceof te)return!0;if(t instanceof ee)return!0;if(Array.isArray(t)){for(var e=0,r=t;e2){var s=t[1];if("string"!=typeof s||!(s in le)||"object"===s)return e.error('The item type argument of "array" must be one of string, number, boolean',1);a=le[s],n++}else a=jt;if(t.length>3){if(null!==t[2]&&("number"!=typeof t[2]||t[2]<0||t[2]!==Math.floor(t[2])))return e.error('The length argument to "array" must be a positive integer literal',2);o=t[2],n++}r=Ht(a,o)}else r=le[i];for(var l=[];n1)&&e.push(n)}}return e.concat(this.args.map((function(t){return t.serialize()})))};var ue=function(t){this.type=Vt,this.sections=t};ue.parse=function(t,e){if(t.length<2)return e.error("Expected at least one argument.");var r=t[1];if(!Array.isArray(r)&&"object"==typeof r)return e.error("First argument must be an image or text section.");for(var n=[],i=!1,a=1;a<=t.length-1;++a){var o=t[a];if(i&&"object"==typeof o&&!Array.isArray(o)){i=!1;var s=null;if(o["font-scale"]&&!(s=e.parse(o["font-scale"],1,Dt)))return null;var l=null;if(o["text-font"]&&!(l=e.parse(o["text-font"],1,Ht(Rt))))return null;var c=null;if(o["text-color"]&&!(c=e.parse(o["text-color"],1,Bt)))return null;var u=n[n.length-1];u.scale=s,u.font=l,u.textColor=c}else{var f=e.parse(t[a],1,jt);if(!f)return null;var h=f.type.kind;if("string"!==h&&"value"!==h&&"null"!==h&&"resolvedImage"!==h)return e.error("Formatted text type must be 'string', 'value', 'image' or 'null'.");i=!0,n.push({content:f,scale:null,font:null,textColor:null})}}return new ue(n)},ue.prototype.evaluate=function(t){return new te(this.sections.map((function(e){var r=e.content.evaluate(t);return ie(r)===qt?new $t("",r,null,null,null):new $t(ae(r),null,e.scale?e.scale.evaluate(t):null,e.font?e.font.evaluate(t).join(","):null,e.textColor?e.textColor.evaluate(t):null)})))},ue.prototype.eachChild=function(t){for(var e=0,r=this.sections;e-1),r},fe.prototype.eachChild=function(t){t(this.input)},fe.prototype.outputDefined=function(){return!1},fe.prototype.serialize=function(){return["image",this.input.serialize()]};var he={"to-boolean":Ft,"to-color":Bt,"to-number":Dt,"to-string":Rt},pe=function(t,e){this.type=t,this.args=e};pe.parse=function(t,e){if(t.length<2)return e.error("Expected at least one argument.");var r=t[0];if(("to-boolean"===r||"to-string"===r)&&2!==t.length)return e.error("Expected one argument.");for(var n=he[r],i=[],a=1;a4?"Invalid rbga value "+JSON.stringify(e)+": expected an array containing either three or four numeric values.":re(e[0],e[1],e[2],e[3])))return new Kt(e[0]/255,e[1]/255,e[2]/255,e[3])}throw new se(r||"Could not parse color from value '"+("string"==typeof e?e:String(JSON.stringify(e)))+"'")}if("number"===this.type.kind){for(var o=null,s=0,l=this.args;s=e[2]||t[1]<=e[1]||t[3]>=e[3])}function be(t,e){var r=(180+t[0])/360,n=(180-180/Math.PI*Math.log(Math.tan(Math.PI/4+t[1]*Math.PI/360)))/360,i=Math.pow(2,e.z);return[Math.round(r*i*8192),Math.round(n*i*8192)]}function _e(t,e,r){return e[1]>t[1]!=r[1]>t[1]&&t[0]<(r[0]-e[0])*(t[1]-e[1])/(r[1]-e[1])+e[0]}function we(t,e){for(var r,n,i,a,o,s,l,c=!1,u=0,f=e.length;u0&&s<0||o<0&&s>0}function Me(t,e,r){for(var n=0,i=r;nr[2]){var i=.5*n,a=t[0]-r[0]>i?-n:r[0]-t[0]>i?n:0;0===a&&(a=t[0]-r[2]>i?-n:r[2]-t[0]>i?n:0),t[0]+=a}ye(e,t)}function Ie(t,e,r,n){for(var i=8192*Math.pow(2,n.z),a=[8192*n.x,8192*n.y],o=[],s=0,l=t;s=0)return!1;var r=!0;return t.eachChild((function(t){r&&!Re(t,e)&&(r=!1)})),r}ze.parse=function(t,e){if(2!==t.length)return e.error("'within' expression requires exactly one argument, but found "+(t.length-1)+" instead.");if(ne(t[1])){var r=t[1];if("FeatureCollection"===r.type)for(var n=0;ne))throw new se("Input is not a number.");a=o-1}return 0}Be.prototype.parse=function(t,e,r,n,i){return void 0===i&&(i={}),e?this.concat(e,r,n)._parse(t,i):this._parse(t,i)},Be.prototype._parse=function(t,e){function r(t,e,r){return"assert"===r?new ce(e,[t]):"coerce"===r?new pe(e,[t]):t}if(null!==t&&"string"!=typeof t&&"boolean"!=typeof t&&"number"!=typeof t||(t=["literal",t]),Array.isArray(t)){if(0===t.length)return this.error('Expected an array with at least one element. If you wanted a literal array, use ["literal", []].');var n=t[0];if("string"!=typeof n)return this.error("Expression name must be a string, but found "+typeof n+' instead. If you wanted a literal array, use ["literal", [...]].',0),null;var i=this.registry[n];if(i){var a=i.parse(t,this);if(!a)return null;if(this.expectedType){var o=this.expectedType,s=a.type;if("string"!==o.kind&&"number"!==o.kind&&"boolean"!==o.kind&&"object"!==o.kind&&"array"!==o.kind||"value"!==s.kind)if("color"!==o.kind&&"formatted"!==o.kind&&"resolvedImage"!==o.kind||"value"!==s.kind&&"string"!==s.kind){if(this.checkSubtype(o,s))return null}else a=r(a,o,e.typeAnnotation||"coerce");else a=r(a,o,e.typeAnnotation||"assert")}if(!(a instanceof oe)&&"resolvedImage"!==a.type.kind&&function t(e){if(e instanceof Fe)return t(e.boundExpression);if(e instanceof me&&"error"===e.name)return!1;if(e instanceof ve)return!1;if(e instanceof ze)return!1;var r=e instanceof pe||e instanceof ce,n=!0;return e.eachChild((function(e){n=r?n&&t(e):n&&e instanceof oe})),!!n&&Oe(e)&&Re(e,["zoom","heatmap-density","line-progress","accumulated","is-supported-script"])}(a)){var l=new ge;try{a=new oe(a.type,a.evaluate(l))}catch(t){return this.error(t.message),null}}return a}return this.error('Unknown expression "'+n+'". If you wanted a literal array, use ["literal", [...]].',0)}return this.error(void 0===t?"'undefined' value invalid. Use null instead.":"object"==typeof t?'Bare objects invalid. Use ["literal", {...}] instead.':"Expected an array, but found "+typeof t+" instead.")},Be.prototype.concat=function(t,e,r){var n="number"==typeof t?this.path.concat(t):this.path,i=r?this.scope.concat(r):this.scope;return new Be(this.registry,n,e||null,i,this.errors)},Be.prototype.error=function(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];var n=""+this.key+e.map((function(t){return"["+t+"]"})).join("");this.errors.push(new Pt(n,t))},Be.prototype.checkSubtype=function(t,e){var r=Wt(t,e);return r&&this.error(r),r};var je=function(t,e,r){this.type=t,this.input=e,this.labels=[],this.outputs=[];for(var n=0,i=r;n=o)return e.error('Input/output pairs for "step" expressions must be arranged with input values in strictly ascending order.',l);var u=e.parse(s,c,i);if(!u)return null;i=i||u.type,n.push([o,u])}return new je(i,r,n)},je.prototype.evaluate=function(t){var e=this.labels,r=this.outputs;if(1===e.length)return r[0].evaluate(t);var n=this.input.evaluate(t);if(n<=e[0])return r[0].evaluate(t);var i=e.length;return n>=e[i-1]?r[i-1].evaluate(t):r[Ne(e,n)].evaluate(t)},je.prototype.eachChild=function(t){t(this.input);for(var e=0,r=this.outputs;e0&&t.push(this.labels[e]),t.push(this.outputs[e].serialize());return t};var Ve=Object.freeze({__proto__:null,number:Ue,color:function(t,e,r){return new Kt(Ue(t.r,e.r,r),Ue(t.g,e.g,r),Ue(t.b,e.b,r),Ue(t.a,e.a,r))},array:function(t,e,r){return t.map((function(t,n){return Ue(t,e[n],r)}))}}),qe=6/29*3*(6/29),He=Math.PI/180,Ge=180/Math.PI;function Ye(t){return t>.008856451679035631?Math.pow(t,1/3):t/qe+4/29}function We(t){return t>6/29?t*t*t:qe*(t-4/29)}function Xe(t){return 255*(t<=.0031308?12.92*t:1.055*Math.pow(t,1/2.4)-.055)}function Ze(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function Je(t){var e=Ze(t.r),r=Ze(t.g),n=Ze(t.b),i=Ye((.4124564*e+.3575761*r+.1804375*n)/.95047),a=Ye((.2126729*e+.7151522*r+.072175*n)/1);return{l:116*a-16,a:500*(i-a),b:200*(a-Ye((.0193339*e+.119192*r+.9503041*n)/1.08883)),alpha:t.a}}function Ke(t){var e=(t.l+16)/116,r=isNaN(t.a)?e:e+t.a/500,n=isNaN(t.b)?e:e-t.b/200;return e=1*We(e),r=.95047*We(r),n=1.08883*We(n),new Kt(Xe(3.2404542*r-1.5371385*e-.4985314*n),Xe(-.969266*r+1.8760108*e+.041556*n),Xe(.0556434*r-.2040259*e+1.0572252*n),t.alpha)}function Qe(t,e,r){var n=e-t;return t+r*(n>180||n<-180?n-360*Math.round(n/360):n)}var $e={forward:Je,reverse:Ke,interpolate:function(t,e,r){return{l:Ue(t.l,e.l,r),a:Ue(t.a,e.a,r),b:Ue(t.b,e.b,r),alpha:Ue(t.alpha,e.alpha,r)}}},tr={forward:function(t){var e=Je(t),r=e.l,n=e.a,i=e.b,a=Math.atan2(i,n)*Ge;return{h:a<0?a+360:a,c:Math.sqrt(n*n+i*i),l:r,alpha:t.a}},reverse:function(t){var e=t.h*He,r=t.c;return Ke({l:t.l,a:Math.cos(e)*r,b:Math.sin(e)*r,alpha:t.alpha})},interpolate:function(t,e,r){return{h:Qe(t.h,e.h,r),c:Ue(t.c,e.c,r),l:Ue(t.l,e.l,r),alpha:Ue(t.alpha,e.alpha,r)}}},er=Object.freeze({__proto__:null,lab:$e,hcl:tr}),rr=function(t,e,r,n,i){this.type=t,this.operator=e,this.interpolation=r,this.input=n,this.labels=[],this.outputs=[];for(var a=0,o=i;a1})))return e.error("Cubic bezier interpolation requires four numeric arguments with values between 0 and 1.",1);n={name:"cubic-bezier",controlPoints:s}}if(t.length-1<4)return e.error("Expected at least 4 arguments, but found only "+(t.length-1)+".");if((t.length-1)%2!=0)return e.error("Expected an even number of arguments.");if(!(i=e.parse(i,2,Dt)))return null;var l=[],c=null;"interpolate-hcl"===r||"interpolate-lab"===r?c=Bt:e.expectedType&&"value"!==e.expectedType.kind&&(c=e.expectedType);for(var u=0;u=f)return e.error('Input/output pairs for "interpolate" expressions must be arranged with input values in strictly ascending order.',p);var g=e.parse(h,d,c);if(!g)return null;c=c||g.type,l.push([f,g])}return"number"===c.kind||"color"===c.kind||"array"===c.kind&&"number"===c.itemType.kind&&"number"==typeof c.N?new rr(c,r,n,i,l):e.error("Type "+Gt(c)+" is not interpolatable.")},rr.prototype.evaluate=function(t){var e=this.labels,r=this.outputs;if(1===e.length)return r[0].evaluate(t);var n=this.input.evaluate(t);if(n<=e[0])return r[0].evaluate(t);var i=e.length;if(n>=e[i-1])return r[i-1].evaluate(t);var a=Ne(e,n),o=rr.interpolationFactor(this.interpolation,n,e[a],e[a+1]),s=r[a].evaluate(t),l=r[a+1].evaluate(t);return"interpolate"===this.operator?Ve[this.type.kind.toLowerCase()](s,l,o):"interpolate-hcl"===this.operator?tr.reverse(tr.interpolate(tr.forward(s),tr.forward(l),o)):$e.reverse($e.interpolate($e.forward(s),$e.forward(l),o))},rr.prototype.eachChild=function(t){t(this.input);for(var e=0,r=this.outputs;e=r.length)throw new se("Array index out of bounds: "+e+" > "+(r.length-1)+".");if(e!==Math.floor(e))throw new se("Array index must be an integer, but found "+e+" instead.");return r[e]},or.prototype.eachChild=function(t){t(this.index),t(this.input)},or.prototype.outputDefined=function(){return!1},or.prototype.serialize=function(){return["at",this.index.serialize(),this.input.serialize()]};var sr=function(t,e){this.type=Ft,this.needle=t,this.haystack=e};sr.parse=function(t,e){if(3!==t.length)return e.error("Expected 2 arguments, but found "+(t.length-1)+" instead.");var r=e.parse(t[1],1,jt),n=e.parse(t[2],2,jt);return r&&n?Xt(r.type,[Ft,Rt,Dt,Ot,jt])?new sr(r,n):e.error("Expected first argument to be of type boolean, string, number or null, but found "+Gt(r.type)+" instead"):null},sr.prototype.evaluate=function(t){var e=this.needle.evaluate(t),r=this.haystack.evaluate(t);if(!r)return!1;if(!Zt(e,["boolean","string","number","null"]))throw new se("Expected first argument to be of type boolean, string, number or null, but found "+Gt(ie(e))+" instead.");if(!Zt(r,["string","array"]))throw new se("Expected second argument to be of type array or string, but found "+Gt(ie(r))+" instead.");return r.indexOf(e)>=0},sr.prototype.eachChild=function(t){t(this.needle),t(this.haystack)},sr.prototype.outputDefined=function(){return!0},sr.prototype.serialize=function(){return["in",this.needle.serialize(),this.haystack.serialize()]};var lr=function(t,e,r){this.type=Dt,this.needle=t,this.haystack=e,this.fromIndex=r};lr.parse=function(t,e){if(t.length<=2||t.length>=5)return e.error("Expected 3 or 4 arguments, but found "+(t.length-1)+" instead.");var r=e.parse(t[1],1,jt),n=e.parse(t[2],2,jt);if(!r||!n)return null;if(!Xt(r.type,[Ft,Rt,Dt,Ot,jt]))return e.error("Expected first argument to be of type boolean, string, number or null, but found "+Gt(r.type)+" instead");if(4===t.length){var i=e.parse(t[3],3,Dt);return i?new lr(r,n,i):null}return new lr(r,n)},lr.prototype.evaluate=function(t){var e=this.needle.evaluate(t),r=this.haystack.evaluate(t);if(!Zt(e,["boolean","string","number","null"]))throw new se("Expected first argument to be of type boolean, string, number or null, but found "+Gt(ie(e))+" instead.");if(!Zt(r,["string","array"]))throw new se("Expected second argument to be of type array or string, but found "+Gt(ie(r))+" instead.");if(this.fromIndex){var n=this.fromIndex.evaluate(t);return r.indexOf(e,n)}return r.indexOf(e)},lr.prototype.eachChild=function(t){t(this.needle),t(this.haystack),this.fromIndex&&t(this.fromIndex)},lr.prototype.outputDefined=function(){return!1},lr.prototype.serialize=function(){if(null!=this.fromIndex&&void 0!==this.fromIndex){var t=this.fromIndex.serialize();return["index-of",this.needle.serialize(),this.haystack.serialize(),t]}return["index-of",this.needle.serialize(),this.haystack.serialize()]};var cr=function(t,e,r,n,i,a){this.inputType=t,this.type=e,this.input=r,this.cases=n,this.outputs=i,this.otherwise=a};cr.parse=function(t,e){if(t.length<5)return e.error("Expected at least 4 arguments, but found only "+(t.length-1)+".");if(t.length%2!=1)return e.error("Expected an even number of arguments.");var r,n;e.expectedType&&"value"!==e.expectedType.kind&&(n=e.expectedType);for(var i={},a=[],o=2;oNumber.MAX_SAFE_INTEGER)return c.error("Branch labels must be integers no larger than "+Number.MAX_SAFE_INTEGER+".");if("number"==typeof h&&Math.floor(h)!==h)return c.error("Numeric branch labels must be integer values.");if(r){if(c.checkSubtype(r,ie(h)))return null}else r=ie(h);if(void 0!==i[String(h)])return c.error("Branch labels must be unique.");i[String(h)]=a.length}var p=e.parse(l,o,n);if(!p)return null;n=n||p.type,a.push(p)}var d=e.parse(t[1],1,jt);if(!d)return null;var g=e.parse(t[t.length-1],t.length-1,n);return g?"value"!==d.type.kind&&e.concat(1).checkSubtype(r,d.type)?null:new cr(r,n,d,i,a,g):null},cr.prototype.evaluate=function(t){var e=this.input.evaluate(t);return(ie(e)===this.inputType&&this.outputs[this.cases[e]]||this.otherwise).evaluate(t)},cr.prototype.eachChild=function(t){t(this.input),this.outputs.forEach(t),t(this.otherwise)},cr.prototype.outputDefined=function(){return this.outputs.every((function(t){return t.outputDefined()}))&&this.otherwise.outputDefined()},cr.prototype.serialize=function(){for(var t=this,e=["match",this.input.serialize()],r=[],n={},i=0,a=Object.keys(this.cases).sort();i=5)return e.error("Expected 3 or 4 arguments, but found "+(t.length-1)+" instead.");var r=e.parse(t[1],1,jt),n=e.parse(t[2],2,Dt);if(!r||!n)return null;if(!Xt(r.type,[Ht(jt),Rt,jt]))return e.error("Expected first argument to be of type array or string, but found "+Gt(r.type)+" instead");if(4===t.length){var i=e.parse(t[3],3,Dt);return i?new fr(r.type,r,n,i):null}return new fr(r.type,r,n)},fr.prototype.evaluate=function(t){var e=this.input.evaluate(t),r=this.beginIndex.evaluate(t);if(!Zt(e,["string","array"]))throw new se("Expected first argument to be of type array or string, but found "+Gt(ie(e))+" instead.");if(this.endIndex){var n=this.endIndex.evaluate(t);return e.slice(r,n)}return e.slice(r)},fr.prototype.eachChild=function(t){t(this.input),t(this.beginIndex),this.endIndex&&t(this.endIndex)},fr.prototype.outputDefined=function(){return!1},fr.prototype.serialize=function(){if(null!=this.endIndex&&void 0!==this.endIndex){var t=this.endIndex.serialize();return["slice",this.input.serialize(),this.beginIndex.serialize(),t]}return["slice",this.input.serialize(),this.beginIndex.serialize()]};var gr=dr("==",(function(t,e,r){return e===r}),pr),mr=dr("!=",(function(t,e,r){return e!==r}),(function(t,e,r,n){return!pr(0,e,r,n)})),vr=dr("<",(function(t,e,r){return e",(function(t,e,r){return e>r}),(function(t,e,r,n){return n.compare(e,r)>0})),xr=dr("<=",(function(t,e,r){return e<=r}),(function(t,e,r,n){return n.compare(e,r)<=0})),br=dr(">=",(function(t,e,r){return e>=r}),(function(t,e,r,n){return n.compare(e,r)>=0})),_r=function(t,e,r,n,i){this.type=Rt,this.number=t,this.locale=e,this.currency=r,this.minFractionDigits=n,this.maxFractionDigits=i};_r.parse=function(t,e){if(3!==t.length)return e.error("Expected two arguments.");var r=e.parse(t[1],1,Dt);if(!r)return null;var n=t[2];if("object"!=typeof n||Array.isArray(n))return e.error("NumberFormat options argument must be an object.");var i=null;if(n.locale&&!(i=e.parse(n.locale,1,Rt)))return null;var a=null;if(n.currency&&!(a=e.parse(n.currency,1,Rt)))return null;var o=null;if(n["min-fraction-digits"]&&!(o=e.parse(n["min-fraction-digits"],1,Dt)))return null;var s=null;return n["max-fraction-digits"]&&!(s=e.parse(n["max-fraction-digits"],1,Dt))?null:new _r(r,i,a,o,s)},_r.prototype.evaluate=function(t){return new Intl.NumberFormat(this.locale?this.locale.evaluate(t):[],{style:this.currency?"currency":"decimal",currency:this.currency?this.currency.evaluate(t):void 0,minimumFractionDigits:this.minFractionDigits?this.minFractionDigits.evaluate(t):void 0,maximumFractionDigits:this.maxFractionDigits?this.maxFractionDigits.evaluate(t):void 0}).format(this.number.evaluate(t))},_r.prototype.eachChild=function(t){t(this.number),this.locale&&t(this.locale),this.currency&&t(this.currency),this.minFractionDigits&&t(this.minFractionDigits),this.maxFractionDigits&&t(this.maxFractionDigits)},_r.prototype.outputDefined=function(){return!1},_r.prototype.serialize=function(){var t={};return this.locale&&(t.locale=this.locale.serialize()),this.currency&&(t.currency=this.currency.serialize()),this.minFractionDigits&&(t["min-fraction-digits"]=this.minFractionDigits.serialize()),this.maxFractionDigits&&(t["max-fraction-digits"]=this.maxFractionDigits.serialize()),["number-format",this.number.serialize(),t]};var wr=function(t){this.type=Dt,this.input=t};wr.parse=function(t,e){if(2!==t.length)return e.error("Expected 1 argument, but found "+(t.length-1)+" instead.");var r=e.parse(t[1],1);return r?"array"!==r.type.kind&&"string"!==r.type.kind&&"value"!==r.type.kind?e.error("Expected argument of type string or array, but found "+Gt(r.type)+" instead."):new wr(r):null},wr.prototype.evaluate=function(t){var e=this.input.evaluate(t);if("string"==typeof e)return e.length;if(Array.isArray(e))return e.length;throw new se("Expected value to be of type string or array, but found "+Gt(ie(e))+" instead.")},wr.prototype.eachChild=function(t){t(this.input)},wr.prototype.outputDefined=function(){return!1},wr.prototype.serialize=function(){var t=["length"];return this.eachChild((function(e){t.push(e.serialize())})),t};var Tr={"==":gr,"!=":mr,">":yr,"<":vr,">=":br,"<=":xr,array:ce,at:or,boolean:ce,case:ur,coalesce:ir,collator:ve,format:ue,image:fe,in:sr,"index-of":lr,interpolate:rr,"interpolate-hcl":rr,"interpolate-lab":rr,length:wr,let:ar,literal:oe,match:cr,number:ce,"number-format":_r,object:ce,slice:fr,step:je,string:ce,"to-boolean":pe,"to-color":pe,"to-number":pe,"to-string":pe,var:Fe,within:ze};function kr(t,e){var r=e[0],n=e[1],i=e[2],a=e[3];r=r.evaluate(t),n=n.evaluate(t),i=i.evaluate(t);var o=a?a.evaluate(t):1,s=re(r,n,i,o);if(s)throw new se(s);return new Kt(r/255*o,n/255*o,i/255*o,o)}function Mr(t,e){return t in e}function Ar(t,e){var r=e[t];return void 0===r?null:r}function Sr(t){return{type:t}}function Er(t){return{result:"success",value:t}}function Cr(t){return{result:"error",value:t}}function Lr(t){return"data-driven"===t["property-type"]||"cross-faded-data-driven"===t["property-type"]}function Ir(t){return!!t.expression&&t.expression.parameters.indexOf("zoom")>-1}function Pr(t){return!!t.expression&&t.expression.interpolated}function zr(t){return t instanceof Number?"number":t instanceof String?"string":t instanceof Boolean?"boolean":Array.isArray(t)?"array":null===t?"null":typeof t}function Or(t){return"object"==typeof t&&null!==t&&!Array.isArray(t)}function Dr(t){return t}function Rr(t,e,r){return void 0!==t?t:void 0!==e?e:void 0!==r?r:void 0}function Fr(t,e,r,n,i){return Rr(typeof r===i?n[r]:void 0,t.default,e.default)}function Br(t,e,r){if("number"!==zr(r))return Rr(t.default,e.default);var n=t.stops.length;if(1===n)return t.stops[0][1];if(r<=t.stops[0][0])return t.stops[0][1];if(r>=t.stops[n-1][0])return t.stops[n-1][1];var i=Ne(t.stops.map((function(t){return t[0]})),r);return t.stops[i][1]}function Nr(t,e,r){var n=void 0!==t.base?t.base:1;if("number"!==zr(r))return Rr(t.default,e.default);var i=t.stops.length;if(1===i)return t.stops[0][1];if(r<=t.stops[0][0])return t.stops[0][1];if(r>=t.stops[i-1][0])return t.stops[i-1][1];var a=Ne(t.stops.map((function(t){return t[0]})),r),o=function(t,e,r,n){var i=n-r,a=t-r;return 0===i?0:1===e?a/i:(Math.pow(e,a)-1)/(Math.pow(e,i)-1)}(r,n,t.stops[a][0],t.stops[a+1][0]),s=t.stops[a][1],l=t.stops[a+1][1],c=Ve[e.type]||Dr;if(t.colorSpace&&"rgb"!==t.colorSpace){var u=er[t.colorSpace];c=function(t,e){return u.reverse(u.interpolate(u.forward(t),u.forward(e),o))}}return"function"==typeof s.evaluate?{evaluate:function(){for(var t=[],e=arguments.length;e--;)t[e]=arguments[e];var r=s.evaluate.apply(void 0,t),n=l.evaluate.apply(void 0,t);if(void 0!==r&&void 0!==n)return c(r,n,o)}}:c(s,l,o)}function jr(t,e,r){return"color"===e.type?r=Kt.parse(r):"formatted"===e.type?r=te.fromString(r.toString()):"resolvedImage"===e.type?r=ee.fromString(r.toString()):zr(r)===e.type||"enum"===e.type&&e.values[r]||(r=void 0),Rr(r,t.default,e.default)}me.register(Tr,{error:[{kind:"error"},[Rt],function(t,e){throw new se(e[0].evaluate(t))}],typeof:[Rt,[jt],function(t,e){return Gt(ie(e[0].evaluate(t)))}],"to-rgba":[Ht(Dt,4),[Bt],function(t,e){return e[0].evaluate(t).toArray()}],rgb:[Bt,[Dt,Dt,Dt],kr],rgba:[Bt,[Dt,Dt,Dt,Dt],kr],has:{type:Ft,overloads:[[[Rt],function(t,e){return Mr(e[0].evaluate(t),t.properties())}],[[Rt,Nt],function(t,e){var r=e[1];return Mr(e[0].evaluate(t),r.evaluate(t))}]]},get:{type:jt,overloads:[[[Rt],function(t,e){return Ar(e[0].evaluate(t),t.properties())}],[[Rt,Nt],function(t,e){var r=e[1];return Ar(e[0].evaluate(t),r.evaluate(t))}]]},"feature-state":[jt,[Rt],function(t,e){return Ar(e[0].evaluate(t),t.featureState||{})}],properties:[Nt,[],function(t){return t.properties()}],"geometry-type":[Rt,[],function(t){return t.geometryType()}],id:[jt,[],function(t){return t.id()}],zoom:[Dt,[],function(t){return t.globals.zoom}],"heatmap-density":[Dt,[],function(t){return t.globals.heatmapDensity||0}],"line-progress":[Dt,[],function(t){return t.globals.lineProgress||0}],accumulated:[jt,[],function(t){return void 0===t.globals.accumulated?null:t.globals.accumulated}],"+":[Dt,Sr(Dt),function(t,e){for(var r=0,n=0,i=e;n":[Ft,[Rt,jt],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i>a}],"filter-id->":[Ft,[jt],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n>i}],"filter-<=":[Ft,[Rt,jt],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i<=a}],"filter-id-<=":[Ft,[jt],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n<=i}],"filter->=":[Ft,[Rt,jt],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i>=a}],"filter-id->=":[Ft,[jt],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n>=i}],"filter-has":[Ft,[jt],function(t,e){return e[0].value in t.properties()}],"filter-has-id":[Ft,[],function(t){return null!==t.id()&&void 0!==t.id()}],"filter-type-in":[Ft,[Ht(Rt)],function(t,e){return e[0].value.indexOf(t.geometryType())>=0}],"filter-id-in":[Ft,[Ht(jt)],function(t,e){return e[0].value.indexOf(t.id())>=0}],"filter-in-small":[Ft,[Rt,Ht(jt)],function(t,e){var r=e[0];return e[1].value.indexOf(t.properties()[r.value])>=0}],"filter-in-large":[Ft,[Rt,Ht(jt)],function(t,e){var r=e[0],n=e[1];return function(t,e,r,n){for(;r<=n;){var i=r+n>>1;if(e[i]===t)return!0;e[i]>t?n=i-1:r=i+1}return!1}(t.properties()[r.value],n.value,0,n.value.length-1)}],all:{type:Ft,overloads:[[[Ft,Ft],function(t,e){var r=e[1];return e[0].evaluate(t)&&r.evaluate(t)}],[Sr(Ft),function(t,e){for(var r=0,n=e;r0&&"string"==typeof t[0]&&t[0]in Tr}function qr(t,e){var r=new Be(Tr,[],e?function(t){var e={color:Bt,string:Rt,number:Dt,enum:Rt,boolean:Ft,formatted:Vt,resolvedImage:qt};return"array"===t.type?Ht(e[t.value]||jt,t.length):e[t.type]}(e):void 0),n=r.parse(t,void 0,void 0,void 0,e&&"string"===e.type?{typeAnnotation:"coerce"}:void 0);return n?Er(new Ur(n,e)):Cr(r.errors)}Ur.prototype.evaluateWithoutErrorHandling=function(t,e,r,n,i,a){return this._evaluator.globals=t,this._evaluator.feature=e,this._evaluator.featureState=r,this._evaluator.canonical=n,this._evaluator.availableImages=i||null,this._evaluator.formattedSection=a,this.expression.evaluate(this._evaluator)},Ur.prototype.evaluate=function(t,e,r,n,i,a){this._evaluator.globals=t,this._evaluator.feature=e||null,this._evaluator.featureState=r||null,this._evaluator.canonical=n,this._evaluator.availableImages=i||null,this._evaluator.formattedSection=a||null;try{var o=this.expression.evaluate(this._evaluator);if(null==o||"number"==typeof o&&o!=o)return this._defaultValue;if(this._enumValues&&!(o in this._enumValues))throw new se("Expected value to be one of "+Object.keys(this._enumValues).map((function(t){return JSON.stringify(t)})).join(", ")+", but found "+JSON.stringify(o)+" instead.");return o}catch(t){return this._warningHistory[t.message]||(this._warningHistory[t.message]=!0,"undefined"!=typeof console&&console.warn(t.message)),this._defaultValue}};var Hr=function(t,e){this.kind=t,this._styleExpression=e,this.isStateDependent="constant"!==t&&!De(e.expression)};Hr.prototype.evaluateWithoutErrorHandling=function(t,e,r,n,i,a){return this._styleExpression.evaluateWithoutErrorHandling(t,e,r,n,i,a)},Hr.prototype.evaluate=function(t,e,r,n,i,a){return this._styleExpression.evaluate(t,e,r,n,i,a)};var Gr=function(t,e,r,n){this.kind=t,this.zoomStops=r,this._styleExpression=e,this.isStateDependent="camera"!==t&&!De(e.expression),this.interpolationType=n};function Yr(t,e){if("error"===(t=qr(t,e)).result)return t;var r=t.value.expression,n=Oe(r);if(!n&&!Lr(e))return Cr([new Pt("","data expressions not supported")]);var i=Re(r,["zoom"]);if(!i&&!Ir(e))return Cr([new Pt("","zoom expressions not supported")]);var a=function t(e){var r=null;if(e instanceof ar)r=t(e.result);else if(e instanceof ir)for(var n=0,i=e.args;nn.maximum?[new St(e,r,r+" is greater than the maximum value "+n.maximum)]:[]}function Kr(t){var e,r,n,i=t.valueSpec,a=Lt(t.value.type),o={},s="categorical"!==a&&void 0===t.value.property,l=!s,c="array"===zr(t.value.stops)&&"array"===zr(t.value.stops[0])&&"object"===zr(t.value.stops[0][0]),u=Xr({key:t.key,value:t.value,valueSpec:t.styleSpec.function,style:t.style,styleSpec:t.styleSpec,objectElementValidators:{stops:function(t){if("identity"===a)return[new St(t.key,t.value,'identity function may not have a "stops" property')];var e=[],r=t.value;return e=e.concat(Zr({key:t.key,value:r,valueSpec:t.valueSpec,style:t.style,styleSpec:t.styleSpec,arrayElementValidator:f})),"array"===zr(r)&&0===r.length&&e.push(new St(t.key,r,"array must have at least one stop")),e},default:function(t){return bn({key:t.key,value:t.value,valueSpec:i,style:t.style,styleSpec:t.styleSpec})}}});return"identity"===a&&s&&u.push(new St(t.key,t.value,'missing required property "property"')),"identity"===a||t.value.stops||u.push(new St(t.key,t.value,'missing required property "stops"')),"exponential"===a&&t.valueSpec.expression&&!Pr(t.valueSpec)&&u.push(new St(t.key,t.value,"exponential functions not supported")),t.styleSpec.$version>=8&&(l&&!Lr(t.valueSpec)?u.push(new St(t.key,t.value,"property functions not supported")):s&&!Ir(t.valueSpec)&&u.push(new St(t.key,t.value,"zoom functions not supported"))),"categorical"!==a&&!c||void 0!==t.value.property||u.push(new St(t.key,t.value,'"property" property is required')),u;function f(t){var e=[],a=t.value,s=t.key;if("array"!==zr(a))return[new St(s,a,"array expected, "+zr(a)+" found")];if(2!==a.length)return[new St(s,a,"array length 2 expected, length "+a.length+" found")];if(c){if("object"!==zr(a[0]))return[new St(s,a,"object expected, "+zr(a[0])+" found")];if(void 0===a[0].zoom)return[new St(s,a,"object stop key must have zoom")];if(void 0===a[0].value)return[new St(s,a,"object stop key must have value")];if(n&&n>Lt(a[0].zoom))return[new St(s,a[0].zoom,"stop zoom values must appear in ascending order")];Lt(a[0].zoom)!==n&&(n=Lt(a[0].zoom),r=void 0,o={}),e=e.concat(Xr({key:s+"[0]",value:a[0],valueSpec:{zoom:{}},style:t.style,styleSpec:t.styleSpec,objectElementValidators:{zoom:Jr,value:h}}))}else e=e.concat(h({key:s+"[0]",value:a[0],valueSpec:{},style:t.style,styleSpec:t.styleSpec},a));return Vr(It(a[1]))?e.concat([new St(s+"[1]",a[1],"expressions are not allowed in function stops.")]):e.concat(bn({key:s+"[1]",value:a[1],valueSpec:i,style:t.style,styleSpec:t.styleSpec}))}function h(t,n){var s=zr(t.value),l=Lt(t.value),c=null!==t.value?t.value:n;if(e){if(s!==e)return[new St(t.key,c,s+" stop domain type must match previous stop domain type "+e)]}else e=s;if("number"!==s&&"string"!==s&&"boolean"!==s)return[new St(t.key,c,"stop domain value must be a number, string, or boolean")];if("number"!==s&&"categorical"!==a){var u="number expected, "+s+" found";return Lr(i)&&void 0===a&&(u+='\nIf you intended to use a categorical function, specify `"type": "categorical"`.'),[new St(t.key,c,u)]}return"categorical"!==a||"number"!==s||isFinite(l)&&Math.floor(l)===l?"categorical"!==a&&"number"===s&&void 0!==r&&l=2&&"$id"!==t[1]&&"$type"!==t[1];case"in":return t.length>=3&&("string"!=typeof t[1]||Array.isArray(t[2]));case"!in":case"!has":case"none":return!1;case"==":case"!=":case">":case">=":case"<":case"<=":return 3!==t.length||Array.isArray(t[1])||Array.isArray(t[2]);case"any":case"all":for(var e=0,r=t.slice(1);ee?1:0}function an(t){if(!t)return!0;var e,r=t[0];return t.length<=1?"any"!==r:"=="===r?on(t[1],t[2],"=="):"!="===r?cn(on(t[1],t[2],"==")):"<"===r||">"===r||"<="===r||">="===r?on(t[1],t[2],r):"any"===r?(e=t.slice(1),["any"].concat(e.map(an))):"all"===r?["all"].concat(t.slice(1).map(an)):"none"===r?["all"].concat(t.slice(1).map(an).map(cn)):"in"===r?sn(t[1],t.slice(2)):"!in"===r?cn(sn(t[1],t.slice(2))):"has"===r?ln(t[1]):"!has"===r?cn(ln(t[1])):"within"!==r||t}function on(t,e,r){switch(t){case"$type":return["filter-type-"+r,e];case"$id":return["filter-id-"+r,e];default:return["filter-"+r,t,e]}}function sn(t,e){if(0===e.length)return!1;switch(t){case"$type":return["filter-type-in",["literal",e]];case"$id":return["filter-id-in",["literal",e]];default:return e.length>200&&!e.some((function(t){return typeof t!=typeof e[0]}))?["filter-in-large",t,["literal",e.sort(nn)]]:["filter-in-small",t,["literal",e]]}}function ln(t){switch(t){case"$type":return!0;case"$id":return["filter-has-id"];default:return["filter-has",t]}}function cn(t){return["!",t]}function un(t){return tn(It(t.value))?Qr(Ct({},t,{expressionContext:"filter",valueSpec:{value:"boolean"}})):function t(e){var r=e.value,n=e.key;if("array"!==zr(r))return[new St(n,r,"array expected, "+zr(r)+" found")];var i,a=e.styleSpec,o=[];if(r.length<1)return[new St(n,r,"filter array must have at least 1 element")];switch(o=o.concat($r({key:n+"[0]",value:r[0],valueSpec:a.filter_operator,style:e.style,styleSpec:e.styleSpec})),Lt(r[0])){case"<":case"<=":case">":case">=":r.length>=2&&"$type"===Lt(r[1])&&o.push(new St(n,r,'"$type" cannot be use with operator "'+r[0]+'"'));case"==":case"!=":3!==r.length&&o.push(new St(n,r,'filter array for operator "'+r[0]+'" must have 3 elements'));case"in":case"!in":r.length>=2&&"string"!==(i=zr(r[1]))&&o.push(new St(n+"[1]",r[1],"string expected, "+i+" found"));for(var s=2;s=u[p+0]&&n>=u[p+1])?(o[h]=!0,a.push(c[h])):o[h]=!1}}},In.prototype._forEachCell=function(t,e,r,n,i,a,o,s){for(var l=this._convertToCellCoord(t),c=this._convertToCellCoord(e),u=this._convertToCellCoord(r),f=this._convertToCellCoord(n),h=l;h<=u;h++)for(var p=c;p<=f;p++){var d=this.d*p+h;if((!s||s(this._convertFromCellCoord(h),this._convertFromCellCoord(p),this._convertFromCellCoord(h+1),this._convertFromCellCoord(p+1)))&&i.call(this,t,e,r,n,d,a,o,s))return}},In.prototype._convertFromCellCoord=function(t){return(t-this.padding)/this.scale},In.prototype._convertToCellCoord=function(t){return Math.max(0,Math.min(this.d-1,Math.floor(t*this.scale)+this.padding))},In.prototype.toArrayBuffer=function(){if(this.arrayBuffer)return this.arrayBuffer;for(var t=this.cells,e=3+this.cells.length+1+1,r=0,n=0;n=0)){var u=t[c];l[c]=On[s].shallow.indexOf(c)>=0?u:Nn(u,e)}t instanceof Error&&(l.message=t.message)}if(l.$name)throw new Error("$name property is reserved for worker serialization logic.");return"Object"!==s&&(l.$name=s),l}throw new Error("can't serialize object of type "+typeof t)}function jn(t){if(null==t||"boolean"==typeof t||"number"==typeof t||"string"==typeof t||t instanceof Boolean||t instanceof Number||t instanceof String||t instanceof Date||t instanceof RegExp||Fn(t)||Bn(t)||ArrayBuffer.isView(t)||t instanceof Pn)return t;if(Array.isArray(t))return t.map(jn);if("object"==typeof t){var e=t.$name||"Object",r=On[e].klass;if(!r)throw new Error("can't deserialize unregistered class "+e);if(r.deserialize)return r.deserialize(t);for(var n=Object.create(r.prototype),i=0,a=Object.keys(t);i=0?s:jn(s)}}return n}throw new Error("can't deserialize object of type "+typeof t)}var Un=function(){this.first=!0};Un.prototype.update=function(t,e){var r=Math.floor(t);return this.first?(this.first=!1,this.lastIntegerZoom=r,this.lastIntegerZoomTime=0,this.lastZoom=t,this.lastFloorZoom=r,!0):(this.lastFloorZoom>r?(this.lastIntegerZoom=r+1,this.lastIntegerZoomTime=e):this.lastFloorZoom=128&&t<=255},Arabic:function(t){return t>=1536&&t<=1791},"Arabic Supplement":function(t){return t>=1872&&t<=1919},"Arabic Extended-A":function(t){return t>=2208&&t<=2303},"Hangul Jamo":function(t){return t>=4352&&t<=4607},"Unified Canadian Aboriginal Syllabics":function(t){return t>=5120&&t<=5759},Khmer:function(t){return t>=6016&&t<=6143},"Unified Canadian Aboriginal Syllabics Extended":function(t){return t>=6320&&t<=6399},"General Punctuation":function(t){return t>=8192&&t<=8303},"Letterlike Symbols":function(t){return t>=8448&&t<=8527},"Number Forms":function(t){return t>=8528&&t<=8591},"Miscellaneous Technical":function(t){return t>=8960&&t<=9215},"Control Pictures":function(t){return t>=9216&&t<=9279},"Optical Character Recognition":function(t){return t>=9280&&t<=9311},"Enclosed Alphanumerics":function(t){return t>=9312&&t<=9471},"Geometric Shapes":function(t){return t>=9632&&t<=9727},"Miscellaneous Symbols":function(t){return t>=9728&&t<=9983},"Miscellaneous Symbols and Arrows":function(t){return t>=11008&&t<=11263},"CJK Radicals Supplement":function(t){return t>=11904&&t<=12031},"Kangxi Radicals":function(t){return t>=12032&&t<=12255},"Ideographic Description Characters":function(t){return t>=12272&&t<=12287},"CJK Symbols and Punctuation":function(t){return t>=12288&&t<=12351},Hiragana:function(t){return t>=12352&&t<=12447},Katakana:function(t){return t>=12448&&t<=12543},Bopomofo:function(t){return t>=12544&&t<=12591},"Hangul Compatibility Jamo":function(t){return t>=12592&&t<=12687},Kanbun:function(t){return t>=12688&&t<=12703},"Bopomofo Extended":function(t){return t>=12704&&t<=12735},"CJK Strokes":function(t){return t>=12736&&t<=12783},"Katakana Phonetic Extensions":function(t){return t>=12784&&t<=12799},"Enclosed CJK Letters and Months":function(t){return t>=12800&&t<=13055},"CJK Compatibility":function(t){return t>=13056&&t<=13311},"CJK Unified Ideographs Extension A":function(t){return t>=13312&&t<=19903},"Yijing Hexagram Symbols":function(t){return t>=19904&&t<=19967},"CJK Unified Ideographs":function(t){return t>=19968&&t<=40959},"Yi Syllables":function(t){return t>=40960&&t<=42127},"Yi Radicals":function(t){return t>=42128&&t<=42191},"Hangul Jamo Extended-A":function(t){return t>=43360&&t<=43391},"Hangul Syllables":function(t){return t>=44032&&t<=55215},"Hangul Jamo Extended-B":function(t){return t>=55216&&t<=55295},"Private Use Area":function(t){return t>=57344&&t<=63743},"CJK Compatibility Ideographs":function(t){return t>=63744&&t<=64255},"Arabic Presentation Forms-A":function(t){return t>=64336&&t<=65023},"Vertical Forms":function(t){return t>=65040&&t<=65055},"CJK Compatibility Forms":function(t){return t>=65072&&t<=65103},"Small Form Variants":function(t){return t>=65104&&t<=65135},"Arabic Presentation Forms-B":function(t){return t>=65136&&t<=65279},"Halfwidth and Fullwidth Forms":function(t){return t>=65280&&t<=65519}};function qn(t){for(var e=0,r=t;e=65097&&t<=65103)||Vn["CJK Compatibility Ideographs"](t)||Vn["CJK Compatibility"](t)||Vn["CJK Radicals Supplement"](t)||Vn["CJK Strokes"](t)||!(!Vn["CJK Symbols and Punctuation"](t)||t>=12296&&t<=12305||t>=12308&&t<=12319||12336===t)||Vn["CJK Unified Ideographs Extension A"](t)||Vn["CJK Unified Ideographs"](t)||Vn["Enclosed CJK Letters and Months"](t)||Vn["Hangul Compatibility Jamo"](t)||Vn["Hangul Jamo Extended-A"](t)||Vn["Hangul Jamo Extended-B"](t)||Vn["Hangul Jamo"](t)||Vn["Hangul Syllables"](t)||Vn.Hiragana(t)||Vn["Ideographic Description Characters"](t)||Vn.Kanbun(t)||Vn["Kangxi Radicals"](t)||Vn["Katakana Phonetic Extensions"](t)||Vn.Katakana(t)&&12540!==t||!(!Vn["Halfwidth and Fullwidth Forms"](t)||65288===t||65289===t||65293===t||t>=65306&&t<=65310||65339===t||65341===t||65343===t||t>=65371&&t<=65503||65507===t||t>=65512&&t<=65519)||!(!Vn["Small Form Variants"](t)||t>=65112&&t<=65118||t>=65123&&t<=65126)||Vn["Unified Canadian Aboriginal Syllabics"](t)||Vn["Unified Canadian Aboriginal Syllabics Extended"](t)||Vn["Vertical Forms"](t)||Vn["Yijing Hexagram Symbols"](t)||Vn["Yi Syllables"](t)||Vn["Yi Radicals"](t))))}function Gn(t){return!(Hn(t)||function(t){return!!(Vn["Latin-1 Supplement"](t)&&(167===t||169===t||174===t||177===t||188===t||189===t||190===t||215===t||247===t)||Vn["General Punctuation"](t)&&(8214===t||8224===t||8225===t||8240===t||8241===t||8251===t||8252===t||8258===t||8263===t||8264===t||8265===t||8273===t)||Vn["Letterlike Symbols"](t)||Vn["Number Forms"](t)||Vn["Miscellaneous Technical"](t)&&(t>=8960&&t<=8967||t>=8972&&t<=8991||t>=8996&&t<=9e3||9003===t||t>=9085&&t<=9114||t>=9150&&t<=9165||9167===t||t>=9169&&t<=9179||t>=9186&&t<=9215)||Vn["Control Pictures"](t)&&9251!==t||Vn["Optical Character Recognition"](t)||Vn["Enclosed Alphanumerics"](t)||Vn["Geometric Shapes"](t)||Vn["Miscellaneous Symbols"](t)&&!(t>=9754&&t<=9759)||Vn["Miscellaneous Symbols and Arrows"](t)&&(t>=11026&&t<=11055||t>=11088&&t<=11097||t>=11192&&t<=11243)||Vn["CJK Symbols and Punctuation"](t)||Vn.Katakana(t)||Vn["Private Use Area"](t)||Vn["CJK Compatibility Forms"](t)||Vn["Small Form Variants"](t)||Vn["Halfwidth and Fullwidth Forms"](t)||8734===t||8756===t||8757===t||t>=9984&&t<=10087||t>=10102&&t<=10131||65532===t||65533===t)}(t))}function Yn(t){return t>=1424&&t<=2303||Vn["Arabic Presentation Forms-A"](t)||Vn["Arabic Presentation Forms-B"](t)}function Wn(t,e){return!(!e&&Yn(t)||t>=2304&&t<=3583||t>=3840&&t<=4255||Vn.Khmer(t))}function Xn(t){for(var e=0,r=t;e-1&&(Jn="error"),Zn&&Zn(t)};function $n(){ti.fire(new Tt("pluginStateChange",{pluginStatus:Jn,pluginURL:Kn}))}var ti=new Mt,ei=function(){return Jn},ri=function(){if("deferred"!==Jn||!Kn)throw new Error("rtl-text-plugin cannot be downloaded unless a pluginURL is specified");Jn="loading",$n(),Kn&&yt({url:Kn},(function(t){t?Qn(t):(Jn="loaded",$n())}))},ni={applyArabicShaping:null,processBidirectionalText:null,processStyledBidirectionalText:null,isLoaded:function(){return"loaded"===Jn||null!=ni.applyArabicShaping},isLoading:function(){return"loading"===Jn},setState:function(t){Jn=t.pluginStatus,Kn=t.pluginURL},isParsed:function(){return null!=ni.applyArabicShaping&&null!=ni.processBidirectionalText&&null!=ni.processStyledBidirectionalText},getPluginURL:function(){return Kn}},ii=function(t,e){this.zoom=t,e?(this.now=e.now,this.fadeDuration=e.fadeDuration,this.zoomHistory=e.zoomHistory,this.transition=e.transition):(this.now=0,this.fadeDuration=0,this.zoomHistory=new Un,this.transition={})};ii.prototype.isSupportedScript=function(t){return function(t,e){for(var r=0,n=t;rthis.zoomHistory.lastIntegerZoom?{fromScale:2,toScale:1,t:e+(1-e)*r}:{fromScale:.5,toScale:1,t:1-(1-r)*e}};var ai=function(t,e){this.property=t,this.value=e,this.expression=function(t,e){if(Or(t))return new Wr(t,e);if(Vr(t)){var r=Yr(t,e);if("error"===r.result)throw new Error(r.value.map((function(t){return t.key+": "+t.message})).join(", "));return r.value}var n=t;return"string"==typeof t&&"color"===e.type&&(n=Kt.parse(t)),{kind:"constant",evaluate:function(){return n}}}(void 0===e?t.specification.default:e,t.specification)};ai.prototype.isDataDriven=function(){return"source"===this.expression.kind||"composite"===this.expression.kind},ai.prototype.possiblyEvaluate=function(t,e,r){return this.property.possiblyEvaluate(this,t,e,r)};var oi=function(t){this.property=t,this.value=new ai(t,void 0)};oi.prototype.transitioned=function(t,e){return new li(this.property,this.value,e,u({},t.transition,this.transition),t.now)},oi.prototype.untransitioned=function(){return new li(this.property,this.value,null,{},0)};var si=function(t){this._properties=t,this._values=Object.create(t.defaultTransitionablePropertyValues)};si.prototype.getValue=function(t){return x(this._values[t].value.value)},si.prototype.setValue=function(t,e){this._values.hasOwnProperty(t)||(this._values[t]=new oi(this._values[t].property)),this._values[t].value=new ai(this._values[t].property,null===e?void 0:x(e))},si.prototype.getTransition=function(t){return x(this._values[t].transition)},si.prototype.setTransition=function(t,e){this._values.hasOwnProperty(t)||(this._values[t]=new oi(this._values[t].property)),this._values[t].transition=x(e)||void 0},si.prototype.serialize=function(){for(var t={},e=0,r=Object.keys(this._values);ethis.end)return this.prior=null,i;if(this.value.isDataDriven())return this.prior=null,i;if(n=1)return 1;var e=t*t,r=e*t;return 4*(t<.5?r:3*(t-e)+r-.75)}(o))}return i};var ci=function(t){this._properties=t,this._values=Object.create(t.defaultTransitioningPropertyValues)};ci.prototype.possiblyEvaluate=function(t,e,r){for(var n=new hi(this._properties),i=0,a=Object.keys(this._values);in.zoomHistory.lastIntegerZoom?{from:t,to:e}:{from:r,to:e}},e.prototype.interpolate=function(t){return t},e}(di),mi=function(t){this.specification=t};mi.prototype.possiblyEvaluate=function(t,e,r,n){if(void 0!==t.value){if("constant"===t.expression.kind){var i=t.expression.evaluate(e,null,{},r,n);return this._calculate(i,i,i,e)}return this._calculate(t.expression.evaluate(new ii(Math.floor(e.zoom-1),e)),t.expression.evaluate(new ii(Math.floor(e.zoom),e)),t.expression.evaluate(new ii(Math.floor(e.zoom+1),e)),e)}},mi.prototype._calculate=function(t,e,r,n){return n.zoom>n.zoomHistory.lastIntegerZoom?{from:t,to:e}:{from:r,to:e}},mi.prototype.interpolate=function(t){return t};var vi=function(t){this.specification=t};vi.prototype.possiblyEvaluate=function(t,e,r,n){return!!t.expression.evaluate(e,null,{},r,n)},vi.prototype.interpolate=function(){return!1};var yi=function(t){for(var e in this.properties=t,this.defaultPropertyValues={},this.defaultTransitionablePropertyValues={},this.defaultTransitioningPropertyValues={},this.defaultPossiblyEvaluatedValues={},this.overridableProperties=[],t){var r=t[e];r.specification.overridable&&this.overridableProperties.push(e);var n=this.defaultPropertyValues[e]=new ai(r,void 0),i=this.defaultTransitionablePropertyValues[e]=new oi(r);this.defaultTransitioningPropertyValues[e]=i.untransitioned(),this.defaultPossiblyEvaluatedValues[e]=n.possiblyEvaluate({})}};Dn("DataDrivenProperty",di),Dn("DataConstantProperty",pi),Dn("CrossFadedDataDrivenProperty",gi),Dn("CrossFadedProperty",mi),Dn("ColorRampProperty",vi);var xi=function(t){function e(e,r){if(t.call(this),this.id=e.id,this.type=e.type,this._featureFilter={filter:function(){return!0},needGeometry:!1},"custom"!==e.type&&(this.metadata=(e=e).metadata,this.minzoom=e.minzoom,this.maxzoom=e.maxzoom,"background"!==e.type&&(this.source=e.source,this.sourceLayer=e["source-layer"],this.filter=e.filter),r.layout&&(this._unevaluatedLayout=new ui(r.layout)),r.paint)){for(var n in this._transitionablePaint=new si(r.paint),e.paint)this.setPaintProperty(n,e.paint[n],{validate:!1});for(var i in e.layout)this.setLayoutProperty(i,e.layout[i],{validate:!1});this._transitioningPaint=this._transitionablePaint.untransitioned(),this.paint=new hi(r.paint)}}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.getCrossfadeParameters=function(){return this._crossfadeParameters},e.prototype.getLayoutProperty=function(t){return"visibility"===t?this.visibility:this._unevaluatedLayout.getValue(t)},e.prototype.setLayoutProperty=function(t,e,r){void 0===r&&(r={}),null!=e&&this._validate(En,"layers."+this.id+".layout."+t,t,e,r)||("visibility"!==t?this._unevaluatedLayout.setValue(t,e):this.visibility=e)},e.prototype.getPaintProperty=function(t){return m(t,"-transition")?this._transitionablePaint.getTransition(t.slice(0,-"-transition".length)):this._transitionablePaint.getValue(t)},e.prototype.setPaintProperty=function(t,e,r){if(void 0===r&&(r={}),null!=e&&this._validate(Sn,"layers."+this.id+".paint."+t,t,e,r))return!1;if(m(t,"-transition"))return this._transitionablePaint.setTransition(t.slice(0,-"-transition".length),e||void 0),!1;var n=this._transitionablePaint._values[t],i="cross-faded-data-driven"===n.property.specification["property-type"],a=n.value.isDataDriven(),o=n.value;this._transitionablePaint.setValue(t,e),this._handleSpecialPaintPropertyUpdate(t);var s=this._transitionablePaint._values[t].value;return s.isDataDriven()||a||i||this._handleOverridablePaintPropertyUpdate(t,o,s)},e.prototype._handleSpecialPaintPropertyUpdate=function(t){},e.prototype._handleOverridablePaintPropertyUpdate=function(t,e,r){return!1},e.prototype.isHidden=function(t){return!!(this.minzoom&&t=this.maxzoom)||"none"===this.visibility},e.prototype.updateTransitions=function(t){this._transitioningPaint=this._transitionablePaint.transitioned(t,this._transitioningPaint)},e.prototype.hasTransition=function(){return this._transitioningPaint.hasTransition()},e.prototype.recalculate=function(t,e){t.getCrossfadeParameters&&(this._crossfadeParameters=t.getCrossfadeParameters()),this._unevaluatedLayout&&(this.layout=this._unevaluatedLayout.possiblyEvaluate(t,void 0,e)),this.paint=this._transitioningPaint.possiblyEvaluate(t,void 0,e)},e.prototype.serialize=function(){var t={id:this.id,type:this.type,source:this.source,"source-layer":this.sourceLayer,metadata:this.metadata,minzoom:this.minzoom,maxzoom:this.maxzoom,filter:this.filter,layout:this._unevaluatedLayout&&this._unevaluatedLayout.serialize(),paint:this._transitionablePaint&&this._transitionablePaint.serialize()};return this.visibility&&(t.layout=t.layout||{},t.layout.visibility=this.visibility),y(t,(function(t,e){return!(void 0===t||"layout"===e&&!Object.keys(t).length||"paint"===e&&!Object.keys(t).length)}))},e.prototype._validate=function(t,e,r,n,i){return void 0===i&&(i={}),(!i||!1!==i.validate)&&Cn(this,t.call(Mn,{key:e,layerType:this.type,objectKey:r,value:n,styleSpec:At,style:{glyphs:!0,sprite:!0}}))},e.prototype.is3D=function(){return!1},e.prototype.isTileClipped=function(){return!1},e.prototype.hasOffscreenPass=function(){return!1},e.prototype.resize=function(){},e.prototype.isStateDependent=function(){for(var t in this.paint._values){var e=this.paint.get(t);if(e instanceof fi&&Lr(e.property.specification)&&("source"===e.value.kind||"composite"===e.value.kind)&&e.value.isStateDependent)return!0}return!1},e}(Mt),bi={Int8:Int8Array,Uint8:Uint8Array,Int16:Int16Array,Uint16:Uint16Array,Int32:Int32Array,Uint32:Uint32Array,Float32:Float32Array},_i=function(t,e){this._structArray=t,this._pos1=e*this.size,this._pos2=this._pos1/2,this._pos4=this._pos1/4,this._pos8=this._pos1/8},wi=function(){this.isTransferred=!1,this.capacity=-1,this.resize(0)};function Ti(t,e){void 0===e&&(e=1);var r=0,n=0;return{members:t.map((function(t){var i=bi[t.type].BYTES_PER_ELEMENT,a=r=ki(r,Math.max(e,i)),o=t.components||1;return n=Math.max(n,i),r+=i*o,{name:t.name,type:t.type,components:o,offset:a}})),size:ki(r,Math.max(n,e)),alignment:e}}function ki(t,e){return Math.ceil(t/e)*e}wi.serialize=function(t,e){return t._trim(),e&&(t.isTransferred=!0,e.push(t.arrayBuffer)),{length:t.length,arrayBuffer:t.arrayBuffer}},wi.deserialize=function(t){var e=Object.create(this.prototype);return e.arrayBuffer=t.arrayBuffer,e.length=t.length,e.capacity=t.arrayBuffer.byteLength/e.bytesPerElement,e._refreshViews(),e},wi.prototype._trim=function(){this.length!==this.capacity&&(this.capacity=this.length,this.arrayBuffer=this.arrayBuffer.slice(0,this.length*this.bytesPerElement),this._refreshViews())},wi.prototype.clear=function(){this.length=0},wi.prototype.resize=function(t){this.reserve(t),this.length=t},wi.prototype.reserve=function(t){if(t>this.capacity){this.capacity=Math.max(t,Math.floor(5*this.capacity),128),this.arrayBuffer=new ArrayBuffer(this.capacity*this.bytesPerElement);var e=this.uint8;this._refreshViews(),e&&this.uint8.set(e)}},wi.prototype._refreshViews=function(){throw new Error("_refreshViews() must be implemented by each concrete StructArray layout")};var Mi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;return this.resize(r+1),this.emplace(r,t,e)},e.prototype.emplace=function(t,e,r){var n=2*t;return this.int16[n+0]=e,this.int16[n+1]=r,t},e}(wi);Mi.prototype.bytesPerElement=4,Dn("StructArrayLayout2i4",Mi);var Ai=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n){var i=this.length;return this.resize(i+1),this.emplace(i,t,e,r,n)},e.prototype.emplace=function(t,e,r,n,i){var a=4*t;return this.int16[a+0]=e,this.int16[a+1]=r,this.int16[a+2]=n,this.int16[a+3]=i,t},e}(wi);Ai.prototype.bytesPerElement=8,Dn("StructArrayLayout4i8",Ai);var Si=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a){var o=this.length;return this.resize(o+1),this.emplace(o,t,e,r,n,i,a)},e.prototype.emplace=function(t,e,r,n,i,a,o){var s=6*t;return this.int16[s+0]=e,this.int16[s+1]=r,this.int16[s+2]=n,this.int16[s+3]=i,this.int16[s+4]=a,this.int16[s+5]=o,t},e}(wi);Si.prototype.bytesPerElement=12,Dn("StructArrayLayout2i4i12",Si);var Ei=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a){var o=this.length;return this.resize(o+1),this.emplace(o,t,e,r,n,i,a)},e.prototype.emplace=function(t,e,r,n,i,a,o){var s=4*t,l=8*t;return this.int16[s+0]=e,this.int16[s+1]=r,this.uint8[l+4]=n,this.uint8[l+5]=i,this.uint8[l+6]=a,this.uint8[l+7]=o,t},e}(wi);Ei.prototype.bytesPerElement=8,Dn("StructArrayLayout2i4ub8",Ei);var Ci=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c){var u=this.length;return this.resize(u+1),this.emplace(u,t,e,r,n,i,a,o,s,l,c)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c,u){var f=9*t,h=18*t;return this.uint16[f+0]=e,this.uint16[f+1]=r,this.uint16[f+2]=n,this.uint16[f+3]=i,this.uint16[f+4]=a,this.uint16[f+5]=o,this.uint16[f+6]=s,this.uint16[f+7]=l,this.uint8[h+16]=c,this.uint8[h+17]=u,t},e}(wi);Ci.prototype.bytesPerElement=18,Dn("StructArrayLayout8ui2ub18",Ci);var Li=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c,u,f){var h=this.length;return this.resize(h+1),this.emplace(h,t,e,r,n,i,a,o,s,l,c,u,f)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c,u,f,h){var p=12*t;return this.int16[p+0]=e,this.int16[p+1]=r,this.int16[p+2]=n,this.int16[p+3]=i,this.uint16[p+4]=a,this.uint16[p+5]=o,this.uint16[p+6]=s,this.uint16[p+7]=l,this.int16[p+8]=c,this.int16[p+9]=u,this.int16[p+10]=f,this.int16[p+11]=h,t},e}(wi);Li.prototype.bytesPerElement=24,Dn("StructArrayLayout4i4ui4i24",Li);var Ii=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;return this.resize(n+1),this.emplace(n,t,e,r)},e.prototype.emplace=function(t,e,r,n){var i=3*t;return this.float32[i+0]=e,this.float32[i+1]=r,this.float32[i+2]=n,t},e}(wi);Ii.prototype.bytesPerElement=12,Dn("StructArrayLayout3f12",Ii);var Pi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t){var e=this.length;return this.resize(e+1),this.emplace(e,t)},e.prototype.emplace=function(t,e){return this.uint32[1*t+0]=e,t},e}(wi);Pi.prototype.bytesPerElement=4,Dn("StructArrayLayout1ul4",Pi);var zi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l){var c=this.length;return this.resize(c+1),this.emplace(c,t,e,r,n,i,a,o,s,l)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c){var u=10*t,f=5*t;return this.int16[u+0]=e,this.int16[u+1]=r,this.int16[u+2]=n,this.int16[u+3]=i,this.int16[u+4]=a,this.int16[u+5]=o,this.uint32[f+3]=s,this.uint16[u+8]=l,this.uint16[u+9]=c,t},e}(wi);zi.prototype.bytesPerElement=20,Dn("StructArrayLayout6i1ul2ui20",zi);var Oi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a){var o=this.length;return this.resize(o+1),this.emplace(o,t,e,r,n,i,a)},e.prototype.emplace=function(t,e,r,n,i,a,o){var s=6*t;return this.int16[s+0]=e,this.int16[s+1]=r,this.int16[s+2]=n,this.int16[s+3]=i,this.int16[s+4]=a,this.int16[s+5]=o,t},e}(wi);Oi.prototype.bytesPerElement=12,Dn("StructArrayLayout2i2i2i12",Oi);var Di=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i){var a=this.length;return this.resize(a+1),this.emplace(a,t,e,r,n,i)},e.prototype.emplace=function(t,e,r,n,i,a){var o=4*t,s=8*t;return this.float32[o+0]=e,this.float32[o+1]=r,this.float32[o+2]=n,this.int16[s+6]=i,this.int16[s+7]=a,t},e}(wi);Di.prototype.bytesPerElement=16,Dn("StructArrayLayout2f1f2i16",Di);var Ri=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n){var i=this.length;return this.resize(i+1),this.emplace(i,t,e,r,n)},e.prototype.emplace=function(t,e,r,n,i){var a=12*t,o=3*t;return this.uint8[a+0]=e,this.uint8[a+1]=r,this.float32[o+1]=n,this.float32[o+2]=i,t},e}(wi);Ri.prototype.bytesPerElement=12,Dn("StructArrayLayout2ub2f12",Ri);var Fi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;return this.resize(n+1),this.emplace(n,t,e,r)},e.prototype.emplace=function(t,e,r,n){var i=3*t;return this.uint16[i+0]=e,this.uint16[i+1]=r,this.uint16[i+2]=n,t},e}(wi);Fi.prototype.bytesPerElement=6,Dn("StructArrayLayout3ui6",Fi);var Bi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m){var v=this.length;return this.resize(v+1),this.emplace(v,t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v){var y=24*t,x=12*t,b=48*t;return this.int16[y+0]=e,this.int16[y+1]=r,this.uint16[y+2]=n,this.uint16[y+3]=i,this.uint32[x+2]=a,this.uint32[x+3]=o,this.uint32[x+4]=s,this.uint16[y+10]=l,this.uint16[y+11]=c,this.uint16[y+12]=u,this.float32[x+7]=f,this.float32[x+8]=h,this.uint8[b+36]=p,this.uint8[b+37]=d,this.uint8[b+38]=g,this.uint32[x+10]=m,this.int16[y+22]=v,t},e}(wi);Bi.prototype.bytesPerElement=48,Dn("StructArrayLayout2i2ui3ul3ui2f3ub1ul1i48",Bi);var Ni=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,_,w,T,k,M,A,S){var E=this.length;return this.resize(E+1),this.emplace(E,t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,_,w,T,k,M,A,S)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,_,w,T,k,M,A,S,E){var C=34*t,L=17*t;return this.int16[C+0]=e,this.int16[C+1]=r,this.int16[C+2]=n,this.int16[C+3]=i,this.int16[C+4]=a,this.int16[C+5]=o,this.int16[C+6]=s,this.int16[C+7]=l,this.uint16[C+8]=c,this.uint16[C+9]=u,this.uint16[C+10]=f,this.uint16[C+11]=h,this.uint16[C+12]=p,this.uint16[C+13]=d,this.uint16[C+14]=g,this.uint16[C+15]=m,this.uint16[C+16]=v,this.uint16[C+17]=y,this.uint16[C+18]=x,this.uint16[C+19]=b,this.uint16[C+20]=_,this.uint16[C+21]=w,this.uint16[C+22]=T,this.uint32[L+12]=k,this.float32[L+13]=M,this.float32[L+14]=A,this.float32[L+15]=S,this.float32[L+16]=E,t},e}(wi);Ni.prototype.bytesPerElement=68,Dn("StructArrayLayout8i15ui1ul4f68",Ni);var ji=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t){var e=this.length;return this.resize(e+1),this.emplace(e,t)},e.prototype.emplace=function(t,e){return this.float32[1*t+0]=e,t},e}(wi);ji.prototype.bytesPerElement=4,Dn("StructArrayLayout1f4",ji);var Ui=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;return this.resize(n+1),this.emplace(n,t,e,r)},e.prototype.emplace=function(t,e,r,n){var i=3*t;return this.int16[i+0]=e,this.int16[i+1]=r,this.int16[i+2]=n,t},e}(wi);Ui.prototype.bytesPerElement=6,Dn("StructArrayLayout3i6",Ui);var Vi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;return this.resize(n+1),this.emplace(n,t,e,r)},e.prototype.emplace=function(t,e,r,n){var i=4*t;return this.uint32[2*t+0]=e,this.uint16[i+2]=r,this.uint16[i+3]=n,t},e}(wi);Vi.prototype.bytesPerElement=8,Dn("StructArrayLayout1ul2ui8",Vi);var qi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;return this.resize(r+1),this.emplace(r,t,e)},e.prototype.emplace=function(t,e,r){var n=2*t;return this.uint16[n+0]=e,this.uint16[n+1]=r,t},e}(wi);qi.prototype.bytesPerElement=4,Dn("StructArrayLayout2ui4",qi);var Hi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t){var e=this.length;return this.resize(e+1),this.emplace(e,t)},e.prototype.emplace=function(t,e){return this.uint16[1*t+0]=e,t},e}(wi);Hi.prototype.bytesPerElement=2,Dn("StructArrayLayout1ui2",Hi);var Gi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;return this.resize(r+1),this.emplace(r,t,e)},e.prototype.emplace=function(t,e,r){var n=2*t;return this.float32[n+0]=e,this.float32[n+1]=r,t},e}(wi);Gi.prototype.bytesPerElement=8,Dn("StructArrayLayout2f8",Gi);var Yi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n){var i=this.length;return this.resize(i+1),this.emplace(i,t,e,r,n)},e.prototype.emplace=function(t,e,r,n,i){var a=4*t;return this.float32[a+0]=e,this.float32[a+1]=r,this.float32[a+2]=n,this.float32[a+3]=i,t},e}(wi);Yi.prototype.bytesPerElement=16,Dn("StructArrayLayout4f16",Yi);var Wi=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e;var r={anchorPointX:{configurable:!0},anchorPointY:{configurable:!0},x1:{configurable:!0},y1:{configurable:!0},x2:{configurable:!0},y2:{configurable:!0},featureIndex:{configurable:!0},sourceLayerIndex:{configurable:!0},bucketIndex:{configurable:!0},anchorPoint:{configurable:!0}};return r.anchorPointX.get=function(){return this._structArray.int16[this._pos2+0]},r.anchorPointY.get=function(){return this._structArray.int16[this._pos2+1]},r.x1.get=function(){return this._structArray.int16[this._pos2+2]},r.y1.get=function(){return this._structArray.int16[this._pos2+3]},r.x2.get=function(){return this._structArray.int16[this._pos2+4]},r.y2.get=function(){return this._structArray.int16[this._pos2+5]},r.featureIndex.get=function(){return this._structArray.uint32[this._pos4+3]},r.sourceLayerIndex.get=function(){return this._structArray.uint16[this._pos2+8]},r.bucketIndex.get=function(){return this._structArray.uint16[this._pos2+9]},r.anchorPoint.get=function(){return new i(this.anchorPointX,this.anchorPointY)},Object.defineProperties(e.prototype,r),e}(_i);Wi.prototype.size=20;var Xi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.get=function(t){return new Wi(this,t)},e}(zi);Dn("CollisionBoxArray",Xi);var Zi=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e;var r={anchorX:{configurable:!0},anchorY:{configurable:!0},glyphStartIndex:{configurable:!0},numGlyphs:{configurable:!0},vertexStartIndex:{configurable:!0},lineStartIndex:{configurable:!0},lineLength:{configurable:!0},segment:{configurable:!0},lowerSize:{configurable:!0},upperSize:{configurable:!0},lineOffsetX:{configurable:!0},lineOffsetY:{configurable:!0},writingMode:{configurable:!0},placedOrientation:{configurable:!0},hidden:{configurable:!0},crossTileID:{configurable:!0},associatedIconIndex:{configurable:!0}};return r.anchorX.get=function(){return this._structArray.int16[this._pos2+0]},r.anchorY.get=function(){return this._structArray.int16[this._pos2+1]},r.glyphStartIndex.get=function(){return this._structArray.uint16[this._pos2+2]},r.numGlyphs.get=function(){return this._structArray.uint16[this._pos2+3]},r.vertexStartIndex.get=function(){return this._structArray.uint32[this._pos4+2]},r.lineStartIndex.get=function(){return this._structArray.uint32[this._pos4+3]},r.lineLength.get=function(){return this._structArray.uint32[this._pos4+4]},r.segment.get=function(){return this._structArray.uint16[this._pos2+10]},r.lowerSize.get=function(){return this._structArray.uint16[this._pos2+11]},r.upperSize.get=function(){return this._structArray.uint16[this._pos2+12]},r.lineOffsetX.get=function(){return this._structArray.float32[this._pos4+7]},r.lineOffsetY.get=function(){return this._structArray.float32[this._pos4+8]},r.writingMode.get=function(){return this._structArray.uint8[this._pos1+36]},r.placedOrientation.get=function(){return this._structArray.uint8[this._pos1+37]},r.placedOrientation.set=function(t){this._structArray.uint8[this._pos1+37]=t},r.hidden.get=function(){return this._structArray.uint8[this._pos1+38]},r.hidden.set=function(t){this._structArray.uint8[this._pos1+38]=t},r.crossTileID.get=function(){return this._structArray.uint32[this._pos4+10]},r.crossTileID.set=function(t){this._structArray.uint32[this._pos4+10]=t},r.associatedIconIndex.get=function(){return this._structArray.int16[this._pos2+22]},Object.defineProperties(e.prototype,r),e}(_i);Zi.prototype.size=48;var Ji=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.get=function(t){return new Zi(this,t)},e}(Bi);Dn("PlacedSymbolArray",Ji);var Ki=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e;var r={anchorX:{configurable:!0},anchorY:{configurable:!0},rightJustifiedTextSymbolIndex:{configurable:!0},centerJustifiedTextSymbolIndex:{configurable:!0},leftJustifiedTextSymbolIndex:{configurable:!0},verticalPlacedTextSymbolIndex:{configurable:!0},placedIconSymbolIndex:{configurable:!0},verticalPlacedIconSymbolIndex:{configurable:!0},key:{configurable:!0},textBoxStartIndex:{configurable:!0},textBoxEndIndex:{configurable:!0},verticalTextBoxStartIndex:{configurable:!0},verticalTextBoxEndIndex:{configurable:!0},iconBoxStartIndex:{configurable:!0},iconBoxEndIndex:{configurable:!0},verticalIconBoxStartIndex:{configurable:!0},verticalIconBoxEndIndex:{configurable:!0},featureIndex:{configurable:!0},numHorizontalGlyphVertices:{configurable:!0},numVerticalGlyphVertices:{configurable:!0},numIconVertices:{configurable:!0},numVerticalIconVertices:{configurable:!0},useRuntimeCollisionCircles:{configurable:!0},crossTileID:{configurable:!0},textBoxScale:{configurable:!0},textOffset0:{configurable:!0},textOffset1:{configurable:!0},collisionCircleDiameter:{configurable:!0}};return r.anchorX.get=function(){return this._structArray.int16[this._pos2+0]},r.anchorY.get=function(){return this._structArray.int16[this._pos2+1]},r.rightJustifiedTextSymbolIndex.get=function(){return this._structArray.int16[this._pos2+2]},r.centerJustifiedTextSymbolIndex.get=function(){return this._structArray.int16[this._pos2+3]},r.leftJustifiedTextSymbolIndex.get=function(){return this._structArray.int16[this._pos2+4]},r.verticalPlacedTextSymbolIndex.get=function(){return this._structArray.int16[this._pos2+5]},r.placedIconSymbolIndex.get=function(){return this._structArray.int16[this._pos2+6]},r.verticalPlacedIconSymbolIndex.get=function(){return this._structArray.int16[this._pos2+7]},r.key.get=function(){return this._structArray.uint16[this._pos2+8]},r.textBoxStartIndex.get=function(){return this._structArray.uint16[this._pos2+9]},r.textBoxEndIndex.get=function(){return this._structArray.uint16[this._pos2+10]},r.verticalTextBoxStartIndex.get=function(){return this._structArray.uint16[this._pos2+11]},r.verticalTextBoxEndIndex.get=function(){return this._structArray.uint16[this._pos2+12]},r.iconBoxStartIndex.get=function(){return this._structArray.uint16[this._pos2+13]},r.iconBoxEndIndex.get=function(){return this._structArray.uint16[this._pos2+14]},r.verticalIconBoxStartIndex.get=function(){return this._structArray.uint16[this._pos2+15]},r.verticalIconBoxEndIndex.get=function(){return this._structArray.uint16[this._pos2+16]},r.featureIndex.get=function(){return this._structArray.uint16[this._pos2+17]},r.numHorizontalGlyphVertices.get=function(){return this._structArray.uint16[this._pos2+18]},r.numVerticalGlyphVertices.get=function(){return this._structArray.uint16[this._pos2+19]},r.numIconVertices.get=function(){return this._structArray.uint16[this._pos2+20]},r.numVerticalIconVertices.get=function(){return this._structArray.uint16[this._pos2+21]},r.useRuntimeCollisionCircles.get=function(){return this._structArray.uint16[this._pos2+22]},r.crossTileID.get=function(){return this._structArray.uint32[this._pos4+12]},r.crossTileID.set=function(t){this._structArray.uint32[this._pos4+12]=t},r.textBoxScale.get=function(){return this._structArray.float32[this._pos4+13]},r.textOffset0.get=function(){return this._structArray.float32[this._pos4+14]},r.textOffset1.get=function(){return this._structArray.float32[this._pos4+15]},r.collisionCircleDiameter.get=function(){return this._structArray.float32[this._pos4+16]},Object.defineProperties(e.prototype,r),e}(_i);Ki.prototype.size=68;var Qi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.get=function(t){return new Ki(this,t)},e}(Ni);Dn("SymbolInstanceArray",Qi);var $i=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.getoffsetX=function(t){return this.float32[1*t+0]},e}(ji);Dn("GlyphOffsetArray",$i);var ta=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.getx=function(t){return this.int16[3*t+0]},e.prototype.gety=function(t){return this.int16[3*t+1]},e.prototype.gettileUnitDistanceFromAnchor=function(t){return this.int16[3*t+2]},e}(Ui);Dn("SymbolLineVertexArray",ta);var ea=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e;var r={featureIndex:{configurable:!0},sourceLayerIndex:{configurable:!0},bucketIndex:{configurable:!0}};return r.featureIndex.get=function(){return this._structArray.uint32[this._pos4+0]},r.sourceLayerIndex.get=function(){return this._structArray.uint16[this._pos2+2]},r.bucketIndex.get=function(){return this._structArray.uint16[this._pos2+3]},Object.defineProperties(e.prototype,r),e}(_i);ea.prototype.size=8;var ra=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.get=function(t){return new ea(this,t)},e}(Vi);Dn("FeatureIndexArray",ra);var na=Ti([{name:"a_pos",components:2,type:"Int16"}],4).members,ia=function(t){void 0===t&&(t=[]),this.segments=t};function aa(t,e){return 256*(t=l(Math.floor(t),0,255))+l(Math.floor(e),0,255)}ia.prototype.prepareSegment=function(t,e,r,n){var i=this.segments[this.segments.length-1];return t>ia.MAX_VERTEX_ARRAY_LENGTH&&_("Max vertices per segment is "+ia.MAX_VERTEX_ARRAY_LENGTH+": bucket requested "+t),(!i||i.vertexLength+t>ia.MAX_VERTEX_ARRAY_LENGTH||i.sortKey!==n)&&(i={vertexOffset:e.length,primitiveOffset:r.length,vertexLength:0,primitiveLength:0},void 0!==n&&(i.sortKey=n),this.segments.push(i)),i},ia.prototype.get=function(){return this.segments},ia.prototype.destroy=function(){for(var t=0,e=this.segments;t>>16)*o&65535)<<16)&4294967295)<<15|l>>>17))*s+(((l>>>16)*s&65535)<<16)&4294967295)<<13|i>>>19))+((5*(i>>>16)&65535)<<16)&4294967295))+((58964+(a>>>16)&65535)<<16);switch(l=0,r){case 3:l^=(255&t.charCodeAt(c+2))<<16;case 2:l^=(255&t.charCodeAt(c+1))<<8;case 1:i^=l=(65535&(l=(l=(65535&(l^=255&t.charCodeAt(c)))*o+(((l>>>16)*o&65535)<<16)&4294967295)<<15|l>>>17))*s+(((l>>>16)*s&65535)<<16)&4294967295}return i^=t.length,i=2246822507*(65535&(i^=i>>>16))+((2246822507*(i>>>16)&65535)<<16)&4294967295,i=3266489909*(65535&(i^=i>>>13))+((3266489909*(i>>>16)&65535)<<16)&4294967295,(i^=i>>>16)>>>0}})),la=e((function(t){t.exports=function(t,e){for(var r,n=t.length,i=e^n,a=0;n>=4;)r=1540483477*(65535&(r=255&t.charCodeAt(a)|(255&t.charCodeAt(++a))<<8|(255&t.charCodeAt(++a))<<16|(255&t.charCodeAt(++a))<<24))+((1540483477*(r>>>16)&65535)<<16),i=1540483477*(65535&i)+((1540483477*(i>>>16)&65535)<<16)^(r=1540483477*(65535&(r^=r>>>24))+((1540483477*(r>>>16)&65535)<<16)),n-=4,++a;switch(n){case 3:i^=(255&t.charCodeAt(a+2))<<16;case 2:i^=(255&t.charCodeAt(a+1))<<8;case 1:i=1540483477*(65535&(i^=255&t.charCodeAt(a)))+((1540483477*(i>>>16)&65535)<<16)}return i=1540483477*(65535&(i^=i>>>13))+((1540483477*(i>>>16)&65535)<<16),(i^=i>>>15)>>>0}})),ca=sa,ua=la;ca.murmur3=sa,ca.murmur2=ua;var fa=function(){this.ids=[],this.positions=[],this.indexed=!1};fa.prototype.add=function(t,e,r,n){this.ids.push(pa(t)),this.positions.push(e,r,n)},fa.prototype.getPositions=function(t){for(var e=pa(t),r=0,n=this.ids.length-1;r>1;this.ids[i]>=e?n=i:r=i+1}for(var a=[];this.ids[r]===e;)a.push({index:this.positions[3*r],start:this.positions[3*r+1],end:this.positions[3*r+2]}),r++;return a},fa.serialize=function(t,e){var r=new Float64Array(t.ids),n=new Uint32Array(t.positions);return function t(e,r,n,i){for(;n>1],o=n-1,s=i+1;;){do{o++}while(e[o]a);if(o>=s)break;da(e,o,s),da(r,3*o,3*s),da(r,3*o+1,3*s+1),da(r,3*o+2,3*s+2)}s-nOa.max||o.yOa.max)&&(_("Geometry exceeds allowed extent, reduce your vector tile buffer size"),o.x=l(o.x,Oa.min,Oa.max),o.y=l(o.y,Oa.min,Oa.max))}return r}function Ra(t,e,r,n,i){t.emplaceBack(2*e+(n+1)/2,2*r+(i+1)/2)}var Fa=function(t){this.zoom=t.zoom,this.overscaling=t.overscaling,this.layers=t.layers,this.layerIds=this.layers.map((function(t){return t.id})),this.index=t.index,this.hasPattern=!1,this.layoutVertexArray=new Mi,this.indexArray=new Fi,this.segments=new ia,this.programConfigurations=new Ia(na,t.layers,t.zoom),this.stateDependentLayerIds=this.layers.filter((function(t){return t.isStateDependent()})).map((function(t){return t.id}))};function Ba(t,e){for(var r=0;r1){if(Va(t,e))return!0;for(var n=0;n1?r:r.sub(e)._mult(i)._add(e))}function Ya(t,e){for(var r,n,i,a=!1,o=0;oe.y!=(i=r[l]).y>e.y&&e.x<(i.x-n.x)*(e.y-n.y)/(i.y-n.y)+n.x&&(a=!a);return a}function Wa(t,e){for(var r=!1,n=0,i=t.length-1;ne.y!=o.y>e.y&&e.x<(o.x-a.x)*(e.y-a.y)/(o.y-a.y)+a.x&&(r=!r)}return r}function Xa(t,e,r){var n=r[0],i=r[2];if(t.xi.x&&e.x>i.x||t.yi.y&&e.y>i.y)return!1;var a=w(t,e,r[0]);return a!==w(t,e,r[1])||a!==w(t,e,r[2])||a!==w(t,e,r[3])}function Za(t,e,r){var n=e.paint.get(t).value;return"constant"===n.kind?n.value:r.programConfigurations.get(e.id).getMaxValue(t)}function Ja(t){return Math.sqrt(t[0]*t[0]+t[1]*t[1])}function Ka(t,e,r,n,a){if(!e[0]&&!e[1])return t;var o=i.convert(e)._mult(a);"viewport"===r&&o._rotate(-n);for(var s=[],l=0;l=8192||u<0||u>=8192)){var f=this.segments.prepareSegment(4,this.layoutVertexArray,this.indexArray,t.sortKey),h=f.vertexLength;Ra(this.layoutVertexArray,c,u,-1,-1),Ra(this.layoutVertexArray,c,u,1,-1),Ra(this.layoutVertexArray,c,u,1,1),Ra(this.layoutVertexArray,c,u,-1,1),this.indexArray.emplaceBack(h,h+1,h+2),this.indexArray.emplaceBack(h,h+3,h+2),f.vertexLength+=4,f.primitiveLength+=2}}this.programConfigurations.populatePaintArrays(this.layoutVertexArray.length,t,r,{},n)},Dn("CircleBucket",Fa,{omit:["layers"]});var Qa=new yi({"circle-sort-key":new di(At.layout_circle["circle-sort-key"])}),$a={paint:new yi({"circle-radius":new di(At.paint_circle["circle-radius"]),"circle-color":new di(At.paint_circle["circle-color"]),"circle-blur":new di(At.paint_circle["circle-blur"]),"circle-opacity":new di(At.paint_circle["circle-opacity"]),"circle-translate":new pi(At.paint_circle["circle-translate"]),"circle-translate-anchor":new pi(At.paint_circle["circle-translate-anchor"]),"circle-pitch-scale":new pi(At.paint_circle["circle-pitch-scale"]),"circle-pitch-alignment":new pi(At.paint_circle["circle-pitch-alignment"]),"circle-stroke-width":new di(At.paint_circle["circle-stroke-width"]),"circle-stroke-color":new di(At.paint_circle["circle-stroke-color"]),"circle-stroke-opacity":new di(At.paint_circle["circle-stroke-opacity"])}),layout:Qa},to="undefined"!=typeof Float32Array?Float32Array:Array;function eo(t){return t[0]=1,t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[5]=1,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[10]=1,t[11]=0,t[12]=0,t[13]=0,t[14]=0,t[15]=1,t}function ro(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3],s=e[4],l=e[5],c=e[6],u=e[7],f=e[8],h=e[9],p=e[10],d=e[11],g=e[12],m=e[13],v=e[14],y=e[15],x=r[0],b=r[1],_=r[2],w=r[3];return t[0]=x*n+b*s+_*f+w*g,t[1]=x*i+b*l+_*h+w*m,t[2]=x*a+b*c+_*p+w*v,t[3]=x*o+b*u+_*d+w*y,t[4]=(x=r[4])*n+(b=r[5])*s+(_=r[6])*f+(w=r[7])*g,t[5]=x*i+b*l+_*h+w*m,t[6]=x*a+b*c+_*p+w*v,t[7]=x*o+b*u+_*d+w*y,t[8]=(x=r[8])*n+(b=r[9])*s+(_=r[10])*f+(w=r[11])*g,t[9]=x*i+b*l+_*h+w*m,t[10]=x*a+b*c+_*p+w*v,t[11]=x*o+b*u+_*d+w*y,t[12]=(x=r[12])*n+(b=r[13])*s+(_=r[14])*f+(w=r[15])*g,t[13]=x*i+b*l+_*h+w*m,t[14]=x*a+b*c+_*p+w*v,t[15]=x*o+b*u+_*d+w*y,t}Math.hypot||(Math.hypot=function(){for(var t=arguments,e=0,r=arguments.length;r--;)e+=t[r]*t[r];return Math.sqrt(e)});var no,io=ro;function ao(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3];return t[0]=r[0]*n+r[4]*i+r[8]*a+r[12]*o,t[1]=r[1]*n+r[5]*i+r[9]*a+r[13]*o,t[2]=r[2]*n+r[6]*i+r[10]*a+r[14]*o,t[3]=r[3]*n+r[7]*i+r[11]*a+r[15]*o,t}no=new to(3),to!=Float32Array&&(no[0]=0,no[1]=0,no[2]=0),function(){var t=new to(4);to!=Float32Array&&(t[0]=0,t[1]=0,t[2]=0,t[3]=0)}();var oo=(function(){var t=new to(2);to!=Float32Array&&(t[0]=0,t[1]=0)}(),function(t){function e(e){t.call(this,e,$a)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.createBucket=function(t){return new Fa(t)},e.prototype.queryRadius=function(t){var e=t;return Za("circle-radius",this,e)+Za("circle-stroke-width",this,e)+Ja(this.paint.get("circle-translate"))},e.prototype.queryIntersectsFeature=function(t,e,r,n,i,a,o,s){for(var l=Ka(t,this.paint.get("circle-translate"),this.paint.get("circle-translate-anchor"),a.angle,o),c=this.paint.get("circle-radius").evaluate(e,r)+this.paint.get("circle-stroke-width").evaluate(e,r),u="map"===this.paint.get("circle-pitch-alignment"),f=u?l:function(t,e){return t.map((function(t){return so(t,e)}))}(l,s),h=u?c*o:c,p=0,d=n;pt.width||i.height>t.height||r.x>t.width-i.width||r.y>t.height-i.height)throw new RangeError("out of range source coordinates for image copy");if(i.width>e.width||i.height>e.height||n.x>e.width-i.width||n.y>e.height-i.height)throw new RangeError("out of range destination coordinates for image copy");for(var o=t.data,s=e.data,l=0;l80*r){n=a=t[0],i=o=t[1];for(var d=r;da&&(a=s),l>o&&(o=l);c=0!==(c=Math.max(a-n,o-i))?1/c:0}return Ao(h,p,r,n,i,c),p}function ko(t,e,r,n,i){var a,o;if(i===Xo(t,e,r,n)>0)for(a=e;a=e;a-=n)o=Go(a,t[a],t[a+1],o);return o&&No(o,o.next)&&(Yo(o),o=o.next),o}function Mo(t,e){if(!t)return t;e||(e=t);var r,n=t;do{if(r=!1,n.steiner||!No(n,n.next)&&0!==Bo(n.prev,n,n.next))n=n.next;else{if(Yo(n),(n=e=n.prev)===n.next)break;r=!0}}while(r||n!==e);return e}function Ao(t,e,r,n,i,a,o){if(t){!o&&a&&function(t,e,r,n){var i=t;do{null===i.z&&(i.z=Oo(i.x,i.y,e,r,n)),i.prevZ=i.prev,i.nextZ=i.next,i=i.next}while(i!==t);i.prevZ.nextZ=null,i.prevZ=null,function(t){var e,r,n,i,a,o,s,l,c=1;do{for(r=t,t=null,a=null,o=0;r;){for(o++,n=r,s=0,e=0;e0||l>0&&n;)0!==s&&(0===l||!n||r.z<=n.z)?(i=r,r=r.nextZ,s--):(i=n,n=n.nextZ,l--),a?a.nextZ=i:t=i,i.prevZ=a,a=i;r=n}a.nextZ=null,c*=2}while(o>1)}(i)}(t,n,i,a);for(var s,l,c=t;t.prev!==t.next;)if(s=t.prev,l=t.next,a?Eo(t,n,i,a):So(t))e.push(s.i/r),e.push(t.i/r),e.push(l.i/r),Yo(t),t=l.next,c=l.next;else if((t=l)===c){o?1===o?Ao(t=Co(Mo(t),e,r),e,r,n,i,a,2):2===o&&Lo(t,e,r,n,i,a):Ao(Mo(t),e,r,n,i,a,1);break}}}function So(t){var e=t.prev,r=t,n=t.next;if(Bo(e,r,n)>=0)return!1;for(var i=t.next.next;i!==t.prev;){if(Ro(e.x,e.y,r.x,r.y,n.x,n.y,i.x,i.y)&&Bo(i.prev,i,i.next)>=0)return!1;i=i.next}return!0}function Eo(t,e,r,n){var i=t.prev,a=t,o=t.next;if(Bo(i,a,o)>=0)return!1;for(var s=i.x>a.x?i.x>o.x?i.x:o.x:a.x>o.x?a.x:o.x,l=i.y>a.y?i.y>o.y?i.y:o.y:a.y>o.y?a.y:o.y,c=Oo(i.x=c&&h&&h.z<=u;){if(f!==t.prev&&f!==t.next&&Ro(i.x,i.y,a.x,a.y,o.x,o.y,f.x,f.y)&&Bo(f.prev,f,f.next)>=0)return!1;if(f=f.prevZ,h!==t.prev&&h!==t.next&&Ro(i.x,i.y,a.x,a.y,o.x,o.y,h.x,h.y)&&Bo(h.prev,h,h.next)>=0)return!1;h=h.nextZ}for(;f&&f.z>=c;){if(f!==t.prev&&f!==t.next&&Ro(i.x,i.y,a.x,a.y,o.x,o.y,f.x,f.y)&&Bo(f.prev,f,f.next)>=0)return!1;f=f.prevZ}for(;h&&h.z<=u;){if(h!==t.prev&&h!==t.next&&Ro(i.x,i.y,a.x,a.y,o.x,o.y,h.x,h.y)&&Bo(h.prev,h,h.next)>=0)return!1;h=h.nextZ}return!0}function Co(t,e,r){var n=t;do{var i=n.prev,a=n.next.next;!No(i,a)&&jo(i,n,n.next,a)&&qo(i,a)&&qo(a,i)&&(e.push(i.i/r),e.push(n.i/r),e.push(a.i/r),Yo(n),Yo(n.next),n=t=a),n=n.next}while(n!==t);return Mo(n)}function Lo(t,e,r,n,i,a){var o=t;do{for(var s=o.next.next;s!==o.prev;){if(o.i!==s.i&&Fo(o,s)){var l=Ho(o,s);return o=Mo(o,o.next),l=Mo(l,l.next),Ao(o,e,r,n,i,a),void Ao(l,e,r,n,i,a)}s=s.next}o=o.next}while(o!==t)}function Io(t,e){return t.x-e.x}function Po(t,e){if(e=function(t,e){var r,n=e,i=t.x,a=t.y,o=-1/0;do{if(a<=n.y&&a>=n.next.y&&n.next.y!==n.y){var s=n.x+(a-n.y)*(n.next.x-n.x)/(n.next.y-n.y);if(s<=i&&s>o){if(o=s,s===i){if(a===n.y)return n;if(a===n.next.y)return n.next}r=n.x=n.x&&n.x>=u&&i!==n.x&&Ro(ar.x||n.x===r.x&&zo(r,n)))&&(r=n,h=l)),n=n.next}while(n!==c);return r}(t,e)){var r=Ho(e,t);Mo(e,e.next),Mo(r,r.next)}}function zo(t,e){return Bo(t.prev,t,e.prev)<0&&Bo(e.next,t,t.next)<0}function Oo(t,e,r,n,i){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t=32767*(t-r)*i)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e=32767*(e-n)*i)|e<<8))|e<<4))|e<<2))|e<<1))<<1}function Do(t){var e=t,r=t;do{(e.x=0&&(t-o)*(n-s)-(r-o)*(e-s)>=0&&(r-o)*(a-s)-(i-o)*(n-s)>=0}function Fo(t,e){return t.next.i!==e.i&&t.prev.i!==e.i&&!function(t,e){var r=t;do{if(r.i!==t.i&&r.next.i!==t.i&&r.i!==e.i&&r.next.i!==e.i&&jo(r,r.next,t,e))return!0;r=r.next}while(r!==t);return!1}(t,e)&&(qo(t,e)&&qo(e,t)&&function(t,e){var r=t,n=!1,i=(t.x+e.x)/2,a=(t.y+e.y)/2;do{r.y>a!=r.next.y>a&&r.next.y!==r.y&&i<(r.next.x-r.x)*(a-r.y)/(r.next.y-r.y)+r.x&&(n=!n),r=r.next}while(r!==t);return n}(t,e)&&(Bo(t.prev,t,e.prev)||Bo(t,e.prev,e))||No(t,e)&&Bo(t.prev,t,t.next)>0&&Bo(e.prev,e,e.next)>0)}function Bo(t,e,r){return(e.y-t.y)*(r.x-e.x)-(e.x-t.x)*(r.y-e.y)}function No(t,e){return t.x===e.x&&t.y===e.y}function jo(t,e,r,n){var i=Vo(Bo(t,e,r)),a=Vo(Bo(t,e,n)),o=Vo(Bo(r,n,t)),s=Vo(Bo(r,n,e));return i!==a&&o!==s||!(0!==i||!Uo(t,r,e))||!(0!==a||!Uo(t,n,e))||!(0!==o||!Uo(r,t,n))||!(0!==s||!Uo(r,e,n))}function Uo(t,e,r){return e.x<=Math.max(t.x,r.x)&&e.x>=Math.min(t.x,r.x)&&e.y<=Math.max(t.y,r.y)&&e.y>=Math.min(t.y,r.y)}function Vo(t){return t>0?1:t<0?-1:0}function qo(t,e){return Bo(t.prev,t,t.next)<0?Bo(t,e,t.next)>=0&&Bo(t,t.prev,e)>=0:Bo(t,e,t.prev)<0||Bo(t,t.next,e)<0}function Ho(t,e){var r=new Wo(t.i,t.x,t.y),n=new Wo(e.i,e.x,e.y),i=t.next,a=e.prev;return t.next=e,e.prev=t,r.next=i,i.prev=r,n.next=r,r.prev=n,a.next=n,n.prev=a,n}function Go(t,e,r,n){var i=new Wo(t,e,r);return n?(i.next=n.next,i.prev=n,n.next.prev=i,n.next=i):(i.prev=i,i.next=i),i}function Yo(t){t.next.prev=t.prev,t.prev.next=t.next,t.prevZ&&(t.prevZ.nextZ=t.nextZ),t.nextZ&&(t.nextZ.prevZ=t.prevZ)}function Wo(t,e,r){this.i=t,this.x=e,this.y=r,this.prev=null,this.next=null,this.z=null,this.prevZ=null,this.nextZ=null,this.steiner=!1}function Xo(t,e,r,n){for(var i=0,a=e,o=r-n;an;){if(i-n>600){var o=i-n+1,s=r-n+1,l=Math.log(o),c=.5*Math.exp(2*l/3),u=.5*Math.sqrt(l*c*(o-c)/o)*(s-o/2<0?-1:1);t(e,r,Math.max(n,Math.floor(r-s*c/o+u)),Math.min(i,Math.floor(r+(o-s)*c/o+u)),a)}var f=e[r],h=n,p=i;for(Jo(e,n,r),a(e[i],f)>0&&Jo(e,n,i);h0;)p--}0===a(e[n],f)?Jo(e,n,p):Jo(e,++p,i),p<=r&&(n=p+1),r<=p&&(i=p-1)}}(t,e,r||0,n||t.length-1,i||Ko)}function Jo(t,e,r){var n=t[e];t[e]=t[r],t[r]=n}function Ko(t,e){return te?1:0}function Qo(t,e){var r=t.length;if(r<=1)return[t];for(var n,i,a=[],o=0;o1)for(var l=0;l0&&r.holes.push(n+=t[i-1].length)}return r},_o.default=wo;var rs=function(t){this.zoom=t.zoom,this.overscaling=t.overscaling,this.layers=t.layers,this.layerIds=this.layers.map((function(t){return t.id})),this.index=t.index,this.hasPattern=!1,this.patternFeatures=[],this.layoutVertexArray=new Mi,this.indexArray=new Fi,this.indexArray2=new qi,this.programConfigurations=new Ia(bo,t.layers,t.zoom),this.segments=new ia,this.segments2=new ia,this.stateDependentLayerIds=this.layers.filter((function(t){return t.isStateDependent()})).map((function(t){return t.id}))};rs.prototype.populate=function(t,e,r){this.hasPattern=ts("fill",this.layers,e);for(var n=this.layers[0].layout.get("fill-sort-key"),i=[],a=0,o=t;a>3}if(a--,1===n||2===n)o+=t.readSVarint(),s+=t.readSVarint(),1===n&&(e&&l.push(e),e=[]),e.push(new i(o,s));else{if(7!==n)throw new Error("unknown command "+n);e&&e.push(e[0].clone())}}return e&&l.push(e),l},ls.prototype.bbox=function(){var t=this._pbf;t.pos=this._geometry;for(var e=t.readVarint()+t.pos,r=1,n=0,i=0,a=0,o=1/0,s=-1/0,l=1/0,c=-1/0;t.pos>3}if(n--,1===r||2===r)(i+=t.readSVarint())s&&(s=i),(a+=t.readSVarint())c&&(c=a);else if(7!==r)throw new Error("unknown command "+r)}return[o,l,s,c]},ls.prototype.toGeoJSON=function(t,e,r){var n,i,a=this.extent*Math.pow(2,r),o=this.extent*t,s=this.extent*e,l=this.loadGeometry(),c=ls.types[this.type];function u(t){for(var e=0;e>3;e=1===n?t.readString():2===n?t.readFloat():3===n?t.readDouble():4===n?t.readVarint64():5===n?t.readVarint():6===n?t.readSVarint():7===n?t.readBoolean():null}return e}(r))}function ds(t,e,r){if(3===t){var n=new fs(r,r.readVarint()+r.pos);n.length&&(e[n.name]=n)}}hs.prototype.feature=function(t){if(t<0||t>=this._features.length)throw new Error("feature index out of bounds");this._pbf.pos=this._features[t];var e=this._pbf.readVarint()+this._pbf.pos;return new ss(this._pbf,e,this.extent,this._keys,this._values)};var gs={VectorTile:function(t,e){this.layers=t.readFields(ds,{},e)},VectorTileFeature:ss,VectorTileLayer:fs},ms=gs.VectorTileFeature.types,vs=Math.pow(2,13);function ys(t,e,r,n,i,a,o,s){t.emplaceBack(e,r,2*Math.floor(n*vs)+o,i*vs*2,a*vs*2,Math.round(s))}var xs=function(t){this.zoom=t.zoom,this.overscaling=t.overscaling,this.layers=t.layers,this.layerIds=this.layers.map((function(t){return t.id})),this.index=t.index,this.hasPattern=!1,this.layoutVertexArray=new Si,this.indexArray=new Fi,this.programConfigurations=new Ia(os,t.layers,t.zoom),this.segments=new ia,this.stateDependentLayerIds=this.layers.filter((function(t){return t.isStateDependent()})).map((function(t){return t.id}))};function bs(t,e){return t.x===e.x&&(t.x<0||t.x>8192)||t.y===e.y&&(t.y<0||t.y>8192)}xs.prototype.populate=function(t,e,r){this.features=[],this.hasPattern=ts("fill-extrusion",this.layers,e);for(var n=0,i=t;n8192}))||P.every((function(t){return t.y<0}))||P.every((function(t){return t.y>8192}))))for(var g=0,m=0;m=1){var y=d[m-1];if(!bs(v,y)){f.vertexLength+4>ia.MAX_VERTEX_ARRAY_LENGTH&&(f=this.segments.prepareSegment(4,this.layoutVertexArray,this.indexArray));var x=v.sub(y)._perp()._unit(),b=y.dist(v);g+b>32768&&(g=0),ys(this.layoutVertexArray,v.x,v.y,x.x,x.y,0,0,g),ys(this.layoutVertexArray,v.x,v.y,x.x,x.y,0,1,g),ys(this.layoutVertexArray,y.x,y.y,x.x,x.y,0,0,g+=b),ys(this.layoutVertexArray,y.x,y.y,x.x,x.y,0,1,g);var _=f.vertexLength;this.indexArray.emplaceBack(_,_+2,_+1),this.indexArray.emplaceBack(_+1,_+2,_+3),f.vertexLength+=4,f.primitiveLength+=2}}}}if(f.vertexLength+l>ia.MAX_VERTEX_ARRAY_LENGTH&&(f=this.segments.prepareSegment(l,this.layoutVertexArray,this.indexArray)),"Polygon"===ms[t.type]){for(var w=[],T=[],k=f.vertexLength,M=0,A=s;M=2&&t[l-1].equals(t[l-2]);)l--;for(var c=0;c0;if(T&&v>c){var M=u.dist(p);if(M>2*f){var A=u.sub(u.sub(p)._mult(f/M)._round());this.updateDistance(p,A),this.addCurrentVertex(A,g,0,0,h),p=A}}var S=p&&d,E=S?r:s?"butt":n;if(S&&"round"===E&&(_i&&(E="bevel"),"bevel"===E&&(_>2&&(E="flipbevel"),_100)y=m.mult(-1);else{var C=_*g.add(m).mag()/g.sub(m).mag();y._perp()._mult(C*(k?-1:1))}this.addCurrentVertex(u,y,0,0,h),this.addCurrentVertex(u,y.mult(-1),0,0,h)}else if("bevel"===E||"fakeround"===E){var L=-Math.sqrt(_*_-1),I=k?L:0,P=k?0:L;if(p&&this.addCurrentVertex(u,g,I,P,h),"fakeround"===E)for(var z=Math.round(180*w/Math.PI/20),O=1;O2*f){var j=u.add(d.sub(u)._mult(f/N)._round());this.updateDistance(u,j),this.addCurrentVertex(j,m,0,0,h),u=j}}}}},Cs.prototype.addCurrentVertex=function(t,e,r,n,i,a){void 0===a&&(a=!1);var o=e.y*n-e.x,s=-e.y-e.x*n;this.addHalfVertex(t,e.x+e.y*r,e.y-e.x*r,a,!1,r,i),this.addHalfVertex(t,o,s,a,!0,-n,i),this.distance>Es/2&&0===this.totalDistance&&(this.distance=0,this.addCurrentVertex(t,e,r,n,i,a))},Cs.prototype.addHalfVertex=function(t,e,r,n,i,a,o){var s=.5*this.scaledDistance;this.layoutVertexArray.emplaceBack((t.x<<1)+(n?1:0),(t.y<<1)+(i?1:0),Math.round(63*e)+128,Math.round(63*r)+128,1+(0===a?0:a<0?-1:1)|(63&s)<<2,s>>6);var l=o.vertexLength++;this.e1>=0&&this.e2>=0&&(this.indexArray.emplaceBack(this.e1,this.e2,l),o.primitiveLength++),i?this.e2=l:this.e1=l},Cs.prototype.updateScaledDistance=function(){this.scaledDistance=this.totalDistance>0?(this.clipStart+(this.clipEnd-this.clipStart)*this.distance/this.totalDistance)*(Es-1):this.distance},Cs.prototype.updateDistance=function(t,e){this.distance+=t.dist(e),this.updateScaledDistance()},Dn("LineBucket",Cs,{omit:["layers","patternFeatures"]});var Ls=new yi({"line-cap":new pi(At.layout_line["line-cap"]),"line-join":new di(At.layout_line["line-join"]),"line-miter-limit":new pi(At.layout_line["line-miter-limit"]),"line-round-limit":new pi(At.layout_line["line-round-limit"]),"line-sort-key":new di(At.layout_line["line-sort-key"])}),Is={paint:new yi({"line-opacity":new di(At.paint_line["line-opacity"]),"line-color":new di(At.paint_line["line-color"]),"line-translate":new pi(At.paint_line["line-translate"]),"line-translate-anchor":new pi(At.paint_line["line-translate-anchor"]),"line-width":new di(At.paint_line["line-width"]),"line-gap-width":new di(At.paint_line["line-gap-width"]),"line-offset":new di(At.paint_line["line-offset"]),"line-blur":new di(At.paint_line["line-blur"]),"line-dasharray":new mi(At.paint_line["line-dasharray"]),"line-pattern":new gi(At.paint_line["line-pattern"]),"line-gradient":new vi(At.paint_line["line-gradient"])}),layout:Ls},Ps=new(function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.possiblyEvaluate=function(e,r){return r=new ii(Math.floor(r.zoom),{now:r.now,fadeDuration:r.fadeDuration,zoomHistory:r.zoomHistory,transition:r.transition}),t.prototype.possiblyEvaluate.call(this,e,r)},e.prototype.evaluate=function(e,r,n,i){return r=u({},r,{zoom:Math.floor(r.zoom)}),t.prototype.evaluate.call(this,e,r,n,i)},e}(di))(Is.paint.properties["line-width"].specification);Ps.useIntegerZoom=!0;var zs=function(t){function e(e){t.call(this,e,Is)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._handleSpecialPaintPropertyUpdate=function(t){"line-gradient"===t&&this._updateGradient()},e.prototype._updateGradient=function(){this.gradient=mo(this._transitionablePaint._values["line-gradient"].value.expression,"lineProgress"),this.gradientTexture=null},e.prototype.recalculate=function(e,r){t.prototype.recalculate.call(this,e,r),this.paint._values["line-floorwidth"]=Ps.possiblyEvaluate(this._transitioningPaint._values["line-width"].value,e)},e.prototype.createBucket=function(t){return new Cs(t)},e.prototype.queryRadius=function(t){var e=t,r=Os(Za("line-width",this,e),Za("line-gap-width",this,e)),n=Za("line-offset",this,e);return r/2+Math.abs(n)+Ja(this.paint.get("line-translate"))},e.prototype.queryIntersectsFeature=function(t,e,r,n,a,o,s){var l=Ka(t,this.paint.get("line-translate"),this.paint.get("line-translate-anchor"),o.angle,s),c=s/2*Os(this.paint.get("line-width").evaluate(e,r),this.paint.get("line-gap-width").evaluate(e,r)),u=this.paint.get("line-offset").evaluate(e,r);return u&&(n=function(t,e){for(var r=[],n=new i(0,0),a=0;a=3)for(var a=0;a0?e+2*t:t}var Ds=Ti([{name:"a_pos_offset",components:4,type:"Int16"},{name:"a_data",components:4,type:"Uint16"},{name:"a_pixeloffset",components:4,type:"Int16"}],4),Rs=Ti([{name:"a_projected_pos",components:3,type:"Float32"}],4),Fs=(Ti([{name:"a_fade_opacity",components:1,type:"Uint32"}],4),Ti([{name:"a_placed",components:2,type:"Uint8"},{name:"a_shift",components:2,type:"Float32"}])),Bs=(Ti([{type:"Int16",name:"anchorPointX"},{type:"Int16",name:"anchorPointY"},{type:"Int16",name:"x1"},{type:"Int16",name:"y1"},{type:"Int16",name:"x2"},{type:"Int16",name:"y2"},{type:"Uint32",name:"featureIndex"},{type:"Uint16",name:"sourceLayerIndex"},{type:"Uint16",name:"bucketIndex"}]),Ti([{name:"a_pos",components:2,type:"Int16"},{name:"a_anchor_pos",components:2,type:"Int16"},{name:"a_extrude",components:2,type:"Int16"}],4)),Ns=Ti([{name:"a_pos",components:2,type:"Float32"},{name:"a_radius",components:1,type:"Float32"},{name:"a_flags",components:2,type:"Int16"}],4);function js(t,e,r){return t.sections.forEach((function(t){t.text=function(t,e,r){var n=e.layout.get("text-transform").evaluate(r,{});return"uppercase"===n?t=t.toLocaleUpperCase():"lowercase"===n&&(t=t.toLocaleLowerCase()),ni.applyArabicShaping&&(t=ni.applyArabicShaping(t)),t}(t.text,e,r)})),t}Ti([{name:"triangle",components:3,type:"Uint16"}]),Ti([{type:"Int16",name:"anchorX"},{type:"Int16",name:"anchorY"},{type:"Uint16",name:"glyphStartIndex"},{type:"Uint16",name:"numGlyphs"},{type:"Uint32",name:"vertexStartIndex"},{type:"Uint32",name:"lineStartIndex"},{type:"Uint32",name:"lineLength"},{type:"Uint16",name:"segment"},{type:"Uint16",name:"lowerSize"},{type:"Uint16",name:"upperSize"},{type:"Float32",name:"lineOffsetX"},{type:"Float32",name:"lineOffsetY"},{type:"Uint8",name:"writingMode"},{type:"Uint8",name:"placedOrientation"},{type:"Uint8",name:"hidden"},{type:"Uint32",name:"crossTileID"},{type:"Int16",name:"associatedIconIndex"}]),Ti([{type:"Int16",name:"anchorX"},{type:"Int16",name:"anchorY"},{type:"Int16",name:"rightJustifiedTextSymbolIndex"},{type:"Int16",name:"centerJustifiedTextSymbolIndex"},{type:"Int16",name:"leftJustifiedTextSymbolIndex"},{type:"Int16",name:"verticalPlacedTextSymbolIndex"},{type:"Int16",name:"placedIconSymbolIndex"},{type:"Int16",name:"verticalPlacedIconSymbolIndex"},{type:"Uint16",name:"key"},{type:"Uint16",name:"textBoxStartIndex"},{type:"Uint16",name:"textBoxEndIndex"},{type:"Uint16",name:"verticalTextBoxStartIndex"},{type:"Uint16",name:"verticalTextBoxEndIndex"},{type:"Uint16",name:"iconBoxStartIndex"},{type:"Uint16",name:"iconBoxEndIndex"},{type:"Uint16",name:"verticalIconBoxStartIndex"},{type:"Uint16",name:"verticalIconBoxEndIndex"},{type:"Uint16",name:"featureIndex"},{type:"Uint16",name:"numHorizontalGlyphVertices"},{type:"Uint16",name:"numVerticalGlyphVertices"},{type:"Uint16",name:"numIconVertices"},{type:"Uint16",name:"numVerticalIconVertices"},{type:"Uint16",name:"useRuntimeCollisionCircles"},{type:"Uint32",name:"crossTileID"},{type:"Float32",name:"textBoxScale"},{type:"Float32",components:2,name:"textOffset"},{type:"Float32",name:"collisionCircleDiameter"}]),Ti([{type:"Float32",name:"offsetX"}]),Ti([{type:"Int16",name:"x"},{type:"Int16",name:"y"},{type:"Int16",name:"tileUnitDistanceFromAnchor"}]);var Us={"!":"\ufe15","#":"\uff03",$:"\uff04","%":"\uff05","&":"\uff06","(":"\ufe35",")":"\ufe36","*":"\uff0a","+":"\uff0b",",":"\ufe10","-":"\ufe32",".":"\u30fb","/":"\uff0f",":":"\ufe13",";":"\ufe14","<":"\ufe3f","=":"\uff1d",">":"\ufe40","?":"\ufe16","@":"\uff20","[":"\ufe47","\\":"\uff3c","]":"\ufe48","^":"\uff3e",_:"\ufe33","`":"\uff40","{":"\ufe37","|":"\u2015","}":"\ufe38","~":"\uff5e","\xa2":"\uffe0","\xa3":"\uffe1","\xa5":"\uffe5","\xa6":"\uffe4","\xac":"\uffe2","\xaf":"\uffe3","\u2013":"\ufe32","\u2014":"\ufe31","\u2018":"\ufe43","\u2019":"\ufe44","\u201c":"\ufe41","\u201d":"\ufe42","\u2026":"\ufe19","\u2027":"\u30fb","\u20a9":"\uffe6","\u3001":"\ufe11","\u3002":"\ufe12","\u3008":"\ufe3f","\u3009":"\ufe40","\u300a":"\ufe3d","\u300b":"\ufe3e","\u300c":"\ufe41","\u300d":"\ufe42","\u300e":"\ufe43","\u300f":"\ufe44","\u3010":"\ufe3b","\u3011":"\ufe3c","\u3014":"\ufe39","\u3015":"\ufe3a","\u3016":"\ufe17","\u3017":"\ufe18","\uff01":"\ufe15","\uff08":"\ufe35","\uff09":"\ufe36","\uff0c":"\ufe10","\uff0d":"\ufe32","\uff0e":"\u30fb","\uff1a":"\ufe13","\uff1b":"\ufe14","\uff1c":"\ufe3f","\uff1e":"\ufe40","\uff1f":"\ufe16","\uff3b":"\ufe47","\uff3d":"\ufe48","\uff3f":"\ufe33","\uff5b":"\ufe37","\uff5c":"\u2015","\uff5d":"\ufe38","\uff5f":"\ufe35","\uff60":"\ufe36","\uff61":"\ufe12","\uff62":"\ufe41","\uff63":"\ufe42"},Vs=function(t,e,r,n,i){var a,o,s=8*i-n-1,l=(1<>1,u=-7,f=r?i-1:0,h=r?-1:1,p=t[e+f];for(f+=h,a=p&(1<<-u)-1,p>>=-u,u+=s;u>0;a=256*a+t[e+f],f+=h,u-=8);for(o=a&(1<<-u)-1,a>>=-u,u+=n;u>0;o=256*o+t[e+f],f+=h,u-=8);if(0===a)a=1-c;else{if(a===l)return o?NaN:1/0*(p?-1:1);o+=Math.pow(2,n),a-=c}return(p?-1:1)*o*Math.pow(2,a-n)},qs=function(t,e,r,n,i,a){var o,s,l,c=8*a-i-1,u=(1<>1,h=23===i?Math.pow(2,-24)-Math.pow(2,-77):0,p=n?0:a-1,d=n?1:-1,g=e<0||0===e&&1/e<0?1:0;for(e=Math.abs(e),isNaN(e)||e===1/0?(s=isNaN(e)?1:0,o=u):(o=Math.floor(Math.log(e)/Math.LN2),e*(l=Math.pow(2,-o))<1&&(o--,l*=2),(e+=o+f>=1?h/l:h*Math.pow(2,1-f))*l>=2&&(o++,l/=2),o+f>=u?(s=0,o=u):o+f>=1?(s=(e*l-1)*Math.pow(2,i),o+=f):(s=e*Math.pow(2,f-1)*Math.pow(2,i),o=0));i>=8;t[r+p]=255&s,p+=d,s/=256,i-=8);for(o=o<0;t[r+p]=255&o,p+=d,o/=256,c-=8);t[r+p-d]|=128*g},Hs=Gs;function Gs(t){this.buf=ArrayBuffer.isView&&ArrayBuffer.isView(t)?t:new Uint8Array(t||0),this.pos=0,this.type=0,this.length=this.buf.length}Gs.Varint=0,Gs.Fixed64=1,Gs.Bytes=2,Gs.Fixed32=5;var Ys="undefined"==typeof TextDecoder?null:new TextDecoder("utf8");function Ws(t){return t.type===Gs.Bytes?t.readVarint()+t.pos:t.pos+1}function Xs(t,e,r){return r?4294967296*e+(t>>>0):4294967296*(e>>>0)+(t>>>0)}function Zs(t,e,r){var n=e<=16383?1:e<=2097151?2:e<=268435455?3:Math.floor(Math.log(e)/(7*Math.LN2));r.realloc(n);for(var i=r.pos-1;i>=t;i--)r.buf[i+n]=r.buf[i]}function Js(t,e){for(var r=0;r>>8,t[r+2]=e>>>16,t[r+3]=e>>>24}function sl(t,e){return(t[e]|t[e+1]<<8|t[e+2]<<16)+(t[e+3]<<24)}function ll(t,e,r){1===t&&r.readMessage(cl,e)}function cl(t,e,r){if(3===t){var n=r.readMessage(ul,{}),i=n.width,a=n.height,o=n.left,s=n.top,l=n.advance;e.push({id:n.id,bitmap:new ho({width:i+6,height:a+6},n.bitmap),metrics:{width:i,height:a,left:o,top:s,advance:l}})}}function ul(t,e,r){1===t?e.id=r.readVarint():2===t?e.bitmap=r.readBytes():3===t?e.width=r.readVarint():4===t?e.height=r.readVarint():5===t?e.left=r.readSVarint():6===t?e.top=r.readSVarint():7===t&&(e.advance=r.readVarint())}function fl(t){for(var e=0,r=0,n=0,i=t;n=0;h--){var p=o[h];if(!(f.w>p.w||f.h>p.h)){if(f.x=p.x,f.y=p.y,l=Math.max(l,f.y+f.h),s=Math.max(s,f.x+f.w),f.w===p.w&&f.h===p.h){var d=o.pop();h>3,a=this.pos;this.type=7&n,t(i,e,this),this.pos===a&&this.skip(n)}return e},readMessage:function(t,e){return this.readFields(t,e,this.readVarint()+this.pos)},readFixed32:function(){var t=al(this.buf,this.pos);return this.pos+=4,t},readSFixed32:function(){var t=sl(this.buf,this.pos);return this.pos+=4,t},readFixed64:function(){var t=al(this.buf,this.pos)+4294967296*al(this.buf,this.pos+4);return this.pos+=8,t},readSFixed64:function(){var t=al(this.buf,this.pos)+4294967296*sl(this.buf,this.pos+4);return this.pos+=8,t},readFloat:function(){var t=Vs(this.buf,this.pos,!0,23,4);return this.pos+=4,t},readDouble:function(){var t=Vs(this.buf,this.pos,!0,52,8);return this.pos+=8,t},readVarint:function(t){var e,r,n=this.buf;return e=127&(r=n[this.pos++]),r<128?e:(e|=(127&(r=n[this.pos++]))<<7,r<128?e:(e|=(127&(r=n[this.pos++]))<<14,r<128?e:(e|=(127&(r=n[this.pos++]))<<21,r<128?e:function(t,e,r){var n,i,a=r.buf;if(n=(112&(i=a[r.pos++]))>>4,i<128)return Xs(t,n,e);if(n|=(127&(i=a[r.pos++]))<<3,i<128)return Xs(t,n,e);if(n|=(127&(i=a[r.pos++]))<<10,i<128)return Xs(t,n,e);if(n|=(127&(i=a[r.pos++]))<<17,i<128)return Xs(t,n,e);if(n|=(127&(i=a[r.pos++]))<<24,i<128)return Xs(t,n,e);if(n|=(1&(i=a[r.pos++]))<<31,i<128)return Xs(t,n,e);throw new Error("Expected varint not more than 10 bytes")}(e|=(15&(r=n[this.pos]))<<28,t,this))))},readVarint64:function(){return this.readVarint(!0)},readSVarint:function(){var t=this.readVarint();return t%2==1?(t+1)/-2:t/2},readBoolean:function(){return Boolean(this.readVarint())},readString:function(){var t=this.readVarint()+this.pos,e=this.pos;return this.pos=t,t-e>=12&&Ys?function(t,e,r){return Ys.decode(t.subarray(e,r))}(this.buf,e,t):function(t,e,r){for(var n="",i=e;i239?4:l>223?3:l>191?2:1;if(i+u>r)break;1===u?l<128&&(c=l):2===u?128==(192&(a=t[i+1]))&&(c=(31&l)<<6|63&a)<=127&&(c=null):3===u?(o=t[i+2],128==(192&(a=t[i+1]))&&128==(192&o)&&((c=(15&l)<<12|(63&a)<<6|63&o)<=2047||c>=55296&&c<=57343)&&(c=null)):4===u&&(o=t[i+2],s=t[i+3],128==(192&(a=t[i+1]))&&128==(192&o)&&128==(192&s)&&((c=(15&l)<<18|(63&a)<<12|(63&o)<<6|63&s)<=65535||c>=1114112)&&(c=null)),null===c?(c=65533,u=1):c>65535&&(c-=65536,n+=String.fromCharCode(c>>>10&1023|55296),c=56320|1023&c),n+=String.fromCharCode(c),i+=u}return n}(this.buf,e,t)},readBytes:function(){var t=this.readVarint()+this.pos,e=this.buf.subarray(this.pos,t);return this.pos=t,e},readPackedVarint:function(t,e){if(this.type!==Gs.Bytes)return t.push(this.readVarint(e));var r=Ws(this);for(t=t||[];this.pos127;);else if(e===Gs.Bytes)this.pos=this.readVarint()+this.pos;else if(e===Gs.Fixed32)this.pos+=4;else{if(e!==Gs.Fixed64)throw new Error("Unimplemented type: "+e);this.pos+=8}},writeTag:function(t,e){this.writeVarint(t<<3|e)},realloc:function(t){for(var e=this.length||16;e268435455||t<0?function(t,e){var r,n;if(t>=0?(r=t%4294967296|0,n=t/4294967296|0):(n=~(-t/4294967296),4294967295^(r=~(-t%4294967296))?r=r+1|0:(r=0,n=n+1|0)),t>=0x10000000000000000||t<-0x10000000000000000)throw new Error("Given varint doesn't fit into 10 bytes");e.realloc(10),function(t,e,r){r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,r.buf[r.pos]=127&(t>>>=7)}(r,0,e),function(t,e){var r=(7&t)<<4;e.buf[e.pos++]|=r|((t>>>=3)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t)))))}(n,e)}(t,this):(this.realloc(4),this.buf[this.pos++]=127&t|(t>127?128:0),t<=127||(this.buf[this.pos++]=127&(t>>>=7)|(t>127?128:0),t<=127||(this.buf[this.pos++]=127&(t>>>=7)|(t>127?128:0),t<=127||(this.buf[this.pos++]=t>>>7&127))))},writeSVarint:function(t){this.writeVarint(t<0?2*-t-1:2*t)},writeBoolean:function(t){this.writeVarint(Boolean(t))},writeString:function(t){t=String(t),this.realloc(4*t.length),this.pos++;var e=this.pos;this.pos=function(t,e,r){for(var n,i,a=0;a55295&&n<57344){if(!i){n>56319||a+1===e.length?(t[r++]=239,t[r++]=191,t[r++]=189):i=n;continue}if(n<56320){t[r++]=239,t[r++]=191,t[r++]=189,i=n;continue}n=i-55296<<10|n-56320|65536,i=null}else i&&(t[r++]=239,t[r++]=191,t[r++]=189,i=null);n<128?t[r++]=n:(n<2048?t[r++]=n>>6|192:(n<65536?t[r++]=n>>12|224:(t[r++]=n>>18|240,t[r++]=n>>12&63|128),t[r++]=n>>6&63|128),t[r++]=63&n|128)}return r}(this.buf,t,this.pos);var r=this.pos-e;r>=128&&Zs(e,r,this),this.pos=e-1,this.writeVarint(r),this.pos+=r},writeFloat:function(t){this.realloc(4),qs(this.buf,t,this.pos,!0,23,4),this.pos+=4},writeDouble:function(t){this.realloc(8),qs(this.buf,t,this.pos,!0,52,8),this.pos+=8},writeBytes:function(t){var e=t.length;this.writeVarint(e),this.realloc(e);for(var r=0;r=128&&Zs(r,n,this),this.pos=r-1,this.writeVarint(n),this.pos+=n},writeMessage:function(t,e,r){this.writeTag(t,Gs.Bytes),this.writeRawMessage(e,r)},writePackedVarint:function(t,e){e.length&&this.writeMessage(t,Js,e)},writePackedSVarint:function(t,e){e.length&&this.writeMessage(t,Ks,e)},writePackedBoolean:function(t,e){e.length&&this.writeMessage(t,tl,e)},writePackedFloat:function(t,e){e.length&&this.writeMessage(t,Qs,e)},writePackedDouble:function(t,e){e.length&&this.writeMessage(t,$s,e)},writePackedFixed32:function(t,e){e.length&&this.writeMessage(t,el,e)},writePackedSFixed32:function(t,e){e.length&&this.writeMessage(t,rl,e)},writePackedFixed64:function(t,e){e.length&&this.writeMessage(t,nl,e)},writePackedSFixed64:function(t,e){e.length&&this.writeMessage(t,il,e)},writeBytesField:function(t,e){this.writeTag(t,Gs.Bytes),this.writeBytes(e)},writeFixed32Field:function(t,e){this.writeTag(t,Gs.Fixed32),this.writeFixed32(e)},writeSFixed32Field:function(t,e){this.writeTag(t,Gs.Fixed32),this.writeSFixed32(e)},writeFixed64Field:function(t,e){this.writeTag(t,Gs.Fixed64),this.writeFixed64(e)},writeSFixed64Field:function(t,e){this.writeTag(t,Gs.Fixed64),this.writeSFixed64(e)},writeVarintField:function(t,e){this.writeTag(t,Gs.Varint),this.writeVarint(e)},writeSVarintField:function(t,e){this.writeTag(t,Gs.Varint),this.writeSVarint(e)},writeStringField:function(t,e){this.writeTag(t,Gs.Bytes),this.writeString(e)},writeFloatField:function(t,e){this.writeTag(t,Gs.Fixed32),this.writeFloat(e)},writeDoubleField:function(t,e){this.writeTag(t,Gs.Fixed64),this.writeDouble(e)},writeBooleanField:function(t,e){this.writeVarintField(t,Boolean(e))}};var hl=function(t,e){var r=e.pixelRatio,n=e.version,i=e.stretchX,a=e.stretchY,o=e.content;this.paddedRect=t,this.pixelRatio=r,this.stretchX=i,this.stretchY=a,this.content=o,this.version=n},pl={tl:{configurable:!0},br:{configurable:!0},tlbr:{configurable:!0},displaySize:{configurable:!0}};pl.tl.get=function(){return[this.paddedRect.x+1,this.paddedRect.y+1]},pl.br.get=function(){return[this.paddedRect.x+this.paddedRect.w-1,this.paddedRect.y+this.paddedRect.h-1]},pl.tlbr.get=function(){return this.tl.concat(this.br)},pl.displaySize.get=function(){return[(this.paddedRect.w-2)/this.pixelRatio,(this.paddedRect.h-2)/this.pixelRatio]},Object.defineProperties(hl.prototype,pl);var dl=function(t,e){var r={},n={};this.haveRenderCallbacks=[];var i=[];this.addImages(t,r,i),this.addImages(e,n,i);var a=fl(i),o=new po({width:a.w||1,height:a.h||1});for(var s in t){var l=t[s],c=r[s].paddedRect;po.copy(l.data,o,{x:0,y:0},{x:c.x+1,y:c.y+1},l.data)}for(var u in e){var f=e[u],h=n[u].paddedRect,p=h.x+1,d=h.y+1,g=f.data.width,m=f.data.height;po.copy(f.data,o,{x:0,y:0},{x:p,y:d},f.data),po.copy(f.data,o,{x:0,y:m-1},{x:p,y:d-1},{width:g,height:1}),po.copy(f.data,o,{x:0,y:0},{x:p,y:d+m},{width:g,height:1}),po.copy(f.data,o,{x:g-1,y:0},{x:p-1,y:d},{width:1,height:m}),po.copy(f.data,o,{x:0,y:0},{x:p+g,y:d},{width:1,height:m})}this.image=o,this.iconPositions=r,this.patternPositions=n};dl.prototype.addImages=function(t,e,r){for(var n in t){var i=t[n],a={x:0,y:0,w:i.data.width+2,h:i.data.height+2};r.push(a),e[n]=new hl(a,i),i.hasRenderCallback&&this.haveRenderCallbacks.push(n)}},dl.prototype.patchUpdatedImages=function(t,e){for(var r in t.dispatchRenderCallbacks(this.haveRenderCallbacks),t.updatedImages)this.patchUpdatedImage(this.iconPositions[r],t.getImage(r),e),this.patchUpdatedImage(this.patternPositions[r],t.getImage(r),e)},dl.prototype.patchUpdatedImage=function(t,e,r){if(t&&e&&t.version!==e.version){t.version=e.version;var n=t.tl;r.update(e.data,void 0,{x:n[0],y:n[1]})}},Dn("ImagePosition",hl),Dn("ImageAtlas",dl);var gl={horizontal:1,vertical:2,horizontalOnly:3},ml=function(){this.scale=1,this.fontStack="",this.imageName=null};ml.forText=function(t,e){var r=new ml;return r.scale=t||1,r.fontStack=e,r},ml.forImage=function(t){var e=new ml;return e.imageName=t,e};var vl=function(){this.text="",this.sectionIndex=[],this.sections=[],this.imageSectionID=null};function yl(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g){var m,v=vl.fromFeature(t,i);f===gl.vertical&&v.verticalizePunctuation();var y=ni.processBidirectionalText,x=ni.processStyledBidirectionalText;if(y&&1===v.sections.length){m=[];for(var b=0,_=y(v.toString(),Ml(v,c,a,e,n,p,d));b<_.length;b+=1){var w=_[b],T=new vl;T.text=w,T.sections=v.sections;for(var k=0;k0&&B>M&&(M=B)}else{var N=r[S.fontStack],j=N&&N[C];if(j&&j.rect)P=j.rect,I=j.metrics;else{var U=e[S.fontStack],V=U&&U[C];if(!V)continue;I=V.metrics}L=24*(_-S.scale)}D?(t.verticalizable=!0,k.push({glyph:C,imageName:z,x:h,y:p+L,vertical:D,scale:S.scale,fontStack:S.fontStack,sectionIndex:E,metrics:I,rect:P}),h+=O*S.scale+c):(k.push({glyph:C,imageName:z,x:h,y:p+L,vertical:D,scale:S.scale,fontStack:S.fontStack,sectionIndex:E,metrics:I,rect:P}),h+=I.advance*S.scale+c)}0!==k.length&&(d=Math.max(h-c,d),Sl(k,0,k.length-1,m,M)),h=0;var q=a*_+M;T.lineOffset=Math.max(M,w),p+=q,g=Math.max(q,g),++v}else p+=a,++v}var H,G=p- -17,Y=Al(o),W=Y.horizontalAlign,X=Y.verticalAlign;(function(t,e,r,n,i,a,o,s,l){var c,u=(e-r)*i;c=a!==o?-s*n- -17:(-n*l+.5)*o;for(var f=0,h=t;f=0&&n>=t&&xl[this.text.charCodeAt(n)];n--)r--;this.text=this.text.substring(t,r),this.sectionIndex=this.sectionIndex.slice(t,r)},vl.prototype.substring=function(t,e){var r=new vl;return r.text=this.text.substring(t,e),r.sectionIndex=this.sectionIndex.slice(t,e),r.sections=this.sections,r},vl.prototype.toString=function(){return this.text},vl.prototype.getMaxScale=function(){var t=this;return this.sectionIndex.reduce((function(e,r){return Math.max(e,t.sections[r].scale)}),0)},vl.prototype.addTextSection=function(t,e){this.text+=t.text,this.sections.push(ml.forText(t.scale,t.fontStack||e));for(var r=this.sections.length-1,n=0;n=63743?null:++this.imageSectionID:(this.imageSectionID=57344,this.imageSectionID)};var xl={9:!0,10:!0,11:!0,12:!0,13:!0,32:!0},bl={};function _l(t,e,r,n,i,a){if(e.imageName){var o=n[e.imageName];return o?o.displaySize[0]*e.scale*24/a+i:0}var s=r[e.fontStack],l=s&&s[t];return l?l.metrics.advance*e.scale+i:0}function wl(t,e,r,n){var i=Math.pow(t-e,2);return n?t=0,f=0,h=0;h-r/2;){if(--o<0)return!1;s-=t[o].dist(a),a=t[o]}s+=t[o].dist(t[o+1]),o++;for(var l=[],c=0;sn;)c-=l.shift().angleDelta;if(c>i)return!1;o++,s+=u.dist(f)}return!0}function Dl(t){for(var e=0,r=0;rc){var d=(c-l)/p,g=Ue(f.x,h.x,d),m=Ue(f.y,h.y,d),v=new Cl(g,m,h.angleTo(f),u);return v._round(),!o||Ol(t,v,s,o,e)?v:void 0}l+=p}}function Nl(t,e,r,n,i,a,o,s,l){var c=Rl(n,a,o),u=Fl(n,i),f=u*o,h=0===t[0].x||t[0].x===l||0===t[0].y||t[0].y===l;return e-f=0&&_=0&&w=0&&p+u<=f){var T=new Cl(_,w,x,g);T._round(),i&&!Ol(e,T,o,i,a)||d.push(T)}}h+=y}return l||d.length||s||(d=t(e,h/2,n,i,a,o,s,!0,c)),d}(t,h?e/2*s%e:(u/2+2*a)*o*s%e,e,c,r,f,h,!1,l)}function jl(t,e,r,n,a){for(var o=[],s=0;s=n&&h.x>=n||(f.x>=n?f=new i(n,f.y+(n-f.x)/(h.x-f.x)*(h.y-f.y))._round():h.x>=n&&(h=new i(n,f.y+(n-f.x)/(h.x-f.x)*(h.y-f.y))._round()),f.y>=a&&h.y>=a||(f.y>=a?f=new i(f.x+(a-f.y)/(h.y-f.y)*(h.x-f.x),a)._round():h.y>=a&&(h=new i(f.x+(a-f.y)/(h.y-f.y)*(h.x-f.x),a)._round()),c&&f.equals(c[c.length-1])||o.push(c=[f]),c.push(h)))))}return o}function Ul(t,e,r,n){var a=[],o=t.image,s=o.pixelRatio,l=o.paddedRect.w-2,c=o.paddedRect.h-2,u=t.right-t.left,f=t.bottom-t.top,h=o.stretchX||[[0,l]],p=o.stretchY||[[0,c]],d=function(t,e){return t+e[1]-e[0]},g=h.reduce(d,0),m=p.reduce(d,0),v=l-g,y=c-m,x=0,b=g,_=0,w=m,T=0,k=v,M=0,A=y;if(o.content&&n){var S=o.content;x=Vl(h,0,S[0]),_=Vl(p,0,S[1]),b=Vl(h,S[0],S[2]),w=Vl(p,S[1],S[3]),T=S[0]-x,M=S[1]-_,k=S[2]-S[0]-b,A=S[3]-S[1]-w}var E=function(n,a,l,c){var h=Hl(n.stretch-x,b,u,t.left),p=Gl(n.fixed-T,k,n.stretch,g),d=Hl(a.stretch-_,w,f,t.top),v=Gl(a.fixed-M,A,a.stretch,m),y=Hl(l.stretch-x,b,u,t.left),S=Gl(l.fixed-T,k,l.stretch,g),E=Hl(c.stretch-_,w,f,t.top),C=Gl(c.fixed-M,A,c.stretch,m),L=new i(h,d),I=new i(y,d),P=new i(y,E),z=new i(h,E),O=new i(p/s,v/s),D=new i(S/s,C/s),R=e*Math.PI/180;if(R){var F=Math.sin(R),B=Math.cos(R),N=[B,-F,F,B];L._matMult(N),I._matMult(N),z._matMult(N),P._matMult(N)}var j=n.stretch+n.fixed,U=a.stretch+a.fixed;return{tl:L,tr:I,bl:z,br:P,tex:{x:o.paddedRect.x+1+j,y:o.paddedRect.y+1+U,w:l.stretch+l.fixed-j,h:c.stretch+c.fixed-U},writingMode:void 0,glyphOffset:[0,0],sectionIndex:0,pixelOffsetTL:O,pixelOffsetBR:D,minFontScaleX:k/s/u,minFontScaleY:A/s/f,isSDF:r}};if(n&&(o.stretchX||o.stretchY))for(var C=ql(h,v,g),L=ql(p,y,m),I=0;I0&&(d=Math.max(10,d),this.circleDiameter=d)}else{var g=o.top*s-l,m=o.bottom*s+l,v=o.left*s-l,y=o.right*s+l,x=o.collisionPadding;if(x&&(v-=x[0]*s,g-=x[1]*s,y+=x[2]*s,m+=x[3]*s),u){var b=new i(v,g),_=new i(y,g),w=new i(v,m),T=new i(y,m),k=u*Math.PI/180;b._rotate(k),_._rotate(k),w._rotate(k),T._rotate(k),v=Math.min(b.x,_.x,w.x,T.x),y=Math.max(b.x,_.x,w.x,T.x),g=Math.min(b.y,_.y,w.y,T.y),m=Math.max(b.y,_.y,w.y,T.y)}t.emplaceBack(e.x,e.y,v,g,y,m,r,n,a)}this.boxEndIndex=t.length},Wl=function(t,e){if(void 0===t&&(t=[]),void 0===e&&(e=Xl),this.data=t,this.length=this.data.length,this.compare=e,this.length>0)for(var r=(this.length>>1)-1;r>=0;r--)this._down(r)};function Xl(t,e){return te?1:0}function Zl(t,e,r){void 0===e&&(e=1),void 0===r&&(r=!1);for(var n=1/0,a=1/0,o=-1/0,s=-1/0,l=t[0],c=0;co)&&(o=u.x),(!c||u.y>s)&&(s=u.y)}var f=Math.min(o-n,s-a),h=f/2,p=new Wl([],Jl);if(0===f)return new i(n,a);for(var d=n;dm.d||!m.d)&&(m=y,r&&console.log("found best %d after %d probes",Math.round(1e4*y.d)/1e4,v)),y.max-m.d<=e||(p.push(new Kl(y.p.x-(h=y.h/2),y.p.y-h,h,t)),p.push(new Kl(y.p.x+h,y.p.y-h,h,t)),p.push(new Kl(y.p.x-h,y.p.y+h,h,t)),p.push(new Kl(y.p.x+h,y.p.y+h,h,t)),v+=4)}return r&&(console.log("num probes: "+v),console.log("best distance: "+m.d)),m.p}function Jl(t,e){return e.max-t.max}function Kl(t,e,r,n){this.p=new i(t,e),this.h=r,this.d=function(t,e){for(var r=!1,n=1/0,i=0;it.y!=u.y>t.y&&t.x<(u.x-c.x)*(t.y-c.y)/(u.y-c.y)+c.x&&(r=!r),n=Math.min(n,Ga(t,c,u))}return(r?1:-1)*Math.sqrt(n)}(this.p,n),this.max=this.d+this.h*Math.SQRT2}Wl.prototype.push=function(t){this.data.push(t),this.length++,this._up(this.length-1)},Wl.prototype.pop=function(){if(0!==this.length){var t=this.data[0],e=this.data.pop();return this.length--,this.length>0&&(this.data[0]=e,this._down(0)),t}},Wl.prototype.peek=function(){return this.data[0]},Wl.prototype._up=function(t){for(var e=this.data,r=this.compare,n=e[t];t>0;){var i=t-1>>1,a=e[i];if(r(n,a)>=0)break;e[t]=a,t=i}e[t]=n},Wl.prototype._down=function(t){for(var e=this.data,r=this.compare,n=this.length>>1,i=e[t];t=0)break;e[t]=o,t=a}e[t]=i};var Ql=Number.POSITIVE_INFINITY;function $l(t,e){return e[1]!==Ql?function(t,e,r){var n=0,i=0;switch(e=Math.abs(e),r=Math.abs(r),t){case"top-right":case"top-left":case"top":i=r-7;break;case"bottom-right":case"bottom-left":case"bottom":i=7-r}switch(t){case"top-right":case"bottom-right":case"right":n=-e;break;case"top-left":case"bottom-left":case"left":n=e}return[n,i]}(t,e[0],e[1]):function(t,e){var r=0,n=0;e<0&&(e=0);var i=e/Math.sqrt(2);switch(t){case"top-right":case"top-left":n=i-7;break;case"bottom-right":case"bottom-left":n=7-i;break;case"bottom":n=7-e;break;case"top":n=e-7}switch(t){case"top-right":case"bottom-right":r=-i;break;case"top-left":case"bottom-left":r=i;break;case"left":r=e;break;case"right":r=-e}return[r,n]}(t,e[0])}function tc(t){switch(t){case"right":case"top-right":case"bottom-right":return"right";case"left":case"top-left":case"bottom-left":return"left"}return"center"}function ec(t,e,r,n,a,o,s,l,c,u,f,h,p,d,g){var m=function(t,e,r,n,a,o,s,l){for(var c=n.layout.get("text-rotate").evaluate(o,{})*Math.PI/180,u=[],f=0,h=e.positionedLines;f32640&&_(t.layerIds[0]+': Value for "text-size" is >= 255. Reduce your "text-size".'):"composite"===v.kind&&((y=[128*d.compositeTextSizes[0].evaluate(s,{},g),128*d.compositeTextSizes[1].evaluate(s,{},g)])[0]>32640||y[1]>32640)&&_(t.layerIds[0]+': Value for "text-size" is >= 255. Reduce your "text-size".'),t.addSymbols(t.text,m,y,l,o,s,u,e,c.lineStartIndex,c.lineLength,p,g);for(var x=0,b=f;x=0;o--)if(n.dist(a[o])0)&&("constant"!==a.value.kind||a.value.value.length>0),c="constant"!==s.value.kind||!!s.value.value||Object.keys(s.parameters).length>0,u=i.get("symbol-sort-key");if(this.features=[],l||c){for(var f=e.iconDependencies,h=e.glyphDependencies,p=e.availableImages,d=new ii(this.zoom),g=0,m=t;g=0;for(var z=0,O=k.sections;z=0;s--)a[s]={x:e[s].x,y:e[s].y,tileUnitDistanceFromAnchor:i},s>0&&(i+=e[s-1].dist(e[s]));for(var l=0;l0},fc.prototype.hasIconData=function(){return this.icon.segments.get().length>0},fc.prototype.hasDebugData=function(){return this.textCollisionBox&&this.iconCollisionBox},fc.prototype.hasTextCollisionBoxData=function(){return this.hasDebugData()&&this.textCollisionBox.segments.get().length>0},fc.prototype.hasIconCollisionBoxData=function(){return this.hasDebugData()&&this.iconCollisionBox.segments.get().length>0},fc.prototype.addIndicesForPlacedSymbol=function(t,e){for(var r=t.placedSymbolArray.get(e),n=r.vertexStartIndex+4*r.numGlyphs,i=r.vertexStartIndex;i1||this.icon.segments.get().length>1)){this.symbolInstanceIndexes=this.getSortedSymbolIndexes(t),this.sortedAngle=t,this.text.indexArray.clear(),this.icon.indexArray.clear(),this.featureSortOrder=[];for(var r=0,n=this.symbolInstanceIndexes;r=0&&n.indexOf(t)===r&&e.addIndicesForPlacedSymbol(e.text,t)})),i.verticalPlacedTextSymbolIndex>=0&&this.addIndicesForPlacedSymbol(this.text,i.verticalPlacedTextSymbolIndex),i.placedIconSymbolIndex>=0&&this.addIndicesForPlacedSymbol(this.icon,i.placedIconSymbolIndex),i.verticalPlacedIconSymbolIndex>=0&&this.addIndicesForPlacedSymbol(this.icon,i.verticalPlacedIconSymbolIndex)}this.text.indexBuffer&&this.text.indexBuffer.updateData(this.text.indexArray),this.icon.indexBuffer&&this.icon.indexBuffer.updateData(this.icon.indexArray)}},Dn("SymbolBucket",fc,{omit:["layers","collisionBoxArray","features","compareText"]}),fc.MAX_GLYPHS=65535,fc.addDynamicAttributes=sc;var hc=new yi({"symbol-placement":new pi(At.layout_symbol["symbol-placement"]),"symbol-spacing":new pi(At.layout_symbol["symbol-spacing"]),"symbol-avoid-edges":new pi(At.layout_symbol["symbol-avoid-edges"]),"symbol-sort-key":new di(At.layout_symbol["symbol-sort-key"]),"symbol-z-order":new pi(At.layout_symbol["symbol-z-order"]),"icon-allow-overlap":new pi(At.layout_symbol["icon-allow-overlap"]),"icon-ignore-placement":new pi(At.layout_symbol["icon-ignore-placement"]),"icon-optional":new pi(At.layout_symbol["icon-optional"]),"icon-rotation-alignment":new pi(At.layout_symbol["icon-rotation-alignment"]),"icon-size":new di(At.layout_symbol["icon-size"]),"icon-text-fit":new pi(At.layout_symbol["icon-text-fit"]),"icon-text-fit-padding":new pi(At.layout_symbol["icon-text-fit-padding"]),"icon-image":new di(At.layout_symbol["icon-image"]),"icon-rotate":new di(At.layout_symbol["icon-rotate"]),"icon-padding":new pi(At.layout_symbol["icon-padding"]),"icon-keep-upright":new pi(At.layout_symbol["icon-keep-upright"]),"icon-offset":new di(At.layout_symbol["icon-offset"]),"icon-anchor":new di(At.layout_symbol["icon-anchor"]),"icon-pitch-alignment":new pi(At.layout_symbol["icon-pitch-alignment"]),"text-pitch-alignment":new pi(At.layout_symbol["text-pitch-alignment"]),"text-rotation-alignment":new pi(At.layout_symbol["text-rotation-alignment"]),"text-field":new di(At.layout_symbol["text-field"]),"text-font":new di(At.layout_symbol["text-font"]),"text-size":new di(At.layout_symbol["text-size"]),"text-max-width":new di(At.layout_symbol["text-max-width"]),"text-line-height":new pi(At.layout_symbol["text-line-height"]),"text-letter-spacing":new di(At.layout_symbol["text-letter-spacing"]),"text-justify":new di(At.layout_symbol["text-justify"]),"text-radial-offset":new di(At.layout_symbol["text-radial-offset"]),"text-variable-anchor":new pi(At.layout_symbol["text-variable-anchor"]),"text-anchor":new di(At.layout_symbol["text-anchor"]),"text-max-angle":new pi(At.layout_symbol["text-max-angle"]),"text-writing-mode":new pi(At.layout_symbol["text-writing-mode"]),"text-rotate":new di(At.layout_symbol["text-rotate"]),"text-padding":new pi(At.layout_symbol["text-padding"]),"text-keep-upright":new pi(At.layout_symbol["text-keep-upright"]),"text-transform":new di(At.layout_symbol["text-transform"]),"text-offset":new di(At.layout_symbol["text-offset"]),"text-allow-overlap":new pi(At.layout_symbol["text-allow-overlap"]),"text-ignore-placement":new pi(At.layout_symbol["text-ignore-placement"]),"text-optional":new pi(At.layout_symbol["text-optional"])}),pc={paint:new yi({"icon-opacity":new di(At.paint_symbol["icon-opacity"]),"icon-color":new di(At.paint_symbol["icon-color"]),"icon-halo-color":new di(At.paint_symbol["icon-halo-color"]),"icon-halo-width":new di(At.paint_symbol["icon-halo-width"]),"icon-halo-blur":new di(At.paint_symbol["icon-halo-blur"]),"icon-translate":new pi(At.paint_symbol["icon-translate"]),"icon-translate-anchor":new pi(At.paint_symbol["icon-translate-anchor"]),"text-opacity":new di(At.paint_symbol["text-opacity"]),"text-color":new di(At.paint_symbol["text-color"],{runtimeType:Bt,getOverride:function(t){return t.textColor},hasOverride:function(t){return!!t.textColor}}),"text-halo-color":new di(At.paint_symbol["text-halo-color"]),"text-halo-width":new di(At.paint_symbol["text-halo-width"]),"text-halo-blur":new di(At.paint_symbol["text-halo-blur"]),"text-translate":new pi(At.paint_symbol["text-translate"]),"text-translate-anchor":new pi(At.paint_symbol["text-translate-anchor"])}),layout:hc},dc=function(t){this.type=t.property.overrides?t.property.overrides.runtimeType:Ot,this.defaultValue=t};dc.prototype.evaluate=function(t){if(t.formattedSection){var e=this.defaultValue.property.overrides;if(e&&e.hasOverride(t.formattedSection))return e.getOverride(t.formattedSection)}return t.feature&&t.featureState?this.defaultValue.evaluate(t.feature,t.featureState):this.defaultValue.property.specification.default},dc.prototype.eachChild=function(t){this.defaultValue.isConstant()||t(this.defaultValue.value._styleExpression.expression)},dc.prototype.outputDefined=function(){return!1},dc.prototype.serialize=function(){return null},Dn("FormatSectionOverride",dc,{omit:["defaultValue"]});var gc=function(t){function e(e){t.call(this,e,pc)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.recalculate=function(e,r){if(t.prototype.recalculate.call(this,e,r),"auto"===this.layout.get("icon-rotation-alignment")&&(this.layout._values["icon-rotation-alignment"]="point"!==this.layout.get("symbol-placement")?"map":"viewport"),"auto"===this.layout.get("text-rotation-alignment")&&(this.layout._values["text-rotation-alignment"]="point"!==this.layout.get("symbol-placement")?"map":"viewport"),"auto"===this.layout.get("text-pitch-alignment")&&(this.layout._values["text-pitch-alignment"]=this.layout.get("text-rotation-alignment")),"auto"===this.layout.get("icon-pitch-alignment")&&(this.layout._values["icon-pitch-alignment"]=this.layout.get("icon-rotation-alignment")),"point"===this.layout.get("symbol-placement")){var n=this.layout.get("text-writing-mode");if(n){for(var i=[],a=0,o=n;a",targetMapId:n,sourceMapId:a.mapId})}}},Cc.prototype.receive=function(t){var e=t.data,r=e.id;if(r&&(!e.targetMapId||this.mapId===e.targetMapId))if(""===e.type){delete this.tasks[r];var n=this.cancelCallbacks[r];delete this.cancelCallbacks[r],n&&n()}else k()||e.mustQueue?(this.tasks[r]=e,this.taskQueue.push(r),this.invoker.trigger()):this.processTask(r,e)},Cc.prototype.process=function(){if(this.taskQueue.length){var t=this.taskQueue.shift(),e=this.tasks[t];delete this.tasks[t],this.taskQueue.length&&this.invoker.trigger(),e&&this.processTask(t,e)}},Cc.prototype.processTask=function(t,e){var r=this;if(""===e.type){var n=this.callbacks[t];delete this.callbacks[t],n&&(e.error?n(jn(e.error)):n(null,jn(e.data)))}else{var i=!1,a=S(this.globalScope)?void 0:[],o=e.hasCallback?function(e,n){i=!0,delete r.cancelCallbacks[t],r.target.postMessage({id:t,type:"",sourceMapId:r.mapId,error:e?Nn(e):null,data:Nn(n,a)},a)}:function(t){i=!0},s=null,l=jn(e.data);if(this.parent[e.type])s=this.parent[e.type](e.sourceMapId,l,o);else if(this.parent.getWorkerSource){var c=e.type.split(".");s=this.parent.getWorkerSource(e.sourceMapId,c[0],l.source)[c[1]](l,o)}else o(new Error("Could not find function "+e.type));!i&&s&&s.cancel&&(this.cancelCallbacks[t]=s.cancel)}},Cc.prototype.remove=function(){this.invoker.remove(),this.target.removeEventListener("message",this.receive,!1)};var Ic=function(t,e){t&&(e?this.setSouthWest(t).setNorthEast(e):4===t.length?this.setSouthWest([t[0],t[1]]).setNorthEast([t[2],t[3]]):this.setSouthWest(t[0]).setNorthEast(t[1]))};Ic.prototype.setNorthEast=function(t){return this._ne=t instanceof Pc?new Pc(t.lng,t.lat):Pc.convert(t),this},Ic.prototype.setSouthWest=function(t){return this._sw=t instanceof Pc?new Pc(t.lng,t.lat):Pc.convert(t),this},Ic.prototype.extend=function(t){var e,r,n=this._sw,i=this._ne;if(t instanceof Pc)e=t,r=t;else{if(!(t instanceof Ic))return Array.isArray(t)?4===t.length||t.every(Array.isArray)?this.extend(Ic.convert(t)):this.extend(Pc.convert(t)):this;if(r=t._ne,!(e=t._sw)||!r)return this}return n||i?(n.lng=Math.min(e.lng,n.lng),n.lat=Math.min(e.lat,n.lat),i.lng=Math.max(r.lng,i.lng),i.lat=Math.max(r.lat,i.lat)):(this._sw=new Pc(e.lng,e.lat),this._ne=new Pc(r.lng,r.lat)),this},Ic.prototype.getCenter=function(){return new Pc((this._sw.lng+this._ne.lng)/2,(this._sw.lat+this._ne.lat)/2)},Ic.prototype.getSouthWest=function(){return this._sw},Ic.prototype.getNorthEast=function(){return this._ne},Ic.prototype.getNorthWest=function(){return new Pc(this.getWest(),this.getNorth())},Ic.prototype.getSouthEast=function(){return new Pc(this.getEast(),this.getSouth())},Ic.prototype.getWest=function(){return this._sw.lng},Ic.prototype.getSouth=function(){return this._sw.lat},Ic.prototype.getEast=function(){return this._ne.lng},Ic.prototype.getNorth=function(){return this._ne.lat},Ic.prototype.toArray=function(){return[this._sw.toArray(),this._ne.toArray()]},Ic.prototype.toString=function(){return"LngLatBounds("+this._sw.toString()+", "+this._ne.toString()+")"},Ic.prototype.isEmpty=function(){return!(this._sw&&this._ne)},Ic.prototype.contains=function(t){var e=Pc.convert(t),r=e.lng,n=e.lat,i=this._sw.lng<=r&&r<=this._ne.lng;return this._sw.lng>this._ne.lng&&(i=this._sw.lng>=r&&r>=this._ne.lng),this._sw.lat<=n&&n<=this._ne.lat&&i},Ic.convert=function(t){return!t||t instanceof Ic?t:new Ic(t)};var Pc=function(t,e){if(isNaN(t)||isNaN(e))throw new Error("Invalid LngLat object: ("+t+", "+e+")");if(this.lng=+t,this.lat=+e,this.lat>90||this.lat<-90)throw new Error("Invalid LngLat latitude value: must be between -90 and 90")};Pc.prototype.wrap=function(){return new Pc(c(this.lng,-180,180),this.lat)},Pc.prototype.toArray=function(){return[this.lng,this.lat]},Pc.prototype.toString=function(){return"LngLat("+this.lng+", "+this.lat+")"},Pc.prototype.distanceTo=function(t){var e=Math.PI/180,r=this.lat*e,n=t.lat*e,i=Math.sin(r)*Math.sin(n)+Math.cos(r)*Math.cos(n)*Math.cos((t.lng-this.lng)*e);return 6371008.8*Math.acos(Math.min(i,1))},Pc.prototype.toBounds=function(t){void 0===t&&(t=0);var e=360*t/40075017,r=e/Math.cos(Math.PI/180*this.lat);return new Ic(new Pc(this.lng-r,this.lat-e),new Pc(this.lng+r,this.lat+e))},Pc.convert=function(t){if(t instanceof Pc)return t;if(Array.isArray(t)&&(2===t.length||3===t.length))return new Pc(Number(t[0]),Number(t[1]));if(!Array.isArray(t)&&"object"==typeof t&&null!==t)return new Pc(Number("lng"in t?t.lng:t.lon),Number(t.lat));throw new Error("`LngLatLike` argument must be specified as a LngLat instance, an object {lng: , lat: }, an object {lon: , lat: }, or an array of [, ]")};var zc=2*Math.PI*6371008.8;function Oc(t){return zc*Math.cos(t*Math.PI/180)}function Dc(t){return(180+t)/360}function Rc(t){return(180-180/Math.PI*Math.log(Math.tan(Math.PI/4+t*Math.PI/360)))/360}function Fc(t,e){return t/Oc(e)}function Bc(t){return 360/Math.PI*Math.atan(Math.exp((180-360*t)*Math.PI/180))-90}var Nc=function(t,e,r){void 0===r&&(r=0),this.x=+t,this.y=+e,this.z=+r};Nc.fromLngLat=function(t,e){void 0===e&&(e=0);var r=Pc.convert(t);return new Nc(Dc(r.lng),Rc(r.lat),Fc(e,r.lat))},Nc.prototype.toLngLat=function(){return new Pc(360*this.x-180,Bc(this.y))},Nc.prototype.toAltitude=function(){return this.z*Oc(Bc(this.y))},Nc.prototype.meterInMercatorCoordinateUnits=function(){return 1/zc*(t=Bc(this.y),1/Math.cos(t*Math.PI/180));var t};var jc=function(t,e,r){this.z=t,this.x=e,this.y=r,this.key=qc(0,t,t,e,r)};jc.prototype.equals=function(t){return this.z===t.z&&this.x===t.x&&this.y===t.y},jc.prototype.url=function(t,e){var r,n,i,a,o,s=(n=this.y,i=this.z,a=Lc(256*(r=this.x),256*(n=Math.pow(2,i)-n-1),i),o=Lc(256*(r+1),256*(n+1),i),a[0]+","+a[1]+","+o[0]+","+o[1]),l=function(t,e,r){for(var n,i="",a=t;a>0;a--)i+=(e&(n=1<this.canonical.z?new Vc(t,this.wrap,this.canonical.z,this.canonical.x,this.canonical.y):new Vc(t,this.wrap,t,this.canonical.x>>e,this.canonical.y>>e)},Vc.prototype.calculateScaledKey=function(t,e){var r=this.canonical.z-t;return t>this.canonical.z?qc(this.wrap*+e,t,this.canonical.z,this.canonical.x,this.canonical.y):qc(this.wrap*+e,t,t,this.canonical.x>>r,this.canonical.y>>r)},Vc.prototype.isChildOf=function(t){if(t.wrap!==this.wrap)return!1;var e=this.canonical.z-t.canonical.z;return 0===t.overscaledZ||t.overscaledZ>e&&t.canonical.y===this.canonical.y>>e},Vc.prototype.children=function(t){if(this.overscaledZ>=t)return[new Vc(this.overscaledZ+1,this.wrap,this.canonical.z,this.canonical.x,this.canonical.y)];var e=this.canonical.z+1,r=2*this.canonical.x,n=2*this.canonical.y;return[new Vc(e,this.wrap,e,r,n),new Vc(e,this.wrap,e,r+1,n),new Vc(e,this.wrap,e,r,n+1),new Vc(e,this.wrap,e,r+1,n+1)]},Vc.prototype.isLessThan=function(t){return this.wrapt.wrap)&&(this.overscaledZt.overscaledZ)&&(this.canonical.xt.canonical.x)&&this.canonical.y=this.dim+1||e<-1||e>=this.dim+1)throw new RangeError("out of range source coordinates for DEM data");return(e+1)*this.stride+(t+1)},Hc.prototype._unpackMapbox=function(t,e,r){return(256*t*256+256*e+r)/10-1e4},Hc.prototype._unpackTerrarium=function(t,e,r){return 256*t+e+r/256-32768},Hc.prototype.getPixels=function(){return new po({width:this.stride,height:this.stride},new Uint8Array(this.data.buffer))},Hc.prototype.backfillBorder=function(t,e,r){if(this.dim!==t.dim)throw new Error("dem dimension mismatch");var n=e*this.dim,i=e*this.dim+this.dim,a=r*this.dim,o=r*this.dim+this.dim;switch(e){case-1:n=i-1;break;case 1:i=n+1}switch(r){case-1:a=o-1;break;case 1:o=a+1}for(var s=-e*this.dim,l=-r*this.dim,c=a;c=0&&u[3]>=0&&s.insert(o,u[0],u[1],u[2],u[3])}},Zc.prototype.loadVTLayers=function(){return this.vtLayers||(this.vtLayers=new gs.VectorTile(new Hs(this.rawTileData)).layers,this.sourceLayerCoder=new Gc(this.vtLayers?Object.keys(this.vtLayers).sort():["_geojsonTileLayer"])),this.vtLayers},Zc.prototype.query=function(t,e,r,n){var a=this;this.loadVTLayers();for(var o=t.params||{},s=8192/t.tileSize/t.scale,l=rn(o.filter),c=t.queryGeometry,u=t.queryPadding*s,f=Kc(c),h=this.grid.query(f.minX-u,f.minY-u,f.maxX+u,f.maxY+u),p=Kc(t.cameraQueryGeometry),d=0,g=this.grid3D.query(p.minX-u,p.minY-u,p.maxX+u,p.maxY+u,(function(e,r,n,a){return function(t,e,r,n,a){for(var o=0,s=t;o=l.x&&a>=l.y)return!0}var c=[new i(e,r),new i(e,a),new i(n,a),new i(n,r)];if(t.length>2)for(var u=0,f=c;u=0)return!0;return!1}(a,f)){var h=this.sourceLayerCoder.decode(r),p=this.vtLayers[h].feature(n);if(i.filter(new ii(this.tileID.overscaledZ),p))for(var d=this.getId(p,h),g=0;gn)i=!1;else if(e)if(this.expirationTimeot&&(t.getActor().send("enforceCacheSizeLimit",at),ut=0)},t.clamp=l,t.clearTileCache=function(t){var e=self.caches.delete("mapbox-tiles");t&&e.catch(t).then((function(){return t()}))},t.clipLine=jl,t.clone=function(t){var e=new to(16);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e[3]=t[3],e[4]=t[4],e[5]=t[5],e[6]=t[6],e[7]=t[7],e[8]=t[8],e[9]=t[9],e[10]=t[10],e[11]=t[11],e[12]=t[12],e[13]=t[13],e[14]=t[14],e[15]=t[15],e},t.clone$1=x,t.clone$2=function(t){var e=new to(3);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e},t.collisionCircleLayout=Ns,t.config=F,t.create=function(){var t=new to(16);return to!=Float32Array&&(t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[11]=0,t[12]=0,t[13]=0,t[14]=0),t[0]=1,t[5]=1,t[10]=1,t[15]=1,t},t.create$1=function(){var t=new to(9);return to!=Float32Array&&(t[1]=0,t[2]=0,t[3]=0,t[5]=0,t[6]=0,t[7]=0),t[0]=1,t[4]=1,t[8]=1,t},t.create$2=function(){var t=new to(4);return to!=Float32Array&&(t[1]=0,t[2]=0),t[0]=1,t[3]=1,t},t.createCommonjsModule=e,t.createExpression=qr,t.createLayout=Ti,t.createStyleLayer=function(t){return"custom"===t.type?new bc(t):new _c[t.type](t)},t.cross=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2];return t[0]=i*l-a*s,t[1]=a*o-n*l,t[2]=n*s-i*o,t},t.deepEqual=function t(e,r){if(Array.isArray(e)){if(!Array.isArray(r)||e.length!==r.length)return!1;for(var n=0;n0&&(a=1/Math.sqrt(a)),t[0]=e[0]*a,t[1]=e[1]*a,t[2]=e[2]*a,t},t.number=Ue,t.offscreenCanvasSupported=ft,t.ortho=function(t,e,r,n,i,a,o){var s=1/(e-r),l=1/(n-i),c=1/(a-o);return t[0]=-2*s,t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[5]=-2*l,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[10]=2*c,t[11]=0,t[12]=(e+r)*s,t[13]=(i+n)*l,t[14]=(o+a)*c,t[15]=1,t},t.parseGlyphPBF=function(t){return new Hs(t).readFields(ll,[])},t.pbf=Hs,t.performSymbolLayout=function(t,e,r,n,i,a,o){t.createArrays(),t.tilePixelRatio=8192/(512*t.overscaling),t.compareText={},t.iconsNeedLinear=!1;var s=t.layers[0].layout,l=t.layers[0]._unevaluatedLayout._values,c={};if("composite"===t.textSizeData.kind){var u=t.textSizeData,f=u.maxZoom;c.compositeTextSizes=[l["text-size"].possiblyEvaluate(new ii(u.minZoom),o),l["text-size"].possiblyEvaluate(new ii(f),o)]}if("composite"===t.iconSizeData.kind){var h=t.iconSizeData,p=h.maxZoom;c.compositeIconSizes=[l["icon-size"].possiblyEvaluate(new ii(h.minZoom),o),l["icon-size"].possiblyEvaluate(new ii(p),o)]}c.layoutTextSize=l["text-size"].possiblyEvaluate(new ii(t.zoom+1),o),c.layoutIconSize=l["icon-size"].possiblyEvaluate(new ii(t.zoom+1),o),c.textMaxSize=l["text-size"].possiblyEvaluate(new ii(18));for(var d=24*s.get("text-line-height"),g="map"===s.get("text-rotation-alignment")&&"point"!==s.get("symbol-placement"),m=s.get("text-keep-upright"),v=s.get("text-size"),y=function(){var a=b[x],l=s.get("text-font").evaluate(a,{},o).join(","),u=v.evaluate(a,{},o),f=c.layoutTextSize.evaluate(a,{},o),h=c.layoutIconSize.evaluate(a,{},o),p={horizontal:{},vertical:void 0},y=a.text,w=[0,0];if(y){var T=y.toString(),k=24*s.get("text-letter-spacing").evaluate(a,{},o),M=function(t){for(var e=0,r=t;e=8192||f.y<0||f.y>=8192||function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,w,T,k,M){var A,S,E,C,L,I=t.addToLineVertexArray(e,r),P=0,z=0,O=0,D=0,R=-1,F=-1,B={},N=ca(""),j=0,U=0;if(void 0===s._unevaluatedLayout.getValue("text-radial-offset")?(j=(A=s.layout.get("text-offset").evaluate(b,{},k).map((function(t){return 24*t})))[0],U=A[1]):(j=24*s.layout.get("text-radial-offset").evaluate(b,{},k),U=Ql),t.allowVerticalPlacement&&n.vertical){var V=s.layout.get("text-rotate").evaluate(b,{},k)+90;C=new Yl(l,e,c,u,f,n.vertical,h,p,d,V),o&&(L=new Yl(l,e,c,u,f,o,m,v,d,V))}if(i){var q=s.layout.get("icon-rotate").evaluate(b,{}),H="none"!==s.layout.get("icon-text-fit"),G=Ul(i,q,T,H),Y=o?Ul(o,q,T,H):void 0;E=new Yl(l,e,c,u,f,i,m,v,!1,q),P=4*G.length;var W=t.iconSizeData,X=null;"source"===W.kind?(X=[128*s.layout.get("icon-size").evaluate(b,{})])[0]>32640&&_(t.layerIds[0]+': Value for "icon-size" is >= 255. Reduce your "icon-size".'):"composite"===W.kind&&((X=[128*w.compositeIconSizes[0].evaluate(b,{},k),128*w.compositeIconSizes[1].evaluate(b,{},k)])[0]>32640||X[1]>32640)&&_(t.layerIds[0]+': Value for "icon-size" is >= 255. Reduce your "icon-size".'),t.addSymbols(t.icon,G,X,x,y,b,!1,e,I.lineStartIndex,I.lineLength,-1,k),R=t.icon.placedSymbolArray.length-1,Y&&(z=4*Y.length,t.addSymbols(t.icon,Y,X,x,y,b,gl.vertical,e,I.lineStartIndex,I.lineLength,-1,k),F=t.icon.placedSymbolArray.length-1)}for(var Z in n.horizontal){var J=n.horizontal[Z];if(!S){N=ca(J.text);var K=s.layout.get("text-rotate").evaluate(b,{},k);S=new Yl(l,e,c,u,f,J,h,p,d,K)}var Q=1===J.positionedLines.length;if(O+=ec(t,e,J,a,s,d,b,g,I,n.vertical?gl.horizontal:gl.horizontalOnly,Q?Object.keys(n.horizontal):[Z],B,R,w,k),Q)break}n.vertical&&(D+=ec(t,e,n.vertical,a,s,d,b,g,I,gl.vertical,["vertical"],B,F,w,k));var $=S?S.boxStartIndex:t.collisionBoxArray.length,tt=S?S.boxEndIndex:t.collisionBoxArray.length,et=C?C.boxStartIndex:t.collisionBoxArray.length,rt=C?C.boxEndIndex:t.collisionBoxArray.length,nt=E?E.boxStartIndex:t.collisionBoxArray.length,it=E?E.boxEndIndex:t.collisionBoxArray.length,at=L?L.boxStartIndex:t.collisionBoxArray.length,ot=L?L.boxEndIndex:t.collisionBoxArray.length,st=-1,lt=function(t,e){return t&&t.circleDiameter?Math.max(t.circleDiameter,e):e};st=lt(S,st),st=lt(C,st),st=lt(E,st);var ct=(st=lt(L,st))>-1?1:0;ct&&(st*=M/24),t.glyphOffsetArray.length>=fc.MAX_GLYPHS&&_("Too many glyphs being rendered in a tile. See https://github.com/mapbox/mapbox-gl-js/issues/2907"),void 0!==b.sortKey&&t.addToSortKeyRanges(t.symbolInstances.length,b.sortKey),t.symbolInstances.emplaceBack(e.x,e.y,B.right>=0?B.right:-1,B.center>=0?B.center:-1,B.left>=0?B.left:-1,B.vertical||-1,R,F,N,$,tt,et,rt,nt,it,at,ot,c,O,D,P,z,ct,0,h,j,U,st)}(t,f,s,r,n,i,h,t.layers[0],t.collisionBoxArray,e.index,e.sourceLayerIndex,t.index,v,w,M,l,x,T,A,d,e,a,c,u,o)};if("line"===S)for(var I=0,P=jl(e.geometry,0,0,8192,8192);I1){var j=Bl(N,k,r.vertical||g,n,24,y);j&&L(N,j)}}else if("Polygon"===e.type)for(var U=0,V=Qo(e.geometry,0);U=E.maxzoom||"none"!==E.visibility&&(o(S,this.zoom,n),(g[E.id]=E.createBucket({index:u.bucketLayerIDs.length,layers:S,zoom:this.zoom,pixelRatio:this.pixelRatio,overscaling:this.overscaling,collisionBoxArray:this.collisionBoxArray,sourceLayerIndex:b,sourceID:this.source})).populate(_,m,this.tileID.canonical),u.bucketLayerIDs.push(S.map((function(t){return t.id}))))}}}var C=t.mapObject(m.glyphDependencies,(function(t){return Object.keys(t).map(Number)}));Object.keys(C).length?a.send("getGlyphs",{uid:this.uid,stacks:C},(function(t,e){f||(f=t,h=e,P.call(l))})):h={};var L=Object.keys(m.iconDependencies);L.length?a.send("getImages",{icons:L,source:this.source,tileID:this.tileID,type:"icons"},(function(t,e){f||(f=t,p=e,P.call(l))})):p={};var I=Object.keys(m.patternDependencies);function P(){if(f)return s(f);if(h&&p&&d){var e=new i(h),r=new t.ImageAtlas(p,d);for(var a in g){var l=g[a];l instanceof t.SymbolBucket?(o(l.layers,this.zoom,n),t.performSymbolLayout(l,h,e.positions,p,r.iconPositions,this.showCollisionBoxes,this.tileID.canonical)):l.hasPattern&&(l instanceof t.LineBucket||l instanceof t.FillBucket||l instanceof t.FillExtrusionBucket)&&(o(l.layers,this.zoom,n),l.addFeatures(m,this.tileID.canonical,r.patternPositions))}this.status="done",s(null,{buckets:t.values(g).filter((function(t){return!t.isEmpty()})),featureIndex:u,collisionBoxArray:this.collisionBoxArray,glyphAtlasImage:e.image,imageAtlas:r,glyphMap:this.returnDependencies?h:null,iconMap:this.returnDependencies?p:null,glyphPositions:this.returnDependencies?e.positions:null})}}I.length?a.send("getImages",{icons:I,source:this.source,tileID:this.tileID,type:"patterns"},(function(t,e){f||(f=t,d=e,P.call(l))})):d={},P.call(this)};var l=function(t,e,r,n){this.actor=t,this.layerIndex=e,this.availableImages=r,this.loadVectorData=n||s,this.loading={},this.loaded={}};l.prototype.loadTile=function(e,r){var n=this,i=e.uid;this.loading||(this.loading={});var o=!!(e&&e.request&&e.request.collectResourceTiming)&&new t.RequestPerformance(e.request),s=this.loading[i]=new a(e);s.abort=this.loadVectorData(e,(function(e,a){if(delete n.loading[i],e||!a)return s.status="done",n.loaded[i]=s,r(e);var l=a.rawData,c={};a.expires&&(c.expires=a.expires),a.cacheControl&&(c.cacheControl=a.cacheControl);var u={};if(o){var f=o.finish();f&&(u.resourceTiming=JSON.parse(JSON.stringify(f)))}s.vectorTile=a.vectorTile,s.parse(a.vectorTile,n.layerIndex,n.availableImages,n.actor,(function(e,n){if(e||!n)return r(e);r(null,t.extend({rawTileData:l.slice(0)},n,c,u))})),n.loaded=n.loaded||{},n.loaded[i]=s}))},l.prototype.reloadTile=function(t,e){var r=this,n=this.loaded,i=t.uid,a=this;if(n&&n[i]){var o=n[i];o.showCollisionBoxes=t.showCollisionBoxes;var s=function(t,n){var i=o.reloadCallback;i&&(delete o.reloadCallback,o.parse(o.vectorTile,a.layerIndex,r.availableImages,a.actor,i)),e(t,n)};"parsing"===o.status?o.reloadCallback=s:"done"===o.status&&(o.vectorTile?o.parse(o.vectorTile,this.layerIndex,this.availableImages,this.actor,s):s())}},l.prototype.abortTile=function(t,e){var r=this.loading,n=t.uid;r&&r[n]&&r[n].abort&&(r[n].abort(),delete r[n]),e()},l.prototype.removeTile=function(t,e){var r=this.loaded,n=t.uid;r&&r[n]&&delete r[n],e()};var c=t.window.ImageBitmap,u=function(){this.loaded={}};function f(t,e){if(0!==t.length){h(t[0],e);for(var r=1;r=0!=!!e&&t.reverse()}u.prototype.loadTile=function(e,r){var n=e.uid,i=e.encoding,a=e.rawImageData,o=c&&a instanceof c?this.getImageData(a):a,s=new t.DEMData(n,o,i);this.loaded=this.loaded||{},this.loaded[n]=s,r(null,s)},u.prototype.getImageData=function(e){this.offscreenCanvas&&this.offscreenCanvasContext||(this.offscreenCanvas=new OffscreenCanvas(e.width,e.height),this.offscreenCanvasContext=this.offscreenCanvas.getContext("2d")),this.offscreenCanvas.width=e.width,this.offscreenCanvas.height=e.height,this.offscreenCanvasContext.drawImage(e,0,0,e.width,e.height);var r=this.offscreenCanvasContext.getImageData(-1,-1,e.width+2,e.height+2);return this.offscreenCanvasContext.clearRect(0,0,this.offscreenCanvas.width,this.offscreenCanvas.height),new t.RGBAImage({width:r.width,height:r.height},r.data)},u.prototype.removeTile=function(t){var e=this.loaded,r=t.uid;e&&e[r]&&delete e[r]};var p=t.vectorTile.VectorTileFeature.prototype.toGeoJSON,d=function(e){this._feature=e,this.extent=t.EXTENT,this.type=e.type,this.properties=e.tags,"id"in e&&!isNaN(e.id)&&(this.id=parseInt(e.id,10))};d.prototype.loadGeometry=function(){if(1===this._feature.type){for(var e=[],r=0,n=this._feature.geometry;r>31}function E(t,e){for(var r=t.loadGeometry(),n=t.type,i=0,a=0,o=r.length,s=0;s>1;!function t(e,r,n,i,a,o){for(;a>i;){if(a-i>600){var s=a-i+1,l=n-i+1,c=Math.log(s),u=.5*Math.exp(2*c/3),f=.5*Math.sqrt(c*u*(s-u)/s)*(l-s/2<0?-1:1);t(e,r,n,Math.max(i,Math.floor(n-l*u/s+f)),Math.min(a,Math.floor(n+(s-l)*u/s+f)),o)}var h=r[2*n+o],p=i,d=a;for(L(e,r,i,n),r[2*a+o]>h&&L(e,r,i,a);ph;)d--}r[2*i+o]===h?L(e,r,i,d):L(e,r,++d,a),d<=n&&(i=d+1),n<=d&&(a=d-1)}}(e,r,s,i,a,o%2),t(e,r,n,i,s-1,o+1),t(e,r,n,s+1,a,o+1)}}(o,s,n,0,o.length-1,0)};D.prototype.range=function(t,e,r,n){return function(t,e,r,n,i,a,o){for(var s,l,c=[0,t.length-1,0],u=[];c.length;){var f=c.pop(),h=c.pop(),p=c.pop();if(h-p<=o)for(var d=p;d<=h;d++)l=e[2*d+1],(s=e[2*d])>=r&&s<=i&&l>=n&&l<=a&&u.push(t[d]);else{var g=Math.floor((p+h)/2);l=e[2*g+1],(s=e[2*g])>=r&&s<=i&&l>=n&&l<=a&&u.push(t[g]);var m=(f+1)%2;(0===f?r<=s:n<=l)&&(c.push(p),c.push(g-1),c.push(m)),(0===f?i>=s:a>=l)&&(c.push(g+1),c.push(h),c.push(m))}}return u}(this.ids,this.coords,t,e,r,n,this.nodeSize)},D.prototype.within=function(t,e,r){return function(t,e,r,n,i,a){for(var o=[0,t.length-1,0],s=[],l=i*i;o.length;){var c=o.pop(),u=o.pop(),f=o.pop();if(u-f<=a)for(var h=f;h<=u;h++)P(e[2*h],e[2*h+1],r,n)<=l&&s.push(t[h]);else{var p=Math.floor((f+u)/2),d=e[2*p],g=e[2*p+1];P(d,g,r,n)<=l&&s.push(t[p]);var m=(c+1)%2;(0===c?r-i<=d:n-i<=g)&&(o.push(f),o.push(p-1),o.push(m)),(0===c?r+i>=d:n+i>=g)&&(o.push(p+1),o.push(u),o.push(m))}}return s}(this.ids,this.coords,t,e,r,this.nodeSize)};var R={minZoom:0,maxZoom:16,radius:40,extent:512,nodeSize:64,log:!1,generateId:!1,reduce:null,map:function(t){return t}},F=function(t){this.options=H(Object.create(R),t),this.trees=new Array(this.options.maxZoom+1)};function B(t,e,r,n,i){return{x:t,y:e,zoom:1/0,id:r,parentId:-1,numPoints:n,properties:i}}function N(t,e){var r=t.geometry.coordinates,n=r[1];return{x:V(r[0]),y:q(n),zoom:1/0,index:e,parentId:-1}}function j(t){return{type:"Feature",id:t.id,properties:U(t),geometry:{type:"Point",coordinates:[(n=t.x,360*(n-.5)),(e=t.y,r=(180-360*e)*Math.PI/180,360*Math.atan(Math.exp(r))/Math.PI-90)]}};var e,r,n}function U(t){var e=t.numPoints,r=e>=1e4?Math.round(e/1e3)+"k":e>=1e3?Math.round(e/100)/10+"k":e;return H(H({},t.properties),{cluster:!0,cluster_id:t.id,point_count:e,point_count_abbreviated:r})}function V(t){return t/360+.5}function q(t){var e=Math.sin(t*Math.PI/180),r=.5-.25*Math.log((1+e)/(1-e))/Math.PI;return r<0?0:r>1?1:r}function H(t,e){for(var r in e)t[r]=e[r];return t}function G(t){return t.x}function Y(t){return t.y}function W(t,e,r,n,i,a){var o=i-r,s=a-n;if(0!==o||0!==s){var l=((t-r)*o+(e-n)*s)/(o*o+s*s);l>1?(r=i,n=a):l>0&&(r+=o*l,n+=s*l)}return(o=t-r)*o+(s=e-n)*s}function X(t,e,r,n){var i={id:void 0===t?null:t,type:e,geometry:r,tags:n,minX:1/0,minY:1/0,maxX:-1/0,maxY:-1/0};return function(t){var e=t.geometry,r=t.type;if("Point"===r||"MultiPoint"===r||"LineString"===r)Z(t,e);else if("Polygon"===r||"MultiLineString"===r)for(var n=0;n0&&(o+=n?(i*c-l*a)/2:Math.sqrt(Math.pow(l-i,2)+Math.pow(c-a,2))),i=l,a=c}var u=e.length-3;e[2]=1,function t(e,r,n,i){for(var a,o=i,s=n-r>>1,l=n-r,c=e[r],u=e[r+1],f=e[n],h=e[n+1],p=r+3;po)a=p,o=d;else if(d===o){var g=Math.abs(p-s);gi&&(a-r>3&&t(e,r,a,i),e[a+2]=o,n-a>3&&t(e,a,n,i))}(e,0,u,r),e[u+2]=1,e.size=Math.abs(o),e.start=0,e.end=e.size}function $(t,e,r,n){for(var i=0;i1?1:r}function rt(t,e,r,n,i,a,o,s){if(n/=e,a>=(r/=e)&&o=n)return null;for(var l=[],c=0;c=r&&d=n)){var g=[];if("Point"===h||"MultiPoint"===h)nt(f,g,r,n,i);else if("LineString"===h)it(f,g,r,n,i,!1,s.lineMetrics);else if("MultiLineString"===h)ot(f,g,r,n,i,!1);else if("Polygon"===h)ot(f,g,r,n,i,!0);else if("MultiPolygon"===h)for(var m=0;m=r&&o<=n&&(e.push(t[a]),e.push(t[a+1]),e.push(t[a+2]))}}function it(t,e,r,n,i,a,o){for(var s,l,c=at(t),u=0===i?lt:ct,f=t.start,h=0;hr&&(l=u(c,p,d,m,v,r),o&&(c.start=f+s*l)):y>n?x=r&&(l=u(c,p,d,m,v,r),b=!0),x>n&&y<=n&&(l=u(c,p,d,m,v,n),b=!0),!a&&b&&(o&&(c.end=f+s*l),e.push(c),c=at(t)),o&&(f+=s)}var _=t.length-3;p=t[_],d=t[_+1],g=t[_+2],(y=0===i?p:d)>=r&&y<=n&&st(c,p,d,g),_=c.length-3,a&&_>=3&&(c[_]!==c[0]||c[_+1]!==c[1])&&st(c,c[0],c[1],c[2]),c.length&&e.push(c)}function at(t){var e=[];return e.size=t.size,e.start=t.start,e.end=t.end,e}function ot(t,e,r,n,i,a){for(var o=0;oo.maxX&&(o.maxX=u),f>o.maxY&&(o.maxY=f)}return o}function gt(t,e,r,n){var i=e.geometry,a=e.type,o=[];if("Point"===a||"MultiPoint"===a)for(var s=0;s0&&e.size<(i?o:n))r.numPoints+=e.length/3;else{for(var s=[],l=0;lo)&&(r.numSimplified++,s.push(e[l]),s.push(e[l+1])),r.numPoints++;i&&function(t,e){for(var r=0,n=0,i=t.length,a=i-2;n0===e)for(n=0,i=t.length;n24)throw new Error("maxZoom should be in the 0-24 range");if(e.promoteId&&e.generateId)throw new Error("promoteId and generateId cannot be used together.");var n=function(t,e){var r=[];if("FeatureCollection"===t.type)for(var n=0;n=n;c--){var u=+Date.now();s=this._cluster(s,c),this.trees[c]=new D(s,G,Y,a,Float32Array),r&&console.log("z%d: %d clusters in %dms",c,s.length,+Date.now()-u)}return r&&console.timeEnd("total time"),this},F.prototype.getClusters=function(t,e){var r=((t[0]+180)%360+360)%360-180,n=Math.max(-90,Math.min(90,t[1])),i=180===t[2]?180:((t[2]+180)%360+360)%360-180,a=Math.max(-90,Math.min(90,t[3]));if(t[2]-t[0]>=360)r=-180,i=180;else if(r>i){var o=this.getClusters([r,n,180,a],e),s=this.getClusters([-180,n,i,a],e);return o.concat(s)}for(var l=this.trees[this._limitZoom(e)],c=[],u=0,f=l.range(V(r),q(a),V(i),q(n));u1?this._map(s,!0):null,d=(o<<5)+(e+1)+this.points.length,g=0,m=c;g>5},F.prototype._getOriginZoom=function(t){return(t-this.points.length)%32},F.prototype._map=function(t,e){if(t.numPoints)return e?H({},t.properties):t.properties;var r=this.points[t.index].properties,n=this.options.map(r);return e&&n===r?H({},n):n},vt.prototype.options={maxZoom:14,indexMaxZoom:5,indexMaxPoints:1e5,tolerance:3,extent:4096,buffer:64,lineMetrics:!1,promoteId:null,generateId:!1,debug:0},vt.prototype.splitTile=function(t,e,r,n,i,a,o){for(var s=[t,e,r,n],l=this.options,c=l.debug;s.length;){n=s.pop(),r=s.pop(),e=s.pop(),t=s.pop();var u=1<1&&console.time("creation"),h=this.tiles[f]=dt(t,e,r,n,l),this.tileCoords.push({z:e,x:r,y:n}),c)){c>1&&(console.log("tile z%d-%d-%d (features: %d, points: %d, simplified: %d)",e,r,n,h.numFeatures,h.numPoints,h.numSimplified),console.timeEnd("creation"));var p="z"+e;this.stats[p]=(this.stats[p]||0)+1,this.total++}if(h.source=t,i){if(e===l.maxZoom||e===i)continue;var d=1<1&&console.time("clipping");var g,m,v,y,x,b,_=.5*l.buffer/l.extent,w=.5-_,T=.5+_,k=1+_;g=m=v=y=null,x=rt(t,u,r-_,r+T,0,h.minX,h.maxX,l),b=rt(t,u,r+w,r+k,0,h.minX,h.maxX,l),t=null,x&&(g=rt(x,u,n-_,n+T,1,h.minY,h.maxY,l),m=rt(x,u,n+w,n+k,1,h.minY,h.maxY,l),x=null),b&&(v=rt(b,u,n-_,n+T,1,h.minY,h.maxY,l),y=rt(b,u,n+w,n+k,1,h.minY,h.maxY,l),b=null),c>1&&console.timeEnd("clipping"),s.push(g||[],e+1,2*r,2*n),s.push(m||[],e+1,2*r,2*n+1),s.push(v||[],e+1,2*r+1,2*n),s.push(y||[],e+1,2*r+1,2*n+1)}}},vt.prototype.getTile=function(t,e,r){var n=this.options,i=n.extent,a=n.debug;if(t<0||t>24)return null;var o=1<1&&console.log("drilling down to z%d-%d-%d",t,e,r);for(var l,c=t,u=e,f=r;!l&&c>0;)c--,u=Math.floor(u/2),f=Math.floor(f/2),l=this.tiles[yt(c,u,f)];return l&&l.source?(a>1&&console.log("found parent tile z%d-%d-%d",c,u,f),a>1&&console.time("drilling down"),this.splitTile(l.source,c,u,f,t,e,r),a>1&&console.timeEnd("drilling down"),this.tiles[s]?ht(this.tiles[s],i):null):null};var bt=function(e){function r(t,r,n,i){e.call(this,t,r,n,xt),i&&(this.loadGeoJSON=i)}return e&&(r.__proto__=e),(r.prototype=Object.create(e&&e.prototype)).constructor=r,r.prototype.loadData=function(t,e){this._pendingCallback&&this._pendingCallback(null,{abandoned:!0}),this._pendingCallback=e,this._pendingLoadDataParams=t,this._state&&"Idle"!==this._state?this._state="NeedsLoadData":(this._state="Coalescing",this._loadData())},r.prototype._loadData=function(){var e=this;if(this._pendingCallback&&this._pendingLoadDataParams){var r=this._pendingCallback,n=this._pendingLoadDataParams;delete this._pendingCallback,delete this._pendingLoadDataParams;var i=!!(n&&n.request&&n.request.collectResourceTiming)&&new t.RequestPerformance(n.request);this.loadGeoJSON(n,(function(a,o){if(a||!o)return r(a);if("object"!=typeof o)return r(new Error("Input data given to '"+n.source+"' is not a valid GeoJSON object."));!function t(e,r){var n,i=e&&e.type;if("FeatureCollection"===i)for(n=0;n=0?0:e.button},r.remove=function(t){t.parentNode&&t.parentNode.removeChild(t)};var h=function(e){function r(){e.call(this),this.images={},this.updatedImages={},this.callbackDispatchedThisFrame={},this.loaded=!1,this.requestors=[],this.patterns={},this.atlasImage=new t.RGBAImage({width:1,height:1}),this.dirty=!0}return e&&(r.__proto__=e),(r.prototype=Object.create(e&&e.prototype)).constructor=r,r.prototype.isLoaded=function(){return this.loaded},r.prototype.setLoaded=function(t){if(this.loaded!==t&&(this.loaded=t,t)){for(var e=0,r=this.requestors;e=0?1.2:1))}function v(t,e,r,n,i,a,o){for(var s=0;s65535)e(new Error("glyphs > 65535 not supported"));else if(a.ranges[s])e(null,{stack:r,id:i,glyph:o});else{var l=a.requests[s];l||(l=a.requests[s]=[],x.loadGlyphRange(r,s,n.url,n.requestManager,(function(t,e){if(e){for(var r in e)n._doesCharSupportLocalGlyph(+r)||(a.glyphs[+r]=e[+r]);a.ranges[s]=!0}for(var i=0,o=l;i1&&(s=t[++o]);var c=Math.abs(l-s.left),u=Math.abs(l-s.right),f=Math.min(c,u),h=void 0,p=i/r*(n+1);if(s.isDash){var d=n-Math.abs(p);h=Math.sqrt(f*f+d*d)}else h=n-Math.sqrt(f*f+p*p);this.data[a+l]=Math.max(0,Math.min(255,h+128))}},T.prototype.addRegularDash=function(t){for(var e=t.length-1;e>=0;--e){var r=t[e],n=t[e+1];r.zeroLength?t.splice(e,1):n&&n.isDash===r.isDash&&(n.left=r.left,t.splice(e,1))}var i=t[0],a=t[t.length-1];i.isDash===a.isDash&&(i.left=a.left-this.width,a.right=i.right+this.width);for(var o=this.width*this.nextRow,s=0,l=t[s],c=0;c1&&(l=t[++s]);var u=Math.abs(c-l.left),f=Math.abs(c-l.right),h=Math.min(u,f);this.data[o+c]=Math.max(0,Math.min(255,(l.isDash?h:-h)+128))}},T.prototype.addDash=function(e,r){var n=r?7:0,i=2*n+1;if(this.nextRow+i>this.height)return t.warnOnce("LineAtlas out of space"),null;for(var a=0,o=0;o=n&&e.x=i&&e.y0&&(l[new t.OverscaledTileID(e.overscaledZ,a,r.z,i,r.y-1).key]={backfilled:!1},l[new t.OverscaledTileID(e.overscaledZ,e.wrap,r.z,r.x,r.y-1).key]={backfilled:!1},l[new t.OverscaledTileID(e.overscaledZ,s,r.z,o,r.y-1).key]={backfilled:!1}),r.y+10&&(n.resourceTiming=e._resourceTiming,e._resourceTiming=[]),e.fire(new t.Event("data",n))}}))},r.prototype.onAdd=function(t){this.map=t,this.load()},r.prototype.setData=function(e){var r=this;return this._data=e,this.fire(new t.Event("dataloading",{dataType:"source"})),this._updateWorkerData((function(e){if(e)r.fire(new t.ErrorEvent(e));else{var n={dataType:"source",sourceDataType:"content"};r._collectResourceTiming&&r._resourceTiming&&r._resourceTiming.length>0&&(n.resourceTiming=r._resourceTiming,r._resourceTiming=[]),r.fire(new t.Event("data",n))}})),this},r.prototype.getClusterExpansionZoom=function(t,e){return this.actor.send("geojson.getClusterExpansionZoom",{clusterId:t,source:this.id},e),this},r.prototype.getClusterChildren=function(t,e){return this.actor.send("geojson.getClusterChildren",{clusterId:t,source:this.id},e),this},r.prototype.getClusterLeaves=function(t,e,r,n){return this.actor.send("geojson.getClusterLeaves",{source:this.id,clusterId:t,limit:e,offset:r},n),this},r.prototype._updateWorkerData=function(e){var r=this;this._loaded=!1;var n=t.extend({},this.workerOptions),i=this._data;"string"==typeof i?(n.request=this.map._requestManager.transformRequest(t.browser.resolveURL(i),t.ResourceType.Source),n.request.collectResourceTiming=this._collectResourceTiming):n.data=JSON.stringify(i),this.actor.send(this.type+".loadData",n,(function(t,i){r._removed||i&&i.abandoned||(r._loaded=!0,i&&i.resourceTiming&&i.resourceTiming[r.id]&&(r._resourceTiming=i.resourceTiming[r.id].slice(0)),r.actor.send(r.type+".coalesce",{source:n.source},null),e(t))}))},r.prototype.loaded=function(){return this._loaded},r.prototype.loadTile=function(e,r){var n=this,i=e.actor?"reloadTile":"loadTile";e.actor=this.actor,e.request=this.actor.send(i,{type:this.type,uid:e.uid,tileID:e.tileID,zoom:e.tileID.overscaledZ,maxZoom:this.maxzoom,tileSize:this.tileSize,source:this.id,pixelRatio:t.browser.devicePixelRatio,showCollisionBoxes:this.map.showCollisionBoxes,promoteId:this.promoteId},(function(t,a){return delete e.request,e.unloadVectorData(),e.aborted?r(null):t?r(t):(e.loadVectorData(a,n.map.painter,"reloadTile"===i),r(null))}))},r.prototype.abortTile=function(t){t.request&&(t.request.cancel(),delete t.request),t.aborted=!0},r.prototype.unloadTile=function(t){t.unloadVectorData(),this.actor.send("removeTile",{uid:t.uid,type:this.type,source:this.id})},r.prototype.onRemove=function(){this._removed=!0,this.actor.send("removeSource",{type:this.type,source:this.id})},r.prototype.serialize=function(){return t.extend({},this._options,{type:this.type,data:this._data})},r.prototype.hasTransition=function(){return!1},r}(t.Evented),I=t.createLayout([{name:"a_pos",type:"Int16",components:2},{name:"a_texture_pos",type:"Int16",components:2}]),P=function(e){function r(t,r,n,i){e.call(this),this.id=t,this.dispatcher=n,this.coordinates=r.coordinates,this.type="image",this.minzoom=0,this.maxzoom=22,this.tileSize=512,this.tiles={},this._loaded=!1,this.setEventedParent(i),this.options=r}return e&&(r.__proto__=e),(r.prototype=Object.create(e&&e.prototype)).constructor=r,r.prototype.load=function(e,r){var n=this;this._loaded=!1,this.fire(new t.Event("dataloading",{dataType:"source"})),this.url=this.options.url,t.getImage(this.map._requestManager.transformRequest(this.url,t.ResourceType.Image),(function(i,a){n._loaded=!0,i?n.fire(new t.ErrorEvent(i)):a&&(n.image=a,e&&(n.coordinates=e),r&&r(),n._finishLoading())}))},r.prototype.loaded=function(){return this._loaded},r.prototype.updateImage=function(t){var e=this;return this.image&&t.url?(this.options.url=t.url,this.load(t.coordinates,(function(){e.texture=null})),this):this},r.prototype._finishLoading=function(){this.map&&(this.setCoordinates(this.coordinates),this.fire(new t.Event("data",{dataType:"source",sourceDataType:"metadata"})))},r.prototype.onAdd=function(t){this.map=t,this.load()},r.prototype.setCoordinates=function(e){var r=this;this.coordinates=e;var n=e.map(t.MercatorCoordinate.fromLngLat);this.tileID=function(e){for(var r=1/0,n=1/0,i=-1/0,a=-1/0,o=0,s=e;or.end(0)?this.fire(new t.ErrorEvent(new t.ValidationError("sources."+this.id,null,"Playback for this video can be set only between the "+r.start(0)+" and "+r.end(0)+"-second mark."))):this.video.currentTime=e}},r.prototype.getVideo=function(){return this.video},r.prototype.onAdd=function(t){this.map||(this.map=t,this.load(),this.video&&(this.video.play(),this.setCoordinates(this.coordinates)))},r.prototype.prepare=function(){if(!(0===Object.keys(this.tiles).length||this.video.readyState<2)){var e=this.map.painter.context,r=e.gl;for(var n in this.boundsBuffer||(this.boundsBuffer=e.createVertexBuffer(this._boundsArray,I.members)),this.boundsSegments||(this.boundsSegments=t.SegmentVector.simpleSegment(0,0,4,2)),this.texture?this.video.paused||(this.texture.bind(r.LINEAR,r.CLAMP_TO_EDGE),r.texSubImage2D(r.TEXTURE_2D,0,0,0,r.RGBA,r.UNSIGNED_BYTE,this.video)):(this.texture=new t.Texture(e,this.video,r.RGBA),this.texture.bind(r.LINEAR,r.CLAMP_TO_EDGE)),this.tiles){var i=this.tiles[n];"loaded"!==i.state&&(i.state="loaded",i.texture=this.texture)}}},r.prototype.serialize=function(){return{type:"video",urls:this.urls,coordinates:this.coordinates}},r.prototype.hasTransition=function(){return this.video&&!this.video.paused},r}(P),O=function(e){function r(r,n,i,a){e.call(this,r,n,i,a),n.coordinates?Array.isArray(n.coordinates)&&4===n.coordinates.length&&!n.coordinates.some((function(t){return!Array.isArray(t)||2!==t.length||t.some((function(t){return"number"!=typeof t}))}))||this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'"coordinates" property must be an array of 4 longitude/latitude array pairs'))):this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'missing required property "coordinates"'))),n.animate&&"boolean"!=typeof n.animate&&this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'optional "animate" property must be a boolean value'))),n.canvas?"string"==typeof n.canvas||n.canvas instanceof t.window.HTMLCanvasElement||this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'"canvas" must be either a string representing the ID of the canvas element from which to read, or an HTMLCanvasElement instance'))):this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'missing required property "canvas"'))),this.options=n,this.animate=void 0===n.animate||n.animate}return e&&(r.__proto__=e),(r.prototype=Object.create(e&&e.prototype)).constructor=r,r.prototype.load=function(){this._loaded=!0,this.canvas||(this.canvas=this.options.canvas instanceof t.window.HTMLCanvasElement?this.options.canvas:t.window.document.getElementById(this.options.canvas)),this.width=this.canvas.width,this.height=this.canvas.height,this._hasInvalidDimensions()?this.fire(new t.ErrorEvent(new Error("Canvas dimensions cannot be less than or equal to zero."))):(this.play=function(){this._playing=!0,this.map.triggerRepaint()},this.pause=function(){this._playing&&(this.prepare(),this._playing=!1)},this._finishLoading())},r.prototype.getCanvas=function(){return this.canvas},r.prototype.onAdd=function(t){this.map=t,this.load(),this.canvas&&this.animate&&this.play()},r.prototype.onRemove=function(){this.pause()},r.prototype.prepare=function(){var e=!1;if(this.canvas.width!==this.width&&(this.width=this.canvas.width,e=!0),this.canvas.height!==this.height&&(this.height=this.canvas.height,e=!0),!this._hasInvalidDimensions()&&0!==Object.keys(this.tiles).length){var r=this.map.painter.context,n=r.gl;for(var i in this.boundsBuffer||(this.boundsBuffer=r.createVertexBuffer(this._boundsArray,I.members)),this.boundsSegments||(this.boundsSegments=t.SegmentVector.simpleSegment(0,0,4,2)),this.texture?(e||this._playing)&&this.texture.update(this.canvas,{premultiply:!0}):this.texture=new t.Texture(r,this.canvas,n.RGBA,{premultiply:!0}),this.tiles){var a=this.tiles[i];"loaded"!==a.state&&(a.state="loaded",a.texture=this.texture)}}},r.prototype.serialize=function(){return{type:"canvas",coordinates:this.coordinates}},r.prototype.hasTransition=function(){return this._playing},r.prototype._hasInvalidDimensions=function(){for(var t=0,e=[this.canvas.width,this.canvas.height];tthis.max){var o=this._getAndRemoveByKey(this.order[0]);o&&this.onRemove(o)}return this},N.prototype.has=function(t){return t.wrapped().key in this.data},N.prototype.getAndRemove=function(t){return this.has(t)?this._getAndRemoveByKey(t.wrapped().key):null},N.prototype._getAndRemoveByKey=function(t){var e=this.data[t].shift();return e.timeout&&clearTimeout(e.timeout),0===this.data[t].length&&delete this.data[t],this.order.splice(this.order.indexOf(t),1),e.value},N.prototype.getByKey=function(t){var e=this.data[t];return e?e[0].value:null},N.prototype.get=function(t){return this.has(t)?this.data[t.wrapped().key][0].value:null},N.prototype.remove=function(t,e){if(!this.has(t))return this;var r=t.wrapped().key,n=void 0===e?0:this.data[r].indexOf(e),i=this.data[r][n];return this.data[r].splice(n,1),i.timeout&&clearTimeout(i.timeout),0===this.data[r].length&&delete this.data[r],this.onRemove(i.value),this.order.splice(this.order.indexOf(r),1),this},N.prototype.setMaxSize=function(t){for(this.max=t;this.order.length>this.max;){var e=this._getAndRemoveByKey(this.order[0]);e&&this.onRemove(e)}return this},N.prototype.filter=function(t){var e=[];for(var r in this.data)for(var n=0,i=this.data[r];n1||(Math.abs(r)>1&&(1===Math.abs(r+i)?r+=i:1===Math.abs(r-i)&&(r-=i)),e.dem&&t.dem&&(t.dem.backfillBorder(e.dem,r,n),t.neighboringTiles&&t.neighboringTiles[a]&&(t.neighboringTiles[a].backfilled=!0)))}},r.prototype.getTile=function(t){return this.getTileByID(t.key)},r.prototype.getTileByID=function(t){return this._tiles[t]},r.prototype._retainLoadedChildren=function(t,e,r,n){for(var i in this._tiles){var a=this._tiles[i];if(!(n[i]||!a.hasData()||a.tileID.overscaledZ<=e||a.tileID.overscaledZ>r)){for(var o=a.tileID;a&&a.tileID.overscaledZ>e+1;){var s=a.tileID.scaledTo(a.tileID.overscaledZ-1);(a=this._tiles[s.key])&&a.hasData()&&(o=s)}for(var l=o;l.overscaledZ>e;)if(t[(l=l.scaledTo(l.overscaledZ-1)).key]){n[o.key]=o;break}}}},r.prototype.findLoadedParent=function(t,e){if(t.key in this._loadedParentTiles){var r=this._loadedParentTiles[t.key];return r&&r.tileID.overscaledZ>=e?r:null}for(var n=t.overscaledZ-1;n>=e;n--){var i=t.scaledTo(n),a=this._getLoadedTile(i);if(a)return a}},r.prototype._getLoadedTile=function(t){var e=this._tiles[t.key];return e&&e.hasData()?e:this._cache.getByKey(t.wrapped().key)},r.prototype.updateCacheSize=function(t){var e=Math.ceil(t.width/this._source.tileSize)+1,r=Math.ceil(t.height/this._source.tileSize)+1,n=Math.floor(e*r*5),i="number"==typeof this._maxTileCacheSize?Math.min(this._maxTileCacheSize,n):n;this._cache.setMaxSize(i)},r.prototype.handleWrapJump=function(t){var e=Math.round((t-(void 0===this._prevLng?t:this._prevLng))/360);if(this._prevLng=t,e){var r={};for(var n in this._tiles){var i=this._tiles[n];i.tileID=i.tileID.unwrapTo(i.tileID.wrap+e),r[i.tileID.key]=i}for(var a in this._tiles=r,this._timers)clearTimeout(this._timers[a]),delete this._timers[a];for(var o in this._tiles)this._setTileReloadTimer(o,this._tiles[o])}},r.prototype.update=function(e){var n=this;if(this.transform=e,this._sourceLoaded&&!this._paused){var i;this.updateCacheSize(e),this.handleWrapJump(this.transform.center.lng),this._coveredTiles={},this.used?this._source.tileID?i=e.getVisibleUnwrappedCoordinates(this._source.tileID).map((function(e){return new t.OverscaledTileID(e.canonical.z,e.wrap,e.canonical.z,e.canonical.x,e.canonical.y)})):(i=e.coveringTiles({tileSize:this._source.tileSize,minzoom:this._source.minzoom,maxzoom:this._source.maxzoom,roundZoom:this._source.roundZoom,reparseOverscaled:this._source.reparseOverscaled}),this._source.hasTile&&(i=i.filter((function(t){return n._source.hasTile(t)})))):i=[];var a=e.coveringZoomLevel(this._source),o=Math.max(a-r.maxOverzooming,this._source.minzoom),s=Math.max(a+r.maxUnderzooming,this._source.minzoom),l=this._updateRetainedTiles(i,a);if(Pt(this._source.type)){for(var c={},u={},f=0,h=Object.keys(l);fthis._source.maxzoom){var m=d.children(this._source.maxzoom)[0],v=this.getTile(m);if(v&&v.hasData()){n[m.key]=m;continue}}else{var y=d.children(this._source.maxzoom);if(n[y[0].key]&&n[y[1].key]&&n[y[2].key]&&n[y[3].key])continue}for(var x=g.wasRequested(),b=d.overscaledZ-1;b>=a;--b){var _=d.scaledTo(b);if(i[_.key])break;if(i[_.key]=!0,!(g=this.getTile(_))&&x&&(g=this._addTile(_)),g&&(n[_.key]=_,x=g.wasRequested(),g.hasData()))break}}}return n},r.prototype._updateLoadedParentTileCache=function(){for(var t in this._loadedParentTiles={},this._tiles){for(var e=[],r=void 0,n=this._tiles[t].tileID;n.overscaledZ>0;){if(n.key in this._loadedParentTiles){r=this._loadedParentTiles[n.key];break}e.push(n.key);var i=n.scaledTo(n.overscaledZ-1);if(r=this._getLoadedTile(i))break;n=i}for(var a=0,o=e;a0||(e.hasData()&&"reloading"!==e.state?this._cache.add(e.tileID,e,e.getExpiryTimeout()):(e.aborted=!0,this._abortTile(e),this._unloadTile(e))))},r.prototype.clearTiles=function(){for(var t in this._shouldReloadOnResume=!1,this._paused=!1,this._tiles)this._removeTile(t);this._cache.reset()},r.prototype.tilesIn=function(e,r,n){var i=this,a=[],o=this.transform;if(!o)return a;for(var s=n?o.getCameraQueryGeometry(e):e,l=e.map((function(t){return o.pointCoordinate(t)})),c=s.map((function(t){return o.pointCoordinate(t)})),u=this.getIds(),f=1/0,h=1/0,p=-1/0,d=-1/0,g=0,m=c;g=0&&v[1].y+m>=0){var y=l.map((function(t){return s.getTilePoint(t)})),x=c.map((function(t){return s.getTilePoint(t)}));a.push({tile:n,tileID:s,queryGeometry:y,cameraQueryGeometry:x,scale:g})}}},x=0;x=t.browser.now())return!0}return!1},r.prototype.setFeatureState=function(t,e,r){this._state.updateState(t=t||"_geojsonTileLayer",e,r)},r.prototype.removeFeatureState=function(t,e,r){this._state.removeFeatureState(t=t||"_geojsonTileLayer",e,r)},r.prototype.getFeatureState=function(t,e){return this._state.getState(t=t||"_geojsonTileLayer",e)},r.prototype.setDependencies=function(t,e,r){var n=this._tiles[t];n&&n.setDependencies(e,r)},r.prototype.reloadTilesForDependencies=function(t,e){for(var r in this._tiles)this._tiles[r].hasDependency(t,e)&&this._reloadTile(r,"reloading");this._cache.filter((function(r){return!r.hasDependency(t,e)}))},r}(t.Evented);function It(t,e){var r=Math.abs(2*t.wrap)-+(t.wrap<0),n=Math.abs(2*e.wrap)-+(e.wrap<0);return t.overscaledZ-e.overscaledZ||n-r||e.canonical.y-t.canonical.y||e.canonical.x-t.canonical.x}function Pt(t){return"raster"===t||"image"===t||"video"===t}function zt(){return new t.window.Worker(Yi.workerUrl)}Lt.maxOverzooming=10,Lt.maxUnderzooming=3;var Ot="mapboxgl_preloaded_worker_pool",Dt=function(){this.active={}};Dt.prototype.acquire=function(t){if(!this.workers)for(this.workers=[];this.workers.length0?(i-o)/s:0;return this.points[a].mult(1-l).add(this.points[r].mult(l))};var Jt=function(t,e,r){var n=this.boxCells=[],i=this.circleCells=[];this.xCellCount=Math.ceil(t/r),this.yCellCount=Math.ceil(e/r);for(var a=0;a=-e[0]&&r<=e[0]&&n>=-e[1]&&n<=e[1]}function re(e,r,n,i,a,o,s,l){var c=i?e.textSizeData:e.iconSizeData,u=t.evaluateSizeForZoom(c,n.transform.zoom),f=[256/n.width*2+1,256/n.height*2+1],h=i?e.text.dynamicLayoutVertexArray:e.icon.dynamicLayoutVertexArray;h.clear();for(var p=e.lineVertexArray,d=i?e.text.placedSymbolArray:e.icon.placedSymbolArray,g=n.transform.width/n.transform.height,m=!1,v=0;vMath.abs(n.x-r.x)*i?{useVertical:!0}:(e===t.WritingMode.vertical?r.yn.x)?{needsFlipping:!0}:null}function ae(e,r,n,i,a,o,s,l,c,u,f,h,p,d){var g,m=r/24,v=e.lineOffsetX*m,y=e.lineOffsetY*m;if(e.numGlyphs>1){var x=e.glyphStartIndex+e.numGlyphs,b=e.lineStartIndex,_=e.lineStartIndex+e.lineLength,w=ne(m,l,v,y,n,f,h,e,c,o,p);if(!w)return{notEnoughRoom:!0};var T=$t(w.first.point,s).point,k=$t(w.last.point,s).point;if(i&&!n){var M=ie(e.writingMode,T,k,d);if(M)return M}g=[w.first];for(var A=e.glyphStartIndex+1;A0?L.point:oe(h,C,S,1,a),P=ie(e.writingMode,S,I,d);if(P)return P}var z=se(m*l.getoffsetX(e.glyphStartIndex),v,y,n,f,h,e.segment,e.lineStartIndex,e.lineStartIndex+e.lineLength,c,o,p);if(!z)return{notEnoughRoom:!0};g=[z]}for(var O=0,D=g;O0?1:-1,g=0;i&&(d*=-1,g=Math.PI),d<0&&(g+=Math.PI);for(var m=d>0?l+s:l+s+1,v=a,y=a,x=0,b=0,_=Math.abs(p),w=[];x+b<=_;){if((m+=d)=c)return null;if(y=v,w.push(v),void 0===(v=h[m])){var T=new t.Point(u.getx(m),u.gety(m)),k=$t(T,f);if(k.signedDistanceFromCamera>0)v=h[m]=k.point;else{var M=m-d;v=oe(0===x?o:new t.Point(u.getx(M),u.gety(M)),T,y,_-x+1,f)}}x+=b,b=y.dist(v)}var A=(_-x)/b,S=v.sub(y),E=S.mult(A)._add(y);E._add(S._unit()._perp()._mult(n*d));var C=g+Math.atan2(v.y-y.y,v.x-y.x);return w.push(E),{point:E,angle:C,path:w}}Jt.prototype.keysLength=function(){return this.boxKeys.length+this.circleKeys.length},Jt.prototype.insert=function(t,e,r,n,i){this._forEachCell(e,r,n,i,this._insertBoxCell,this.boxUid++),this.boxKeys.push(t),this.bboxes.push(e),this.bboxes.push(r),this.bboxes.push(n),this.bboxes.push(i)},Jt.prototype.insertCircle=function(t,e,r,n){this._forEachCell(e-n,r-n,e+n,r+n,this._insertCircleCell,this.circleUid++),this.circleKeys.push(t),this.circles.push(e),this.circles.push(r),this.circles.push(n)},Jt.prototype._insertBoxCell=function(t,e,r,n,i,a){this.boxCells[i].push(a)},Jt.prototype._insertCircleCell=function(t,e,r,n,i,a){this.circleCells[i].push(a)},Jt.prototype._query=function(t,e,r,n,i,a){if(r<0||t>this.width||n<0||e>this.height)return!i&&[];var o=[];if(t<=0&&e<=0&&this.width<=r&&this.height<=n){if(i)return!0;for(var s=0;s0:o},Jt.prototype._queryCircle=function(t,e,r,n,i){var a=t-r,o=t+r,s=e-r,l=e+r;if(o<0||a>this.width||l<0||s>this.height)return!n&&[];var c=[];return this._forEachCell(a,s,o,l,this._queryCellCircle,c,{hitTest:n,circle:{x:t,y:e,radius:r},seenUids:{box:{},circle:{}}},i),n?c.length>0:c},Jt.prototype.query=function(t,e,r,n,i){return this._query(t,e,r,n,!1,i)},Jt.prototype.hitTest=function(t,e,r,n,i){return this._query(t,e,r,n,!0,i)},Jt.prototype.hitTestCircle=function(t,e,r,n){return this._queryCircle(t,e,r,!0,n)},Jt.prototype._queryCell=function(t,e,r,n,i,a,o,s){var l=o.seenUids,c=this.boxCells[i];if(null!==c)for(var u=this.bboxes,f=0,h=c;f=u[d+0]&&n>=u[d+1]&&(!s||s(this.boxKeys[p]))){if(o.hitTest)return a.push(!0),!0;a.push({key:this.boxKeys[p],x1:u[d],y1:u[d+1],x2:u[d+2],y2:u[d+3]})}}}var g=this.circleCells[i];if(null!==g)for(var m=this.circles,v=0,y=g;vo*o+s*s},Jt.prototype._circleAndRectCollide=function(t,e,r,n,i,a,o){var s=(a-n)/2,l=Math.abs(t-(n+s));if(l>s+r)return!1;var c=(o-i)/2,u=Math.abs(e-(i+c));if(u>c+r)return!1;if(l<=s||u<=c)return!0;var f=l-s,h=u-c;return f*f+h*h<=r*r};var le=new Float32Array([-1/0,-1/0,0,-1/0,-1/0,0,-1/0,-1/0,0,-1/0,-1/0,0]);function ce(t,e){for(var r=0;r=1;I--)L.push(E.path[I]);for(var P=1;P0){for(var R=L[0].clone(),F=L[0].clone(),B=1;B=M.x&&F.x<=A.x&&R.y>=M.y&&F.y<=A.y?[L]:F.xA.x||F.yA.y?[]:t.clipLine([L],M.x,M.y,A.x,A.y)}for(var N=0,j=D;N=this.screenRightBoundary||n<100||e>this.screenBottomBoundary},fe.prototype.isInsideGrid=function(t,e,r,n){return r>=0&&t=0&&e0?(this.prevPlacement&&this.prevPlacement.variableOffsets[f.crossTileID]&&this.prevPlacement.placements[f.crossTileID]&&this.prevPlacement.placements[f.crossTileID].text&&(g=this.prevPlacement.variableOffsets[f.crossTileID].anchor),this.variableOffsets[f.crossTileID]={textOffset:m,width:r,height:n,anchor:t,textBoxScale:i,prevAnchor:g},this.markUsedJustification(h,t,f,p),h.allowVerticalPlacement&&(this.markUsedOrientation(h,p,f),this.placedOrientations[f.crossTileID]=p),{shift:v,placedGlyphBoxes:y}):void 0},_e.prototype.placeLayerBucketPart=function(e,r,n){var i=this,a=e.parameters,o=a.bucket,s=a.layout,l=a.posMatrix,c=a.textLabelPlaneMatrix,u=a.labelToScreenMatrix,f=a.textPixelRatio,h=a.holdingForFade,p=a.collisionBoxArray,d=a.partiallyEvaluatedTextSize,g=a.collisionGroup,m=s.get("text-optional"),v=s.get("icon-optional"),y=s.get("text-allow-overlap"),x=s.get("icon-allow-overlap"),b="map"===s.get("text-rotation-alignment"),_="map"===s.get("text-pitch-alignment"),w="none"!==s.get("icon-text-fit"),T="viewport-y"===s.get("symbol-z-order"),k=y&&(x||!o.hasIconData()||v),M=x&&(y||!o.hasTextData()||m);!o.collisionArrays&&p&&o.deserializeCollisionBoxes(p);var A=function(e,a){if(!r[e.crossTileID])if(h)i.placements[e.crossTileID]=new ge(!1,!1,!1);else{var p,T=!1,A=!1,S=!0,E=null,C={box:null,offscreen:null},L={box:null,offscreen:null},I=null,P=null,z=0,O=0,D=0;a.textFeatureIndex?z=a.textFeatureIndex:e.useRuntimeCollisionCircles&&(z=e.featureIndex),a.verticalTextFeatureIndex&&(O=a.verticalTextFeatureIndex);var R=a.textBox;if(R){var F=function(r){var n=t.WritingMode.horizontal;if(o.allowVerticalPlacement&&!r&&i.prevPlacement){var a=i.prevPlacement.placedOrientations[e.crossTileID];a&&(i.placedOrientations[e.crossTileID]=a,i.markUsedOrientation(o,n=a,e))}return n},B=function(r,n){if(o.allowVerticalPlacement&&e.numVerticalGlyphVertices>0&&a.verticalTextBox)for(var i=0,s=o.writingModes;i0&&(N=N.filter((function(t){return t!==j.anchor}))).unshift(j.anchor)}var U=function(t,r,n){for(var a=t.x2-t.x1,s=t.y2-t.y1,c=e.textBoxScale,u=w&&!x?r:null,h={box:[],offscreen:!1},p=y?2*N.length:N.length,d=0;d=N.length,e,o,n,u);if(m&&(h=m.placedGlyphBoxes)&&h.box&&h.box.length){T=!0,E=m.shift;break}}return h};B((function(){return U(R,a.iconBox,t.WritingMode.horizontal)}),(function(){var r=a.verticalTextBox;return o.allowVerticalPlacement&&!(C&&C.box&&C.box.length)&&e.numVerticalGlyphVertices>0&&r?U(r,a.verticalIconBox,t.WritingMode.vertical):{box:null,offscreen:null}})),C&&(T=C.box,S=C.offscreen);var V=F(C&&C.box);if(!T&&i.prevPlacement){var q=i.prevPlacement.variableOffsets[e.crossTileID];q&&(i.variableOffsets[e.crossTileID]=q,i.markUsedJustification(o,q.anchor,e,V))}}else{var H=function(t,r){var n=i.collisionIndex.placeCollisionBox(t,y,f,l,g.predicate);return n&&n.box&&n.box.length&&(i.markUsedOrientation(o,r,e),i.placedOrientations[e.crossTileID]=r),n};B((function(){return H(R,t.WritingMode.horizontal)}),(function(){var r=a.verticalTextBox;return o.allowVerticalPlacement&&e.numVerticalGlyphVertices>0&&r?H(r,t.WritingMode.vertical):{box:null,offscreen:null}})),F(C&&C.box&&C.box.length)}}if(T=(p=C)&&p.box&&p.box.length>0,S=p&&p.offscreen,e.useRuntimeCollisionCircles){var G=o.text.placedSymbolArray.get(e.centerJustifiedTextSymbolIndex),Y=t.evaluateSizeForFeature(o.textSizeData,d,G),W=s.get("text-padding");I=i.collisionIndex.placeCollisionCircles(y,G,o.lineVertexArray,o.glyphOffsetArray,Y,l,c,u,n,_,g.predicate,e.collisionCircleDiameter,W),T=y||I.circles.length>0&&!I.collisionDetected,S=S&&I.offscreen}if(a.iconFeatureIndex&&(D=a.iconFeatureIndex),a.iconBox){var X=function(t){var e=w&&E?be(t,E.x,E.y,b,_,i.transform.angle):t;return i.collisionIndex.placeCollisionBox(e,x,f,l,g.predicate)};A=L&&L.box&&L.box.length&&a.verticalIconBox?(P=X(a.verticalIconBox)).box.length>0:(P=X(a.iconBox)).box.length>0,S=S&&P.offscreen}var Z=m||0===e.numHorizontalGlyphVertices&&0===e.numVerticalGlyphVertices,J=v||0===e.numIconVertices;if(Z||J?J?Z||(A=A&&T):T=A&&T:A=T=A&&T,T&&p&&p.box&&i.collisionIndex.insertCollisionBox(p.box,s.get("text-ignore-placement"),o.bucketInstanceId,L&&L.box&&O?O:z,g.ID),A&&P&&i.collisionIndex.insertCollisionBox(P.box,s.get("icon-ignore-placement"),o.bucketInstanceId,D,g.ID),I&&(T&&i.collisionIndex.insertCollisionCircles(I.circles,s.get("text-ignore-placement"),o.bucketInstanceId,z,g.ID),n)){var K=o.bucketInstanceId,Q=i.collisionCircleArrays[K];void 0===Q&&(Q=i.collisionCircleArrays[K]=new me);for(var $=0;$=0;--E){var C=S[E];A(o.symbolInstances.get(C),o.collisionArrays[C])}else for(var L=e.symbolInstanceStart;L=0&&(e.text.placedSymbolArray.get(l).crossTileID=a>=0&&l!==a?0:n.crossTileID)}},_e.prototype.markUsedOrientation=function(e,r,n){for(var i=r===t.WritingMode.horizontal||r===t.WritingMode.horizontalOnly?r:0,a=r===t.WritingMode.vertical?r:0,o=0,s=[n.leftJustifiedTextSymbolIndex,n.centerJustifiedTextSymbolIndex,n.rightJustifiedTextSymbolIndex];o0,y=i.placedOrientations[a.crossTileID],x=y===t.WritingMode.vertical,b=y===t.WritingMode.horizontal||y===t.WritingMode.horizontalOnly;if(s>0||l>0){var _=Le(m.text);d(e.text,s,x?Ie:_),d(e.text,l,b?Ie:_);var w=m.text.isHidden();[a.rightJustifiedTextSymbolIndex,a.centerJustifiedTextSymbolIndex,a.leftJustifiedTextSymbolIndex].forEach((function(t){t>=0&&(e.text.placedSymbolArray.get(t).hidden=w||x?1:0)})),a.verticalPlacedTextSymbolIndex>=0&&(e.text.placedSymbolArray.get(a.verticalPlacedTextSymbolIndex).hidden=w||b?1:0);var T=i.variableOffsets[a.crossTileID];T&&i.markUsedJustification(e,T.anchor,a,y);var k=i.placedOrientations[a.crossTileID];k&&(i.markUsedJustification(e,"left",a,k),i.markUsedOrientation(e,k,a))}if(v){var M=Le(m.icon),A=!(h&&a.verticalPlacedIconSymbolIndex&&x);a.placedIconSymbolIndex>=0&&(d(e.icon,a.numIconVertices,A?M:Ie),e.icon.placedSymbolArray.get(a.placedIconSymbolIndex).hidden=m.icon.isHidden()),a.verticalPlacedIconSymbolIndex>=0&&(d(e.icon,a.numVerticalIconVertices,A?Ie:M),e.icon.placedSymbolArray.get(a.verticalPlacedIconSymbolIndex).hidden=m.icon.isHidden())}if(e.hasIconCollisionBoxData()||e.hasTextCollisionBoxData()){var S=e.collisionArrays[n];if(S){var E=new t.Point(0,0);if(S.textBox||S.verticalTextBox){var C=!0;if(c){var L=i.variableOffsets[g];L?(E=xe(L.anchor,L.width,L.height,L.textOffset,L.textBoxScale),u&&E._rotate(f?i.transform.angle:-i.transform.angle)):C=!1}S.textBox&&we(e.textCollisionBox.collisionVertexArray,m.text.placed,!C||x,E.x,E.y),S.verticalTextBox&&we(e.textCollisionBox.collisionVertexArray,m.text.placed,!C||b,E.x,E.y)}var I=Boolean(!b&&S.verticalIconBox);S.iconBox&&we(e.iconCollisionBox.collisionVertexArray,m.icon.placed,I,h?E.x:0,h?E.y:0),S.verticalIconBox&&we(e.iconCollisionBox.collisionVertexArray,m.icon.placed,!I,h?E.x:0,h?E.y:0)}}},m=0;mt},_e.prototype.setStale=function(){this.stale=!0};var Te=Math.pow(2,25),ke=Math.pow(2,24),Me=Math.pow(2,17),Ae=Math.pow(2,16),Se=Math.pow(2,9),Ee=Math.pow(2,8),Ce=Math.pow(2,1);function Le(t){if(0===t.opacity&&!t.placed)return 0;if(1===t.opacity&&t.placed)return 4294967295;var e=t.placed?1:0,r=Math.floor(127*t.opacity);return r*Te+e*ke+r*Me+e*Ae+r*Se+e*Ee+r*Ce+e}var Ie=0,Pe=function(t){this._sortAcrossTiles="viewport-y"!==t.layout.get("symbol-z-order")&&void 0!==t.layout.get("symbol-sort-key").constantOr(1),this._currentTileIndex=0,this._currentPartIndex=0,this._seenCrossTileIDs={},this._bucketParts=[]};Pe.prototype.continuePlacement=function(t,e,r,n,i){for(var a=this._bucketParts;this._currentTileIndex2};this._currentPlacementIndex>=0;){var s=r[e[this._currentPlacementIndex]],l=this.placement.collisionIndex.transform.zoom;if("symbol"===s.type&&(!s.minzoom||s.minzoom<=l)&&(!s.maxzoom||s.maxzoom>l)){if(this._inProgressLayer||(this._inProgressLayer=new Pe(s)),this._inProgressLayer.continuePlacement(n[s.source],this.placement,this._showCollisionBoxes,s,o))return;delete this._inProgressLayer}this._currentPlacementIndex--}this._done=!0},ze.prototype.commit=function(t){return this.placement.commit(t),this.placement};var Oe=512/t.EXTENT/2,De=function(t,e,r){this.tileID=t,this.indexedSymbolInstances={},this.bucketInstanceId=r;for(var n=0;nt.overscaledZ)for(var s in o){var l=o[s];l.tileID.isChildOf(t)&&l.findMatches(e.symbolInstances,t,i)}else{var c=o[t.scaledTo(Number(a)).key];c&&c.findMatches(e.symbolInstances,t,i)}}for(var u=0;u1?"@2x":"",l=t.getJSON(r.transformRequest(r.normalizeSpriteURL(e,s,".json"),t.ResourceType.SpriteJSON),(function(t,e){l=null,o||(o=t,i=e,u())})),c=t.getImage(r.transformRequest(r.normalizeSpriteURL(e,s,".png"),t.ResourceType.SpriteImage),(function(t,e){c=null,o||(o=t,a=e,u())}));function u(){if(o)n(o);else if(i&&a){var e=t.browser.getImageData(a),r={};for(var s in i){var l=i[s],c=l.width,u=l.height,f=l.x,h=l.y,p=l.sdf,d=l.pixelRatio,g=l.stretchX,m=l.stretchY,v=l.content,y=new t.RGBAImage({width:c,height:u});t.RGBAImage.copy(e,y,{x:f,y:h},{x:0,y:0},{width:c,height:u}),r[s]={data:y,pixelRatio:d,sdf:p,stretchX:g,stretchY:m,content:v}}n(null,r)}}return{cancel:function(){l&&(l.cancel(),l=null),c&&(c.cancel(),c=null)}}}(e,this.map._requestManager,(function(e,n){if(r._spriteRequest=null,e)r.fire(new t.ErrorEvent(e));else if(n)for(var i in n)r.imageManager.addImage(i,n[i]);r.imageManager.setLoaded(!0),r._availableImages=r.imageManager.listImages(),r.dispatcher.broadcast("setImages",r._availableImages),r.fire(new t.Event("data",{dataType:"style"}))}))},r.prototype._validateLayer=function(e){var r=this.sourceCaches[e.source];if(r){var n=e.sourceLayer;if(n){var i=r.getSource();("geojson"===i.type||i.vectorLayerIds&&-1===i.vectorLayerIds.indexOf(n))&&this.fire(new t.ErrorEvent(new Error('Source layer "'+n+'" does not exist on source "'+i.id+'" as specified by style layer "'+e.id+'"')))}}},r.prototype.loaded=function(){if(!this._loaded)return!1;if(Object.keys(this._updatedSources).length)return!1;for(var t in this.sourceCaches)if(!this.sourceCaches[t].loaded())return!1;return!!this.imageManager.isLoaded()},r.prototype._serializeLayers=function(t){for(var e=[],r=0,n=t;r0)throw new Error("Unimplemented: "+i.map((function(t){return t.command})).join(", ")+".");return n.forEach((function(t){"setTransition"!==t.command&&r[t.command].apply(r,t.args)})),this.stylesheet=e,!0},r.prototype.addImage=function(e,r){if(this.getImage(e))return this.fire(new t.ErrorEvent(new Error("An image with this name already exists.")));this.imageManager.addImage(e,r),this._availableImages=this.imageManager.listImages(),this._changedImages[e]=!0,this._changed=!0,this.fire(new t.Event("data",{dataType:"style"}))},r.prototype.updateImage=function(t,e){this.imageManager.updateImage(t,e)},r.prototype.getImage=function(t){return this.imageManager.getImage(t)},r.prototype.removeImage=function(e){if(!this.getImage(e))return this.fire(new t.ErrorEvent(new Error("No image with this name exists.")));this.imageManager.removeImage(e),this._availableImages=this.imageManager.listImages(),this._changedImages[e]=!0,this._changed=!0,this.fire(new t.Event("data",{dataType:"style"}))},r.prototype.listImages=function(){return this._checkLoaded(),this.imageManager.listImages()},r.prototype.addSource=function(e,r,n){var i=this;if(void 0===n&&(n={}),this._checkLoaded(),void 0!==this.sourceCaches[e])throw new Error("There is already a source with this ID");if(!r.type)throw new Error("The type property must be defined, but the only the following properties were given: "+Object.keys(r).join(", ")+".");if(!(["vector","raster","geojson","video","image"].indexOf(r.type)>=0&&this._validate(t.validateStyle.source,"sources."+e,r,null,n))){this.map&&this.map._collectResourceTiming&&(r.collectResourceTiming=!0);var a=this.sourceCaches[e]=new Lt(e,r,this.dispatcher);a.style=this,a.setEventedParent(this,(function(){return{isSourceLoaded:i.loaded(),source:a.serialize(),sourceId:e}})),a.onAdd(this.map),this._changed=!0}},r.prototype.removeSource=function(e){if(this._checkLoaded(),void 0===this.sourceCaches[e])throw new Error("There is no source with this ID");for(var r in this._layers)if(this._layers[r].source===e)return this.fire(new t.ErrorEvent(new Error('Source "'+e+'" cannot be removed while layer "'+r+'" is using it.')));var n=this.sourceCaches[e];delete this.sourceCaches[e],delete this._updatedSources[e],n.fire(new t.Event("data",{sourceDataType:"metadata",dataType:"source",sourceId:e})),n.setEventedParent(null),n.clearTiles(),n.onRemove&&n.onRemove(this.map),this._changed=!0},r.prototype.setGeoJSONSourceData=function(t,e){this._checkLoaded(),this.sourceCaches[t].getSource().setData(e),this._changed=!0},r.prototype.getSource=function(t){return this.sourceCaches[t]&&this.sourceCaches[t].getSource()},r.prototype.addLayer=function(e,r,n){void 0===n&&(n={}),this._checkLoaded();var i=e.id;if(this.getLayer(i))this.fire(new t.ErrorEvent(new Error('Layer with id "'+i+'" already exists on this map')));else{var a;if("custom"===e.type){if(Ne(this,t.validateCustomStyleLayer(e)))return;a=t.createStyleLayer(e)}else{if("object"==typeof e.source&&(this.addSource(i,e.source),e=t.clone$1(e),e=t.extend(e,{source:i})),this._validate(t.validateStyle.layer,"layers."+i,e,{arrayIndex:-1},n))return;a=t.createStyleLayer(e),this._validateLayer(a),a.setEventedParent(this,{layer:{id:i}}),this._serializedLayers[a.id]=a.serialize()}var o=r?this._order.indexOf(r):this._order.length;if(r&&-1===o)this.fire(new t.ErrorEvent(new Error('Layer with id "'+r+'" does not exist on this map.')));else{if(this._order.splice(o,0,i),this._layerOrderChanged=!0,this._layers[i]=a,this._removedLayers[i]&&a.source&&"custom"!==a.type){var s=this._removedLayers[i];delete this._removedLayers[i],s.type!==a.type?this._updatedSources[a.source]="clear":(this._updatedSources[a.source]="reload",this.sourceCaches[a.source].pause())}this._updateLayer(a),a.onAdd&&a.onAdd(this.map)}}},r.prototype.moveLayer=function(e,r){if(this._checkLoaded(),this._changed=!0,this._layers[e]){if(e!==r){var n=this._order.indexOf(e);this._order.splice(n,1);var i=r?this._order.indexOf(r):this._order.length;r&&-1===i?this.fire(new t.ErrorEvent(new Error('Layer with id "'+r+'" does not exist on this map.'))):(this._order.splice(i,0,e),this._layerOrderChanged=!0)}}else this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be moved.")))},r.prototype.removeLayer=function(e){this._checkLoaded();var r=this._layers[e];if(r){r.setEventedParent(null);var n=this._order.indexOf(e);this._order.splice(n,1),this._layerOrderChanged=!0,this._changed=!0,this._removedLayers[e]=r,delete this._layers[e],delete this._serializedLayers[e],delete this._updatedLayers[e],delete this._updatedPaintProps[e],r.onRemove&&r.onRemove(this.map)}else this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be removed.")))},r.prototype.getLayer=function(t){return this._layers[t]},r.prototype.hasLayer=function(t){return t in this._layers},r.prototype.setLayerZoomRange=function(e,r,n){this._checkLoaded();var i=this.getLayer(e);i?i.minzoom===r&&i.maxzoom===n||(null!=r&&(i.minzoom=r),null!=n&&(i.maxzoom=n),this._updateLayer(i)):this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot have zoom extent.")))},r.prototype.setFilter=function(e,r,n){void 0===n&&(n={}),this._checkLoaded();var i=this.getLayer(e);if(i){if(!t.deepEqual(i.filter,r))return null==r?(i.filter=void 0,void this._updateLayer(i)):void(this._validate(t.validateStyle.filter,"layers."+i.id+".filter",r,null,n)||(i.filter=t.clone$1(r),this._updateLayer(i)))}else this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be filtered.")))},r.prototype.getFilter=function(e){return t.clone$1(this.getLayer(e).filter)},r.prototype.setLayoutProperty=function(e,r,n,i){void 0===i&&(i={}),this._checkLoaded();var a=this.getLayer(e);a?t.deepEqual(a.getLayoutProperty(r),n)||(a.setLayoutProperty(r,n,i),this._updateLayer(a)):this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be styled.")))},r.prototype.getLayoutProperty=function(e,r){var n=this.getLayer(e);if(n)return n.getLayoutProperty(r);this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style.")))},r.prototype.setPaintProperty=function(e,r,n,i){void 0===i&&(i={}),this._checkLoaded();var a=this.getLayer(e);a?t.deepEqual(a.getPaintProperty(r),n)||(a.setPaintProperty(r,n,i)&&this._updateLayer(a),this._changed=!0,this._updatedPaintProps[e]=!0):this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be styled.")))},r.prototype.getPaintProperty=function(t,e){return this.getLayer(t).getPaintProperty(e)},r.prototype.setFeatureState=function(e,r){this._checkLoaded();var n=e.source,i=e.sourceLayer,a=this.sourceCaches[n];if(void 0!==a){var o=a.getSource().type;"geojson"===o&&i?this.fire(new t.ErrorEvent(new Error("GeoJSON sources cannot have a sourceLayer parameter."))):"vector"!==o||i?(void 0===e.id&&this.fire(new t.ErrorEvent(new Error("The feature id parameter must be provided."))),a.setFeatureState(i,e.id,r)):this.fire(new t.ErrorEvent(new Error("The sourceLayer parameter must be provided for vector source types.")))}else this.fire(new t.ErrorEvent(new Error("The source '"+n+"' does not exist in the map's style.")))},r.prototype.removeFeatureState=function(e,r){this._checkLoaded();var n=e.source,i=this.sourceCaches[n];if(void 0!==i){var a=i.getSource().type,o="vector"===a?e.sourceLayer:void 0;"vector"!==a||o?r&&"string"!=typeof e.id&&"number"!=typeof e.id?this.fire(new t.ErrorEvent(new Error("A feature id is requred to remove its specific state property."))):i.removeFeatureState(o,e.id,r):this.fire(new t.ErrorEvent(new Error("The sourceLayer parameter must be provided for vector source types.")))}else this.fire(new t.ErrorEvent(new Error("The source '"+n+"' does not exist in the map's style.")))},r.prototype.getFeatureState=function(e){this._checkLoaded();var r=e.source,n=e.sourceLayer,i=this.sourceCaches[r];if(void 0!==i){if("vector"!==i.getSource().type||n)return void 0===e.id&&this.fire(new t.ErrorEvent(new Error("The feature id parameter must be provided."))),i.getFeatureState(n,e.id);this.fire(new t.ErrorEvent(new Error("The sourceLayer parameter must be provided for vector source types.")))}else this.fire(new t.ErrorEvent(new Error("The source '"+r+"' does not exist in the map's style.")))},r.prototype.getTransition=function(){return t.extend({duration:300,delay:0},this.stylesheet&&this.stylesheet.transition)},r.prototype.serialize=function(){return t.filterObject({version:this.stylesheet.version,name:this.stylesheet.name,metadata:this.stylesheet.metadata,light:this.stylesheet.light,center:this.stylesheet.center,zoom:this.stylesheet.zoom,bearing:this.stylesheet.bearing,pitch:this.stylesheet.pitch,sprite:this.stylesheet.sprite,glyphs:this.stylesheet.glyphs,transition:this.stylesheet.transition,sources:t.mapObject(this.sourceCaches,(function(t){return t.serialize()})),layers:this._serializeLayers(this._order)},(function(t){return void 0!==t}))},r.prototype._updateLayer=function(t){this._updatedLayers[t.id]=!0,t.source&&!this._updatedSources[t.source]&&"raster"!==this.sourceCaches[t.source].getSource().type&&(this._updatedSources[t.source]="reload",this.sourceCaches[t.source].pause()),this._changed=!0},r.prototype._flattenAndSortRenderedFeatures=function(t){for(var e=this,r=function(t){return"fill-extrusion"===e._layers[t].type},n={},i=[],a=this._order.length-1;a>=0;a--){var o=this._order[a];if(r(o)){n[o]=a;for(var s=0,l=t;s=0;p--){var d=this._order[p];if(r(d))for(var g=i.length-1;g>=0;g--){var m=i[g].feature;if(n[m.layer.id] 0.5) {gl_FragColor=vec4(0.0,0.0,1.0,0.5)*alpha;}if (v_notUsed > 0.5) {gl_FragColor*=.1;}}","attribute vec2 a_pos;attribute vec2 a_anchor_pos;attribute vec2 a_extrude;attribute vec2 a_placed;attribute vec2 a_shift;uniform mat4 u_matrix;uniform vec2 u_extrude_scale;uniform float u_camera_to_center_distance;varying float v_placed;varying float v_notUsed;void main() {vec4 projectedPoint=u_matrix*vec4(a_anchor_pos,0,1);highp float camera_to_anchor_distance=projectedPoint.w;highp float collision_perspective_ratio=clamp(0.5+0.5*(u_camera_to_center_distance/camera_to_anchor_distance),0.0,4.0);gl_Position=u_matrix*vec4(a_pos,0.0,1.0);gl_Position.xy+=(a_extrude+a_shift)*u_extrude_scale*gl_Position.w*collision_perspective_ratio;v_placed=a_placed.x;v_notUsed=a_placed.y;}"),$e=vr("varying float v_radius;varying vec2 v_extrude;varying float v_perspective_ratio;varying float v_collision;void main() {float alpha=0.5*min(v_perspective_ratio,1.0);float stroke_radius=0.9*max(v_perspective_ratio,1.0);float distance_to_center=length(v_extrude);float distance_to_edge=abs(distance_to_center-v_radius);float opacity_t=smoothstep(-stroke_radius,0.0,-distance_to_edge);vec4 color=mix(vec4(0.0,0.0,1.0,0.5),vec4(1.0,0.0,0.0,1.0),v_collision);gl_FragColor=color*alpha*opacity_t;}","attribute vec2 a_pos;attribute float a_radius;attribute vec2 a_flags;uniform mat4 u_matrix;uniform mat4 u_inv_matrix;uniform vec2 u_viewport_size;uniform float u_camera_to_center_distance;varying float v_radius;varying vec2 v_extrude;varying float v_perspective_ratio;varying float v_collision;vec3 toTilePosition(vec2 screenPos) {vec4 rayStart=u_inv_matrix*vec4(screenPos,-1.0,1.0);vec4 rayEnd =u_inv_matrix*vec4(screenPos, 1.0,1.0);rayStart.xyz/=rayStart.w;rayEnd.xyz /=rayEnd.w;highp float t=(0.0-rayStart.z)/(rayEnd.z-rayStart.z);return mix(rayStart.xyz,rayEnd.xyz,t);}void main() {vec2 quadCenterPos=a_pos;float radius=a_radius;float collision=a_flags.x;float vertexIdx=a_flags.y;vec2 quadVertexOffset=vec2(mix(-1.0,1.0,float(vertexIdx >=2.0)),mix(-1.0,1.0,float(vertexIdx >=1.0 && vertexIdx <=2.0)));vec2 quadVertexExtent=quadVertexOffset*radius;vec3 tilePos=toTilePosition(quadCenterPos);vec4 clipPos=u_matrix*vec4(tilePos,1.0);highp float camera_to_anchor_distance=clipPos.w;highp float collision_perspective_ratio=clamp(0.5+0.5*(u_camera_to_center_distance/camera_to_anchor_distance),0.0,4.0);float padding_factor=1.2;v_radius=radius;v_extrude=quadVertexExtent*padding_factor;v_perspective_ratio=collision_perspective_ratio;v_collision=collision;gl_Position=vec4(clipPos.xyz/clipPos.w,1.0)+vec4(quadVertexExtent*padding_factor/u_viewport_size*2.0,0.0,0.0);}"),tr=vr("uniform highp vec4 u_color;uniform sampler2D u_overlay;varying vec2 v_uv;void main() {vec4 overlay_color=texture2D(u_overlay,v_uv);gl_FragColor=mix(u_color,overlay_color,overlay_color.a);}","attribute vec2 a_pos;varying vec2 v_uv;uniform mat4 u_matrix;uniform float u_overlay_scale;void main() {v_uv=a_pos/8192.0;gl_Position=u_matrix*vec4(a_pos*u_overlay_scale,0,1);}"),er=vr("#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float opacity\ngl_FragColor=color*opacity;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","attribute vec2 a_pos;uniform mat4 u_matrix;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float opacity\ngl_Position=u_matrix*vec4(a_pos,0,1);}"),rr=vr("varying vec2 v_pos;\n#pragma mapbox: define highp vec4 outline_color\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 outline_color\n#pragma mapbox: initialize lowp float opacity\nfloat dist=length(v_pos-gl_FragCoord.xy);float alpha=1.0-smoothstep(0.0,1.0,dist);gl_FragColor=outline_color*(alpha*opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","attribute vec2 a_pos;uniform mat4 u_matrix;uniform vec2 u_world;varying vec2 v_pos;\n#pragma mapbox: define highp vec4 outline_color\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 outline_color\n#pragma mapbox: initialize lowp float opacity\ngl_Position=u_matrix*vec4(a_pos,0,1);v_pos=(gl_Position.xy/gl_Position.w+1.0)/2.0*u_world;}"),nr=vr("uniform vec2 u_texsize;uniform sampler2D u_image;uniform float u_fade;varying vec2 v_pos_a;varying vec2 v_pos_b;varying vec2 v_pos;\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;vec2 imagecoord=mod(v_pos_a,1.0);vec2 pos=mix(pattern_tl_a/u_texsize,pattern_br_a/u_texsize,imagecoord);vec4 color1=texture2D(u_image,pos);vec2 imagecoord_b=mod(v_pos_b,1.0);vec2 pos2=mix(pattern_tl_b/u_texsize,pattern_br_b/u_texsize,imagecoord_b);vec4 color2=texture2D(u_image,pos2);float dist=length(v_pos-gl_FragCoord.xy);float alpha=1.0-smoothstep(0.0,1.0,dist);gl_FragColor=mix(color1,color2,u_fade)*alpha*opacity;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_world;uniform vec2 u_pixel_coord_upper;uniform vec2 u_pixel_coord_lower;uniform vec3 u_scale;attribute vec2 a_pos;varying vec2 v_pos_a;varying vec2 v_pos_b;varying vec2 v_pos;\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;float tileRatio=u_scale.x;float fromScale=u_scale.y;float toScale=u_scale.z;gl_Position=u_matrix*vec4(a_pos,0,1);vec2 display_size_a=(pattern_br_a-pattern_tl_a)/pixel_ratio_from;vec2 display_size_b=(pattern_br_b-pattern_tl_b)/pixel_ratio_to;v_pos_a=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,fromScale*display_size_a,tileRatio,a_pos);v_pos_b=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,toScale*display_size_b,tileRatio,a_pos);v_pos=(gl_Position.xy/gl_Position.w+1.0)/2.0*u_world;}"),ir=vr("uniform vec2 u_texsize;uniform float u_fade;uniform sampler2D u_image;varying vec2 v_pos_a;varying vec2 v_pos_b;\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;vec2 imagecoord=mod(v_pos_a,1.0);vec2 pos=mix(pattern_tl_a/u_texsize,pattern_br_a/u_texsize,imagecoord);vec4 color1=texture2D(u_image,pos);vec2 imagecoord_b=mod(v_pos_b,1.0);vec2 pos2=mix(pattern_tl_b/u_texsize,pattern_br_b/u_texsize,imagecoord_b);vec4 color2=texture2D(u_image,pos2);gl_FragColor=mix(color1,color2,u_fade)*opacity;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_pixel_coord_upper;uniform vec2 u_pixel_coord_lower;uniform vec3 u_scale;attribute vec2 a_pos;varying vec2 v_pos_a;varying vec2 v_pos_b;\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;float tileZoomRatio=u_scale.x;float fromScale=u_scale.y;float toScale=u_scale.z;vec2 display_size_a=(pattern_br_a-pattern_tl_a)/pixel_ratio_from;vec2 display_size_b=(pattern_br_b-pattern_tl_b)/pixel_ratio_to;gl_Position=u_matrix*vec4(a_pos,0,1);v_pos_a=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,fromScale*display_size_a,tileZoomRatio,a_pos);v_pos_b=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,toScale*display_size_b,tileZoomRatio,a_pos);}"),ar=vr("varying vec4 v_color;void main() {gl_FragColor=v_color;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec3 u_lightcolor;uniform lowp vec3 u_lightpos;uniform lowp float u_lightintensity;uniform float u_vertical_gradient;uniform lowp float u_opacity;attribute vec2 a_pos;attribute vec4 a_normal_ed;varying vec4 v_color;\n#pragma mapbox: define highp float base\n#pragma mapbox: define highp float height\n#pragma mapbox: define highp vec4 color\nvoid main() {\n#pragma mapbox: initialize highp float base\n#pragma mapbox: initialize highp float height\n#pragma mapbox: initialize highp vec4 color\nvec3 normal=a_normal_ed.xyz;base=max(0.0,base);height=max(0.0,height);float t=mod(normal.x,2.0);gl_Position=u_matrix*vec4(a_pos,t > 0.0 ? height : base,1);float colorvalue=color.r*0.2126+color.g*0.7152+color.b*0.0722;v_color=vec4(0.0,0.0,0.0,1.0);vec4 ambientlight=vec4(0.03,0.03,0.03,1.0);color+=ambientlight;float directional=clamp(dot(normal/16384.0,u_lightpos),0.0,1.0);directional=mix((1.0-u_lightintensity),max((1.0-colorvalue+u_lightintensity),1.0),directional);if (normal.y !=0.0) {directional*=((1.0-u_vertical_gradient)+(u_vertical_gradient*clamp((t+base)*pow(height/150.0,0.5),mix(0.7,0.98,1.0-u_lightintensity),1.0)));}v_color.r+=clamp(color.r*directional*u_lightcolor.r,mix(0.0,0.3,1.0-u_lightcolor.r),1.0);v_color.g+=clamp(color.g*directional*u_lightcolor.g,mix(0.0,0.3,1.0-u_lightcolor.g),1.0);v_color.b+=clamp(color.b*directional*u_lightcolor.b,mix(0.0,0.3,1.0-u_lightcolor.b),1.0);v_color*=u_opacity;}"),or=vr("uniform vec2 u_texsize;uniform float u_fade;uniform sampler2D u_image;varying vec2 v_pos_a;varying vec2 v_pos_b;varying vec4 v_lighting;\n#pragma mapbox: define lowp float base\n#pragma mapbox: define lowp float height\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float base\n#pragma mapbox: initialize lowp float height\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;vec2 imagecoord=mod(v_pos_a,1.0);vec2 pos=mix(pattern_tl_a/u_texsize,pattern_br_a/u_texsize,imagecoord);vec4 color1=texture2D(u_image,pos);vec2 imagecoord_b=mod(v_pos_b,1.0);vec2 pos2=mix(pattern_tl_b/u_texsize,pattern_br_b/u_texsize,imagecoord_b);vec4 color2=texture2D(u_image,pos2);vec4 mixedColor=mix(color1,color2,u_fade);gl_FragColor=mixedColor*v_lighting;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_pixel_coord_upper;uniform vec2 u_pixel_coord_lower;uniform float u_height_factor;uniform vec3 u_scale;uniform float u_vertical_gradient;uniform lowp float u_opacity;uniform vec3 u_lightcolor;uniform lowp vec3 u_lightpos;uniform lowp float u_lightintensity;attribute vec2 a_pos;attribute vec4 a_normal_ed;varying vec2 v_pos_a;varying vec2 v_pos_b;varying vec4 v_lighting;\n#pragma mapbox: define lowp float base\n#pragma mapbox: define lowp float height\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float base\n#pragma mapbox: initialize lowp float height\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;float tileRatio=u_scale.x;float fromScale=u_scale.y;float toScale=u_scale.z;vec3 normal=a_normal_ed.xyz;float edgedistance=a_normal_ed.w;vec2 display_size_a=(pattern_br_a-pattern_tl_a)/pixel_ratio_from;vec2 display_size_b=(pattern_br_b-pattern_tl_b)/pixel_ratio_to;base=max(0.0,base);height=max(0.0,height);float t=mod(normal.x,2.0);float z=t > 0.0 ? height : base;gl_Position=u_matrix*vec4(a_pos,z,1);vec2 pos=normal.x==1.0 && normal.y==0.0 && normal.z==16384.0\n? a_pos\n: vec2(edgedistance,z*u_height_factor);v_pos_a=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,fromScale*display_size_a,tileRatio,pos);v_pos_b=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,toScale*display_size_b,tileRatio,pos);v_lighting=vec4(0.0,0.0,0.0,1.0);float directional=clamp(dot(normal/16383.0,u_lightpos),0.0,1.0);directional=mix((1.0-u_lightintensity),max((0.5+u_lightintensity),1.0),directional);if (normal.y !=0.0) {directional*=((1.0-u_vertical_gradient)+(u_vertical_gradient*clamp((t+base)*pow(height/150.0,0.5),mix(0.7,0.98,1.0-u_lightintensity),1.0)));}v_lighting.rgb+=clamp(directional*u_lightcolor,mix(vec3(0.0),vec3(0.3),1.0-u_lightcolor),vec3(1.0));v_lighting*=u_opacity;}"),sr=vr("#ifdef GL_ES\nprecision highp float;\n#endif\nuniform sampler2D u_image;varying vec2 v_pos;uniform vec2 u_dimension;uniform float u_zoom;uniform float u_maxzoom;uniform vec4 u_unpack;float getElevation(vec2 coord,float bias) {vec4 data=texture2D(u_image,coord)*255.0;data.a=-1.0;return dot(data,u_unpack)/4.0;}void main() {vec2 epsilon=1.0/u_dimension;float a=getElevation(v_pos+vec2(-epsilon.x,-epsilon.y),0.0);float b=getElevation(v_pos+vec2(0,-epsilon.y),0.0);float c=getElevation(v_pos+vec2(epsilon.x,-epsilon.y),0.0);float d=getElevation(v_pos+vec2(-epsilon.x,0),0.0);float e=getElevation(v_pos,0.0);float f=getElevation(v_pos+vec2(epsilon.x,0),0.0);float g=getElevation(v_pos+vec2(-epsilon.x,epsilon.y),0.0);float h=getElevation(v_pos+vec2(0,epsilon.y),0.0);float i=getElevation(v_pos+vec2(epsilon.x,epsilon.y),0.0);float exaggeration=u_zoom < 2.0 ? 0.4 : u_zoom < 4.5 ? 0.35 : 0.3;vec2 deriv=vec2((c+f+f+i)-(a+d+d+g),(g+h+h+i)-(a+b+b+c))/ pow(2.0,(u_zoom-u_maxzoom)*exaggeration+19.2562-u_zoom);gl_FragColor=clamp(vec4(deriv.x/2.0+0.5,deriv.y/2.0+0.5,1.0,1.0),0.0,1.0);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_dimension;attribute vec2 a_pos;attribute vec2 a_texture_pos;varying vec2 v_pos;void main() {gl_Position=u_matrix*vec4(a_pos,0,1);highp vec2 epsilon=1.0/u_dimension;float scale=(u_dimension.x-2.0)/u_dimension.x;v_pos=(a_texture_pos/8192.0)*scale+epsilon;}"),lr=vr("uniform sampler2D u_image;varying vec2 v_pos;uniform vec2 u_latrange;uniform vec2 u_light;uniform vec4 u_shadow;uniform vec4 u_highlight;uniform vec4 u_accent;\n#define PI 3.141592653589793\nvoid main() {vec4 pixel=texture2D(u_image,v_pos);vec2 deriv=((pixel.rg*2.0)-1.0);float scaleFactor=cos(radians((u_latrange[0]-u_latrange[1])*(1.0-v_pos.y)+u_latrange[1]));float slope=atan(1.25*length(deriv)/scaleFactor);float aspect=deriv.x !=0.0 ? atan(deriv.y,-deriv.x) : PI/2.0*(deriv.y > 0.0 ? 1.0 :-1.0);float intensity=u_light.x;float azimuth=u_light.y+PI;float base=1.875-intensity*1.75;float maxValue=0.5*PI;float scaledSlope=intensity !=0.5 ? ((pow(base,slope)-1.0)/(pow(base,maxValue)-1.0))*maxValue : slope;float accent=cos(scaledSlope);vec4 accent_color=(1.0-accent)*u_accent*clamp(intensity*2.0,0.0,1.0);float shade=abs(mod((aspect+azimuth)/PI+0.5,2.0)-1.0);vec4 shade_color=mix(u_shadow,u_highlight,shade)*sin(scaledSlope)*clamp(intensity*2.0,0.0,1.0);gl_FragColor=accent_color*(1.0-shade_color.a)+shade_color;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;attribute vec2 a_pos;attribute vec2 a_texture_pos;varying vec2 v_pos;void main() {gl_Position=u_matrix*vec4(a_pos,0,1);v_pos=a_texture_pos/8192.0;}"),cr=vr("uniform lowp float u_device_pixel_ratio;varying vec2 v_width2;varying vec2 v_normal;varying float v_gamma_scale;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\nfloat dist=length(v_normal)*v_width2.s;float blur2=(blur+1.0/u_device_pixel_ratio)*v_gamma_scale;float alpha=clamp(min(dist-(v_width2.t-blur2),v_width2.s-dist)/blur2,0.0,1.0);gl_FragColor=color*(alpha*opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","\n#define scale 0.015873016\nattribute vec2 a_pos_normal;attribute vec4 a_data;uniform mat4 u_matrix;uniform mediump float u_ratio;uniform vec2 u_units_to_pixels;uniform lowp float u_device_pixel_ratio;varying vec2 v_normal;varying vec2 v_width2;varying float v_gamma_scale;varying highp float v_linesofar;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define mediump float gapwidth\n#pragma mapbox: define lowp float offset\n#pragma mapbox: define mediump float width\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump float gapwidth\n#pragma mapbox: initialize lowp float offset\n#pragma mapbox: initialize mediump float width\nfloat ANTIALIASING=1.0/u_device_pixel_ratio/2.0;vec2 a_extrude=a_data.xy-128.0;float a_direction=mod(a_data.z,4.0)-1.0;v_linesofar=(floor(a_data.z/4.0)+a_data.w*64.0)*2.0;vec2 pos=floor(a_pos_normal*0.5);mediump vec2 normal=a_pos_normal-2.0*pos;normal.y=normal.y*2.0-1.0;v_normal=normal;gapwidth=gapwidth/2.0;float halfwidth=width/2.0;offset=-1.0*offset;float inset=gapwidth+(gapwidth > 0.0 ? ANTIALIASING : 0.0);float outset=gapwidth+halfwidth*(gapwidth > 0.0 ? 2.0 : 1.0)+(halfwidth==0.0 ? 0.0 : ANTIALIASING);mediump vec2 dist=outset*a_extrude*scale;mediump float u=0.5*a_direction;mediump float t=1.0-abs(u);mediump vec2 offset2=offset*a_extrude*scale*normal.y*mat2(t,-u,u,t);vec4 projected_extrude=u_matrix*vec4(dist/u_ratio,0.0,0.0);gl_Position=u_matrix*vec4(pos+offset2/u_ratio,0.0,1.0)+projected_extrude;float extrude_length_without_perspective=length(dist);float extrude_length_with_perspective=length(projected_extrude.xy/gl_Position.w*u_units_to_pixels);v_gamma_scale=extrude_length_without_perspective/extrude_length_with_perspective;v_width2=vec2(outset,inset);}"),ur=vr("uniform lowp float u_device_pixel_ratio;uniform sampler2D u_image;varying vec2 v_width2;varying vec2 v_normal;varying float v_gamma_scale;varying highp float v_lineprogress;\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\nfloat dist=length(v_normal)*v_width2.s;float blur2=(blur+1.0/u_device_pixel_ratio)*v_gamma_scale;float alpha=clamp(min(dist-(v_width2.t-blur2),v_width2.s-dist)/blur2,0.0,1.0);vec4 color=texture2D(u_image,vec2(v_lineprogress,0.5));gl_FragColor=color*(alpha*opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","\n#define MAX_LINE_DISTANCE 32767.0\n#define scale 0.015873016\nattribute vec2 a_pos_normal;attribute vec4 a_data;uniform mat4 u_matrix;uniform mediump float u_ratio;uniform lowp float u_device_pixel_ratio;uniform vec2 u_units_to_pixels;varying vec2 v_normal;varying vec2 v_width2;varying float v_gamma_scale;varying highp float v_lineprogress;\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define mediump float gapwidth\n#pragma mapbox: define lowp float offset\n#pragma mapbox: define mediump float width\nvoid main() {\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump float gapwidth\n#pragma mapbox: initialize lowp float offset\n#pragma mapbox: initialize mediump float width\nfloat ANTIALIASING=1.0/u_device_pixel_ratio/2.0;vec2 a_extrude=a_data.xy-128.0;float a_direction=mod(a_data.z,4.0)-1.0;v_lineprogress=(floor(a_data.z/4.0)+a_data.w*64.0)*2.0/MAX_LINE_DISTANCE;vec2 pos=floor(a_pos_normal*0.5);mediump vec2 normal=a_pos_normal-2.0*pos;normal.y=normal.y*2.0-1.0;v_normal=normal;gapwidth=gapwidth/2.0;float halfwidth=width/2.0;offset=-1.0*offset;float inset=gapwidth+(gapwidth > 0.0 ? ANTIALIASING : 0.0);float outset=gapwidth+halfwidth*(gapwidth > 0.0 ? 2.0 : 1.0)+(halfwidth==0.0 ? 0.0 : ANTIALIASING);mediump vec2 dist=outset*a_extrude*scale;mediump float u=0.5*a_direction;mediump float t=1.0-abs(u);mediump vec2 offset2=offset*a_extrude*scale*normal.y*mat2(t,-u,u,t);vec4 projected_extrude=u_matrix*vec4(dist/u_ratio,0.0,0.0);gl_Position=u_matrix*vec4(pos+offset2/u_ratio,0.0,1.0)+projected_extrude;float extrude_length_without_perspective=length(dist);float extrude_length_with_perspective=length(projected_extrude.xy/gl_Position.w*u_units_to_pixels);v_gamma_scale=extrude_length_without_perspective/extrude_length_with_perspective;v_width2=vec2(outset,inset);}"),fr=vr("uniform lowp float u_device_pixel_ratio;uniform vec2 u_texsize;uniform float u_fade;uniform mediump vec3 u_scale;uniform sampler2D u_image;varying vec2 v_normal;varying vec2 v_width2;varying float v_linesofar;varying float v_gamma_scale;varying float v_width;\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;float tileZoomRatio=u_scale.x;float fromScale=u_scale.y;float toScale=u_scale.z;vec2 display_size_a=(pattern_br_a-pattern_tl_a)/pixel_ratio_from;vec2 display_size_b=(pattern_br_b-pattern_tl_b)/pixel_ratio_to;vec2 pattern_size_a=vec2(display_size_a.x*fromScale/tileZoomRatio,display_size_a.y);vec2 pattern_size_b=vec2(display_size_b.x*toScale/tileZoomRatio,display_size_b.y);float aspect_a=display_size_a.y/v_width;float aspect_b=display_size_b.y/v_width;float dist=length(v_normal)*v_width2.s;float blur2=(blur+1.0/u_device_pixel_ratio)*v_gamma_scale;float alpha=clamp(min(dist-(v_width2.t-blur2),v_width2.s-dist)/blur2,0.0,1.0);float x_a=mod(v_linesofar/pattern_size_a.x*aspect_a,1.0);float x_b=mod(v_linesofar/pattern_size_b.x*aspect_b,1.0);float y=0.5*v_normal.y+0.5;vec2 texel_size=1.0/u_texsize;vec2 pos_a=mix(pattern_tl_a*texel_size-texel_size,pattern_br_a*texel_size+texel_size,vec2(x_a,y));vec2 pos_b=mix(pattern_tl_b*texel_size-texel_size,pattern_br_b*texel_size+texel_size,vec2(x_b,y));vec4 color=mix(texture2D(u_image,pos_a),texture2D(u_image,pos_b),u_fade);gl_FragColor=color*alpha*opacity;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","\n#define scale 0.015873016\n#define LINE_DISTANCE_SCALE 2.0\nattribute vec2 a_pos_normal;attribute vec4 a_data;uniform mat4 u_matrix;uniform vec2 u_units_to_pixels;uniform mediump float u_ratio;uniform lowp float u_device_pixel_ratio;varying vec2 v_normal;varying vec2 v_width2;varying float v_linesofar;varying float v_gamma_scale;varying float v_width;\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float offset\n#pragma mapbox: define mediump float gapwidth\n#pragma mapbox: define mediump float width\n#pragma mapbox: define lowp float floorwidth\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float offset\n#pragma mapbox: initialize mediump float gapwidth\n#pragma mapbox: initialize mediump float width\n#pragma mapbox: initialize lowp float floorwidth\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nfloat ANTIALIASING=1.0/u_device_pixel_ratio/2.0;vec2 a_extrude=a_data.xy-128.0;float a_direction=mod(a_data.z,4.0)-1.0;float a_linesofar=(floor(a_data.z/4.0)+a_data.w*64.0)*LINE_DISTANCE_SCALE;vec2 pos=floor(a_pos_normal*0.5);mediump vec2 normal=a_pos_normal-2.0*pos;normal.y=normal.y*2.0-1.0;v_normal=normal;gapwidth=gapwidth/2.0;float halfwidth=width/2.0;offset=-1.0*offset;float inset=gapwidth+(gapwidth > 0.0 ? ANTIALIASING : 0.0);float outset=gapwidth+halfwidth*(gapwidth > 0.0 ? 2.0 : 1.0)+(halfwidth==0.0 ? 0.0 : ANTIALIASING);mediump vec2 dist=outset*a_extrude*scale;mediump float u=0.5*a_direction;mediump float t=1.0-abs(u);mediump vec2 offset2=offset*a_extrude*scale*normal.y*mat2(t,-u,u,t);vec4 projected_extrude=u_matrix*vec4(dist/u_ratio,0.0,0.0);gl_Position=u_matrix*vec4(pos+offset2/u_ratio,0.0,1.0)+projected_extrude;float extrude_length_without_perspective=length(dist);float extrude_length_with_perspective=length(projected_extrude.xy/gl_Position.w*u_units_to_pixels);v_gamma_scale=extrude_length_without_perspective/extrude_length_with_perspective;v_linesofar=a_linesofar;v_width2=vec2(outset,inset);v_width=floorwidth;}"),hr=vr("uniform lowp float u_device_pixel_ratio;uniform sampler2D u_image;uniform float u_sdfgamma;uniform float u_mix;varying vec2 v_normal;varying vec2 v_width2;varying vec2 v_tex_a;varying vec2 v_tex_b;varying float v_gamma_scale;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define mediump float width\n#pragma mapbox: define lowp float floorwidth\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump float width\n#pragma mapbox: initialize lowp float floorwidth\nfloat dist=length(v_normal)*v_width2.s;float blur2=(blur+1.0/u_device_pixel_ratio)*v_gamma_scale;float alpha=clamp(min(dist-(v_width2.t-blur2),v_width2.s-dist)/blur2,0.0,1.0);float sdfdist_a=texture2D(u_image,v_tex_a).a;float sdfdist_b=texture2D(u_image,v_tex_b).a;float sdfdist=mix(sdfdist_a,sdfdist_b,u_mix);alpha*=smoothstep(0.5-u_sdfgamma/floorwidth,0.5+u_sdfgamma/floorwidth,sdfdist);gl_FragColor=color*(alpha*opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","\n#define scale 0.015873016\n#define LINE_DISTANCE_SCALE 2.0\nattribute vec2 a_pos_normal;attribute vec4 a_data;uniform mat4 u_matrix;uniform mediump float u_ratio;uniform lowp float u_device_pixel_ratio;uniform vec2 u_patternscale_a;uniform float u_tex_y_a;uniform vec2 u_patternscale_b;uniform float u_tex_y_b;uniform vec2 u_units_to_pixels;varying vec2 v_normal;varying vec2 v_width2;varying vec2 v_tex_a;varying vec2 v_tex_b;varying float v_gamma_scale;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define mediump float gapwidth\n#pragma mapbox: define lowp float offset\n#pragma mapbox: define mediump float width\n#pragma mapbox: define lowp float floorwidth\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump float gapwidth\n#pragma mapbox: initialize lowp float offset\n#pragma mapbox: initialize mediump float width\n#pragma mapbox: initialize lowp float floorwidth\nfloat ANTIALIASING=1.0/u_device_pixel_ratio/2.0;vec2 a_extrude=a_data.xy-128.0;float a_direction=mod(a_data.z,4.0)-1.0;float a_linesofar=(floor(a_data.z/4.0)+a_data.w*64.0)*LINE_DISTANCE_SCALE;vec2 pos=floor(a_pos_normal*0.5);mediump vec2 normal=a_pos_normal-2.0*pos;normal.y=normal.y*2.0-1.0;v_normal=normal;gapwidth=gapwidth/2.0;float halfwidth=width/2.0;offset=-1.0*offset;float inset=gapwidth+(gapwidth > 0.0 ? ANTIALIASING : 0.0);float outset=gapwidth+halfwidth*(gapwidth > 0.0 ? 2.0 : 1.0)+(halfwidth==0.0 ? 0.0 : ANTIALIASING);mediump vec2 dist=outset*a_extrude*scale;mediump float u=0.5*a_direction;mediump float t=1.0-abs(u);mediump vec2 offset2=offset*a_extrude*scale*normal.y*mat2(t,-u,u,t);vec4 projected_extrude=u_matrix*vec4(dist/u_ratio,0.0,0.0);gl_Position=u_matrix*vec4(pos+offset2/u_ratio,0.0,1.0)+projected_extrude;float extrude_length_without_perspective=length(dist);float extrude_length_with_perspective=length(projected_extrude.xy/gl_Position.w*u_units_to_pixels);v_gamma_scale=extrude_length_without_perspective/extrude_length_with_perspective;v_tex_a=vec2(a_linesofar*u_patternscale_a.x/floorwidth,normal.y*u_patternscale_a.y+u_tex_y_a);v_tex_b=vec2(a_linesofar*u_patternscale_b.x/floorwidth,normal.y*u_patternscale_b.y+u_tex_y_b);v_width2=vec2(outset,inset);}"),pr=vr("uniform float u_fade_t;uniform float u_opacity;uniform sampler2D u_image0;uniform sampler2D u_image1;varying vec2 v_pos0;varying vec2 v_pos1;uniform float u_brightness_low;uniform float u_brightness_high;uniform float u_saturation_factor;uniform float u_contrast_factor;uniform vec3 u_spin_weights;void main() {vec4 color0=texture2D(u_image0,v_pos0);vec4 color1=texture2D(u_image1,v_pos1);if (color0.a > 0.0) {color0.rgb=color0.rgb/color0.a;}if (color1.a > 0.0) {color1.rgb=color1.rgb/color1.a;}vec4 color=mix(color0,color1,u_fade_t);color.a*=u_opacity;vec3 rgb=color.rgb;rgb=vec3(dot(rgb,u_spin_weights.xyz),dot(rgb,u_spin_weights.zxy),dot(rgb,u_spin_weights.yzx));float average=(color.r+color.g+color.b)/3.0;rgb+=(average-rgb)*u_saturation_factor;rgb=(rgb-0.5)*u_contrast_factor+0.5;vec3 u_high_vec=vec3(u_brightness_low,u_brightness_low,u_brightness_low);vec3 u_low_vec=vec3(u_brightness_high,u_brightness_high,u_brightness_high);gl_FragColor=vec4(mix(u_high_vec,u_low_vec,rgb)*color.a,color.a);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_tl_parent;uniform float u_scale_parent;uniform float u_buffer_scale;attribute vec2 a_pos;attribute vec2 a_texture_pos;varying vec2 v_pos0;varying vec2 v_pos1;void main() {gl_Position=u_matrix*vec4(a_pos,0,1);v_pos0=(((a_texture_pos/8192.0)-0.5)/u_buffer_scale )+0.5;v_pos1=(v_pos0*u_scale_parent)+u_tl_parent;}"),dr=vr("uniform sampler2D u_texture;varying vec2 v_tex;varying float v_fade_opacity;\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\nlowp float alpha=opacity*v_fade_opacity;gl_FragColor=texture2D(u_texture,v_tex)*alpha;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","const float PI=3.141592653589793;attribute vec4 a_pos_offset;attribute vec4 a_data;attribute vec4 a_pixeloffset;attribute vec3 a_projected_pos;attribute float a_fade_opacity;uniform bool u_is_size_zoom_constant;uniform bool u_is_size_feature_constant;uniform highp float u_size_t;uniform highp float u_size;uniform highp float u_camera_to_center_distance;uniform highp float u_pitch;uniform bool u_rotate_symbol;uniform highp float u_aspect_ratio;uniform float u_fade_change;uniform mat4 u_matrix;uniform mat4 u_label_plane_matrix;uniform mat4 u_coord_matrix;uniform bool u_is_text;uniform bool u_pitch_with_map;uniform vec2 u_texsize;varying vec2 v_tex;varying float v_fade_opacity;\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\nvec2 a_pos=a_pos_offset.xy;vec2 a_offset=a_pos_offset.zw;vec2 a_tex=a_data.xy;vec2 a_size=a_data.zw;float a_size_min=floor(a_size[0]*0.5);vec2 a_pxoffset=a_pixeloffset.xy;vec2 a_minFontScale=a_pixeloffset.zw/256.0;highp float segment_angle=-a_projected_pos[2];float size;if (!u_is_size_zoom_constant && !u_is_size_feature_constant) {size=mix(a_size_min,a_size[1],u_size_t)/128.0;} else if (u_is_size_zoom_constant && !u_is_size_feature_constant) {size=a_size_min/128.0;} else {size=u_size;}vec4 projectedPoint=u_matrix*vec4(a_pos,0,1);highp float camera_to_anchor_distance=projectedPoint.w;highp float distance_ratio=u_pitch_with_map ?\ncamera_to_anchor_distance/u_camera_to_center_distance :\nu_camera_to_center_distance/camera_to_anchor_distance;highp float perspective_ratio=clamp(0.5+0.5*distance_ratio,0.0,4.0);size*=perspective_ratio;float fontScale=u_is_text ? size/24.0 : size;highp float symbol_rotation=0.0;if (u_rotate_symbol) {vec4 offsetProjectedPoint=u_matrix*vec4(a_pos+vec2(1,0),0,1);vec2 a=projectedPoint.xy/projectedPoint.w;vec2 b=offsetProjectedPoint.xy/offsetProjectedPoint.w;symbol_rotation=atan((b.y-a.y)/u_aspect_ratio,b.x-a.x);}highp float angle_sin=sin(segment_angle+symbol_rotation);highp float angle_cos=cos(segment_angle+symbol_rotation);mat2 rotation_matrix=mat2(angle_cos,-1.0*angle_sin,angle_sin,angle_cos);vec4 projected_pos=u_label_plane_matrix*vec4(a_projected_pos.xy,0.0,1.0);gl_Position=u_coord_matrix*vec4(projected_pos.xy/projected_pos.w+rotation_matrix*(a_offset/32.0*max(a_minFontScale,fontScale)+a_pxoffset/16.0),0.0,1.0);v_tex=a_tex/u_texsize;vec2 fade_opacity=unpack_opacity(a_fade_opacity);float fade_change=fade_opacity[1] > 0.5 ? u_fade_change :-u_fade_change;v_fade_opacity=max(0.0,min(1.0,fade_opacity[0]+fade_change));}"),gr=vr("#define SDF_PX 8.0\nuniform bool u_is_halo;uniform sampler2D u_texture;uniform highp float u_gamma_scale;uniform lowp float u_device_pixel_ratio;uniform bool u_is_text;varying vec2 v_data0;varying vec3 v_data1;\n#pragma mapbox: define highp vec4 fill_color\n#pragma mapbox: define highp vec4 halo_color\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float halo_width\n#pragma mapbox: define lowp float halo_blur\nvoid main() {\n#pragma mapbox: initialize highp vec4 fill_color\n#pragma mapbox: initialize highp vec4 halo_color\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float halo_width\n#pragma mapbox: initialize lowp float halo_blur\nfloat EDGE_GAMMA=0.105/u_device_pixel_ratio;vec2 tex=v_data0.xy;float gamma_scale=v_data1.x;float size=v_data1.y;float fade_opacity=v_data1[2];float fontScale=u_is_text ? size/24.0 : size;lowp vec4 color=fill_color;highp float gamma=EDGE_GAMMA/(fontScale*u_gamma_scale);lowp float buff=(256.0-64.0)/256.0;if (u_is_halo) {color=halo_color;gamma=(halo_blur*1.19/SDF_PX+EDGE_GAMMA)/(fontScale*u_gamma_scale);buff=(6.0-halo_width/fontScale)/SDF_PX;}lowp float dist=texture2D(u_texture,tex).a;highp float gamma_scaled=gamma*gamma_scale;highp float alpha=smoothstep(buff-gamma_scaled,buff+gamma_scaled,dist);gl_FragColor=color*(alpha*opacity*fade_opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","const float PI=3.141592653589793;attribute vec4 a_pos_offset;attribute vec4 a_data;attribute vec4 a_pixeloffset;attribute vec3 a_projected_pos;attribute float a_fade_opacity;uniform bool u_is_size_zoom_constant;uniform bool u_is_size_feature_constant;uniform highp float u_size_t;uniform highp float u_size;uniform mat4 u_matrix;uniform mat4 u_label_plane_matrix;uniform mat4 u_coord_matrix;uniform bool u_is_text;uniform bool u_pitch_with_map;uniform highp float u_pitch;uniform bool u_rotate_symbol;uniform highp float u_aspect_ratio;uniform highp float u_camera_to_center_distance;uniform float u_fade_change;uniform vec2 u_texsize;varying vec2 v_data0;varying vec3 v_data1;\n#pragma mapbox: define highp vec4 fill_color\n#pragma mapbox: define highp vec4 halo_color\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float halo_width\n#pragma mapbox: define lowp float halo_blur\nvoid main() {\n#pragma mapbox: initialize highp vec4 fill_color\n#pragma mapbox: initialize highp vec4 halo_color\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float halo_width\n#pragma mapbox: initialize lowp float halo_blur\nvec2 a_pos=a_pos_offset.xy;vec2 a_offset=a_pos_offset.zw;vec2 a_tex=a_data.xy;vec2 a_size=a_data.zw;float a_size_min=floor(a_size[0]*0.5);vec2 a_pxoffset=a_pixeloffset.xy;highp float segment_angle=-a_projected_pos[2];float size;if (!u_is_size_zoom_constant && !u_is_size_feature_constant) {size=mix(a_size_min,a_size[1],u_size_t)/128.0;} else if (u_is_size_zoom_constant && !u_is_size_feature_constant) {size=a_size_min/128.0;} else {size=u_size;}vec4 projectedPoint=u_matrix*vec4(a_pos,0,1);highp float camera_to_anchor_distance=projectedPoint.w;highp float distance_ratio=u_pitch_with_map ?\ncamera_to_anchor_distance/u_camera_to_center_distance :\nu_camera_to_center_distance/camera_to_anchor_distance;highp float perspective_ratio=clamp(0.5+0.5*distance_ratio,0.0,4.0);size*=perspective_ratio;float fontScale=u_is_text ? size/24.0 : size;highp float symbol_rotation=0.0;if (u_rotate_symbol) {vec4 offsetProjectedPoint=u_matrix*vec4(a_pos+vec2(1,0),0,1);vec2 a=projectedPoint.xy/projectedPoint.w;vec2 b=offsetProjectedPoint.xy/offsetProjectedPoint.w;symbol_rotation=atan((b.y-a.y)/u_aspect_ratio,b.x-a.x);}highp float angle_sin=sin(segment_angle+symbol_rotation);highp float angle_cos=cos(segment_angle+symbol_rotation);mat2 rotation_matrix=mat2(angle_cos,-1.0*angle_sin,angle_sin,angle_cos);vec4 projected_pos=u_label_plane_matrix*vec4(a_projected_pos.xy,0.0,1.0);gl_Position=u_coord_matrix*vec4(projected_pos.xy/projected_pos.w+rotation_matrix*(a_offset/32.0*fontScale+a_pxoffset),0.0,1.0);float gamma_scale=gl_Position.w;vec2 fade_opacity=unpack_opacity(a_fade_opacity);float fade_change=fade_opacity[1] > 0.5 ? u_fade_change :-u_fade_change;float interpolated_fade_opacity=max(0.0,min(1.0,fade_opacity[0]+fade_change));v_data0=a_tex/u_texsize;v_data1=vec3(gamma_scale,size,interpolated_fade_opacity);}"),mr=vr("#define SDF_PX 8.0\n#define SDF 1.0\n#define ICON 0.0\nuniform bool u_is_halo;uniform sampler2D u_texture;uniform sampler2D u_texture_icon;uniform highp float u_gamma_scale;uniform lowp float u_device_pixel_ratio;varying vec4 v_data0;varying vec4 v_data1;\n#pragma mapbox: define highp vec4 fill_color\n#pragma mapbox: define highp vec4 halo_color\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float halo_width\n#pragma mapbox: define lowp float halo_blur\nvoid main() {\n#pragma mapbox: initialize highp vec4 fill_color\n#pragma mapbox: initialize highp vec4 halo_color\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float halo_width\n#pragma mapbox: initialize lowp float halo_blur\nfloat fade_opacity=v_data1[2];if (v_data1.w==ICON) {vec2 tex_icon=v_data0.zw;lowp float alpha=opacity*fade_opacity;gl_FragColor=texture2D(u_texture_icon,tex_icon)*alpha;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\nreturn;}vec2 tex=v_data0.xy;float EDGE_GAMMA=0.105/u_device_pixel_ratio;float gamma_scale=v_data1.x;float size=v_data1.y;float fontScale=size/24.0;lowp vec4 color=fill_color;highp float gamma=EDGE_GAMMA/(fontScale*u_gamma_scale);lowp float buff=(256.0-64.0)/256.0;if (u_is_halo) {color=halo_color;gamma=(halo_blur*1.19/SDF_PX+EDGE_GAMMA)/(fontScale*u_gamma_scale);buff=(6.0-halo_width/fontScale)/SDF_PX;}lowp float dist=texture2D(u_texture,tex).a;highp float gamma_scaled=gamma*gamma_scale;highp float alpha=smoothstep(buff-gamma_scaled,buff+gamma_scaled,dist);gl_FragColor=color*(alpha*opacity*fade_opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","const float PI=3.141592653589793;attribute vec4 a_pos_offset;attribute vec4 a_data;attribute vec3 a_projected_pos;attribute float a_fade_opacity;uniform bool u_is_size_zoom_constant;uniform bool u_is_size_feature_constant;uniform highp float u_size_t;uniform highp float u_size;uniform mat4 u_matrix;uniform mat4 u_label_plane_matrix;uniform mat4 u_coord_matrix;uniform bool u_is_text;uniform bool u_pitch_with_map;uniform highp float u_pitch;uniform bool u_rotate_symbol;uniform highp float u_aspect_ratio;uniform highp float u_camera_to_center_distance;uniform float u_fade_change;uniform vec2 u_texsize;uniform vec2 u_texsize_icon;varying vec4 v_data0;varying vec4 v_data1;\n#pragma mapbox: define highp vec4 fill_color\n#pragma mapbox: define highp vec4 halo_color\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float halo_width\n#pragma mapbox: define lowp float halo_blur\nvoid main() {\n#pragma mapbox: initialize highp vec4 fill_color\n#pragma mapbox: initialize highp vec4 halo_color\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float halo_width\n#pragma mapbox: initialize lowp float halo_blur\nvec2 a_pos=a_pos_offset.xy;vec2 a_offset=a_pos_offset.zw;vec2 a_tex=a_data.xy;vec2 a_size=a_data.zw;float a_size_min=floor(a_size[0]*0.5);float is_sdf=a_size[0]-2.0*a_size_min;highp float segment_angle=-a_projected_pos[2];float size;if (!u_is_size_zoom_constant && !u_is_size_feature_constant) {size=mix(a_size_min,a_size[1],u_size_t)/128.0;} else if (u_is_size_zoom_constant && !u_is_size_feature_constant) {size=a_size_min/128.0;} else {size=u_size;}vec4 projectedPoint=u_matrix*vec4(a_pos,0,1);highp float camera_to_anchor_distance=projectedPoint.w;highp float distance_ratio=u_pitch_with_map ?\ncamera_to_anchor_distance/u_camera_to_center_distance :\nu_camera_to_center_distance/camera_to_anchor_distance;highp float perspective_ratio=clamp(0.5+0.5*distance_ratio,0.0,4.0);size*=perspective_ratio;float fontScale=size/24.0;highp float symbol_rotation=0.0;if (u_rotate_symbol) {vec4 offsetProjectedPoint=u_matrix*vec4(a_pos+vec2(1,0),0,1);vec2 a=projectedPoint.xy/projectedPoint.w;vec2 b=offsetProjectedPoint.xy/offsetProjectedPoint.w;symbol_rotation=atan((b.y-a.y)/u_aspect_ratio,b.x-a.x);}highp float angle_sin=sin(segment_angle+symbol_rotation);highp float angle_cos=cos(segment_angle+symbol_rotation);mat2 rotation_matrix=mat2(angle_cos,-1.0*angle_sin,angle_sin,angle_cos);vec4 projected_pos=u_label_plane_matrix*vec4(a_projected_pos.xy,0.0,1.0);gl_Position=u_coord_matrix*vec4(projected_pos.xy/projected_pos.w+rotation_matrix*(a_offset/32.0*fontScale),0.0,1.0);float gamma_scale=gl_Position.w;vec2 fade_opacity=unpack_opacity(a_fade_opacity);float fade_change=fade_opacity[1] > 0.5 ? u_fade_change :-u_fade_change;float interpolated_fade_opacity=max(0.0,min(1.0,fade_opacity[0]+fade_change));v_data0.xy=a_tex/u_texsize;v_data0.zw=a_tex/u_texsize_icon;v_data1=vec4(gamma_scale,size,interpolated_fade_opacity,is_sdf);}");function vr(t,e){var r=/#pragma mapbox: ([\w]+) ([\w]+) ([\w]+) ([\w]+)/g,n={};return{fragmentSource:t=t.replace(r,(function(t,e,r,i,a){return n[a]=!0,"define"===e?"\n#ifndef HAS_UNIFORM_u_"+a+"\nvarying "+r+" "+i+" "+a+";\n#else\nuniform "+r+" "+i+" u_"+a+";\n#endif\n":"\n#ifdef HAS_UNIFORM_u_"+a+"\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n"})),vertexSource:e=e.replace(r,(function(t,e,r,i,a){var o="float"===i?"vec2":"vec4",s=a.match(/color/)?"color":o;return n[a]?"define"===e?"\n#ifndef HAS_UNIFORM_u_"+a+"\nuniform lowp float u_"+a+"_t;\nattribute "+r+" "+o+" a_"+a+";\nvarying "+r+" "+i+" "+a+";\n#else\nuniform "+r+" "+i+" u_"+a+";\n#endif\n":"vec4"===s?"\n#ifndef HAS_UNIFORM_u_"+a+"\n "+a+" = a_"+a+";\n#else\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n":"\n#ifndef HAS_UNIFORM_u_"+a+"\n "+a+" = unpack_mix_"+s+"(a_"+a+", u_"+a+"_t);\n#else\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n":"define"===e?"\n#ifndef HAS_UNIFORM_u_"+a+"\nuniform lowp float u_"+a+"_t;\nattribute "+r+" "+o+" a_"+a+";\n#else\nuniform "+r+" "+i+" u_"+a+";\n#endif\n":"vec4"===s?"\n#ifndef HAS_UNIFORM_u_"+a+"\n "+r+" "+i+" "+a+" = a_"+a+";\n#else\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n":"\n#ifndef HAS_UNIFORM_u_"+a+"\n "+r+" "+i+" "+a+" = unpack_mix_"+s+"(a_"+a+", u_"+a+"_t);\n#else\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n"}))}}var yr=Object.freeze({__proto__:null,prelude:Ge,background:Ye,backgroundPattern:We,circle:Xe,clippingMask:Ze,heatmap:Je,heatmapTexture:Ke,collisionBox:Qe,collisionCircle:$e,debug:tr,fill:er,fillOutline:rr,fillOutlinePattern:nr,fillPattern:ir,fillExtrusion:ar,fillExtrusionPattern:or,hillshadePrepare:sr,hillshade:lr,line:cr,lineGradient:ur,linePattern:fr,lineSDF:hr,raster:pr,symbolIcon:dr,symbolSDF:gr,symbolTextAndIcon:mr}),xr=function(){this.boundProgram=null,this.boundLayoutVertexBuffer=null,this.boundPaintVertexBuffers=[],this.boundIndexBuffer=null,this.boundVertexOffset=null,this.boundDynamicVertexBuffer=null,this.vao=null};xr.prototype.bind=function(t,e,r,n,i,a,o,s){this.context=t;for(var l=this.boundPaintVertexBuffers.length!==n.length,c=0;!l&&c>16,s>>16],u_pixel_coord_lower:[65535&o,65535&s]}}br.prototype.draw=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g){var m,v=t.gl;if(!this.failedToCreate){for(var y in t.program.set(this.program),t.setDepthMode(r),t.setStencilMode(n),t.setColorMode(i),t.setCullFace(a),this.fixedUniforms)this.fixedUniforms[y].set(o[y]);p&&p.setUniforms(t,this.binderUniforms,f,{zoom:h});for(var x=(m={},m[v.LINES]=2,m[v.TRIANGLES]=3,m[v.LINE_STRIP]=1,m)[e],b=0,_=u.get();b<_.length;b+=1){var w=_[b],T=w.vaos||(w.vaos={});(T[s]||(T[s]=new xr)).bind(t,this,l,p?p.getPaintVertexBuffers():[],c,w.vertexOffset,d,g),v.drawElements(e,w.primitiveLength*x,v.UNSIGNED_SHORT,w.primitiveOffset*x*2)}}};var wr=function(e,r,n,i){var a=r.style.light,o=a.properties.get("position"),s=[o.x,o.y,o.z],l=t.create$1();"viewport"===a.properties.get("anchor")&&t.fromRotation(l,-r.transform.angle),t.transformMat3(s,s,l);var c=a.properties.get("color");return{u_matrix:e,u_lightpos:s,u_lightintensity:a.properties.get("intensity"),u_lightcolor:[c.r,c.g,c.b],u_vertical_gradient:+n,u_opacity:i}},Tr=function(e,r,n,i,a,o,s){return t.extend(wr(e,r,n,i),_r(o,r,s),{u_height_factor:-Math.pow(2,a.overscaledZ)/s.tileSize/8})},kr=function(t){return{u_matrix:t}},Mr=function(e,r,n,i){return t.extend(kr(e),_r(n,r,i))},Ar=function(t,e){return{u_matrix:t,u_world:e}},Sr=function(e,r,n,i,a){return t.extend(Mr(e,r,n,i),{u_world:a})},Er=function(e,r,n,i){var a,o,s=e.transform;if("map"===i.paint.get("circle-pitch-alignment")){var l=he(n,1,s.zoom);a=!0,o=[l,l]}else a=!1,o=s.pixelsToGLUnits;return{u_camera_to_center_distance:s.cameraToCenterDistance,u_scale_with_map:+("map"===i.paint.get("circle-pitch-scale")),u_matrix:e.translatePosMatrix(r.posMatrix,n,i.paint.get("circle-translate"),i.paint.get("circle-translate-anchor")),u_pitch_with_map:+a,u_device_pixel_ratio:t.browser.devicePixelRatio,u_extrude_scale:o}},Cr=function(t,e,r){var n=he(r,1,e.zoom),i=Math.pow(2,e.zoom-r.tileID.overscaledZ),a=r.tileID.overscaleFactor();return{u_matrix:t,u_camera_to_center_distance:e.cameraToCenterDistance,u_pixels_to_tile_units:n,u_extrude_scale:[e.pixelsToGLUnits[0]/(n*i),e.pixelsToGLUnits[1]/(n*i)],u_overscale_factor:a}},Lr=function(t,e,r){return{u_matrix:t,u_inv_matrix:e,u_camera_to_center_distance:r.cameraToCenterDistance,u_viewport_size:[r.width,r.height]}},Ir=function(t,e,r){return void 0===r&&(r=1),{u_matrix:t,u_color:e,u_overlay:0,u_overlay_scale:r}},Pr=function(t){return{u_matrix:t}},zr=function(t,e,r,n){return{u_matrix:t,u_extrude_scale:he(e,1,r),u_intensity:n}},Or=function(e,r,n){var i=e.transform;return{u_matrix:Nr(e,r,n),u_ratio:1/he(r,1,i.zoom),u_device_pixel_ratio:t.browser.devicePixelRatio,u_units_to_pixels:[1/i.pixelsToGLUnits[0],1/i.pixelsToGLUnits[1]]}},Dr=function(e,r,n){return t.extend(Or(e,r,n),{u_image:0})},Rr=function(e,r,n,i){var a=e.transform,o=Br(r,a);return{u_matrix:Nr(e,r,n),u_texsize:r.imageAtlasTexture.size,u_ratio:1/he(r,1,a.zoom),u_device_pixel_ratio:t.browser.devicePixelRatio,u_image:0,u_scale:[o,i.fromScale,i.toScale],u_fade:i.t,u_units_to_pixels:[1/a.pixelsToGLUnits[0],1/a.pixelsToGLUnits[1]]}},Fr=function(e,r,n,i,a){var o=e.lineAtlas,s=Br(r,e.transform),l="round"===n.layout.get("line-cap"),c=o.getDash(i.from,l),u=o.getDash(i.to,l),f=c.width*a.fromScale,h=u.width*a.toScale;return t.extend(Or(e,r,n),{u_patternscale_a:[s/f,-c.height/2],u_patternscale_b:[s/h,-u.height/2],u_sdfgamma:o.width/(256*Math.min(f,h)*t.browser.devicePixelRatio)/2,u_image:0,u_tex_y_a:c.y,u_tex_y_b:u.y,u_mix:a.t})};function Br(t,e){return 1/he(t,1,e.tileZoom)}function Nr(t,e,r){return t.translatePosMatrix(e.tileID.posMatrix,e,r.paint.get("line-translate"),r.paint.get("line-translate-anchor"))}var jr=function(t,e,r,n,i){return{u_matrix:t,u_tl_parent:e,u_scale_parent:r,u_buffer_scale:1,u_fade_t:n.mix,u_opacity:n.opacity*i.paint.get("raster-opacity"),u_image0:0,u_image1:1,u_brightness_low:i.paint.get("raster-brightness-min"),u_brightness_high:i.paint.get("raster-brightness-max"),u_saturation_factor:(o=i.paint.get("raster-saturation"),o>0?1-1/(1.001-o):-o),u_contrast_factor:(a=i.paint.get("raster-contrast"),a>0?1/(1-a):1+a),u_spin_weights:Ur(i.paint.get("raster-hue-rotate"))};var a,o};function Ur(t){t*=Math.PI/180;var e=Math.sin(t),r=Math.cos(t);return[(2*r+1)/3,(-Math.sqrt(3)*e-r+1)/3,(Math.sqrt(3)*e-r+1)/3]}var Vr,qr=function(t,e,r,n,i,a,o,s,l,c){var u=i.transform;return{u_is_size_zoom_constant:+("constant"===t||"source"===t),u_is_size_feature_constant:+("constant"===t||"camera"===t),u_size_t:e?e.uSizeT:0,u_size:e?e.uSize:0,u_camera_to_center_distance:u.cameraToCenterDistance,u_pitch:u.pitch/360*2*Math.PI,u_rotate_symbol:+r,u_aspect_ratio:u.width/u.height,u_fade_change:i.options.fadeDuration?i.symbolFadeChange:1,u_matrix:a,u_label_plane_matrix:o,u_coord_matrix:s,u_is_text:+l,u_pitch_with_map:+n,u_texsize:c,u_texture:0}},Hr=function(e,r,n,i,a,o,s,l,c,u,f){var h=a.transform;return t.extend(qr(e,r,n,i,a,o,s,l,c,u),{u_gamma_scale:i?Math.cos(h._pitch)*h.cameraToCenterDistance:1,u_device_pixel_ratio:t.browser.devicePixelRatio,u_is_halo:+f})},Gr=function(e,r,n,i,a,o,s,l,c,u){return t.extend(Hr(e,r,n,i,a,o,s,l,!0,c,!0),{u_texsize_icon:u,u_texture_icon:1})},Yr=function(t,e,r){return{u_matrix:t,u_opacity:e,u_color:r}},Wr=function(e,r,n,i,a,o){return t.extend(function(t,e,r,n){var i=r.imageManager.getPattern(t.from.toString()),a=r.imageManager.getPattern(t.to.toString()),o=r.imageManager.getPixelSize(),s=o.width,l=o.height,c=Math.pow(2,n.tileID.overscaledZ),u=n.tileSize*Math.pow(2,r.transform.tileZoom)/c,f=u*(n.tileID.canonical.x+n.tileID.wrap*c),h=u*n.tileID.canonical.y;return{u_image:0,u_pattern_tl_a:i.tl,u_pattern_br_a:i.br,u_pattern_tl_b:a.tl,u_pattern_br_b:a.br,u_texsize:[s,l],u_mix:e.t,u_pattern_size_a:i.displaySize,u_pattern_size_b:a.displaySize,u_scale_a:e.fromScale,u_scale_b:e.toScale,u_tile_units_to_pixels:1/he(n,1,r.transform.tileZoom),u_pixel_coord_upper:[f>>16,h>>16],u_pixel_coord_lower:[65535&f,65535&h]}}(i,o,n,a),{u_matrix:e,u_opacity:r})},Xr={fillExtrusion:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_lightpos:new t.Uniform3f(e,r.u_lightpos),u_lightintensity:new t.Uniform1f(e,r.u_lightintensity),u_lightcolor:new t.Uniform3f(e,r.u_lightcolor),u_vertical_gradient:new t.Uniform1f(e,r.u_vertical_gradient),u_opacity:new t.Uniform1f(e,r.u_opacity)}},fillExtrusionPattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_lightpos:new t.Uniform3f(e,r.u_lightpos),u_lightintensity:new t.Uniform1f(e,r.u_lightintensity),u_lightcolor:new t.Uniform3f(e,r.u_lightcolor),u_vertical_gradient:new t.Uniform1f(e,r.u_vertical_gradient),u_height_factor:new t.Uniform1f(e,r.u_height_factor),u_image:new t.Uniform1i(e,r.u_image),u_texsize:new t.Uniform2f(e,r.u_texsize),u_pixel_coord_upper:new t.Uniform2f(e,r.u_pixel_coord_upper),u_pixel_coord_lower:new t.Uniform2f(e,r.u_pixel_coord_lower),u_scale:new t.Uniform3f(e,r.u_scale),u_fade:new t.Uniform1f(e,r.u_fade),u_opacity:new t.Uniform1f(e,r.u_opacity)}},fill:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix)}},fillPattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_image:new t.Uniform1i(e,r.u_image),u_texsize:new t.Uniform2f(e,r.u_texsize),u_pixel_coord_upper:new t.Uniform2f(e,r.u_pixel_coord_upper),u_pixel_coord_lower:new t.Uniform2f(e,r.u_pixel_coord_lower),u_scale:new t.Uniform3f(e,r.u_scale),u_fade:new t.Uniform1f(e,r.u_fade)}},fillOutline:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_world:new t.Uniform2f(e,r.u_world)}},fillOutlinePattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_world:new t.Uniform2f(e,r.u_world),u_image:new t.Uniform1i(e,r.u_image),u_texsize:new t.Uniform2f(e,r.u_texsize),u_pixel_coord_upper:new t.Uniform2f(e,r.u_pixel_coord_upper),u_pixel_coord_lower:new t.Uniform2f(e,r.u_pixel_coord_lower),u_scale:new t.Uniform3f(e,r.u_scale),u_fade:new t.Uniform1f(e,r.u_fade)}},circle:function(e,r){return{u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_scale_with_map:new t.Uniform1i(e,r.u_scale_with_map),u_pitch_with_map:new t.Uniform1i(e,r.u_pitch_with_map),u_extrude_scale:new t.Uniform2f(e,r.u_extrude_scale),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_matrix:new t.UniformMatrix4f(e,r.u_matrix)}},collisionBox:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_pixels_to_tile_units:new t.Uniform1f(e,r.u_pixels_to_tile_units),u_extrude_scale:new t.Uniform2f(e,r.u_extrude_scale),u_overscale_factor:new t.Uniform1f(e,r.u_overscale_factor)}},collisionCircle:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_inv_matrix:new t.UniformMatrix4f(e,r.u_inv_matrix),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_viewport_size:new t.Uniform2f(e,r.u_viewport_size)}},debug:function(e,r){return{u_color:new t.UniformColor(e,r.u_color),u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_overlay:new t.Uniform1i(e,r.u_overlay),u_overlay_scale:new t.Uniform1f(e,r.u_overlay_scale)}},clippingMask:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix)}},heatmap:function(e,r){return{u_extrude_scale:new t.Uniform1f(e,r.u_extrude_scale),u_intensity:new t.Uniform1f(e,r.u_intensity),u_matrix:new t.UniformMatrix4f(e,r.u_matrix)}},heatmapTexture:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_world:new t.Uniform2f(e,r.u_world),u_image:new t.Uniform1i(e,r.u_image),u_color_ramp:new t.Uniform1i(e,r.u_color_ramp),u_opacity:new t.Uniform1f(e,r.u_opacity)}},hillshade:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_image:new t.Uniform1i(e,r.u_image),u_latrange:new t.Uniform2f(e,r.u_latrange),u_light:new t.Uniform2f(e,r.u_light),u_shadow:new t.UniformColor(e,r.u_shadow),u_highlight:new t.UniformColor(e,r.u_highlight),u_accent:new t.UniformColor(e,r.u_accent)}},hillshadePrepare:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_image:new t.Uniform1i(e,r.u_image),u_dimension:new t.Uniform2f(e,r.u_dimension),u_zoom:new t.Uniform1f(e,r.u_zoom),u_maxzoom:new t.Uniform1f(e,r.u_maxzoom),u_unpack:new t.Uniform4f(e,r.u_unpack)}},line:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_ratio:new t.Uniform1f(e,r.u_ratio),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_units_to_pixels:new t.Uniform2f(e,r.u_units_to_pixels)}},lineGradient:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_ratio:new t.Uniform1f(e,r.u_ratio),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_units_to_pixels:new t.Uniform2f(e,r.u_units_to_pixels),u_image:new t.Uniform1i(e,r.u_image)}},linePattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_texsize:new t.Uniform2f(e,r.u_texsize),u_ratio:new t.Uniform1f(e,r.u_ratio),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_image:new t.Uniform1i(e,r.u_image),u_units_to_pixels:new t.Uniform2f(e,r.u_units_to_pixels),u_scale:new t.Uniform3f(e,r.u_scale),u_fade:new t.Uniform1f(e,r.u_fade)}},lineSDF:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_ratio:new t.Uniform1f(e,r.u_ratio),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_units_to_pixels:new t.Uniform2f(e,r.u_units_to_pixels),u_patternscale_a:new t.Uniform2f(e,r.u_patternscale_a),u_patternscale_b:new t.Uniform2f(e,r.u_patternscale_b),u_sdfgamma:new t.Uniform1f(e,r.u_sdfgamma),u_image:new t.Uniform1i(e,r.u_image),u_tex_y_a:new t.Uniform1f(e,r.u_tex_y_a),u_tex_y_b:new t.Uniform1f(e,r.u_tex_y_b),u_mix:new t.Uniform1f(e,r.u_mix)}},raster:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_tl_parent:new t.Uniform2f(e,r.u_tl_parent),u_scale_parent:new t.Uniform1f(e,r.u_scale_parent),u_buffer_scale:new t.Uniform1f(e,r.u_buffer_scale),u_fade_t:new t.Uniform1f(e,r.u_fade_t),u_opacity:new t.Uniform1f(e,r.u_opacity),u_image0:new t.Uniform1i(e,r.u_image0),u_image1:new t.Uniform1i(e,r.u_image1),u_brightness_low:new t.Uniform1f(e,r.u_brightness_low),u_brightness_high:new t.Uniform1f(e,r.u_brightness_high),u_saturation_factor:new t.Uniform1f(e,r.u_saturation_factor),u_contrast_factor:new t.Uniform1f(e,r.u_contrast_factor),u_spin_weights:new t.Uniform3f(e,r.u_spin_weights)}},symbolIcon:function(e,r){return{u_is_size_zoom_constant:new t.Uniform1i(e,r.u_is_size_zoom_constant),u_is_size_feature_constant:new t.Uniform1i(e,r.u_is_size_feature_constant),u_size_t:new t.Uniform1f(e,r.u_size_t),u_size:new t.Uniform1f(e,r.u_size),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_pitch:new t.Uniform1f(e,r.u_pitch),u_rotate_symbol:new t.Uniform1i(e,r.u_rotate_symbol),u_aspect_ratio:new t.Uniform1f(e,r.u_aspect_ratio),u_fade_change:new t.Uniform1f(e,r.u_fade_change),u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_label_plane_matrix:new t.UniformMatrix4f(e,r.u_label_plane_matrix),u_coord_matrix:new t.UniformMatrix4f(e,r.u_coord_matrix),u_is_text:new t.Uniform1i(e,r.u_is_text),u_pitch_with_map:new t.Uniform1i(e,r.u_pitch_with_map),u_texsize:new t.Uniform2f(e,r.u_texsize),u_texture:new t.Uniform1i(e,r.u_texture)}},symbolSDF:function(e,r){return{u_is_size_zoom_constant:new t.Uniform1i(e,r.u_is_size_zoom_constant),u_is_size_feature_constant:new t.Uniform1i(e,r.u_is_size_feature_constant),u_size_t:new t.Uniform1f(e,r.u_size_t),u_size:new t.Uniform1f(e,r.u_size),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_pitch:new t.Uniform1f(e,r.u_pitch),u_rotate_symbol:new t.Uniform1i(e,r.u_rotate_symbol),u_aspect_ratio:new t.Uniform1f(e,r.u_aspect_ratio),u_fade_change:new t.Uniform1f(e,r.u_fade_change),u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_label_plane_matrix:new t.UniformMatrix4f(e,r.u_label_plane_matrix),u_coord_matrix:new t.UniformMatrix4f(e,r.u_coord_matrix),u_is_text:new t.Uniform1i(e,r.u_is_text),u_pitch_with_map:new t.Uniform1i(e,r.u_pitch_with_map),u_texsize:new t.Uniform2f(e,r.u_texsize),u_texture:new t.Uniform1i(e,r.u_texture),u_gamma_scale:new t.Uniform1f(e,r.u_gamma_scale),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_is_halo:new t.Uniform1i(e,r.u_is_halo)}},symbolTextAndIcon:function(e,r){return{u_is_size_zoom_constant:new t.Uniform1i(e,r.u_is_size_zoom_constant),u_is_size_feature_constant:new t.Uniform1i(e,r.u_is_size_feature_constant),u_size_t:new t.Uniform1f(e,r.u_size_t),u_size:new t.Uniform1f(e,r.u_size),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_pitch:new t.Uniform1f(e,r.u_pitch),u_rotate_symbol:new t.Uniform1i(e,r.u_rotate_symbol),u_aspect_ratio:new t.Uniform1f(e,r.u_aspect_ratio),u_fade_change:new t.Uniform1f(e,r.u_fade_change),u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_label_plane_matrix:new t.UniformMatrix4f(e,r.u_label_plane_matrix),u_coord_matrix:new t.UniformMatrix4f(e,r.u_coord_matrix),u_is_text:new t.Uniform1i(e,r.u_is_text),u_pitch_with_map:new t.Uniform1i(e,r.u_pitch_with_map),u_texsize:new t.Uniform2f(e,r.u_texsize),u_texsize_icon:new t.Uniform2f(e,r.u_texsize_icon),u_texture:new t.Uniform1i(e,r.u_texture),u_texture_icon:new t.Uniform1i(e,r.u_texture_icon),u_gamma_scale:new t.Uniform1f(e,r.u_gamma_scale),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_is_halo:new t.Uniform1i(e,r.u_is_halo)}},background:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_opacity:new t.Uniform1f(e,r.u_opacity),u_color:new t.UniformColor(e,r.u_color)}},backgroundPattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_opacity:new t.Uniform1f(e,r.u_opacity),u_image:new t.Uniform1i(e,r.u_image),u_pattern_tl_a:new t.Uniform2f(e,r.u_pattern_tl_a),u_pattern_br_a:new t.Uniform2f(e,r.u_pattern_br_a),u_pattern_tl_b:new t.Uniform2f(e,r.u_pattern_tl_b),u_pattern_br_b:new t.Uniform2f(e,r.u_pattern_br_b),u_texsize:new t.Uniform2f(e,r.u_texsize),u_mix:new t.Uniform1f(e,r.u_mix),u_pattern_size_a:new t.Uniform2f(e,r.u_pattern_size_a),u_pattern_size_b:new t.Uniform2f(e,r.u_pattern_size_b),u_scale_a:new t.Uniform1f(e,r.u_scale_a),u_scale_b:new t.Uniform1f(e,r.u_scale_b),u_pixel_coord_upper:new t.Uniform2f(e,r.u_pixel_coord_upper),u_pixel_coord_lower:new t.Uniform2f(e,r.u_pixel_coord_lower),u_tile_units_to_pixels:new t.Uniform1f(e,r.u_tile_units_to_pixels)}}};function Zr(e,r,n,i,a,o,s){for(var l=e.context,c=l.gl,u=e.useProgram("collisionBox"),f=[],h=0,p=0,d=0;d0){var _=t.create(),w=y;t.mul(_,v.placementInvProjMatrix,e.transform.glCoordMatrix),t.mul(_,_,v.placementViewportMatrix),f.push({circleArray:b,circleOffset:p,transform:w,invTransform:_}),p=h+=b.length/4}x&&u.draw(l,c.LINES,Mt.disabled,At.disabled,e.colorModeForRenderPass(),Et.disabled,Cr(y,e.transform,m),n.id,x.layoutVertexBuffer,x.indexBuffer,x.segments,null,e.transform.zoom,null,null,x.collisionVertexBuffer)}}if(s&&f.length){var T=e.useProgram("collisionCircle"),k=new t.StructArrayLayout2f1f2i16;k.resize(4*h),k._trim();for(var M=0,A=0,S=f;A=0&&(g[v.associatedIconIndex]={shiftedAnchor:k,angle:M})}else ce(v.numGlyphs,p)}if(f){d.clear();for(var S=e.icon.placedSymbolArray,E=0;E0){var s=t.browser.now(),l=(s-e.timeAdded)/o,c=r?(s-r.timeAdded)/o:-1,u=n.getSource(),f=a.coveringZoomLevel({tileSize:u.tileSize,roundZoom:u.roundZoom}),h=!r||Math.abs(r.tileID.overscaledZ-f)>Math.abs(e.tileID.overscaledZ-f),p=h&&e.refreshedUponExpiration?1:t.clamp(h?l:1-c,0,1);return e.refreshedUponExpiration&&l>=1&&(e.refreshedUponExpiration=!1),r?{opacity:1,mix:1-p}:{opacity:p,mix:0}}return{opacity:1,mix:0}}var ln=new t.Color(1,0,0,1),cn=new t.Color(0,1,0,1),un=new t.Color(0,0,1,1),fn=new t.Color(1,0,1,1),hn=new t.Color(0,1,1,1);function pn(t,e,r,n){gn(t,0,e+r/2,t.transform.width,r,n)}function dn(t,e,r,n){gn(t,e-r/2,0,r,t.transform.height,n)}function gn(e,r,n,i,a,o){var s=e.context,l=s.gl;l.enable(l.SCISSOR_TEST),l.scissor(r*t.browser.devicePixelRatio,n*t.browser.devicePixelRatio,i*t.browser.devicePixelRatio,a*t.browser.devicePixelRatio),s.clear({color:o}),l.disable(l.SCISSOR_TEST)}function mn(e,r,n){var i=e.context,a=i.gl,o=n.posMatrix,s=e.useProgram("debug"),l=Mt.disabled,c=At.disabled,u=e.colorModeForRenderPass();i.activeTexture.set(a.TEXTURE0),e.emptyTexture.bind(a.LINEAR,a.CLAMP_TO_EDGE),s.draw(i,a.LINE_STRIP,l,c,u,Et.disabled,Ir(o,t.Color.red),"$debug",e.debugBuffer,e.tileBorderIndexBuffer,e.debugSegments);var f=r.getTileByID(n.key).latestRawTileData,h=Math.floor((f&&f.byteLength||0)/1024),p=r.getTile(n).tileSize,d=512/Math.min(p,512)*(n.overscaledZ/e.transform.zoom)*.5,g=n.canonical.toString();n.overscaledZ!==n.canonical.z&&(g+=" => "+n.overscaledZ),function(t,e){t.initDebugOverlayCanvas();var r=t.debugOverlayCanvas,n=t.context.gl,i=t.debugOverlayCanvas.getContext("2d");i.clearRect(0,0,r.width,r.height),i.shadowColor="white",i.shadowBlur=2,i.lineWidth=1.5,i.strokeStyle="white",i.textBaseline="top",i.font="bold 36px Open Sans, sans-serif",i.fillText(e,5,5),i.strokeText(e,5,5),t.debugOverlayTexture.update(r),t.debugOverlayTexture.bind(n.LINEAR,n.CLAMP_TO_EDGE)}(e,g+" "+h+"kb"),s.draw(i,a.TRIANGLES,l,c,St.alphaBlended,Et.disabled,Ir(o,t.Color.transparent,d),"$debug",e.debugBuffer,e.quadTriangleIndexBuffer,e.debugSegments)}var vn={symbol:function(e,r,n,i,a){if("translucent"===e.renderPass){var o=At.disabled,s=e.colorModeForRenderPass();n.layout.get("text-variable-anchor")&&function(e,r,n,i,a,o,s){for(var l=r.transform,c="map"===a,u="map"===o,f=0,h=e;f256&&this.clearStencil(),r.setColorMode(St.disabled),r.setDepthMode(Mt.disabled);var i=this.useProgram("clippingMask");this._tileClippingMaskIDs={};for(var a=0,o=e;a256&&this.clearStencil();var t=this.nextStencilID++,e=this.context.gl;return new At({func:e.NOTEQUAL,mask:255},t,255,e.KEEP,e.KEEP,e.REPLACE)},yn.prototype.stencilModeForClipping=function(t){var e=this.context.gl;return new At({func:e.EQUAL,mask:255},this._tileClippingMaskIDs[t.key],0,e.KEEP,e.KEEP,e.REPLACE)},yn.prototype.stencilConfigForOverlap=function(t){var e,r=this.context.gl,n=t.sort((function(t,e){return e.overscaledZ-t.overscaledZ})),i=n[n.length-1].overscaledZ,a=n[0].overscaledZ-i+1;if(a>1){this.currentStencilSource=void 0,this.nextStencilID+a>256&&this.clearStencil();for(var o={},s=0;s=0;this.currentLayer--){var b=this.style._layers[i[this.currentLayer]],_=a[b.source],w=u[b.source];this._renderTileClippingMasks(b,w),this.renderLayer(this,_,b,w)}for(this.renderPass="translucent",this.currentLayer=0;this.currentLayer0?e.pop():null},yn.prototype.isPatternMissing=function(t){if(!t)return!1;if(!t.from||!t.to)return!0;var e=this.imageManager.getPattern(t.from.toString()),r=this.imageManager.getPattern(t.to.toString());return!e||!r},yn.prototype.useProgram=function(t,e){this.cache=this.cache||{};var r=""+t+(e?e.cacheKey:"")+(this._showOverdrawInspector?"/overdraw":"");return this.cache[r]||(this.cache[r]=new br(this.context,yr[t],e,Xr[t],this._showOverdrawInspector)),this.cache[r]},yn.prototype.setCustomLayerDefaults=function(){this.context.unbindVAO(),this.context.cullFace.setDefault(),this.context.activeTexture.setDefault(),this.context.pixelStoreUnpack.setDefault(),this.context.pixelStoreUnpackPremultiplyAlpha.setDefault(),this.context.pixelStoreUnpackFlipY.setDefault()},yn.prototype.setBaseState=function(){var t=this.context.gl;this.context.cullFace.set(!1),this.context.viewport.set([0,0,this.width,this.height]),this.context.blendEquation.set(t.FUNC_ADD)},yn.prototype.initDebugOverlayCanvas=function(){null==this.debugOverlayCanvas&&(this.debugOverlayCanvas=t.window.document.createElement("canvas"),this.debugOverlayCanvas.width=512,this.debugOverlayCanvas.height=512,this.debugOverlayTexture=new t.Texture(this.context,this.debugOverlayCanvas,this.context.gl.RGBA))},yn.prototype.destroy=function(){this.emptyTexture.destroy(),this.debugOverlayTexture&&this.debugOverlayTexture.destroy()};var xn=function(t,e){this.points=t,this.planes=e};xn.fromInvProjectionMatrix=function(e,r,n){var i=Math.pow(2,n),a=[[-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]].map((function(r){return t.transformMat4([],r,e)})).map((function(e){return t.scale$1([],e,1/e[3]/r*i)})),o=[[0,1,2],[6,5,4],[0,3,7],[2,1,5],[3,2,6],[0,4,5]].map((function(e){var r=t.sub([],a[e[0]],a[e[1]]),n=t.sub([],a[e[2]],a[e[1]]),i=t.normalize([],t.cross([],r,n)),o=-t.dot(i,a[e[1]]);return i.concat(o)}));return new xn(a,o)};var bn=function(e,r){this.min=e,this.max=r,this.center=t.scale$2([],t.add([],this.min,this.max),.5)};bn.prototype.quadrant=function(e){for(var r=[e%2==0,e<2],n=t.clone$2(this.min),i=t.clone$2(this.max),a=0;a=0;if(0===o)return 0;o!==r.length&&(n=!1)}if(n)return 2;for(var l=0;l<3;l++){for(var c=Number.MAX_VALUE,u=-Number.MAX_VALUE,f=0;fthis.max[l]-this.min[l])return 0}return 1};var _n=function(t,e,r,n){if(void 0===t&&(t=0),void 0===e&&(e=0),void 0===r&&(r=0),void 0===n&&(n=0),isNaN(t)||t<0||isNaN(e)||e<0||isNaN(r)||r<0||isNaN(n)||n<0)throw new Error("Invalid value for edge-insets, top, bottom, left and right must all be numbers");this.top=t,this.bottom=e,this.left=r,this.right=n};_n.prototype.interpolate=function(e,r,n){return null!=r.top&&null!=e.top&&(this.top=t.number(e.top,r.top,n)),null!=r.bottom&&null!=e.bottom&&(this.bottom=t.number(e.bottom,r.bottom,n)),null!=r.left&&null!=e.left&&(this.left=t.number(e.left,r.left,n)),null!=r.right&&null!=e.right&&(this.right=t.number(e.right,r.right,n)),this},_n.prototype.getCenter=function(e,r){var n=t.clamp((this.left+e-this.right)/2,0,e),i=t.clamp((this.top+r-this.bottom)/2,0,r);return new t.Point(n,i)},_n.prototype.equals=function(t){return this.top===t.top&&this.bottom===t.bottom&&this.left===t.left&&this.right===t.right},_n.prototype.clone=function(){return new _n(this.top,this.bottom,this.left,this.right)},_n.prototype.toJSON=function(){return{top:this.top,bottom:this.bottom,left:this.left,right:this.right}};var wn=function(e,r,n,i,a){this.tileSize=512,this.maxValidLatitude=85.051129,this._renderWorldCopies=void 0===a||a,this._minZoom=e||0,this._maxZoom=r||22,this._minPitch=null==n?0:n,this._maxPitch=null==i?60:i,this.setMaxBounds(),this.width=0,this.height=0,this._center=new t.LngLat(0,0),this.zoom=0,this.angle=0,this._fov=.6435011087932844,this._pitch=0,this._unmodified=!0,this._edgeInsets=new _n,this._posMatrixCache={},this._alignedPosMatrixCache={}},Tn={minZoom:{configurable:!0},maxZoom:{configurable:!0},minPitch:{configurable:!0},maxPitch:{configurable:!0},renderWorldCopies:{configurable:!0},worldSize:{configurable:!0},centerOffset:{configurable:!0},size:{configurable:!0},bearing:{configurable:!0},pitch:{configurable:!0},fov:{configurable:!0},zoom:{configurable:!0},center:{configurable:!0},padding:{configurable:!0},centerPoint:{configurable:!0},unmodified:{configurable:!0},point:{configurable:!0}};wn.prototype.clone=function(){var t=new wn(this._minZoom,this._maxZoom,this._minPitch,this.maxPitch,this._renderWorldCopies);return t.tileSize=this.tileSize,t.latRange=this.latRange,t.width=this.width,t.height=this.height,t._center=this._center,t.zoom=this.zoom,t.angle=this.angle,t._fov=this._fov,t._pitch=this._pitch,t._unmodified=this._unmodified,t._edgeInsets=this._edgeInsets.clone(),t._calcMatrices(),t},Tn.minZoom.get=function(){return this._minZoom},Tn.minZoom.set=function(t){this._minZoom!==t&&(this._minZoom=t,this.zoom=Math.max(this.zoom,t))},Tn.maxZoom.get=function(){return this._maxZoom},Tn.maxZoom.set=function(t){this._maxZoom!==t&&(this._maxZoom=t,this.zoom=Math.min(this.zoom,t))},Tn.minPitch.get=function(){return this._minPitch},Tn.minPitch.set=function(t){this._minPitch!==t&&(this._minPitch=t,this.pitch=Math.max(this.pitch,t))},Tn.maxPitch.get=function(){return this._maxPitch},Tn.maxPitch.set=function(t){this._maxPitch!==t&&(this._maxPitch=t,this.pitch=Math.min(this.pitch,t))},Tn.renderWorldCopies.get=function(){return this._renderWorldCopies},Tn.renderWorldCopies.set=function(t){void 0===t?t=!0:null===t&&(t=!1),this._renderWorldCopies=t},Tn.worldSize.get=function(){return this.tileSize*this.scale},Tn.centerOffset.get=function(){return this.centerPoint._sub(this.size._div(2))},Tn.size.get=function(){return new t.Point(this.width,this.height)},Tn.bearing.get=function(){return-this.angle/Math.PI*180},Tn.bearing.set=function(e){var r=-t.wrap(e,-180,180)*Math.PI/180;this.angle!==r&&(this._unmodified=!1,this.angle=r,this._calcMatrices(),this.rotationMatrix=t.create$2(),t.rotate(this.rotationMatrix,this.rotationMatrix,this.angle))},Tn.pitch.get=function(){return this._pitch/Math.PI*180},Tn.pitch.set=function(e){var r=t.clamp(e,this.minPitch,this.maxPitch)/180*Math.PI;this._pitch!==r&&(this._unmodified=!1,this._pitch=r,this._calcMatrices())},Tn.fov.get=function(){return this._fov/Math.PI*180},Tn.fov.set=function(t){t=Math.max(.01,Math.min(60,t)),this._fov!==t&&(this._unmodified=!1,this._fov=t/180*Math.PI,this._calcMatrices())},Tn.zoom.get=function(){return this._zoom},Tn.zoom.set=function(t){var e=Math.min(Math.max(t,this.minZoom),this.maxZoom);this._zoom!==e&&(this._unmodified=!1,this._zoom=e,this.scale=this.zoomScale(e),this.tileZoom=Math.floor(e),this.zoomFraction=e-this.tileZoom,this._constrain(),this._calcMatrices())},Tn.center.get=function(){return this._center},Tn.center.set=function(t){t.lat===this._center.lat&&t.lng===this._center.lng||(this._unmodified=!1,this._center=t,this._constrain(),this._calcMatrices())},Tn.padding.get=function(){return this._edgeInsets.toJSON()},Tn.padding.set=function(t){this._edgeInsets.equals(t)||(this._unmodified=!1,this._edgeInsets.interpolate(this._edgeInsets,t,1),this._calcMatrices())},Tn.centerPoint.get=function(){return this._edgeInsets.getCenter(this.width,this.height)},wn.prototype.isPaddingEqual=function(t){return this._edgeInsets.equals(t)},wn.prototype.interpolatePadding=function(t,e,r){this._unmodified=!1,this._edgeInsets.interpolate(t,e,r),this._constrain(),this._calcMatrices()},wn.prototype.coveringZoomLevel=function(t){var e=(t.roundZoom?Math.round:Math.floor)(this.zoom+this.scaleZoom(this.tileSize/t.tileSize));return Math.max(0,e)},wn.prototype.getVisibleUnwrappedCoordinates=function(e){var r=[new t.UnwrappedTileID(0,e)];if(this._renderWorldCopies)for(var n=this.pointCoordinate(new t.Point(0,0)),i=this.pointCoordinate(new t.Point(this.width,0)),a=this.pointCoordinate(new t.Point(this.width,this.height)),o=this.pointCoordinate(new t.Point(0,this.height)),s=Math.floor(Math.min(n.x,i.x,a.x,o.x)),l=Math.floor(Math.max(n.x,i.x,a.x,o.x)),c=s-1;c<=l+1;c++)0!==c&&r.push(new t.UnwrappedTileID(c,e));return r},wn.prototype.coveringTiles=function(e){var r=this.coveringZoomLevel(e),n=r;if(void 0!==e.minzoom&&re.maxzoom&&(r=e.maxzoom);var i=t.MercatorCoordinate.fromLngLat(this.center),a=Math.pow(2,r),o=[a*i.x,a*i.y,0],s=xn.fromInvProjectionMatrix(this.invProjMatrix,this.worldSize,r),l=e.minzoom||0;this.pitch<=60&&this._edgeInsets.top<.1&&(l=r);var c=function(t){return{aabb:new bn([t*a,0,0],[(t+1)*a,a,0]),zoom:0,x:0,y:0,wrap:t,fullyVisible:!1}},u=[],f=[],h=r,p=e.reparseOverscaled?n:r;if(this._renderWorldCopies)for(var d=1;d<=3;d++)u.push(c(-d)),u.push(c(d));for(u.push(c(0));u.length>0;){var g=u.pop(),m=g.x,v=g.y,y=g.fullyVisible;if(!y){var x=g.aabb.intersects(s);if(0===x)continue;y=2===x}var b=g.aabb.distanceX(o),_=g.aabb.distanceY(o),w=Math.max(Math.abs(b),Math.abs(_));if(g.zoom===h||w>3+(1<=l)f.push({tileID:new t.OverscaledTileID(g.zoom===h?p:g.zoom,g.wrap,g.zoom,m,v),distanceSq:t.sqrLen([o[0]-.5-m,o[1]-.5-v])});else for(var T=0;T<4;T++){var k=(m<<1)+T%2,M=(v<<1)+(T>>1);u.push({aabb:g.aabb.quadrant(T),zoom:g.zoom+1,x:k,y:M,wrap:g.wrap,fullyVisible:y})}}return f.sort((function(t,e){return t.distanceSq-e.distanceSq})).map((function(t){return t.tileID}))},wn.prototype.resize=function(t,e){this.width=t,this.height=e,this.pixelsToGLUnits=[2/t,-2/e],this._constrain(),this._calcMatrices()},Tn.unmodified.get=function(){return this._unmodified},wn.prototype.zoomScale=function(t){return Math.pow(2,t)},wn.prototype.scaleZoom=function(t){return Math.log(t)/Math.LN2},wn.prototype.project=function(e){var r=t.clamp(e.lat,-this.maxValidLatitude,this.maxValidLatitude);return new t.Point(t.mercatorXfromLng(e.lng)*this.worldSize,t.mercatorYfromLat(r)*this.worldSize)},wn.prototype.unproject=function(e){return new t.MercatorCoordinate(e.x/this.worldSize,e.y/this.worldSize).toLngLat()},Tn.point.get=function(){return this.project(this.center)},wn.prototype.setLocationAtPoint=function(e,r){var n=this.pointCoordinate(r),i=this.pointCoordinate(this.centerPoint),a=this.locationCoordinate(e),o=new t.MercatorCoordinate(a.x-(n.x-i.x),a.y-(n.y-i.y));this.center=this.coordinateLocation(o),this._renderWorldCopies&&(this.center=this.center.wrap())},wn.prototype.locationPoint=function(t){return this.coordinatePoint(this.locationCoordinate(t))},wn.prototype.pointLocation=function(t){return this.coordinateLocation(this.pointCoordinate(t))},wn.prototype.locationCoordinate=function(e){return t.MercatorCoordinate.fromLngLat(e)},wn.prototype.coordinateLocation=function(t){return t.toLngLat()},wn.prototype.pointCoordinate=function(e){var r=[e.x,e.y,0,1],n=[e.x,e.y,1,1];t.transformMat4(r,r,this.pixelMatrixInverse),t.transformMat4(n,n,this.pixelMatrixInverse);var i=r[3],a=n[3],o=r[1]/i,s=n[1]/a,l=r[2]/i,c=n[2]/a,u=l===c?0:(0-l)/(c-l);return new t.MercatorCoordinate(t.number(r[0]/i,n[0]/a,u)/this.worldSize,t.number(o,s,u)/this.worldSize)},wn.prototype.coordinatePoint=function(e){var r=[e.x*this.worldSize,e.y*this.worldSize,0,1];return t.transformMat4(r,r,this.pixelMatrix),new t.Point(r[0]/r[3],r[1]/r[3])},wn.prototype.getBounds=function(){return(new t.LngLatBounds).extend(this.pointLocation(new t.Point(0,0))).extend(this.pointLocation(new t.Point(this.width,0))).extend(this.pointLocation(new t.Point(this.width,this.height))).extend(this.pointLocation(new t.Point(0,this.height)))},wn.prototype.getMaxBounds=function(){return this.latRange&&2===this.latRange.length&&this.lngRange&&2===this.lngRange.length?new t.LngLatBounds([this.lngRange[0],this.latRange[0]],[this.lngRange[1],this.latRange[1]]):null},wn.prototype.setMaxBounds=function(t){t?(this.lngRange=[t.getWest(),t.getEast()],this.latRange=[t.getSouth(),t.getNorth()],this._constrain()):(this.lngRange=null,this.latRange=[-this.maxValidLatitude,this.maxValidLatitude])},wn.prototype.calculatePosMatrix=function(e,r){void 0===r&&(r=!1);var n=e.key,i=r?this._alignedPosMatrixCache:this._posMatrixCache;if(i[n])return i[n];var a=e.canonical,o=this.worldSize/this.zoomScale(a.z),s=a.x+Math.pow(2,a.z)*e.wrap,l=t.identity(new Float64Array(16));return t.translate(l,l,[s*o,a.y*o,0]),t.scale(l,l,[o/t.EXTENT,o/t.EXTENT,1]),t.multiply(l,r?this.alignedProjMatrix:this.projMatrix,l),i[n]=new Float32Array(l),i[n]},wn.prototype.customLayerMatrix=function(){return this.mercatorMatrix.slice()},wn.prototype._constrain=function(){if(this.center&&this.width&&this.height&&!this._constraining){this._constraining=!0;var e,r,n,i,a=-90,o=90,s=-180,l=180,c=this.size,u=this._unmodified;if(this.latRange){var f=this.latRange;a=t.mercatorYfromLat(f[1])*this.worldSize,e=(o=t.mercatorYfromLat(f[0])*this.worldSize)-ao&&(i=o-m)}if(this.lngRange){var v=p.x,y=c.x/2;v-yl&&(n=l-y)}void 0===n&&void 0===i||(this.center=this.unproject(new t.Point(void 0!==n?n:p.x,void 0!==i?i:p.y))),this._unmodified=u,this._constraining=!1}},wn.prototype._calcMatrices=function(){if(this.height){var e=this.centerOffset;this.cameraToCenterDistance=.5/Math.tan(this._fov/2)*this.height;var r=Math.PI/2+this._pitch,n=this._fov*(.5+e.y/this.height),i=Math.sin(n)*this.cameraToCenterDistance/Math.sin(t.clamp(Math.PI-r-n,.01,Math.PI-.01)),a=this.point,o=a.x,s=a.y,l=1.01*(Math.cos(Math.PI/2-this._pitch)*i+this.cameraToCenterDistance),c=this.height/50,u=new Float64Array(16);t.perspective(u,this._fov,this.width/this.height,c,l),u[8]=2*-e.x/this.width,u[9]=2*e.y/this.height,t.scale(u,u,[1,-1,1]),t.translate(u,u,[0,0,-this.cameraToCenterDistance]),t.rotateX(u,u,this._pitch),t.rotateZ(u,u,this.angle),t.translate(u,u,[-o,-s,0]),this.mercatorMatrix=t.scale([],u,[this.worldSize,this.worldSize,this.worldSize]),t.scale(u,u,[1,1,t.mercatorZfromAltitude(1,this.center.lat)*this.worldSize,1]),this.projMatrix=u,this.invProjMatrix=t.invert([],this.projMatrix);var f=this.width%2/2,h=this.height%2/2,p=Math.cos(this.angle),d=Math.sin(this.angle),g=o-Math.round(o)+p*f+d*h,m=s-Math.round(s)+p*h+d*f,v=new Float64Array(u);if(t.translate(v,v,[g>.5?g-1:g,m>.5?m-1:m,0]),this.alignedProjMatrix=v,u=t.create(),t.scale(u,u,[this.width/2,-this.height/2,1]),t.translate(u,u,[1,-1,0]),this.labelPlaneMatrix=u,u=t.create(),t.scale(u,u,[1,-1,1]),t.translate(u,u,[-1,-1,0]),t.scale(u,u,[2/this.width,2/this.height,1]),this.glCoordMatrix=u,this.pixelMatrix=t.multiply(new Float64Array(16),this.labelPlaneMatrix,this.projMatrix),!(u=t.invert(new Float64Array(16),this.pixelMatrix)))throw new Error("failed to invert matrix");this.pixelMatrixInverse=u,this._posMatrixCache={},this._alignedPosMatrixCache={}}},wn.prototype.maxPitchScaleFactor=function(){if(!this.pixelMatrixInverse)return 1;var e=this.pointCoordinate(new t.Point(0,0)),r=[e.x*this.worldSize,e.y*this.worldSize,0,1];return t.transformMat4(r,r,this.pixelMatrix)[3]/this.cameraToCenterDistance},wn.prototype.getCameraPoint=function(){var e=Math.tan(this._pitch)*(this.cameraToCenterDistance||1);return this.centerPoint.add(new t.Point(0,e))},wn.prototype.getCameraQueryGeometry=function(e){var r=this.getCameraPoint();if(1===e.length)return[e[0],r];for(var n=r.x,i=r.y,a=r.x,o=r.y,s=0,l=e;s=3&&!t.some((function(t){return isNaN(t)}))){var e=this._map.dragRotate.isEnabled()&&this._map.touchZoomRotate.isEnabled()?+(t[3]||0):this._map.getBearing();return this._map.jumpTo({center:[+t[2],+t[1]],zoom:+t[0],bearing:e,pitch:+(t[4]||0)}),!0}return!1},kn.prototype._updateHashUnthrottled=function(){var e=this.getHashString();try{t.window.history.replaceState(t.window.history.state,"",e)}catch(t){}};var Mn={linearity:.3,easing:t.bezier(0,0,.3,1)},An=t.extend({deceleration:2500,maxSpeed:1400},Mn),Sn=t.extend({deceleration:20,maxSpeed:1400},Mn),En=t.extend({deceleration:1e3,maxSpeed:360},Mn),Cn=t.extend({deceleration:1e3,maxSpeed:90},Mn),Ln=function(t){this._map=t,this.clear()};function In(t,e){(!t.duration||t.duration0&&r-e[0].time>160;)e.shift()},Ln.prototype._onMoveEnd=function(e){if(this._drainInertiaBuffer(),!(this._inertiaBuffer.length<2)){for(var r={zoom:0,bearing:0,pitch:0,pan:new t.Point(0,0),pinchAround:void 0,around:void 0},n=0,i=this._inertiaBuffer;n=this._clickTolerance||this._map.fire(new zn(t.type,this._map,t))},Rn.prototype.dblclick=function(t){return this._firePreventable(new zn(t.type,this._map,t))},Rn.prototype.mouseover=function(t){this._map.fire(new zn(t.type,this._map,t))},Rn.prototype.mouseout=function(t){this._map.fire(new zn(t.type,this._map,t))},Rn.prototype.touchstart=function(t){return this._firePreventable(new On(t.type,this._map,t))},Rn.prototype.touchmove=function(t){this._map.fire(new On(t.type,this._map,t))},Rn.prototype.touchend=function(t){this._map.fire(new On(t.type,this._map,t))},Rn.prototype.touchcancel=function(t){this._map.fire(new On(t.type,this._map,t))},Rn.prototype._firePreventable=function(t){if(this._map.fire(t),t.defaultPrevented)return{}},Rn.prototype.isEnabled=function(){return!0},Rn.prototype.isActive=function(){return!1},Rn.prototype.enable=function(){},Rn.prototype.disable=function(){};var Fn=function(t){this._map=t};Fn.prototype.reset=function(){this._delayContextMenu=!1,delete this._contextMenuEvent},Fn.prototype.mousemove=function(t){this._map.fire(new zn(t.type,this._map,t))},Fn.prototype.mousedown=function(){this._delayContextMenu=!0},Fn.prototype.mouseup=function(){this._delayContextMenu=!1,this._contextMenuEvent&&(this._map.fire(new zn("contextmenu",this._map,this._contextMenuEvent)),delete this._contextMenuEvent)},Fn.prototype.contextmenu=function(t){this._delayContextMenu?this._contextMenuEvent=t:this._map.fire(new zn(t.type,this._map,t)),this._map.listens("contextmenu")&&t.preventDefault()},Fn.prototype.isEnabled=function(){return!0},Fn.prototype.isActive=function(){return!1},Fn.prototype.enable=function(){},Fn.prototype.disable=function(){};var Bn=function(t,e){this._map=t,this._el=t.getCanvasContainer(),this._container=t.getContainer(),this._clickTolerance=e.clickTolerance||1};function Nn(t,e){for(var r={},n=0;nthis.numTouches)&&(this.aborted=!0),this.aborted||(void 0===this.startTime&&(this.startTime=e.timeStamp),n.length===this.numTouches&&(this.centroid=function(e){for(var r=new t.Point(0,0),n=0,i=e;n30)&&(this.aborted=!0)}}},jn.prototype.touchend=function(t,e,r){if((!this.centroid||t.timeStamp-this.startTime>500)&&(this.aborted=!0),0===r.length){var n=!this.aborted&&this.centroid;if(this.reset(),n)return n}};var Un=function(t){this.singleTap=new jn(t),this.numTaps=t.numTaps,this.reset()};Un.prototype.reset=function(){this.lastTime=1/0,delete this.lastTap,this.count=0,this.singleTap.reset()},Un.prototype.touchstart=function(t,e,r){this.singleTap.touchstart(t,e,r)},Un.prototype.touchmove=function(t,e,r){this.singleTap.touchmove(t,e,r)},Un.prototype.touchend=function(t,e,r){var n=this.singleTap.touchend(t,e,r);if(n){var i=t.timeStamp-this.lastTime<500,a=!this.lastTap||this.lastTap.dist(n)<30;if(i&&a||this.reset(),this.count++,this.lastTime=t.timeStamp,this.lastTap=n,this.count===this.numTaps)return this.reset(),n}};var Vn=function(){this._zoomIn=new Un({numTouches:1,numTaps:2}),this._zoomOut=new Un({numTouches:2,numTaps:1}),this.reset()};Vn.prototype.reset=function(){this._active=!1,this._zoomIn.reset(),this._zoomOut.reset()},Vn.prototype.touchstart=function(t,e,r){this._zoomIn.touchstart(t,e,r),this._zoomOut.touchstart(t,e,r)},Vn.prototype.touchmove=function(t,e,r){this._zoomIn.touchmove(t,e,r),this._zoomOut.touchmove(t,e,r)},Vn.prototype.touchend=function(t,e,r){var n=this,i=this._zoomIn.touchend(t,e,r),a=this._zoomOut.touchend(t,e,r);return i?(this._active=!0,t.preventDefault(),setTimeout((function(){return n.reset()}),0),{cameraAnimation:function(e){return e.easeTo({duration:300,zoom:e.getZoom()+1,around:e.unproject(i)},{originalEvent:t})}}):a?(this._active=!0,t.preventDefault(),setTimeout((function(){return n.reset()}),0),{cameraAnimation:function(e){return e.easeTo({duration:300,zoom:e.getZoom()-1,around:e.unproject(a)},{originalEvent:t})}}):void 0},Vn.prototype.touchcancel=function(){this.reset()},Vn.prototype.enable=function(){this._enabled=!0},Vn.prototype.disable=function(){this._enabled=!1,this.reset()},Vn.prototype.isEnabled=function(){return this._enabled},Vn.prototype.isActive=function(){return this._active};var qn=function(t){this.reset(),this._clickTolerance=t.clickTolerance||1};qn.prototype.reset=function(){this._active=!1,this._moved=!1,delete this._lastPoint,delete this._eventButton},qn.prototype._correctButton=function(t,e){return!1},qn.prototype._move=function(t,e){return{}},qn.prototype.mousedown=function(t,e){if(!this._lastPoint){var n=r.mouseButton(t);this._correctButton(t,n)&&(this._lastPoint=e,this._eventButton=n)}},qn.prototype.mousemoveWindow=function(t,e){var r=this._lastPoint;if(r&&(t.preventDefault(),this._moved||!(e.dist(r)0&&(this._active=!0);var i=Nn(n,r),a=new t.Point(0,0),o=new t.Point(0,0),s=0;for(var l in i){var c=i[l],u=this._touches[l];u&&(a._add(c),o._add(c.sub(u)),s++,i[l]=c)}if(this._touches=i,!(sMath.abs(t.x)}var ei=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.reset=function(){t.prototype.reset.call(this),this._valid=void 0,delete this._firstMove,delete this._lastPoints},e.prototype._start=function(t){this._lastPoints=t,ti(t[0].sub(t[1]))&&(this._valid=!1)},e.prototype._move=function(t,e,r){var n=t[0].sub(this._lastPoints[0]),i=t[1].sub(this._lastPoints[1]);if(this._valid=this.gestureBeginsVertically(n,i,r.timeStamp),this._valid)return this._lastPoints=t,this._active=!0,{pitchDelta:(n.y+i.y)/2*-.5}},e.prototype.gestureBeginsVertically=function(t,e,r){if(void 0!==this._valid)return this._valid;var n=t.mag()>=2,i=e.mag()>=2;if(n||i){if(!n||!i)return void 0===this._firstMove&&(this._firstMove=r),r-this._firstMove<100&&void 0;var a=t.y>0==e.y>0;return ti(t)&&ti(e)&&a}},e}(Xn),ri={panStep:100,bearingStep:15,pitchStep:10},ni=function(){var t=ri;this._panStep=t.panStep,this._bearingStep=t.bearingStep,this._pitchStep=t.pitchStep};function ii(t){return t*(2-t)}ni.prototype.reset=function(){this._active=!1},ni.prototype.keydown=function(t){var e=this;if(!(t.altKey||t.ctrlKey||t.metaKey)){var r=0,n=0,i=0,a=0,o=0;switch(t.keyCode){case 61:case 107:case 171:case 187:r=1;break;case 189:case 109:case 173:r=-1;break;case 37:t.shiftKey?n=-1:(t.preventDefault(),a=-1);break;case 39:t.shiftKey?n=1:(t.preventDefault(),a=1);break;case 38:t.shiftKey?i=1:(t.preventDefault(),o=-1);break;case 40:t.shiftKey?i=-1:(t.preventDefault(),o=1);break;default:return}return{cameraAnimation:function(s){var l=s.getZoom();s.easeTo({duration:300,easeId:"keyboardHandler",easing:ii,zoom:r?Math.round(l)+r*(t.shiftKey?2:1):l,bearing:s.getBearing()+n*e._bearingStep,pitch:s.getPitch()+i*e._pitchStep,offset:[-a*e._panStep,-o*e._panStep],center:s.getCenter()},{originalEvent:t})}}}},ni.prototype.enable=function(){this._enabled=!0},ni.prototype.disable=function(){this._enabled=!1,this.reset()},ni.prototype.isEnabled=function(){return this._enabled},ni.prototype.isActive=function(){return this._active};var ai=function(e,r){this._map=e,this._el=e.getCanvasContainer(),this._handler=r,this._delta=0,this._defaultZoomRate=.01,this._wheelZoomRate=1/450,t.bindAll(["_onWheel","_onTimeout","_onScrollFrame","_onScrollFinished"],this)};ai.prototype.setZoomRate=function(t){this._defaultZoomRate=t},ai.prototype.setWheelZoomRate=function(t){this._wheelZoomRate=t},ai.prototype.isEnabled=function(){return!!this._enabled},ai.prototype.isActive=function(){return!!this._active||void 0!==this._finishTimeout},ai.prototype.isZooming=function(){return!!this._zooming},ai.prototype.enable=function(t){this.isEnabled()||(this._enabled=!0,this._aroundCenter=t&&"center"===t.around)},ai.prototype.disable=function(){this.isEnabled()&&(this._enabled=!1)},ai.prototype.wheel=function(e){if(this.isEnabled()){var r=e.deltaMode===t.window.WheelEvent.DOM_DELTA_LINE?40*e.deltaY:e.deltaY,n=t.browser.now(),i=n-(this._lastWheelEventTime||0);this._lastWheelEventTime=n,0!==r&&r%4.000244140625==0?this._type="wheel":0!==r&&Math.abs(r)<4?this._type="trackpad":i>400?(this._type=null,this._lastValue=r,this._timeout=setTimeout(this._onTimeout,40,e)):this._type||(this._type=Math.abs(i*r)<200?"trackpad":"wheel",this._timeout&&(clearTimeout(this._timeout),this._timeout=null,r+=this._lastValue)),e.shiftKey&&r&&(r/=4),this._type&&(this._lastWheelEvent=e,this._delta-=r,this._active||this._start(e)),e.preventDefault()}},ai.prototype._onTimeout=function(t){this._type="wheel",this._delta-=this._lastValue,this._active||this._start(t)},ai.prototype._start=function(e){if(this._delta){this._frameId&&(this._frameId=null),this._active=!0,this.isZooming()||(this._zooming=!0),this._finishTimeout&&(clearTimeout(this._finishTimeout),delete this._finishTimeout);var n=r.mousePos(this._el,e);this._around=t.LngLat.convert(this._aroundCenter?this._map.getCenter():this._map.unproject(n)),this._aroundPoint=this._map.transform.locationPoint(this._around),this._frameId||(this._frameId=!0,this._handler._triggerRenderFrame())}},ai.prototype.renderFrame=function(){return this._onScrollFrame()},ai.prototype._onScrollFrame=function(){var e=this;if(this._frameId&&(this._frameId=null,this.isActive())){var r=this._map.transform;if(0!==this._delta){var n="wheel"===this._type&&Math.abs(this._delta)>4.000244140625?this._wheelZoomRate:this._defaultZoomRate,i=2/(1+Math.exp(-Math.abs(this._delta*n)));this._delta<0&&0!==i&&(i=1/i);var a="number"==typeof this._targetZoom?r.zoomScale(this._targetZoom):r.scale;this._targetZoom=Math.min(r.maxZoom,Math.max(r.minZoom,r.scaleZoom(a*i))),"wheel"===this._type&&(this._startZoom=r.zoom,this._easing=this._smoothOutEasing(200)),this._delta=0}var o,s="number"==typeof this._targetZoom?this._targetZoom:r.zoom,l=this._startZoom,c=this._easing,u=!1;if("wheel"===this._type&&l&&c){var f=Math.min((t.browser.now()-this._lastWheelEventTime)/200,1),h=c(f);o=t.number(l,s,h),f<1?this._frameId||(this._frameId=!0):u=!0}else o=s,u=!0;return this._active=!0,u&&(this._active=!1,this._finishTimeout=setTimeout((function(){e._zooming=!1,e._handler._triggerRenderFrame(),delete e._targetZoom,delete e._finishTimeout}),200)),{noInertia:!0,needsRenderFrame:!u,zoomDelta:o-r.zoom,around:this._aroundPoint,originalEvent:this._lastWheelEvent}}},ai.prototype._smoothOutEasing=function(e){var r=t.ease;if(this._prevEase){var n=this._prevEase,i=(t.browser.now()-n.start)/n.duration,a=n.easing(i+.01)-n.easing(i),o=.27/Math.sqrt(a*a+1e-4)*.01,s=Math.sqrt(.0729-o*o);r=t.bezier(o,s,.25,1)}return this._prevEase={start:t.browser.now(),duration:e,easing:r},r},ai.prototype.reset=function(){this._active=!1};var oi=function(t,e){this._clickZoom=t,this._tapZoom=e};oi.prototype.enable=function(){this._clickZoom.enable(),this._tapZoom.enable()},oi.prototype.disable=function(){this._clickZoom.disable(),this._tapZoom.disable()},oi.prototype.isEnabled=function(){return this._clickZoom.isEnabled()&&this._tapZoom.isEnabled()},oi.prototype.isActive=function(){return this._clickZoom.isActive()||this._tapZoom.isActive()};var si=function(){this.reset()};si.prototype.reset=function(){this._active=!1},si.prototype.dblclick=function(t,e){return t.preventDefault(),{cameraAnimation:function(r){r.easeTo({duration:300,zoom:r.getZoom()+(t.shiftKey?-1:1),around:r.unproject(e)},{originalEvent:t})}}},si.prototype.enable=function(){this._enabled=!0},si.prototype.disable=function(){this._enabled=!1,this.reset()},si.prototype.isEnabled=function(){return this._enabled},si.prototype.isActive=function(){return this._active};var li=function(){this._tap=new Un({numTouches:1,numTaps:1}),this.reset()};li.prototype.reset=function(){this._active=!1,delete this._swipePoint,delete this._swipeTouch,delete this._tapTime,this._tap.reset()},li.prototype.touchstart=function(t,e,r){this._swipePoint||(this._tapTime&&t.timeStamp-this._tapTime>500&&this.reset(),this._tapTime?r.length>0&&(this._swipePoint=e[0],this._swipeTouch=r[0].identifier):this._tap.touchstart(t,e,r))},li.prototype.touchmove=function(t,e,r){if(this._tapTime){if(this._swipePoint){if(r[0].identifier!==this._swipeTouch)return;var n=e[0],i=n.y-this._swipePoint.y;return this._swipePoint=n,t.preventDefault(),this._active=!0,{zoomDelta:i/128}}}else this._tap.touchmove(t,e,r)},li.prototype.touchend=function(t,e,r){this._tapTime?this._swipePoint&&0===r.length&&this.reset():this._tap.touchend(t,e,r)&&(this._tapTime=t.timeStamp)},li.prototype.touchcancel=function(){this.reset()},li.prototype.enable=function(){this._enabled=!0},li.prototype.disable=function(){this._enabled=!1,this.reset()},li.prototype.isEnabled=function(){return this._enabled},li.prototype.isActive=function(){return this._active};var ci=function(t,e,r){this._el=t,this._mousePan=e,this._touchPan=r};ci.prototype.enable=function(t){this._inertiaOptions=t||{},this._mousePan.enable(),this._touchPan.enable(),this._el.classList.add("mapboxgl-touch-drag-pan")},ci.prototype.disable=function(){this._mousePan.disable(),this._touchPan.disable(),this._el.classList.remove("mapboxgl-touch-drag-pan")},ci.prototype.isEnabled=function(){return this._mousePan.isEnabled()&&this._touchPan.isEnabled()},ci.prototype.isActive=function(){return this._mousePan.isActive()||this._touchPan.isActive()};var ui=function(t,e,r){this._pitchWithRotate=t.pitchWithRotate,this._mouseRotate=e,this._mousePitch=r};ui.prototype.enable=function(){this._mouseRotate.enable(),this._pitchWithRotate&&this._mousePitch.enable()},ui.prototype.disable=function(){this._mouseRotate.disable(),this._mousePitch.disable()},ui.prototype.isEnabled=function(){return this._mouseRotate.isEnabled()&&(!this._pitchWithRotate||this._mousePitch.isEnabled())},ui.prototype.isActive=function(){return this._mouseRotate.isActive()||this._mousePitch.isActive()};var fi=function(t,e,r,n){this._el=t,this._touchZoom=e,this._touchRotate=r,this._tapDragZoom=n,this._rotationDisabled=!1,this._enabled=!0};fi.prototype.enable=function(t){this._touchZoom.enable(t),this._rotationDisabled||this._touchRotate.enable(t),this._tapDragZoom.enable(),this._el.classList.add("mapboxgl-touch-zoom-rotate")},fi.prototype.disable=function(){this._touchZoom.disable(),this._touchRotate.disable(),this._tapDragZoom.disable(),this._el.classList.remove("mapboxgl-touch-zoom-rotate")},fi.prototype.isEnabled=function(){return this._touchZoom.isEnabled()&&(this._rotationDisabled||this._touchRotate.isEnabled())&&this._tapDragZoom.isEnabled()},fi.prototype.isActive=function(){return this._touchZoom.isActive()||this._touchRotate.isActive()||this._tapDragZoom.isActive()},fi.prototype.disableRotation=function(){this._rotationDisabled=!0,this._touchRotate.disable()},fi.prototype.enableRotation=function(){this._rotationDisabled=!1,this._touchZoom.isEnabled()&&this._touchRotate.enable()};var hi=function(t){return t.zoom||t.drag||t.pitch||t.rotate},pi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e}(t.Event);function di(t){return t.panDelta&&t.panDelta.mag()||t.zoomDelta||t.bearingDelta||t.pitchDelta}var gi=function(e,n){this._map=e,this._el=this._map.getCanvasContainer(),this._handlers=[],this._handlersById={},this._changes=[],this._inertia=new Ln(e),this._bearingSnap=n.bearingSnap,this._previousActiveHandlers={},this._eventsInProgress={},this._addDefaultHandlers(n),t.bindAll(["handleEvent","handleWindowEvent"],this);var i=this._el;this._listeners=[[i,"touchstart",{passive:!1}],[i,"touchmove",{passive:!1}],[i,"touchend",void 0],[i,"touchcancel",void 0],[i,"mousedown",void 0],[i,"mousemove",void 0],[i,"mouseup",void 0],[t.window.document,"mousemove",{capture:!0}],[t.window.document,"mouseup",void 0],[i,"mouseover",void 0],[i,"mouseout",void 0],[i,"dblclick",void 0],[i,"click",void 0],[i,"keydown",{capture:!1}],[i,"keyup",void 0],[i,"wheel",{passive:!1}],[i,"contextmenu",void 0],[t.window,"blur",void 0]];for(var a=0,o=this._listeners;aa?Math.min(2,_):Math.max(.5,_),w=Math.pow(m,1-e),T=i.unproject(x.add(b.mult(e*w)).mult(g));i.setLocationAtPoint(i.renderWorldCopies?T.wrap():T,d)}n._fireMoveEvents(r)}),(function(t){n._afterEase(r,t)}),e),this},r.prototype._prepareEase=function(e,r,n){void 0===n&&(n={}),this._moving=!0,r||n.moving||this.fire(new t.Event("movestart",e)),this._zooming&&!n.zooming&&this.fire(new t.Event("zoomstart",e)),this._rotating&&!n.rotating&&this.fire(new t.Event("rotatestart",e)),this._pitching&&!n.pitching&&this.fire(new t.Event("pitchstart",e))},r.prototype._fireMoveEvents=function(e){this.fire(new t.Event("move",e)),this._zooming&&this.fire(new t.Event("zoom",e)),this._rotating&&this.fire(new t.Event("rotate",e)),this._pitching&&this.fire(new t.Event("pitch",e))},r.prototype._afterEase=function(e,r){if(!this._easeId||!r||this._easeId!==r){delete this._easeId;var n=this._zooming,i=this._rotating,a=this._pitching;this._moving=!1,this._zooming=!1,this._rotating=!1,this._pitching=!1,this._padding=!1,n&&this.fire(new t.Event("zoomend",e)),i&&this.fire(new t.Event("rotateend",e)),a&&this.fire(new t.Event("pitchend",e)),this.fire(new t.Event("moveend",e))}},r.prototype.flyTo=function(e,r){var n=this;if(!e.essential&&t.browser.prefersReducedMotion){var i=t.pick(e,["center","zoom","bearing","pitch","around"]);return this.jumpTo(i,r)}this.stop(),e=t.extend({offset:[0,0],speed:1.2,curve:1.42,easing:t.ease},e);var a=this.transform,o=this.getZoom(),s=this.getBearing(),l=this.getPitch(),c=this.getPadding(),u="zoom"in e?t.clamp(+e.zoom,a.minZoom,a.maxZoom):o,f="bearing"in e?this._normalizeBearing(e.bearing,s):s,h="pitch"in e?+e.pitch:l,p="padding"in e?e.padding:a.padding,d=a.zoomScale(u-o),g=t.Point.convert(e.offset),m=a.centerPoint.add(g),v=a.pointLocation(m),y=t.LngLat.convert(e.center||v);this._normalizeCenter(y);var x=a.project(v),b=a.project(y).sub(x),_=e.curve,w=Math.max(a.width,a.height),T=w/d,k=b.mag();if("minZoom"in e){var M=t.clamp(Math.min(e.minZoom,o,u),a.minZoom,a.maxZoom),A=w/a.zoomScale(M-o);_=Math.sqrt(A/k*2)}var S=_*_;function E(t){var e=(T*T-w*w+(t?-1:1)*S*S*k*k)/(2*(t?T:w)*S*k);return Math.log(Math.sqrt(e*e+1)-e)}function C(t){return(Math.exp(t)-Math.exp(-t))/2}function L(t){return(Math.exp(t)+Math.exp(-t))/2}var I=E(0),P=function(t){return L(I)/L(I+_*t)},z=function(t){return w*((L(I)*(C(e=I+_*t)/L(e))-C(I))/S)/k;var e},O=(E(1)-I)/_;if(Math.abs(k)<1e-6||!isFinite(O)){if(Math.abs(w-T)<1e-6)return this.easeTo(e,r);var D=Te.maxDuration&&(e.duration=0),this._zooming=!0,this._rotating=s!==f,this._pitching=h!==l,this._padding=!a.isPaddingEqual(p),this._prepareEase(r,!1),this._ease((function(e){var i=e*O,d=1/P(i);a.zoom=1===e?u:o+a.scaleZoom(d),n._rotating&&(a.bearing=t.number(s,f,e)),n._pitching&&(a.pitch=t.number(l,h,e)),n._padding&&(a.interpolatePadding(c,p,e),m=a.centerPoint.add(g));var v=1===e?y:a.unproject(x.add(b.mult(z(i))).mult(d));a.setLocationAtPoint(a.renderWorldCopies?v.wrap():v,m),n._fireMoveEvents(r)}),(function(){return n._afterEase(r)}),e),this},r.prototype.isEasing=function(){return!!this._easeFrameId},r.prototype.stop=function(){return this._stop()},r.prototype._stop=function(t,e){if(this._easeFrameId&&(this._cancelRenderFrame(this._easeFrameId),delete this._easeFrameId,delete this._onEaseFrame),this._onEaseEnd){var r=this._onEaseEnd;delete this._onEaseEnd,r.call(this,e)}if(!t){var n=this.handlers;n&&n.stop()}return this},r.prototype._ease=function(e,r,n){!1===n.animate||0===n.duration?(e(1),r()):(this._easeStart=t.browser.now(),this._easeOptions=n,this._onEaseFrame=e,this._onEaseEnd=r,this._easeFrameId=this._requestRenderFrame(this._renderFrameCallback))},r.prototype._renderFrameCallback=function(){var e=Math.min((t.browser.now()-this._easeStart)/this._easeOptions.duration,1);this._onEaseFrame(this._easeOptions.easing(e)),e<1?this._easeFrameId=this._requestRenderFrame(this._renderFrameCallback):this.stop()},r.prototype._normalizeBearing=function(e,r){e=t.wrap(e,-180,180);var n=Math.abs(e-r);return Math.abs(e-360-r)180?-360:r<-180?360:0}},r}(t.Evented),vi=function(e){void 0===e&&(e={}),this.options=e,t.bindAll(["_updateEditLink","_updateData","_updateCompact"],this)};vi.prototype.getDefaultPosition=function(){return"bottom-right"},vi.prototype.onAdd=function(t){var e=this.options&&this.options.compact;return this._map=t,this._container=r.create("div","mapboxgl-ctrl mapboxgl-ctrl-attrib"),this._innerContainer=r.create("div","mapboxgl-ctrl-attrib-inner",this._container),e&&this._container.classList.add("mapboxgl-compact"),this._updateAttributions(),this._updateEditLink(),this._map.on("styledata",this._updateData),this._map.on("sourcedata",this._updateData),this._map.on("moveend",this._updateEditLink),void 0===e&&(this._map.on("resize",this._updateCompact),this._updateCompact()),this._container},vi.prototype.onRemove=function(){r.remove(this._container),this._map.off("styledata",this._updateData),this._map.off("sourcedata",this._updateData),this._map.off("moveend",this._updateEditLink),this._map.off("resize",this._updateCompact),this._map=void 0,this._attribHTML=void 0},vi.prototype._updateEditLink=function(){var e=this._editLink;e||(e=this._editLink=this._container.querySelector(".mapbox-improve-map"));var r=[{key:"owner",value:this.styleOwner},{key:"id",value:this.styleId},{key:"access_token",value:this._map._requestManager._customAccessToken||t.config.ACCESS_TOKEN}];if(e){var n=r.reduce((function(t,e,n){return e.value&&(t+=e.key+"="+e.value+(n=0)return!1;return!0}))).join(" | ");o!==this._attribHTML&&(this._attribHTML=o,t.length?(this._innerContainer.innerHTML=o,this._container.classList.remove("mapboxgl-attrib-empty")):this._container.classList.add("mapboxgl-attrib-empty"),this._editLink=null)}},vi.prototype._updateCompact=function(){this._map.getCanvasContainer().offsetWidth<=640?this._container.classList.add("mapboxgl-compact"):this._container.classList.remove("mapboxgl-compact")};var yi=function(){t.bindAll(["_updateLogo"],this),t.bindAll(["_updateCompact"],this)};yi.prototype.onAdd=function(t){this._map=t,this._container=r.create("div","mapboxgl-ctrl");var e=r.create("a","mapboxgl-ctrl-logo");return e.target="_blank",e.rel="noopener nofollow",e.href="https://www.mapbox.com/",e.setAttribute("aria-label",this._map._getUIString("LogoControl.Title")),e.setAttribute("rel","noopener nofollow"),this._container.appendChild(e),this._container.style.display="none",this._map.on("sourcedata",this._updateLogo),this._updateLogo(),this._map.on("resize",this._updateCompact),this._updateCompact(),this._container},yi.prototype.onRemove=function(){r.remove(this._container),this._map.off("sourcedata",this._updateLogo),this._map.off("resize",this._updateCompact)},yi.prototype.getDefaultPosition=function(){return"bottom-left"},yi.prototype._updateLogo=function(t){t&&"metadata"!==t.sourceDataType||(this._container.style.display=this._logoRequired()?"block":"none")},yi.prototype._logoRequired=function(){if(this._map.style){var t=this._map.style.sourceCaches;for(var e in t)if(t[e].getSource().mapbox_logo)return!0;return!1}},yi.prototype._updateCompact=function(){var t=this._container.children;if(t.length){var e=t[0];this._map.getCanvasContainer().offsetWidth<250?e.classList.add("mapboxgl-compact"):e.classList.remove("mapboxgl-compact")}};var xi=function(){this._queue=[],this._id=0,this._cleared=!1,this._currentlyRunning=!1};xi.prototype.add=function(t){var e=++this._id;return this._queue.push({callback:t,id:e,cancelled:!1}),e},xi.prototype.remove=function(t){for(var e=this._currentlyRunning,r=0,n=e?this._queue.concat(e):this._queue;re.maxZoom)throw new Error("maxZoom must be greater than or equal to minZoom");if(null!=e.minPitch&&null!=e.maxPitch&&e.minPitch>e.maxPitch)throw new Error("maxPitch must be greater than or equal to minPitch");if(null!=e.minPitch&&e.minPitch<0)throw new Error("minPitch must be greater than or equal to 0");if(null!=e.maxPitch&&e.maxPitch>60)throw new Error("maxPitch must be less than or equal to 60");var i=new wn(e.minZoom,e.maxZoom,e.minPitch,e.maxPitch,e.renderWorldCopies);if(n.call(this,i,e),this._interactive=e.interactive,this._maxTileCacheSize=e.maxTileCacheSize,this._failIfMajorPerformanceCaveat=e.failIfMajorPerformanceCaveat,this._preserveDrawingBuffer=e.preserveDrawingBuffer,this._antialias=e.antialias,this._trackResize=e.trackResize,this._bearingSnap=e.bearingSnap,this._refreshExpiredTiles=e.refreshExpiredTiles,this._fadeDuration=e.fadeDuration,this._crossSourceCollisions=e.crossSourceCollisions,this._crossFadingFactor=1,this._collectResourceTiming=e.collectResourceTiming,this._renderTaskQueue=new xi,this._controls=[],this._mapId=t.uniqueId(),this._locale=t.extend({},bi,e.locale),this._requestManager=new t.RequestManager(e.transformRequest,e.accessToken),"string"==typeof e.container){if(this._container=t.window.document.getElementById(e.container),!this._container)throw new Error("Container '"+e.container+"' not found.")}else{if(!(e.container instanceof wi))throw new Error("Invalid type: 'container' must be a String or HTMLElement.");this._container=e.container}if(e.maxBounds&&this.setMaxBounds(e.maxBounds),t.bindAll(["_onWindowOnline","_onWindowResize","_contextLost","_contextRestored"],this),this._setupContainer(),this._setupPainter(),void 0===this.painter)throw new Error("Failed to initialize WebGL.");this.on("move",(function(){return r._update(!1)})),this.on("moveend",(function(){return r._update(!1)})),this.on("zoom",(function(){return r._update(!0)})),void 0!==t.window&&(t.window.addEventListener("online",this._onWindowOnline,!1),t.window.addEventListener("resize",this._onWindowResize,!1)),this.handlers=new gi(this,e),this._hash=e.hash&&new kn("string"==typeof e.hash&&e.hash||void 0).addTo(this),this._hash&&this._hash._onHashChange()||(this.jumpTo({center:e.center,zoom:e.zoom,bearing:e.bearing,pitch:e.pitch}),e.bounds&&(this.resize(),this.fitBounds(e.bounds,t.extend({},e.fitBoundsOptions,{duration:0})))),this.resize(),this._localIdeographFontFamily=e.localIdeographFontFamily,e.style&&this.setStyle(e.style,{localIdeographFontFamily:e.localIdeographFontFamily}),e.attributionControl&&this.addControl(new vi({customAttribution:e.customAttribution})),this.addControl(new yi,e.logoPosition),this.on("style.load",(function(){r.transform.unmodified&&r.jumpTo(r.style.stylesheet)})),this.on("data",(function(e){r._update("style"===e.dataType),r.fire(new t.Event(e.dataType+"data",e))})),this.on("dataloading",(function(e){r.fire(new t.Event(e.dataType+"dataloading",e))}))}n&&(i.__proto__=n),(i.prototype=Object.create(n&&n.prototype)).constructor=i;var a={showTileBoundaries:{configurable:!0},showPadding:{configurable:!0},showCollisionBoxes:{configurable:!0},showOverdrawInspector:{configurable:!0},repaint:{configurable:!0},vertices:{configurable:!0},version:{configurable:!0}};return i.prototype._getMapId=function(){return this._mapId},i.prototype.addControl=function(e,r){if(void 0===r&&e.getDefaultPosition&&(r=e.getDefaultPosition()),void 0===r&&(r="top-right"),!e||!e.onAdd)return this.fire(new t.ErrorEvent(new Error("Invalid argument to map.addControl(). Argument must be a control with onAdd and onRemove methods.")));var n=e.onAdd(this);this._controls.push(e);var i=this._controlPositions[r];return-1!==r.indexOf("bottom")?i.insertBefore(n,i.firstChild):i.appendChild(n),this},i.prototype.removeControl=function(e){if(!e||!e.onRemove)return this.fire(new t.ErrorEvent(new Error("Invalid argument to map.removeControl(). Argument must be a control with onAdd and onRemove methods.")));var r=this._controls.indexOf(e);return r>-1&&this._controls.splice(r,1),e.onRemove(this),this},i.prototype.resize=function(e){var r=this._containerDimensions(),n=r[0],i=r[1];this._resizeCanvas(n,i),this.transform.resize(n,i),this.painter.resize(n,i);var a=!this._moving;return a&&(this.stop(),this.fire(new t.Event("movestart",e)).fire(new t.Event("move",e))),this.fire(new t.Event("resize",e)),a&&this.fire(new t.Event("moveend",e)),this},i.prototype.getBounds=function(){return this.transform.getBounds()},i.prototype.getMaxBounds=function(){return this.transform.getMaxBounds()},i.prototype.setMaxBounds=function(e){return this.transform.setMaxBounds(t.LngLatBounds.convert(e)),this._update()},i.prototype.setMinZoom=function(t){if((t=null==t?-2:t)>=-2&&t<=this.transform.maxZoom)return this.transform.minZoom=t,this._update(),this.getZoom()=this.transform.minZoom)return this.transform.maxZoom=t,this._update(),this.getZoom()>t&&this.setZoom(t),this;throw new Error("maxZoom must be greater than the current minZoom")},i.prototype.getMaxZoom=function(){return this.transform.maxZoom},i.prototype.setMinPitch=function(t){if((t=null==t?0:t)<0)throw new Error("minPitch must be greater than or equal to 0");if(t>=0&&t<=this.transform.maxPitch)return this.transform.minPitch=t,this._update(),this.getPitch()60)throw new Error("maxPitch must be less than or equal to 60");if(t>=this.transform.minPitch)return this.transform.maxPitch=t,this._update(),this.getPitch()>t&&this.setPitch(t),this;throw new Error("maxPitch must be greater than the current minPitch")},i.prototype.getMaxPitch=function(){return this.transform.maxPitch},i.prototype.getRenderWorldCopies=function(){return this.transform.renderWorldCopies},i.prototype.setRenderWorldCopies=function(t){return this.transform.renderWorldCopies=t,this._update()},i.prototype.project=function(e){return this.transform.locationPoint(t.LngLat.convert(e))},i.prototype.unproject=function(e){return this.transform.pointLocation(t.Point.convert(e))},i.prototype.isMoving=function(){return this._moving||this.handlers.isMoving()},i.prototype.isZooming=function(){return this._zooming||this.handlers.isZooming()},i.prototype.isRotating=function(){return this._rotating||this.handlers.isRotating()},i.prototype._createDelegatedListener=function(t,e,r){var n,i=this;if("mouseenter"===t||"mouseover"===t){var a=!1;return{layer:e,listener:r,delegates:{mousemove:function(n){var o=i.getLayer(e)?i.queryRenderedFeatures(n.point,{layers:[e]}):[];o.length?a||(a=!0,r.call(i,new zn(t,i,n.originalEvent,{features:o}))):a=!1},mouseout:function(){a=!1}}}}if("mouseleave"===t||"mouseout"===t){var o=!1;return{layer:e,listener:r,delegates:{mousemove:function(n){(i.getLayer(e)?i.queryRenderedFeatures(n.point,{layers:[e]}):[]).length?o=!0:o&&(o=!1,r.call(i,new zn(t,i,n.originalEvent)))},mouseout:function(e){o&&(o=!1,r.call(i,new zn(t,i,e.originalEvent)))}}}}return{layer:e,listener:r,delegates:(n={},n[t]=function(t){var n=i.getLayer(e)?i.queryRenderedFeatures(t.point,{layers:[e]}):[];n.length&&(t.features=n,r.call(i,t),delete t.features)},n)}},i.prototype.on=function(t,e,r){if(void 0===r)return n.prototype.on.call(this,t,e);var i=this._createDelegatedListener(t,e,r);for(var a in this._delegatedListeners=this._delegatedListeners||{},this._delegatedListeners[t]=this._delegatedListeners[t]||[],this._delegatedListeners[t].push(i),i.delegates)this.on(a,i.delegates[a]);return this},i.prototype.once=function(t,e,r){if(void 0===r)return n.prototype.once.call(this,t,e);var i=this._createDelegatedListener(t,e,r);for(var a in i.delegates)this.once(a,i.delegates[a]);return this},i.prototype.off=function(t,e,r){var i=this;return void 0===r?n.prototype.off.call(this,t,e):(this._delegatedListeners&&this._delegatedListeners[t]&&function(n){for(var a=n[t],o=0;o180;){var s=n.locationPoint(e);if(s.x>=0&&s.y>=0&&s.x<=n.width&&s.y<=n.height)break;e.lng>n.center.lng?e.lng-=360:e.lng+=360}return e}Ci.prototype.down=function(t,e){this.mouseRotate.mousedown(t,e),this.mousePitch&&this.mousePitch.mousedown(t,e),r.disableDrag()},Ci.prototype.move=function(t,e){var r=this.map,n=this.mouseRotate.mousemoveWindow(t,e);if(n&&n.bearingDelta&&r.setBearing(r.getBearing()+n.bearingDelta),this.mousePitch){var i=this.mousePitch.mousemoveWindow(t,e);i&&i.pitchDelta&&r.setPitch(r.getPitch()+i.pitchDelta)}},Ci.prototype.off=function(){var t=this.element;r.removeEventListener(t,"mousedown",this.mousedown),r.removeEventListener(t,"touchstart",this.touchstart,{passive:!1}),r.removeEventListener(t,"touchmove",this.touchmove),r.removeEventListener(t,"touchend",this.touchend),r.removeEventListener(t,"touchcancel",this.reset),this.offTemp()},Ci.prototype.offTemp=function(){r.enableDrag(),r.removeEventListener(t.window,"mousemove",this.mousemove),r.removeEventListener(t.window,"mouseup",this.mouseup)},Ci.prototype.mousedown=function(e){this.down(t.extend({},e,{ctrlKey:!0,preventDefault:function(){return e.preventDefault()}}),r.mousePos(this.element,e)),r.addEventListener(t.window,"mousemove",this.mousemove),r.addEventListener(t.window,"mouseup",this.mouseup)},Ci.prototype.mousemove=function(t){this.move(t,r.mousePos(this.element,t))},Ci.prototype.mouseup=function(t){this.mouseRotate.mouseupWindow(t),this.mousePitch&&this.mousePitch.mouseupWindow(t),this.offTemp()},Ci.prototype.touchstart=function(t){1!==t.targetTouches.length?this.reset():(this._startPos=this._lastPos=r.touchPos(this.element,t.targetTouches)[0],this.down({type:"mousedown",button:0,ctrlKey:!0,preventDefault:function(){return t.preventDefault()}},this._startPos))},Ci.prototype.touchmove=function(t){1!==t.targetTouches.length?this.reset():(this._lastPos=r.touchPos(this.element,t.targetTouches)[0],this.move({preventDefault:function(){return t.preventDefault()}},this._lastPos))},Ci.prototype.touchend=function(t){0===t.targetTouches.length&&this._startPos&&this._lastPos&&this._startPos.dist(this._lastPos)e.getEast()||r.latitudee.getNorth())},n.prototype._setErrorState=function(){switch(this._watchState){case"WAITING_ACTIVE":this._watchState="ACTIVE_ERROR",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active-error");break;case"ACTIVE_LOCK":this._watchState="ACTIVE_ERROR",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active-error"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting");break;case"BACKGROUND":this._watchState="BACKGROUND_ERROR",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background-error"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting")}},n.prototype._onSuccess=function(e){if(this._map){if(this._isOutOfMapMaxBounds(e))return this._setErrorState(),this.fire(new t.Event("outofmaxbounds",e)),this._updateMarker(),void this._finish();if(this.options.trackUserLocation)switch(this._lastKnownPosition=e,this._watchState){case"WAITING_ACTIVE":case"ACTIVE_LOCK":case"ACTIVE_ERROR":this._watchState="ACTIVE_LOCK",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active-error"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active");break;case"BACKGROUND":case"BACKGROUND_ERROR":this._watchState="BACKGROUND",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background-error"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background")}this.options.showUserLocation&&"OFF"!==this._watchState&&this._updateMarker(e),this.options.trackUserLocation&&"ACTIVE_LOCK"!==this._watchState||this._updateCamera(e),this.options.showUserLocation&&this._dotElement.classList.remove("mapboxgl-user-location-dot-stale"),this.fire(new t.Event("geolocate",e)),this._finish()}},n.prototype._updateCamera=function(e){var r=new t.LngLat(e.coords.longitude,e.coords.latitude),n=e.coords.accuracy,i=this._map.getBearing(),a=t.extend({bearing:i},this.options.fitBoundsOptions);this._map.fitBounds(r.toBounds(n),a,{geolocateSource:!0})},n.prototype._updateMarker=function(e){if(e){var r=new t.LngLat(e.coords.longitude,e.coords.latitude);this._accuracyCircleMarker.setLngLat(r).addTo(this._map),this._userLocationDotMarker.setLngLat(r).addTo(this._map),this._accuracy=e.coords.accuracy,this.options.showUserLocation&&this.options.showAccuracyCircle&&this._updateCircleRadius()}else this._userLocationDotMarker.remove(),this._accuracyCircleMarker.remove()},n.prototype._updateCircleRadius=function(){var t=this._map._container.clientHeight/2,e=this._map.unproject([0,t]),r=this._map.unproject([1,t]),n=e.distanceTo(r),i=Math.ceil(2*this._accuracy/n);this._circleElement.style.width=i+"px",this._circleElement.style.height=i+"px"},n.prototype._onZoom=function(){this.options.showUserLocation&&this.options.showAccuracyCircle&&this._updateCircleRadius()},n.prototype._onError=function(e){if(this._map){if(this.options.trackUserLocation)if(1===e.code){this._watchState="OFF",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active-error"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background-error"),this._geolocateButton.disabled=!0;var r=this._map._getUIString("GeolocateControl.LocationNotAvailable");this._geolocateButton.title=r,this._geolocateButton.setAttribute("aria-label",r),void 0!==this._geolocationWatchID&&this._clearWatch()}else{if(3===e.code&&Fi)return;this._setErrorState()}"OFF"!==this._watchState&&this.options.showUserLocation&&this._dotElement.classList.add("mapboxgl-user-location-dot-stale"),this.fire(new t.Event("error",e)),this._finish()}},n.prototype._finish=function(){this._timeoutId&&clearTimeout(this._timeoutId),this._timeoutId=void 0},n.prototype._setupUI=function(e){var n=this;if(this._container.addEventListener("contextmenu",(function(t){return t.preventDefault()})),this._geolocateButton=r.create("button","mapboxgl-ctrl-geolocate",this._container),r.create("span","mapboxgl-ctrl-icon",this._geolocateButton).setAttribute("aria-hidden",!0),this._geolocateButton.type="button",!1===e){t.warnOnce("Geolocation support is not available so the GeolocateControl will be disabled.");var i=this._map._getUIString("GeolocateControl.LocationNotAvailable");this._geolocateButton.disabled=!0,this._geolocateButton.title=i,this._geolocateButton.setAttribute("aria-label",i)}else{var a=this._map._getUIString("GeolocateControl.FindMyLocation");this._geolocateButton.title=a,this._geolocateButton.setAttribute("aria-label",a)}this.options.trackUserLocation&&(this._geolocateButton.setAttribute("aria-pressed","false"),this._watchState="OFF"),this.options.showUserLocation&&(this._dotElement=r.create("div","mapboxgl-user-location-dot"),this._userLocationDotMarker=new Oi(this._dotElement),this._circleElement=r.create("div","mapboxgl-user-location-accuracy-circle"),this._accuracyCircleMarker=new Oi({element:this._circleElement,pitchAlignment:"map"}),this.options.trackUserLocation&&(this._watchState="OFF"),this._map.on("zoom",this._onZoom)),this._geolocateButton.addEventListener("click",this.trigger.bind(this)),this._setup=!0,this.options.trackUserLocation&&this._map.on("movestart",(function(e){e.geolocateSource||"ACTIVE_LOCK"!==n._watchState||e.originalEvent&&"resize"===e.originalEvent.type||(n._watchState="BACKGROUND",n._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background"),n._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),n.fire(new t.Event("trackuserlocationend")))}))},n.prototype.trigger=function(){if(!this._setup)return t.warnOnce("Geolocate control triggered before added to a map"),!1;if(this.options.trackUserLocation){switch(this._watchState){case"OFF":this._watchState="WAITING_ACTIVE",this.fire(new t.Event("trackuserlocationstart"));break;case"WAITING_ACTIVE":case"ACTIVE_LOCK":case"ACTIVE_ERROR":case"BACKGROUND_ERROR":Ri--,Fi=!1,this._watchState="OFF",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active-error"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background-error"),this.fire(new t.Event("trackuserlocationend"));break;case"BACKGROUND":this._watchState="ACTIVE_LOCK",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background"),this._lastKnownPosition&&this._updateCamera(this._lastKnownPosition),this.fire(new t.Event("trackuserlocationstart"))}switch(this._watchState){case"WAITING_ACTIVE":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active");break;case"ACTIVE_LOCK":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active");break;case"ACTIVE_ERROR":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active-error");break;case"BACKGROUND":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background");break;case"BACKGROUND_ERROR":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background-error")}if("OFF"===this._watchState&&void 0!==this._geolocationWatchID)this._clearWatch();else if(void 0===this._geolocationWatchID){var e;this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.setAttribute("aria-pressed","true"),++Ri>1?(e={maximumAge:6e5,timeout:0},Fi=!0):(e=this.options.positionOptions,Fi=!1),this._geolocationWatchID=t.window.navigator.geolocation.watchPosition(this._onSuccess,this._onError,e)}}else t.window.navigator.geolocation.getCurrentPosition(this._onSuccess,this._onError,this.options.positionOptions),this._timeoutId=setTimeout(this._finish,1e4);return!0},n.prototype._clearWatch=function(){t.window.navigator.geolocation.clearWatch(this._geolocationWatchID),this._geolocationWatchID=void 0,this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.setAttribute("aria-pressed","false"),this.options.showUserLocation&&this._updateMarker(null)},n}(t.Evented),Ni={maxWidth:100,unit:"metric"},ji=function(e){this.options=t.extend({},Ni,e),t.bindAll(["_onMove","setUnit"],this)};function Ui(t,e,r){var n=r&&r.maxWidth||100,i=t._container.clientHeight/2,a=t.unproject([0,i]),o=t.unproject([n,i]),s=a.distanceTo(o);if(r&&"imperial"===r.unit){var l=3.2808*s;l>5280?Vi(e,n,l/5280,t._getUIString("ScaleControl.Miles")):Vi(e,n,l,t._getUIString("ScaleControl.Feet"))}else r&&"nautical"===r.unit?Vi(e,n,s/1852,t._getUIString("ScaleControl.NauticalMiles")):s>=1e3?Vi(e,n,s/1e3,t._getUIString("ScaleControl.Kilometers")):Vi(e,n,s,t._getUIString("ScaleControl.Meters"))}function Vi(t,e,r,n){var i,a,o,s=(i=r,(a=Math.pow(10,(""+Math.floor(i)).length-1))*(o=(o=i/a)>=10?10:o>=5?5:o>=3?3:o>=2?2:o>=1?1:function(t){var e=Math.pow(10,Math.ceil(-Math.log(t)/Math.LN10));return Math.round(t*e)/e}(o)));t.style.width=e*(s/r)+"px",t.innerHTML=s+" "+n}ji.prototype.getDefaultPosition=function(){return"bottom-left"},ji.prototype._onMove=function(){Ui(this._map,this._container,this.options)},ji.prototype.onAdd=function(t){return this._map=t,this._container=r.create("div","mapboxgl-ctrl mapboxgl-ctrl-scale",t.getContainer()),this._map.on("move",this._onMove),this._onMove(),this._container},ji.prototype.onRemove=function(){r.remove(this._container),this._map.off("move",this._onMove),this._map=void 0},ji.prototype.setUnit=function(t){this.options.unit=t,Ui(this._map,this._container,this.options)};var qi=function(e){this._fullscreen=!1,e&&e.container&&(e.container instanceof t.window.HTMLElement?this._container=e.container:t.warnOnce("Full screen control 'container' must be a DOM element.")),t.bindAll(["_onClickFullscreen","_changeIcon"],this),"onfullscreenchange"in t.window.document?this._fullscreenchange="fullscreenchange":"onmozfullscreenchange"in t.window.document?this._fullscreenchange="mozfullscreenchange":"onwebkitfullscreenchange"in t.window.document?this._fullscreenchange="webkitfullscreenchange":"onmsfullscreenchange"in t.window.document&&(this._fullscreenchange="MSFullscreenChange")};qi.prototype.onAdd=function(e){return this._map=e,this._container||(this._container=this._map.getContainer()),this._controlContainer=r.create("div","mapboxgl-ctrl mapboxgl-ctrl-group"),this._checkFullscreenSupport()?this._setupUI():(this._controlContainer.style.display="none",t.warnOnce("This device does not support fullscreen mode.")),this._controlContainer},qi.prototype.onRemove=function(){r.remove(this._controlContainer),this._map=null,t.window.document.removeEventListener(this._fullscreenchange,this._changeIcon)},qi.prototype._checkFullscreenSupport=function(){return!!(t.window.document.fullscreenEnabled||t.window.document.mozFullScreenEnabled||t.window.document.msFullscreenEnabled||t.window.document.webkitFullscreenEnabled)},qi.prototype._setupUI=function(){var e=this._fullscreenButton=r.create("button","mapboxgl-ctrl-fullscreen",this._controlContainer);r.create("span","mapboxgl-ctrl-icon",e).setAttribute("aria-hidden",!0),e.type="button",this._updateTitle(),this._fullscreenButton.addEventListener("click",this._onClickFullscreen),t.window.document.addEventListener(this._fullscreenchange,this._changeIcon)},qi.prototype._updateTitle=function(){var t=this._getTitle();this._fullscreenButton.setAttribute("aria-label",t),this._fullscreenButton.title=t},qi.prototype._getTitle=function(){return this._map._getUIString(this._isFullscreen()?"FullscreenControl.Exit":"FullscreenControl.Enter")},qi.prototype._isFullscreen=function(){return this._fullscreen},qi.prototype._changeIcon=function(){(t.window.document.fullscreenElement||t.window.document.mozFullScreenElement||t.window.document.webkitFullscreenElement||t.window.document.msFullscreenElement)===this._container!==this._fullscreen&&(this._fullscreen=!this._fullscreen,this._fullscreenButton.classList.toggle("mapboxgl-ctrl-shrink"),this._fullscreenButton.classList.toggle("mapboxgl-ctrl-fullscreen"),this._updateTitle())},qi.prototype._onClickFullscreen=function(){this._isFullscreen()?t.window.document.exitFullscreen?t.window.document.exitFullscreen():t.window.document.mozCancelFullScreen?t.window.document.mozCancelFullScreen():t.window.document.msExitFullscreen?t.window.document.msExitFullscreen():t.window.document.webkitCancelFullScreen&&t.window.document.webkitCancelFullScreen():this._container.requestFullscreen?this._container.requestFullscreen():this._container.mozRequestFullScreen?this._container.mozRequestFullScreen():this._container.msRequestFullscreen?this._container.msRequestFullscreen():this._container.webkitRequestFullscreen&&this._container.webkitRequestFullscreen()};var Hi={closeButton:!0,closeOnClick:!0,className:"",maxWidth:"240px"},Gi=function(e){function n(r){e.call(this),this.options=t.extend(Object.create(Hi),r),t.bindAll(["_update","_onClose","remove","_onMouseMove","_onMouseUp","_onDrag"],this)}return e&&(n.__proto__=e),(n.prototype=Object.create(e&&e.prototype)).constructor=n,n.prototype.addTo=function(e){return this._map&&this.remove(),this._map=e,this.options.closeOnClick&&this._map.on("click",this._onClose),this.options.closeOnMove&&this._map.on("move",this._onClose),this._map.on("remove",this.remove),this._update(),this._trackPointer?(this._map.on("mousemove",this._onMouseMove),this._map.on("mouseup",this._onMouseUp),this._container&&this._container.classList.add("mapboxgl-popup-track-pointer"),this._map._canvasContainer.classList.add("mapboxgl-track-pointer")):this._map.on("move",this._update),this.fire(new t.Event("open")),this},n.prototype.isOpen=function(){return!!this._map},n.prototype.remove=function(){return this._content&&r.remove(this._content),this._container&&(r.remove(this._container),delete this._container),this._map&&(this._map.off("move",this._update),this._map.off("move",this._onClose),this._map.off("click",this._onClose),this._map.off("remove",this.remove),this._map.off("mousemove",this._onMouseMove),this._map.off("mouseup",this._onMouseUp),this._map.off("drag",this._onDrag),delete this._map),this.fire(new t.Event("close")),this},n.prototype.getLngLat=function(){return this._lngLat},n.prototype.setLngLat=function(e){return this._lngLat=t.LngLat.convert(e),this._pos=null,this._trackPointer=!1,this._update(),this._map&&(this._map.on("move",this._update),this._map.off("mousemove",this._onMouseMove),this._container&&this._container.classList.remove("mapboxgl-popup-track-pointer"),this._map._canvasContainer.classList.remove("mapboxgl-track-pointer")),this},n.prototype.trackPointer=function(){return this._trackPointer=!0,this._pos=null,this._update(),this._map&&(this._map.off("move",this._update),this._map.on("mousemove",this._onMouseMove),this._map.on("drag",this._onDrag),this._container&&this._container.classList.add("mapboxgl-popup-track-pointer"),this._map._canvasContainer.classList.add("mapboxgl-track-pointer")),this},n.prototype.getElement=function(){return this._container},n.prototype.setText=function(e){return this.setDOMContent(t.window.document.createTextNode(e))},n.prototype.setHTML=function(e){var r,n=t.window.document.createDocumentFragment(),i=t.window.document.createElement("body");for(i.innerHTML=e;r=i.firstChild;)n.appendChild(r);return this.setDOMContent(n)},n.prototype.getMaxWidth=function(){return this._container&&this._container.style.maxWidth},n.prototype.setMaxWidth=function(t){return this.options.maxWidth=t,this._update(),this},n.prototype.setDOMContent=function(t){return this._createContent(),this._content.appendChild(t),this._update(),this},n.prototype.addClassName=function(t){this._container&&this._container.classList.add(t)},n.prototype.removeClassName=function(t){this._container&&this._container.classList.remove(t)},n.prototype.toggleClassName=function(t){if(this._container)return this._container.classList.toggle(t)},n.prototype._createContent=function(){this._content&&r.remove(this._content),this._content=r.create("div","mapboxgl-popup-content",this._container),this.options.closeButton&&(this._closeButton=r.create("button","mapboxgl-popup-close-button",this._content),this._closeButton.type="button",this._closeButton.setAttribute("aria-label","Close popup"),this._closeButton.innerHTML="×",this._closeButton.addEventListener("click",this._onClose))},n.prototype._onMouseUp=function(t){this._update(t.point)},n.prototype._onMouseMove=function(t){this._update(t.point)},n.prototype._onDrag=function(t){this._update(t.point)},n.prototype._update=function(e){var n=this;if(this._map&&(this._lngLat||this._trackPointer)&&this._content&&(this._container||(this._container=r.create("div","mapboxgl-popup",this._map.getContainer()),this._tip=r.create("div","mapboxgl-popup-tip",this._container),this._container.appendChild(this._content),this.options.className&&this.options.className.split(" ").forEach((function(t){return n._container.classList.add(t)})),this._trackPointer&&this._container.classList.add("mapboxgl-popup-track-pointer")),this.options.maxWidth&&this._container.style.maxWidth!==this.options.maxWidth&&(this._container.style.maxWidth=this.options.maxWidth),this._map.transform.renderWorldCopies&&!this._trackPointer&&(this._lngLat=Li(this._lngLat,this._pos,this._map.transform)),!this._trackPointer||e)){var i=this._pos=this._trackPointer&&e?e:this._map.project(this._lngLat),a=this.options.anchor,o=function e(r){if(r){if("number"==typeof r){var n=Math.round(Math.sqrt(.5*Math.pow(r,2)));return{center:new t.Point(0,0),top:new t.Point(0,r),"top-left":new t.Point(n,n),"top-right":new t.Point(-n,n),bottom:new t.Point(0,-r),"bottom-left":new t.Point(n,-n),"bottom-right":new t.Point(-n,-n),left:new t.Point(r,0),right:new t.Point(-r,0)}}if(r instanceof t.Point||Array.isArray(r)){var i=t.Point.convert(r);return{center:i,top:i,"top-left":i,"top-right":i,bottom:i,"bottom-left":i,"bottom-right":i,left:i,right:i}}return{center:t.Point.convert(r.center||[0,0]),top:t.Point.convert(r.top||[0,0]),"top-left":t.Point.convert(r["top-left"]||[0,0]),"top-right":t.Point.convert(r["top-right"]||[0,0]),bottom:t.Point.convert(r.bottom||[0,0]),"bottom-left":t.Point.convert(r["bottom-left"]||[0,0]),"bottom-right":t.Point.convert(r["bottom-right"]||[0,0]),left:t.Point.convert(r.left||[0,0]),right:t.Point.convert(r.right||[0,0])}}return e(new t.Point(0,0))}(this.options.offset);if(!a){var s,l=this._container.offsetWidth,c=this._container.offsetHeight;s=i.y+o.bottom.ythis._map.transform.height-c?["bottom"]:[],i.xthis._map.transform.width-l/2&&s.push("right"),a=0===s.length?"bottom":s.join("-")}var u=i.add(o[a]).round();r.setTransform(this._container,Ii[a]+" translate("+u.x+"px,"+u.y+"px)"),Pi(this._container,a,"popup")}},n.prototype._onClose=function(){this.remove()},n}(t.Evented),Yi={version:t.version,supported:e,setRTLTextPlugin:t.setRTLTextPlugin,getRTLTextPluginStatus:t.getRTLTextPluginStatus,Map:Mi,NavigationControl:Ei,GeolocateControl:Bi,AttributionControl:vi,ScaleControl:ji,FullscreenControl:qi,Popup:Gi,Marker:Oi,Style:qe,LngLat:t.LngLat,LngLatBounds:t.LngLatBounds,Point:t.Point,MercatorCoordinate:t.MercatorCoordinate,Evented:t.Evented,config:t.config,prewarm:function(){Bt().acquire(Ot)},clearPrewarmedResources:function(){var t=Rt;t&&(t.isPreloaded()&&1===t.numActive()?(t.release(Ot),Rt=null):console.warn("Could not clear WebWorkers since there are active Map instances that still reference it. The pre-warmed WebWorker pool can only be cleared when all map instances have been removed with map.remove()"))},get accessToken(){return t.config.ACCESS_TOKEN},set accessToken(e){t.config.ACCESS_TOKEN=e},get baseApiUrl(){return t.config.API_URL},set baseApiUrl(e){t.config.API_URL=e},get workerCount(){return Dt.workerCount},set workerCount(t){Dt.workerCount=t},get maxParallelImageRequests(){return t.config.MAX_PARALLEL_IMAGE_REQUESTS},set maxParallelImageRequests(e){t.config.MAX_PARALLEL_IMAGE_REQUESTS=e},clearStorage:function(e){t.clearTileCache(e)},workerUrl:""};return Yi})),r}))},{}],474:[function(t,e,r){"use strict";e.exports=function(t){for(var e=1<p[1][2]&&(v[0]=-v[0]),p[0][2]>p[2][0]&&(v[1]=-v[1]),p[1][0]>p[0][1]&&(v[2]=-v[2]),!0}},{"./normalize":476,"gl-mat4/clone":278,"gl-mat4/create":280,"gl-mat4/determinant":281,"gl-mat4/invert":293,"gl-mat4/transpose":306,"gl-vec3/cross":365,"gl-vec3/dot":370,"gl-vec3/length":380,"gl-vec3/normalize":387}],476:[function(t,e,r){e.exports=function(t,e){var r=e[15];if(0===r)return!1;for(var n=1/r,i=0;i<16;i++)t[i]=e[i]*n;return!0}},{}],477:[function(t,e,r){var n=t("gl-vec3/lerp"),i=t("mat4-recompose"),a=t("mat4-decompose"),o=t("gl-mat4/determinant"),s=t("quat-slerp"),l=f(),c=f(),u=f();function f(){return{translate:h(),scale:h(1),skew:h(),perspective:[0,0,0,1],quaternion:[0,0,0,1]}}function h(t){return[t||0,t||0,t||0]}e.exports=function(t,e,r,f){if(0===o(e)||0===o(r))return!1;var h=a(e,l.translate,l.scale,l.skew,l.perspective,l.quaternion),p=a(r,c.translate,c.scale,c.skew,c.perspective,c.quaternion);return!(!h||!p)&&(n(u.translate,l.translate,c.translate,f),n(u.skew,l.skew,c.skew,f),n(u.scale,l.scale,c.scale,f),n(u.perspective,l.perspective,c.perspective,f),s(u.quaternion,l.quaternion,c.quaternion,f),i(t,u.translate,u.scale,u.skew,u.perspective,u.quaternion),!0)}},{"gl-mat4/determinant":281,"gl-vec3/lerp":381,"mat4-decompose":475,"mat4-recompose":478,"quat-slerp":527}],478:[function(t,e,r){var n={identity:t("gl-mat4/identity"),translate:t("gl-mat4/translate"),multiply:t("gl-mat4/multiply"),create:t("gl-mat4/create"),scale:t("gl-mat4/scale"),fromRotationTranslation:t("gl-mat4/fromRotationTranslation")},i=(n.create(),n.create());e.exports=function(t,e,r,a,o,s){return n.identity(t),n.fromRotationTranslation(t,s,e),t[3]=o[0],t[7]=o[1],t[11]=o[2],t[15]=o[3],n.identity(i),0!==a[2]&&(i[9]=a[2],n.multiply(t,t,i)),0!==a[1]&&(i[9]=0,i[8]=a[1],n.multiply(t,t,i)),0!==a[0]&&(i[8]=0,i[4]=a[0],n.multiply(t,t,i)),n.scale(t,t,r),t}},{"gl-mat4/create":280,"gl-mat4/fromRotationTranslation":284,"gl-mat4/identity":291,"gl-mat4/multiply":295,"gl-mat4/scale":303,"gl-mat4/translate":305}],479:[function(t,e,r){"use strict";e.exports=Math.log2||function(t){return Math.log(t)*Math.LOG2E}},{}],480:[function(t,e,r){"use strict";var n=t("binary-search-bounds"),i=t("mat4-interpolate"),a=t("gl-mat4/invert"),o=t("gl-mat4/rotateX"),s=t("gl-mat4/rotateY"),l=t("gl-mat4/rotateZ"),c=t("gl-mat4/lookAt"),u=t("gl-mat4/translate"),f=(t("gl-mat4/scale"),t("gl-vec3/normalize")),h=[0,0,0];function p(t){this._components=t.slice(),this._time=[0],this.prevMatrix=t.slice(),this.nextMatrix=t.slice(),this.computedMatrix=t.slice(),this.computedInverse=t.slice(),this.computedEye=[0,0,0],this.computedUp=[0,0,0],this.computedCenter=[0,0,0],this.computedRadius=[0],this._limits=[-1/0,1/0]}e.exports=function(t){return new p((t=t||{}).matrix||[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1])};var d=p.prototype;d.recalcMatrix=function(t){var e=this._time,r=n.le(e,t),o=this.computedMatrix;if(!(r<0)){var s=this._components;if(r===e.length-1)for(var l=16*r,c=0;c<16;++c)o[c]=s[l++];else{var u=e[r+1]-e[r],h=(l=16*r,this.prevMatrix),p=!0;for(c=0;c<16;++c)h[c]=s[l++];var d=this.nextMatrix;for(c=0;c<16;++c)d[c]=s[l++],p=p&&h[c]===d[c];if(u<1e-6||p)for(c=0;c<16;++c)o[c]=h[c];else i(o,h,d,(t-e[r])/u)}var g=this.computedUp;g[0]=o[1],g[1]=o[5],g[2]=o[9],f(g,g);var m=this.computedInverse;a(m,o);var v=this.computedEye,y=m[15];v[0]=m[12]/y,v[1]=m[13]/y,v[2]=m[14]/y;var x=this.computedCenter,b=Math.exp(this.computedRadius[0]);for(c=0;c<3;++c)x[c]=v[c]-o[2+4*c]*b}},d.idle=function(t){if(!(t1&&n(t[o[u-2]],t[o[u-1]],c)<=0;)u-=1,o.pop();for(o.push(l),u=s.length;u>1&&n(t[s[u-2]],t[s[u-1]],c)>=0;)u-=1,s.pop();s.push(l)}r=new Array(s.length+o.length-2);for(var f=0,h=(i=0,o.length);i0;--p)r[f++]=s[p];return r};var n=t("robust-orientation")[3]},{"robust-orientation":548}],483:[function(t,e,r){"use strict";e.exports=function(t,e){e||(e=t,t=window);var r=0,i=0,a=0,o={shift:!1,alt:!1,control:!1,meta:!1},s=!1;function l(t){var e=!1;return"altKey"in t&&(e=e||t.altKey!==o.alt,o.alt=!!t.altKey),"shiftKey"in t&&(e=e||t.shiftKey!==o.shift,o.shift=!!t.shiftKey),"ctrlKey"in t&&(e=e||t.ctrlKey!==o.control,o.control=!!t.ctrlKey),"metaKey"in t&&(e=e||t.metaKey!==o.meta,o.meta=!!t.metaKey),e}function c(t,s){var c=n.x(s),u=n.y(s);"buttons"in s&&(t=0|s.buttons),(t!==r||c!==i||u!==a||l(s))&&(r=0|t,i=c||0,a=u||0,e&&e(r,i,a,o))}function u(t){c(0,t)}function f(){(r||i||a||o.shift||o.alt||o.meta||o.control)&&(i=a=0,r=0,o.shift=o.alt=o.control=o.meta=!1,e&&e(0,0,0,o))}function h(t){l(t)&&e&&e(r,i,a,o)}function p(t){0===n.buttons(t)?c(0,t):c(r,t)}function d(t){c(r|n.buttons(t),t)}function g(t){c(r&~n.buttons(t),t)}function m(){s||(s=!0,t.addEventListener("mousemove",p),t.addEventListener("mousedown",d),t.addEventListener("mouseup",g),t.addEventListener("mouseleave",u),t.addEventListener("mouseenter",u),t.addEventListener("mouseout",u),t.addEventListener("mouseover",u),t.addEventListener("blur",f),t.addEventListener("keyup",h),t.addEventListener("keydown",h),t.addEventListener("keypress",h),t!==window&&(window.addEventListener("blur",f),window.addEventListener("keyup",h),window.addEventListener("keydown",h),window.addEventListener("keypress",h)))}m();var v={element:t};return Object.defineProperties(v,{enabled:{get:function(){return s},set:function(e){e?m():function(){if(!s)return;s=!1,t.removeEventListener("mousemove",p),t.removeEventListener("mousedown",d),t.removeEventListener("mouseup",g),t.removeEventListener("mouseleave",u),t.removeEventListener("mouseenter",u),t.removeEventListener("mouseout",u),t.removeEventListener("mouseover",u),t.removeEventListener("blur",f),t.removeEventListener("keyup",h),t.removeEventListener("keydown",h),t.removeEventListener("keypress",h),t!==window&&(window.removeEventListener("blur",f),window.removeEventListener("keyup",h),window.removeEventListener("keydown",h),window.removeEventListener("keypress",h))}()},enumerable:!0},buttons:{get:function(){return r},enumerable:!0},x:{get:function(){return i},enumerable:!0},y:{get:function(){return a},enumerable:!0},mods:{get:function(){return o},enumerable:!0}}),v};var n=t("mouse-event")},{"mouse-event":485}],484:[function(t,e,r){var n={left:0,top:0};e.exports=function(t,e,r){e=e||t.currentTarget||t.srcElement,Array.isArray(r)||(r=[0,0]);var i=t.clientX||0,a=t.clientY||0,o=(s=e,s===window||s===document||s===document.body?n:s.getBoundingClientRect());var s;return r[0]=i-o.left,r[1]=a-o.top,r}},{}],485:[function(t,e,r){"use strict";function n(t){return t.target||t.srcElement||window}r.buttons=function(t){if("object"==typeof t){if("buttons"in t)return t.buttons;if("which"in t){if(2===(e=t.which))return 4;if(3===e)return 2;if(e>0)return 1<=0)return 1< 0");"function"!=typeof t.vertex&&e("Must specify vertex creation function");"function"!=typeof t.cell&&e("Must specify cell creation function");"function"!=typeof t.phase&&e("Must specify phase function");for(var w=t.getters||[],T=new Array(b),k=0;k=0?T[k]=!0:T[k]=!1;return function(t,e,r,b,_,w){var T=w.length,k=_.length;if(k<2)throw new Error("ndarray-extract-contour: Dimension must be at least 2");for(var M="extractContour"+_.join("_"),A=[],S=[],E=[],C=0;C0&&z.push(l(C,_[L-1])+"*"+s(_[L-1])),S.push(d(C,_[L])+"=("+z.join("-")+")|0")}for(C=0;C=0;--C)O.push(s(_[C]));S.push("Q=("+O.join("*")+")|0","P=mallocUint32(Q)","V=mallocUint32(Q)","X=0"),S.push(g(0)+"=0");for(L=1;L<1<0;_=_-1&d)x.push("V[X+"+v(_)+"]");x.push(y(0));for(_=0;_=0;--e)N(e,0);var r=[];for(e=0;e0){",p(_[e]),"=1;"),t(e-1,r|1<<_[e]);for(var n=0;n=0?s.push("0"):e.indexOf(-(l+1))>=0?s.push("s["+l+"]-1"):(s.push("-1"),a.push("1"),o.push("s["+l+"]-2"));var c=".lo("+a.join()+").hi("+o.join()+")";if(0===a.length&&(c=""),i>0){n.push("if(1");for(l=0;l=0||e.indexOf(-(l+1))>=0||n.push("&&s[",l,"]>2");n.push("){grad",i,"(src.pick(",s.join(),")",c);for(l=0;l=0||e.indexOf(-(l+1))>=0||n.push(",dst.pick(",s.join(),",",l,")",c);n.push(");")}for(l=0;l1){dst.set(",s.join(),",",u,",0.5*(src.get(",h.join(),")-src.get(",p.join(),")))}else{dst.set(",s.join(),",",u,",0)};"):n.push("if(s[",u,"]>1){diff(",f,",src.pick(",h.join(),")",c,",src.pick(",p.join(),")",c,");}else{zero(",f,");};");break;case"mirror":0===i?n.push("dst.set(",s.join(),",",u,",0);"):n.push("zero(",f,");");break;case"wrap":var d=s.slice(),g=s.slice();e[l]<0?(d[u]="s["+u+"]-2",g[u]="0"):(d[u]="s["+u+"]-1",g[u]="1"),0===i?n.push("if(s[",u,"]>2){dst.set(",s.join(),",",u,",0.5*(src.get(",d.join(),")-src.get(",g.join(),")))}else{dst.set(",s.join(),",",u,",0)};"):n.push("if(s[",u,"]>2){diff(",f,",src.pick(",d.join(),")",c,",src.pick(",g.join(),")",c,");}else{zero(",f,");};");break;default:throw new Error("ndarray-gradient: Invalid boundary condition")}}i>0&&n.push("};")}for(var s=0;s<1<>",rrshift:">>>"};!function(){for(var t in s){var e=s[t];r[t]=o({args:["array","array","array"],body:{args:["a","b","c"],body:"a=b"+e+"c"},funcName:t}),r[t+"eq"]=o({args:["array","array"],body:{args:["a","b"],body:"a"+e+"=b"},rvalue:!0,funcName:t+"eq"}),r[t+"s"]=o({args:["array","array","scalar"],body:{args:["a","b","s"],body:"a=b"+e+"s"},funcName:t+"s"}),r[t+"seq"]=o({args:["array","scalar"],body:{args:["a","s"],body:"a"+e+"=s"},rvalue:!0,funcName:t+"seq"})}}();var l={not:"!",bnot:"~",neg:"-",recip:"1.0/"};!function(){for(var t in l){var e=l[t];r[t]=o({args:["array","array"],body:{args:["a","b"],body:"a="+e+"b"},funcName:t}),r[t+"eq"]=o({args:["array"],body:{args:["a"],body:"a="+e+"a"},rvalue:!0,count:2,funcName:t+"eq"})}}();var c={and:"&&",or:"||",eq:"===",neq:"!==",lt:"<",gt:">",leq:"<=",geq:">="};!function(){for(var t in c){var e=c[t];r[t]=o({args:["array","array","array"],body:{args:["a","b","c"],body:"a=b"+e+"c"},funcName:t}),r[t+"s"]=o({args:["array","array","scalar"],body:{args:["a","b","s"],body:"a=b"+e+"s"},funcName:t+"s"}),r[t+"eq"]=o({args:["array","array"],body:{args:["a","b"],body:"a=a"+e+"b"},rvalue:!0,count:2,funcName:t+"eq"}),r[t+"seq"]=o({args:["array","scalar"],body:{args:["a","s"],body:"a=a"+e+"s"},rvalue:!0,count:2,funcName:t+"seq"})}}();var u=["abs","acos","asin","atan","ceil","cos","exp","floor","log","round","sin","sqrt","tan"];!function(){for(var t=0;tthis_s){this_s=-a}else if(a>this_s){this_s=a}",localVars:[],thisVars:["this_s"]},post:{args:[],localVars:[],thisVars:["this_s"],body:"return this_s"},funcName:"norminf"}),r.norm1=n({args:["array"],pre:{args:[],localVars:[],thisVars:["this_s"],body:"this_s=0"},body:{args:[{name:"a",lvalue:!1,rvalue:!0,count:3}],body:"this_s+=a<0?-a:a",localVars:[],thisVars:["this_s"]},post:{args:[],localVars:[],thisVars:["this_s"],body:"return this_s"},funcName:"norm1"}),r.sup=n({args:["array"],pre:{body:"this_h=-Infinity",args:[],thisVars:["this_h"],localVars:[]},body:{body:"if(_inline_1_arg0_>this_h)this_h=_inline_1_arg0_",args:[{name:"_inline_1_arg0_",lvalue:!1,rvalue:!0,count:2}],thisVars:["this_h"],localVars:[]},post:{body:"return this_h",args:[],thisVars:["this_h"],localVars:[]}}),r.inf=n({args:["array"],pre:{body:"this_h=Infinity",args:[],thisVars:["this_h"],localVars:[]},body:{body:"if(_inline_1_arg0_this_v){this_v=_inline_1_arg1_;for(var _inline_1_k=0;_inline_1_k<_inline_1_arg0_.length;++_inline_1_k){this_i[_inline_1_k]=_inline_1_arg0_[_inline_1_k]}}}",args:[{name:"_inline_1_arg0_",lvalue:!1,rvalue:!0,count:2},{name:"_inline_1_arg1_",lvalue:!1,rvalue:!0,count:2}],thisVars:["this_i","this_v"],localVars:["_inline_1_k"]},post:{body:"{return this_i}",args:[],thisVars:["this_i"],localVars:[]}}),r.random=o({args:["array"],pre:{args:[],body:"this_f=Math.random",thisVars:["this_f"]},body:{args:["a"],body:"a=this_f()",thisVars:["this_f"]},funcName:"random"}),r.assign=o({args:["array","array"],body:{args:["a","b"],body:"a=b"},funcName:"assign"}),r.assigns=o({args:["array","scalar"],body:{args:["a","b"],body:"a=b"},funcName:"assigns"}),r.equals=n({args:["array","array"],pre:i,body:{args:[{name:"x",lvalue:!1,rvalue:!0,count:1},{name:"y",lvalue:!1,rvalue:!0,count:1}],body:"if(x!==y){return false}",localVars:[],thisVars:[]},post:{args:[],localVars:[],thisVars:[],body:"return true"},funcName:"equals"})},{"cwise-compiler":151}],491:[function(t,e,r){"use strict";var n=t("ndarray"),i=t("./doConvert.js");e.exports=function(t,e){for(var r=[],a=t,o=1;Array.isArray(a);)r.push(a.length),o*=a.length,a=a[0];return 0===r.length?n():(e||(e=n(new Float64Array(o),r)),i(e,t),e)}},{"./doConvert.js":492,ndarray:495}],492:[function(t,e,r){e.exports=t("cwise-compiler")({args:["array","scalar","index"],pre:{body:"{}",args:[],thisVars:[],localVars:[]},body:{body:"{\nvar _inline_1_v=_inline_1_arg1_,_inline_1_i\nfor(_inline_1_i=0;_inline_1_i<_inline_1_arg2_.length-1;++_inline_1_i) {\n_inline_1_v=_inline_1_v[_inline_1_arg2_[_inline_1_i]]\n}\n_inline_1_arg0_=_inline_1_v[_inline_1_arg2_[_inline_1_arg2_.length-1]]\n}",args:[{name:"_inline_1_arg0_",lvalue:!0,rvalue:!1,count:1},{name:"_inline_1_arg1_",lvalue:!1,rvalue:!0,count:1},{name:"_inline_1_arg2_",lvalue:!1,rvalue:!0,count:4}],thisVars:[],localVars:["_inline_1_i","_inline_1_v"]},post:{body:"{}",args:[],thisVars:[],localVars:[]},funcName:"convert",blockSize:64})},{"cwise-compiler":151}],493:[function(t,e,r){"use strict";var n=t("typedarray-pool"),i=32;function a(t){switch(t){case"uint8":return[n.mallocUint8,n.freeUint8];case"uint16":return[n.mallocUint16,n.freeUint16];case"uint32":return[n.mallocUint32,n.freeUint32];case"int8":return[n.mallocInt8,n.freeInt8];case"int16":return[n.mallocInt16,n.freeInt16];case"int32":return[n.mallocInt32,n.freeInt32];case"float32":return[n.mallocFloat,n.freeFloat];case"float64":return[n.mallocDouble,n.freeDouble];default:return null}}function o(t){for(var e=[],r=0;r0?s.push(["d",d,"=s",d,"-d",f,"*n",f].join("")):s.push(["d",d,"=s",d].join("")),f=d),0!==(p=t.length-1-l)&&(h>0?s.push(["e",p,"=s",p,"-e",h,"*n",h,",f",p,"=",c[p],"-f",h,"*n",h].join("")):s.push(["e",p,"=s",p,",f",p,"=",c[p]].join("")),h=p)}r.push("var "+s.join(","));var g=["0","n0-1","data","offset"].concat(o(t.length));r.push(["if(n0<=",i,"){","insertionSort(",g.join(","),")}else{","quickSort(",g.join(","),")}"].join("")),r.push("}return "+n);var m=new Function("insertionSort","quickSort",r.join("\n")),v=function(t,e){var r=["'use strict'"],n=["ndarrayInsertionSort",t.join("d"),e].join(""),i=["left","right","data","offset"].concat(o(t.length)),s=a(e),l=["i,j,cptr,ptr=left*s0+offset"];if(t.length>1){for(var c=[],u=1;u1){r.push("dptr=0;sptr=ptr");for(u=t.length-1;u>=0;--u){0!==(p=t[u])&&r.push(["for(i",p,"=0;i",p,"b){break __l}"].join(""));for(u=t.length-1;u>=1;--u)r.push("sptr+=e"+u,"dptr+=f"+u,"}");r.push("dptr=cptr;sptr=cptr-s0");for(u=t.length-1;u>=0;--u){0!==(p=t[u])&&r.push(["for(i",p,"=0;i",p,"=0;--u){0!==(p=t[u])&&r.push(["for(i",p,"=0;i",p,"scratch)){",h("cptr",f("cptr-s0")),"cptr-=s0","}",h("cptr","scratch"));return r.push("}"),t.length>1&&s&&r.push("free(scratch)"),r.push("} return "+n),s?new Function("malloc","free",r.join("\n"))(s[0],s[1]):new Function(r.join("\n"))()}(t,e),y=function(t,e,r){var n=["'use strict'"],s=["ndarrayQuickSort",t.join("d"),e].join(""),l=["left","right","data","offset"].concat(o(t.length)),c=a(e),u=0;n.push(["function ",s,"(",l.join(","),"){"].join(""));var f=["sixth=((right-left+1)/6)|0","index1=left+sixth","index5=right-sixth","index3=(left+right)>>1","index2=index3-sixth","index4=index3+sixth","el1=index1","el2=index2","el3=index3","el4=index4","el5=index5","less=left+1","great=right-1","pivots_are_equal=true","tmp","tmp0","x","y","z","k","ptr0","ptr1","ptr2","comp_pivot1=0","comp_pivot2=0","comp=0"];if(t.length>1){for(var h=[],p=1;p=0;--a){0!==(o=t[a])&&n.push(["for(i",o,"=0;i",o,"1)for(a=0;a1?n.push("ptr_shift+=d"+o):n.push("ptr0+=d"+o),n.push("}"))}}function y(e,r,i,a){if(1===r.length)n.push("ptr0="+d(r[0]));else{for(var o=0;o1)for(o=0;o=1;--o)i&&n.push("pivot_ptr+=f"+o),r.length>1?n.push("ptr_shift+=e"+o):n.push("ptr0+=e"+o),n.push("}")}function x(){t.length>1&&c&&n.push("free(pivot1)","free(pivot2)")}function b(e,r){var i="el"+e,a="el"+r;if(t.length>1){var o="__l"+ ++u;y(o,[i,a],!1,["comp=",g("ptr0"),"-",g("ptr1"),"\n","if(comp>0){tmp0=",i,";",i,"=",a,";",a,"=tmp0;break ",o,"}\n","if(comp<0){break ",o,"}"].join(""))}else n.push(["if(",g(d(i)),">",g(d(a)),"){tmp0=",i,";",i,"=",a,";",a,"=tmp0}"].join(""))}function _(e,r){t.length>1?v([e,r],!1,m("ptr0",g("ptr1"))):n.push(m(d(e),g(d(r))))}function w(e,r,i){if(t.length>1){var a="__l"+ ++u;y(a,[r],!0,[e,"=",g("ptr0"),"-pivot",i,"[pivot_ptr]\n","if(",e,"!==0){break ",a,"}"].join(""))}else n.push([e,"=",g(d(r)),"-pivot",i].join(""))}function T(e,r){t.length>1?v([e,r],!1,["tmp=",g("ptr0"),"\n",m("ptr0",g("ptr1")),"\n",m("ptr1","tmp")].join("")):n.push(["ptr0=",d(e),"\n","ptr1=",d(r),"\n","tmp=",g("ptr0"),"\n",m("ptr0",g("ptr1")),"\n",m("ptr1","tmp")].join(""))}function k(e,r,i){t.length>1?(v([e,r,i],!1,["tmp=",g("ptr0"),"\n",m("ptr0",g("ptr1")),"\n",m("ptr1",g("ptr2")),"\n",m("ptr2","tmp")].join("")),n.push("++"+r,"--"+i)):n.push(["ptr0=",d(e),"\n","ptr1=",d(r),"\n","ptr2=",d(i),"\n","++",r,"\n","--",i,"\n","tmp=",g("ptr0"),"\n",m("ptr0",g("ptr1")),"\n",m("ptr1",g("ptr2")),"\n",m("ptr2","tmp")].join(""))}function M(t,e){T(t,e),n.push("--"+e)}function A(e,r,i){t.length>1?v([e,r],!0,[m("ptr0",g("ptr1")),"\n",m("ptr1",["pivot",i,"[pivot_ptr]"].join(""))].join("")):n.push(m(d(e),g(d(r))),m(d(r),"pivot"+i))}function S(e,r){n.push(["if((",r,"-",e,")<=",i,"){\n","insertionSort(",e,",",r,",data,offset,",o(t.length).join(","),")\n","}else{\n",s,"(",e,",",r,",data,offset,",o(t.length).join(","),")\n","}"].join(""))}function E(e,r,i){t.length>1?(n.push(["__l",++u,":while(true){"].join("")),v([e],!0,["if(",g("ptr0"),"!==pivot",r,"[pivot_ptr]){break __l",u,"}"].join("")),n.push(i,"}")):n.push(["while(",g(d(e)),"===pivot",r,"){",i,"}"].join(""))}return n.push("var "+f.join(",")),b(1,2),b(4,5),b(1,3),b(2,3),b(1,4),b(3,4),b(2,5),b(2,3),b(4,5),t.length>1?v(["el1","el2","el3","el4","el5","index1","index3","index5"],!0,["pivot1[pivot_ptr]=",g("ptr1"),"\n","pivot2[pivot_ptr]=",g("ptr3"),"\n","pivots_are_equal=pivots_are_equal&&(pivot1[pivot_ptr]===pivot2[pivot_ptr])\n","x=",g("ptr0"),"\n","y=",g("ptr2"),"\n","z=",g("ptr4"),"\n",m("ptr5","x"),"\n",m("ptr6","y"),"\n",m("ptr7","z")].join("")):n.push(["pivot1=",g(d("el2")),"\n","pivot2=",g(d("el4")),"\n","pivots_are_equal=pivot1===pivot2\n","x=",g(d("el1")),"\n","y=",g(d("el3")),"\n","z=",g(d("el5")),"\n",m(d("index1"),"x"),"\n",m(d("index3"),"y"),"\n",m(d("index5"),"z")].join("")),_("index2","left"),_("index4","right"),n.push("if(pivots_are_equal){"),n.push("for(k=less;k<=great;++k){"),w("comp","k",1),n.push("if(comp===0){continue}"),n.push("if(comp<0){"),n.push("if(k!==less){"),T("k","less"),n.push("}"),n.push("++less"),n.push("}else{"),n.push("while(true){"),w("comp","great",1),n.push("if(comp>0){"),n.push("great--"),n.push("}else if(comp<0){"),k("k","less","great"),n.push("break"),n.push("}else{"),M("k","great"),n.push("break"),n.push("}"),n.push("}"),n.push("}"),n.push("}"),n.push("}else{"),n.push("for(k=less;k<=great;++k){"),w("comp_pivot1","k",1),n.push("if(comp_pivot1<0){"),n.push("if(k!==less){"),T("k","less"),n.push("}"),n.push("++less"),n.push("}else{"),w("comp_pivot2","k",2),n.push("if(comp_pivot2>0){"),n.push("while(true){"),w("comp","great",2),n.push("if(comp>0){"),n.push("if(--greatindex5){"),E("less",1,"++less"),E("great",2,"--great"),n.push("for(k=less;k<=great;++k){"),w("comp_pivot1","k",1),n.push("if(comp_pivot1===0){"),n.push("if(k!==less){"),T("k","less"),n.push("}"),n.push("++less"),n.push("}else{"),w("comp_pivot2","k",2),n.push("if(comp_pivot2===0){"),n.push("while(true){"),w("comp","great",2),n.push("if(comp===0){"),n.push("if(--great1&&c?new Function("insertionSort","malloc","free",n.join("\n"))(r,c[0],c[1]):new Function("insertionSort",n.join("\n"))(r)}(t,e,v);return m(v,y)}},{"typedarray-pool":595}],494:[function(t,e,r){"use strict";var n=t("./lib/compile_sort.js"),i={};e.exports=function(t){var e=t.order,r=t.dtype,a=[e,r].join(":"),o=i[a];return o||(i[a]=o=n(e,r)),o(t),t}},{"./lib/compile_sort.js":493}],495:[function(t,e,r){var n=t("iota-array"),i=t("is-buffer"),a="undefined"!=typeof Float64Array;function o(t,e){return t[0]-e[0]}function s(){var t,e=this.stride,r=new Array(e.length);for(t=0;tMath.abs(this.stride[1]))?[1,0]:[0,1]}})"):3===e&&a.push("var s0=Math.abs(this.stride[0]),s1=Math.abs(this.stride[1]),s2=Math.abs(this.stride[2]);if(s0>s1){if(s1>s2){return [2,1,0];}else if(s0>s2){return [1,2,0];}else{return [1,0,2];}}else if(s0>s2){return [2,0,1];}else if(s2>s1){return [0,1,2];}else{return [0,2,1];}}})")):a.push("ORDER})")),a.push("proto.set=function "+r+"_set("+l.join(",")+",v){"),i?a.push("return this.data.set("+u+",v)}"):a.push("return this.data["+u+"]=v}"),a.push("proto.get=function "+r+"_get("+l.join(",")+"){"),i?a.push("return this.data.get("+u+")}"):a.push("return this.data["+u+"]}"),a.push("proto.index=function "+r+"_index(",l.join(),"){return "+u+"}"),a.push("proto.hi=function "+r+"_hi("+l.join(",")+"){return new "+r+"(this.data,"+o.map((function(t){return["(typeof i",t,"!=='number'||i",t,"<0)?this.shape[",t,"]:i",t,"|0"].join("")})).join(",")+","+o.map((function(t){return"this.stride["+t+"]"})).join(",")+",this.offset)}");var p=o.map((function(t){return"a"+t+"=this.shape["+t+"]"})),d=o.map((function(t){return"c"+t+"=this.stride["+t+"]"}));a.push("proto.lo=function "+r+"_lo("+l.join(",")+"){var b=this.offset,d=0,"+p.join(",")+","+d.join(","));for(var g=0;g=0){d=i"+g+"|0;b+=c"+g+"*d;a"+g+"-=d}");a.push("return new "+r+"(this.data,"+o.map((function(t){return"a"+t})).join(",")+","+o.map((function(t){return"c"+t})).join(",")+",b)}"),a.push("proto.step=function "+r+"_step("+l.join(",")+"){var "+o.map((function(t){return"a"+t+"=this.shape["+t+"]"})).join(",")+","+o.map((function(t){return"b"+t+"=this.stride["+t+"]"})).join(",")+",c=this.offset,d=0,ceil=Math.ceil");for(g=0;g=0){c=(c+this.stride["+g+"]*i"+g+")|0}else{a.push(this.shape["+g+"]);b.push(this.stride["+g+"])}");return a.push("var ctor=CTOR_LIST[a.length+1];return ctor(this.data,a,b,c)}"),a.push("return function construct_"+r+"(data,shape,stride,offset){return new "+r+"(data,"+o.map((function(t){return"shape["+t+"]"})).join(",")+","+o.map((function(t){return"stride["+t+"]"})).join(",")+",offset)}"),new Function("CTOR_LIST","ORDER",a.join("\n"))(c[t],s)}var c={float32:[],float64:[],int8:[],int16:[],int32:[],uint8:[],uint16:[],uint32:[],array:[],uint8_clamped:[],bigint64:[],biguint64:[],buffer:[],generic:[]};e.exports=function(t,e,r,n){if(void 0===t)return(0,c.array[0])([]);"number"==typeof t&&(t=[t]),void 0===e&&(e=[t.length]);var o=e.length;if(void 0===r){r=new Array(o);for(var s=o-1,u=1;s>=0;--s)r[s]=u,u*=e[s]}if(void 0===n){n=0;for(s=0;st==t>0?a===-1>>>0?(r+=1,a=0):a+=1:0===a?(a=-1>>>0,r-=1):a-=1;return n.pack(a,r)}},{"double-bits":173}],497:[function(t,e,r){var n=Math.PI,i=c(120);function a(t,e,r,n){return["C",t,e,r,n,r,n]}function o(t,e,r,n,i,a){return["C",t/3+2/3*r,e/3+2/3*n,i/3+2/3*r,a/3+2/3*n,i,a]}function s(t,e,r,a,o,c,u,f,h,p){if(p)T=p[0],k=p[1],_=p[2],w=p[3];else{var d=l(t,e,-o);t=d.x,e=d.y;var g=(t-(f=(d=l(f,h,-o)).x))/2,m=(e-(h=d.y))/2,v=g*g/(r*r)+m*m/(a*a);v>1&&(r*=v=Math.sqrt(v),a*=v);var y=r*r,x=a*a,b=(c==u?-1:1)*Math.sqrt(Math.abs((y*x-y*m*m-x*g*g)/(y*m*m+x*g*g)));b==1/0&&(b=1);var _=b*r*m/a+(t+f)/2,w=b*-a*g/r+(e+h)/2,T=Math.asin(((e-w)/a).toFixed(9)),k=Math.asin(((h-w)/a).toFixed(9));(T=t<_?n-T:T)<0&&(T=2*n+T),(k=f<_?n-k:k)<0&&(k=2*n+k),u&&T>k&&(T-=2*n),!u&&k>T&&(k-=2*n)}if(Math.abs(k-T)>i){var M=k,A=f,S=h;k=T+i*(u&&k>T?1:-1);var E=s(f=_+r*Math.cos(k),h=w+a*Math.sin(k),r,a,o,0,u,A,S,[k,M,_,w])}var C=Math.tan((k-T)/4),L=4/3*r*C,I=4/3*a*C,P=[2*t-(t+L*Math.sin(T)),2*e-(e-I*Math.cos(T)),f+L*Math.sin(k),h-I*Math.cos(k),f,h];if(p)return P;E&&(P=P.concat(E));for(var z=0;z7&&(r.push(v.splice(0,7)),v.unshift("C"));break;case"S":var x=p,b=d;"C"!=e&&"S"!=e||(x+=x-n,b+=b-i),v=["C",x,b,v[1],v[2],v[3],v[4]];break;case"T":"Q"==e||"T"==e?(f=2*p-f,h=2*d-h):(f=p,h=d),v=o(p,d,f,h,v[1],v[2]);break;case"Q":f=v[1],h=v[2],v=o(p,d,v[1],v[2],v[3],v[4]);break;case"L":v=a(p,d,v[1],v[2]);break;case"H":v=a(p,d,v[1],d);break;case"V":v=a(p,d,p,v[1]);break;case"Z":v=a(p,d,l,u)}e=y,p=v[v.length-2],d=v[v.length-1],v.length>4?(n=v[v.length-4],i=v[v.length-3]):(n=p,i=d),r.push(v)}return r}},{}],498:[function(t,e,r){r.vertexNormals=function(t,e,r){for(var n=e.length,i=new Array(n),a=void 0===r?1e-6:r,o=0;oa){var b=i[c],_=1/Math.sqrt(m*y);for(x=0;x<3;++x){var w=(x+1)%3,T=(x+2)%3;b[x]+=_*(v[w]*g[T]-v[T]*g[w])}}}for(o=0;oa)for(_=1/Math.sqrt(k),x=0;x<3;++x)b[x]*=_;else for(x=0;x<3;++x)b[x]=0}return i},r.faceNormals=function(t,e,r){for(var n=t.length,i=new Array(n),a=void 0===r?1e-6:r,o=0;oa?1/Math.sqrt(p):0;for(c=0;c<3;++c)h[c]*=p;i[o]=h}return i}},{}],499:[function(t,e,r){ +/* +object-assign +(c) Sindre Sorhus +@license MIT +*/ +"use strict";var n=Object.getOwnPropertySymbols,i=Object.prototype.hasOwnProperty,a=Object.prototype.propertyIsEnumerable;function o(t){if(null==t)throw new TypeError("Object.assign cannot be called with null or undefined");return Object(t)}e.exports=function(){try{if(!Object.assign)return!1;var t=new String("abc");if(t[5]="de","5"===Object.getOwnPropertyNames(t)[0])return!1;for(var e={},r=0;r<10;r++)e["_"+String.fromCharCode(r)]=r;if("0123456789"!==Object.getOwnPropertyNames(e).map((function(t){return e[t]})).join(""))return!1;var n={};return"abcdefghijklmnopqrst".split("").forEach((function(t){n[t]=t})),"abcdefghijklmnopqrst"===Object.keys(Object.assign({},n)).join("")}catch(t){return!1}}()?Object.assign:function(t,e){for(var r,s,l=o(t),c=1;c0){var f=Math.sqrt(u+1);t[0]=.5*(o-l)/f,t[1]=.5*(s-n)/f,t[2]=.5*(r-a)/f,t[3]=.5*f}else{var h=Math.max(e,a,c);f=Math.sqrt(2*h-u+1);e>=h?(t[0]=.5*f,t[1]=.5*(i+r)/f,t[2]=.5*(s+n)/f,t[3]=.5*(o-l)/f):a>=h?(t[0]=.5*(r+i)/f,t[1]=.5*f,t[2]=.5*(l+o)/f,t[3]=.5*(s-n)/f):(t[0]=.5*(n+s)/f,t[1]=.5*(o+l)/f,t[2]=.5*f,t[3]=.5*(r-i)/f)}return t}},{}],501:[function(t,e,r){"use strict";e.exports=function(t){var e=(t=t||{}).center||[0,0,0],r=t.rotation||[0,0,0,1],n=t.radius||1;e=[].slice.call(e,0,3),u(r=[].slice.call(r,0,4),r);var i=new f(r,e,Math.log(n));i.setDistanceLimits(t.zoomMin,t.zoomMax),("eye"in t||"up"in t)&&i.lookAt(0,t.eye,t.center,t.up);return i};var n=t("filtered-vector"),i=t("gl-mat4/lookAt"),a=t("gl-mat4/fromQuat"),o=t("gl-mat4/invert"),s=t("./lib/quatFromFrame");function l(t,e,r){return Math.sqrt(Math.pow(t,2)+Math.pow(e,2)+Math.pow(r,2))}function c(t,e,r,n){return Math.sqrt(Math.pow(t,2)+Math.pow(e,2)+Math.pow(r,2)+Math.pow(n,2))}function u(t,e){var r=e[0],n=e[1],i=e[2],a=e[3],o=c(r,n,i,a);o>1e-6?(t[0]=r/o,t[1]=n/o,t[2]=i/o,t[3]=a/o):(t[0]=t[1]=t[2]=0,t[3]=1)}function f(t,e,r){this.radius=n([r]),this.center=n(e),this.rotation=n(t),this.computedRadius=this.radius.curve(0),this.computedCenter=this.center.curve(0),this.computedRotation=this.rotation.curve(0),this.computedUp=[.1,0,0],this.computedEye=[.1,0,0],this.computedMatrix=[.1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0],this.recalcMatrix(0)}var h=f.prototype;h.lastT=function(){return Math.max(this.radius.lastT(),this.center.lastT(),this.rotation.lastT())},h.recalcMatrix=function(t){this.radius.curve(t),this.center.curve(t),this.rotation.curve(t);var e=this.computedRotation;u(e,e);var r=this.computedMatrix;a(r,e);var n=this.computedCenter,i=this.computedEye,o=this.computedUp,s=Math.exp(this.computedRadius[0]);i[0]=n[0]+s*r[2],i[1]=n[1]+s*r[6],i[2]=n[2]+s*r[10],o[0]=r[1],o[1]=r[5],o[2]=r[9];for(var l=0;l<3;++l){for(var c=0,f=0;f<3;++f)c+=r[l+4*f]*i[f];r[12+l]=-c}},h.getMatrix=function(t,e){this.recalcMatrix(t);var r=this.computedMatrix;if(e){for(var n=0;n<16;++n)e[n]=r[n];return e}return r},h.idle=function(t){this.center.idle(t),this.radius.idle(t),this.rotation.idle(t)},h.flush=function(t){this.center.flush(t),this.radius.flush(t),this.rotation.flush(t)},h.pan=function(t,e,r,n){e=e||0,r=r||0,n=n||0,this.recalcMatrix(t);var i=this.computedMatrix,a=i[1],o=i[5],s=i[9],c=l(a,o,s);a/=c,o/=c,s/=c;var u=i[0],f=i[4],h=i[8],p=u*a+f*o+h*s,d=l(u-=a*p,f-=o*p,h-=s*p);u/=d,f/=d,h/=d;var g=i[2],m=i[6],v=i[10],y=g*a+m*o+v*s,x=g*u+m*f+v*h,b=l(g-=y*a+x*u,m-=y*o+x*f,v-=y*s+x*h);g/=b,m/=b,v/=b;var _=u*e+a*r,w=f*e+o*r,T=h*e+s*r;this.center.move(t,_,w,T);var k=Math.exp(this.computedRadius[0]);k=Math.max(1e-4,k+n),this.radius.set(t,Math.log(k))},h.rotate=function(t,e,r,n){this.recalcMatrix(t),e=e||0,r=r||0;var i=this.computedMatrix,a=i[0],o=i[4],s=i[8],u=i[1],f=i[5],h=i[9],p=i[2],d=i[6],g=i[10],m=e*a+r*u,v=e*o+r*f,y=e*s+r*h,x=-(d*y-g*v),b=-(g*m-p*y),_=-(p*v-d*m),w=Math.sqrt(Math.max(0,1-Math.pow(x,2)-Math.pow(b,2)-Math.pow(_,2))),T=c(x,b,_,w);T>1e-6?(x/=T,b/=T,_/=T,w/=T):(x=b=_=0,w=1);var k=this.computedRotation,M=k[0],A=k[1],S=k[2],E=k[3],C=M*w+E*x+A*_-S*b,L=A*w+E*b+S*x-M*_,I=S*w+E*_+M*b-A*x,P=E*w-M*x-A*b-S*_;if(n){x=p,b=d,_=g;var z=Math.sin(n)/l(x,b,_);x*=z,b*=z,_*=z,P=P*(w=Math.cos(e))-(C=C*w+P*x+L*_-I*b)*x-(L=L*w+P*b+I*x-C*_)*b-(I=I*w+P*_+C*b-L*x)*_}var O=c(C,L,I,P);O>1e-6?(C/=O,L/=O,I/=O,P/=O):(C=L=I=0,P=1),this.rotation.set(t,C,L,I,P)},h.lookAt=function(t,e,r,n){this.recalcMatrix(t),r=r||this.computedCenter,e=e||this.computedEye,n=n||this.computedUp;var a=this.computedMatrix;i(a,e,r,n);var o=this.computedRotation;s(o,a[0],a[1],a[2],a[4],a[5],a[6],a[8],a[9],a[10]),u(o,o),this.rotation.set(t,o[0],o[1],o[2],o[3]);for(var l=0,c=0;c<3;++c)l+=Math.pow(r[c]-e[c],2);this.radius.set(t,.5*Math.log(Math.max(l,1e-6))),this.center.set(t,r[0],r[1],r[2])},h.translate=function(t,e,r,n){this.center.move(t,e||0,r||0,n||0)},h.setMatrix=function(t,e){var r=this.computedRotation;s(r,e[0],e[1],e[2],e[4],e[5],e[6],e[8],e[9],e[10]),u(r,r),this.rotation.set(t,r[0],r[1],r[2],r[3]);var n=this.computedMatrix;o(n,e);var i=n[15];if(Math.abs(i)>1e-6){var a=n[12]/i,l=n[13]/i,c=n[14]/i;this.recalcMatrix(t);var f=Math.exp(this.computedRadius[0]);this.center.set(t,a-n[2]*f,l-n[6]*f,c-n[10]*f),this.radius.idle(t)}else this.center.idle(t),this.radius.idle(t)},h.setDistance=function(t,e){e>0&&this.radius.set(t,Math.log(e))},h.setDistanceLimits=function(t,e){t=t>0?Math.log(t):-1/0,e=e>0?Math.log(e):1/0,e=Math.max(e,t),this.radius.bounds[0][0]=t,this.radius.bounds[1][0]=e},h.getDistanceLimits=function(t){var e=this.radius.bounds;return t?(t[0]=Math.exp(e[0][0]),t[1]=Math.exp(e[1][0]),t):[Math.exp(e[0][0]),Math.exp(e[1][0])]},h.toJSON=function(){return this.recalcMatrix(this.lastT()),{center:this.computedCenter.slice(),rotation:this.computedRotation.slice(),distance:Math.log(this.computedRadius[0]),zoomMin:this.radius.bounds[0][0],zoomMax:this.radius.bounds[1][0]}},h.fromJSON=function(t){var e=this.lastT(),r=t.center;r&&this.center.set(e,r[0],r[1],r[2]);var n=t.rotation;n&&this.rotation.set(e,n[0],n[1],n[2],n[3]);var i=t.distance;i&&i>0&&this.radius.set(e,Math.log(i)),this.setDistanceLimits(t.zoomMin,t.zoomMax)}},{"./lib/quatFromFrame":500,"filtered-vector":242,"gl-mat4/fromQuat":282,"gl-mat4/invert":293,"gl-mat4/lookAt":294}],502:[function(t,e,r){ +/*! + * pad-left + * + * Copyright (c) 2014-2015, Jon Schlinkert. + * Licensed under the MIT license. + */ +"use strict";var n=t("repeat-string");e.exports=function(t,e,r){return n(r="undefined"!=typeof r?r+"":" ",e)+t}},{"repeat-string":541}],503:[function(t,e,r){"use strict";function n(t,e){if("string"!=typeof t)return[t];var r=[t];"string"==typeof e||Array.isArray(e)?e={brackets:e}:e||(e={});var n=e.brackets?Array.isArray(e.brackets)?e.brackets:[e.brackets]:["{}","[]","()"],i=e.escape||"___",a=!!e.flat;n.forEach((function(t){var e=new RegExp(["\\",t[0],"[^\\",t[0],"\\",t[1],"]*\\",t[1]].join("")),n=[];function a(e,a,o){var s=r.push(e.slice(t[0].length,-t[1].length))-1;return n.push(s),i+s+i}r.forEach((function(t,n){for(var i,o=0;t!=i;)if(i=t,t=t.replace(e,a),o++>1e4)throw Error("References have circular dependency. Please, check them.");r[n]=t})),n=n.reverse(),r=r.map((function(e){return n.forEach((function(r){e=e.replace(new RegExp("(\\"+i+r+"\\"+i+")","g"),t[0]+"$1"+t[1])})),e}))}));var o=new RegExp("\\"+i+"([0-9]+)\\"+i);return a?r:function t(e,r,n){for(var i,a=[],s=0;i=o.exec(e);){if(s++>1e4)throw Error("Circular references in parenthesis");a.push(e.slice(0,i.index)),a.push(t(r[i[1]],r)),e=e.slice(i.index+i[0].length)}return a.push(e),a}(r[0],r)}function i(t,e){if(e&&e.flat){var r,n=e&&e.escape||"___",i=t[0];if(!i)return"";for(var a=new RegExp("\\"+n+"([0-9]+)\\"+n),o=0;i!=r;){if(o++>1e4)throw Error("Circular references in "+t);r=i,i=i.replace(a,s)}return i}return t.reduce((function t(e,r){return Array.isArray(r)&&(r=r.reduce(t,"")),e+r}),"");function s(e,r){if(null==t[r])throw Error("Reference "+r+"is undefined");return t[r]}}function a(t,e){return Array.isArray(t)?i(t,e):n(t,e)}a.parse=n,a.stringify=i,e.exports=a},{}],504:[function(t,e,r){"use strict";var n=t("pick-by-alias");e.exports=function(t){var e;arguments.length>1&&(t=arguments);"string"==typeof t?t=t.split(/\s/).map(parseFloat):"number"==typeof t&&(t=[t]);t.length&&"number"==typeof t[0]?e=1===t.length?{width:t[0],height:t[0],x:0,y:0}:2===t.length?{width:t[0],height:t[1],x:0,y:0}:{x:t[0],y:t[1],width:t[2]-t[0]||0,height:t[3]-t[1]||0}:t&&(t=n(t,{left:"x l left Left",top:"y t top Top",width:"w width W Width",height:"h height W Width",bottom:"b bottom Bottom",right:"r right Right"}),e={x:t.left||0,y:t.top||0},null==t.width?t.right?e.width=t.right-e.x:e.width=0:e.width=t.width,null==t.height?t.bottom?e.height=t.bottom-e.y:e.height=0:e.height=t.height);return e}},{"pick-by-alias":511}],505:[function(t,e,r){e.exports=function(t){var e=[];return t.replace(i,(function(t,r,i){var o=r.toLowerCase();for(i=function(t){var e=t.match(a);return e?e.map(Number):[]}(i),"m"==o&&i.length>2&&(e.push([r].concat(i.splice(0,2))),o="l",r="m"==r?"l":"L");;){if(i.length==n[o])return i.unshift(r),e.push(i);if(i.length2){var l=n.lastIndexOf("/");if(l!==n.length-1){-1===l?(n="",i=0):i=(n=n.slice(0,l)).length-1-n.lastIndexOf("/"),a=s,o=0;continue}}else if(2===n.length||1===n.length){n="",i=0,a=s,o=0;continue}e&&(n.length>0?n+="/..":n="..",i=2)}else n.length>0?n+="/"+t.slice(a+1,s):n=t.slice(a+1,s),i=s-a-1;a=s,o=0}else 46===r&&-1!==o?++o:o=-1}return n}var i={resolve:function(){for(var e,i="",a=!1,o=arguments.length-1;o>=-1&&!a;o--){var s;o>=0?s=arguments[o]:(void 0===e&&(e=t.cwd()),s=e),r(s),0!==s.length&&(i=s+"/"+i,a=47===s.charCodeAt(0))}return i=n(i,!a),a?i.length>0?"/"+i:"/":i.length>0?i:"."},normalize:function(t){if(r(t),0===t.length)return".";var e=47===t.charCodeAt(0),i=47===t.charCodeAt(t.length-1);return 0!==(t=n(t,!e)).length||e||(t="."),t.length>0&&i&&(t+="/"),e?"/"+t:t},isAbsolute:function(t){return r(t),t.length>0&&47===t.charCodeAt(0)},join:function(){if(0===arguments.length)return".";for(var t,e=0;e0&&(void 0===t?t=n:t+="/"+n)}return void 0===t?".":i.normalize(t)},relative:function(t,e){if(r(t),r(e),t===e)return"";if((t=i.resolve(t))===(e=i.resolve(e)))return"";for(var n=1;nc){if(47===e.charCodeAt(s+f))return e.slice(s+f+1);if(0===f)return e.slice(s+f)}else o>c&&(47===t.charCodeAt(n+f)?u=f:0===f&&(u=0));break}var h=t.charCodeAt(n+f);if(h!==e.charCodeAt(s+f))break;47===h&&(u=f)}var p="";for(f=n+u+1;f<=a;++f)f!==a&&47!==t.charCodeAt(f)||(0===p.length?p+="..":p+="/..");return p.length>0?p+e.slice(s+u):(s+=u,47===e.charCodeAt(s)&&++s,e.slice(s))},_makeLong:function(t){return t},dirname:function(t){if(r(t),0===t.length)return".";for(var e=t.charCodeAt(0),n=47===e,i=-1,a=!0,o=t.length-1;o>=1;--o)if(47===(e=t.charCodeAt(o))){if(!a){i=o;break}}else a=!1;return-1===i?n?"/":".":n&&1===i?"//":t.slice(0,i)},basename:function(t,e){if(void 0!==e&&"string"!=typeof e)throw new TypeError('"ext" argument must be a string');r(t);var n,i=0,a=-1,o=!0;if(void 0!==e&&e.length>0&&e.length<=t.length){if(e.length===t.length&&e===t)return"";var s=e.length-1,l=-1;for(n=t.length-1;n>=0;--n){var c=t.charCodeAt(n);if(47===c){if(!o){i=n+1;break}}else-1===l&&(o=!1,l=n+1),s>=0&&(c===e.charCodeAt(s)?-1==--s&&(a=n):(s=-1,a=l))}return i===a?a=l:-1===a&&(a=t.length),t.slice(i,a)}for(n=t.length-1;n>=0;--n)if(47===t.charCodeAt(n)){if(!o){i=n+1;break}}else-1===a&&(o=!1,a=n+1);return-1===a?"":t.slice(i,a)},extname:function(t){r(t);for(var e=-1,n=0,i=-1,a=!0,o=0,s=t.length-1;s>=0;--s){var l=t.charCodeAt(s);if(47!==l)-1===i&&(a=!1,i=s+1),46===l?-1===e?e=s:1!==o&&(o=1):-1!==e&&(o=-1);else if(!a){n=s+1;break}}return-1===e||-1===i||0===o||1===o&&e===i-1&&e===n+1?"":t.slice(e,i)},format:function(t){if(null===t||"object"!=typeof t)throw new TypeError('The "pathObject" argument must be of type Object. Received type '+typeof t);return function(t,e){var r=e.dir||e.root,n=e.base||(e.name||"")+(e.ext||"");return r?r===e.root?r+n:r+t+n:n}("/",t)},parse:function(t){r(t);var e={root:"",dir:"",base:"",ext:"",name:""};if(0===t.length)return e;var n,i=t.charCodeAt(0),a=47===i;a?(e.root="/",n=1):n=0;for(var o=-1,s=0,l=-1,c=!0,u=t.length-1,f=0;u>=n;--u)if(47!==(i=t.charCodeAt(u)))-1===l&&(c=!1,l=u+1),46===i?-1===o?o=u:1!==f&&(f=1):-1!==o&&(f=-1);else if(!c){s=u+1;break}return-1===o||-1===l||0===f||1===f&&o===l-1&&o===s+1?-1!==l&&(e.base=e.name=0===s&&a?t.slice(1,l):t.slice(s,l)):(0===s&&a?(e.name=t.slice(1,o),e.base=t.slice(1,l)):(e.name=t.slice(s,o),e.base=t.slice(s,l)),e.ext=t.slice(o,l)),s>0?e.dir=t.slice(0,s-1):a&&(e.dir="/"),e},sep:"/",delimiter:":",win32:null,posix:null};i.posix=i,e.exports=i}).call(this)}).call(this,t("_process"))},{_process:526}],508:[function(t,e,r){(function(t){(function(){(function(){var r,n,i,a,o,s;"undefined"!=typeof performance&&null!==performance&&performance.now?e.exports=function(){return performance.now()}:"undefined"!=typeof t&&null!==t&&t.hrtime?(e.exports=function(){return(r()-o)/1e6},n=t.hrtime,a=(r=function(){var t;return 1e9*(t=n())[0]+t[1]})(),s=1e9*t.uptime(),o=a-s):Date.now?(e.exports=function(){return Date.now()-i},i=Date.now()):(e.exports=function(){return(new Date).getTime()-i},i=(new Date).getTime())}).call(this)}).call(this)}).call(this,t("_process"))},{_process:526}],509:[function(t,e,r){"use strict";e.exports=function(t){var e=t.length;if(e<32){for(var r=1,i=0;i0;--o)a=l[o],r=s[o],s[o]=s[a],s[a]=r,l[o]=l[r],l[r]=a,c=(c+r)*o;return n.freeUint32(l),n.freeUint32(s),c},r.unrank=function(t,e,r){switch(t){case 0:return r||[];case 1:return r?(r[0]=0,r):[0];case 2:return r?(e?(r[0]=0,r[1]=1):(r[0]=1,r[1]=0),r):e?[0,1]:[1,0]}var n,i,a,o=1;for((r=r||new Array(t))[0]=0,a=1;a0;--a)e=e-(n=e/o|0)*o|0,o=o/a|0,i=0|r[a],r[a]=0|r[n],r[n]=0|i;return r}},{"invert-permutation":462,"typedarray-pool":595}],511:[function(t,e,r){"use strict";e.exports=function(t,e,r){var n,a,o={};if("string"==typeof e&&(e=i(e)),Array.isArray(e)){var s={};for(a=0;a0){o=a[u][r][0],l=u;break}s=o[1^l];for(var f=0;f<2;++f)for(var h=a[f][r],p=0;p0&&(o=d,s=g,l=f)}return i||o&&c(o,l),s}function f(t,r){var i=a[r][t][0],o=[t];c(i,r);for(var s=i[1^r];;){for(;s!==t;)o.push(s),s=u(o[o.length-2],s,!1);if(a[0][t].length+a[1][t].length===0)break;var l=o[o.length-1],f=t,h=o[1],p=u(l,f,!0);if(n(e[l],e[f],e[h],e[p])<0)break;o.push(t),s=u(l,f)}return o}function h(t,e){return e[1]===e[e.length-1]}for(o=0;o0;){a[0][o].length;var g=f(o,p);h(0,g)?d.push.apply(d,g):(d.length>0&&l.push(d),d=g)}d.length>0&&l.push(d)}return l};var n=t("compare-angle")},{"compare-angle":132}],513:[function(t,e,r){"use strict";e.exports=function(t,e){for(var r=n(t,e.length),i=new Array(e.length),a=new Array(e.length),o=[],s=0;s0;){var c=o.pop();i[c]=!1;var u=r[c];for(s=0;s0}))).length,m=new Array(g),v=new Array(g);for(p=0;p0;){var B=R.pop(),N=E[B];l(N,(function(t,e){return t-e}));var j,U=N.length,V=F[B];if(0===V){var q=d[B];j=[q]}for(p=0;p=0))if(F[H]=1^V,R.push(H),0===V)D(q=d[H])||(q.reverse(),j.push(q))}0===V&&r.push(j)}return r};var n=t("edges-to-adjacency-list"),i=t("planar-dual"),a=t("point-in-big-polygon"),o=t("two-product"),s=t("robust-sum"),l=t("uniq"),c=t("./lib/trim-leaves");function u(t,e){for(var r=new Array(t),n=0;n0&&e[i]===r[0]))return 1;a=t[i-1]}for(var s=1;a;){var l=a.key,c=n(r,l[0],l[1]);if(l[0][0]0))return 0;s=-1,a=a.right}else if(c>0)a=a.left;else{if(!(c<0))return 0;s=1,a=a.right}}return s}}(v.slabs,v.coordinates);return 0===a.length?y:function(t,e){return function(r){return t(r[0],r[1])?0:e(r)}}(l(a),y)};var n=t("robust-orientation")[3],i=t("slab-decomposition"),a=t("interval-tree-1d"),o=t("binary-search-bounds");function s(){return!0}function l(t){for(var e={},r=0;r=-t},pointBetween:function(e,r,n){var i=e[1]-r[1],a=n[0]-r[0],o=e[0]-r[0],s=n[1]-r[1],l=o*a+i*s;return!(l-t)},pointsSameX:function(e,r){return Math.abs(e[0]-r[0])t!=o-i>t&&(a-c)*(i-u)/(o-u)+c-n>t&&(s=!s),a=c,o=u}return s}};return e}},{}],520:[function(t,e,r){var n={toPolygon:function(t,e){function r(e){if(e.length<=0)return t.segments({inverted:!1,regions:[]});function r(e){var r=e.slice(0,e.length-1);return t.segments({inverted:!1,regions:[r]})}for(var n=r(e[0]),i=1;i0}))}function u(t,n){var i=t.seg,a=n.seg,o=i.start,s=i.end,c=a.start,u=a.end;r&&r.checkIntersection(i,a);var f=e.linesIntersect(o,s,c,u);if(!1===f){if(!e.pointsCollinear(o,s,c))return!1;if(e.pointsSame(o,u)||e.pointsSame(s,c))return!1;var h=e.pointsSame(o,c),p=e.pointsSame(s,u);if(h&&p)return n;var d=!h&&e.pointBetween(o,c,u),g=!p&&e.pointBetween(s,c,u);if(h)return g?l(n,s):l(t,u),n;d&&(p||(g?l(n,s):l(t,u)),l(n,o))}else 0===f.alongA&&(-1===f.alongB?l(t,c):0===f.alongB?l(t,f.pt):1===f.alongB&&l(t,u)),0===f.alongB&&(-1===f.alongA?l(n,o):0===f.alongA?l(n,f.pt):1===f.alongA&&l(n,s));return!1}for(var f=[];!a.isEmpty();){var h=a.getHead();if(r&&r.vert(h.pt[0]),h.isStart){r&&r.segmentNew(h.seg,h.primary);var p=c(h),d=p.before?p.before.ev:null,g=p.after?p.after.ev:null;function m(){if(d){var t=u(h,d);if(t)return t}return!!g&&u(h,g)}r&&r.tempStatus(h.seg,!!d&&d.seg,!!g&&g.seg);var v,y=m();if(y){var x;if(t)(x=null===h.seg.myFill.below||h.seg.myFill.above!==h.seg.myFill.below)&&(y.seg.myFill.above=!y.seg.myFill.above);else y.seg.otherFill=h.seg.myFill;r&&r.segmentUpdate(y.seg),h.other.remove(),h.remove()}if(a.getHead()!==h){r&&r.rewind(h.seg);continue}if(t)x=null===h.seg.myFill.below||h.seg.myFill.above!==h.seg.myFill.below,h.seg.myFill.below=g?g.seg.myFill.above:i,h.seg.myFill.above=x?!h.seg.myFill.below:h.seg.myFill.below;else if(null===h.seg.otherFill)v=g?h.primary===g.primary?g.seg.otherFill.above:g.seg.myFill.above:h.primary?o:i,h.seg.otherFill={above:v,below:v};r&&r.status(h.seg,!!d&&d.seg,!!g&&g.seg),h.other.status=p.insert(n.node({ev:h}))}else{var b=h.status;if(null===b)throw new Error("PolyBool: Zero-length segment detected; your epsilon is probably too small or too large");if(s.exists(b.prev)&&s.exists(b.next)&&u(b.prev.ev,b.next.ev),r&&r.statusRemove(b.ev.seg),b.remove(),!h.primary){var _=h.seg.myFill;h.seg.myFill=h.seg.otherFill,h.seg.otherFill=_}f.push(h.seg)}a.getHead().remove()}return r&&r.done(),f}return t?{addRegion:function(t){for(var n,i,a,o=t[t.length-1],l=0;l=c?(k=1,y=c+2*h+d):y=h*(k=-h/c)+d):(k=0,p>=0?(M=0,y=d):-p>=f?(M=1,y=f+2*p+d):y=p*(M=-p/f)+d);else if(M<0)M=0,h>=0?(k=0,y=d):-h>=c?(k=1,y=c+2*h+d):y=h*(k=-h/c)+d;else{var A=1/T;y=(k*=A)*(c*k+u*(M*=A)+2*h)+M*(u*k+f*M+2*p)+d}else k<0?(b=f+p)>(x=u+h)?(_=b-x)>=(w=c-2*u+f)?(k=1,M=0,y=c+2*h+d):y=(k=_/w)*(c*k+u*(M=1-k)+2*h)+M*(u*k+f*M+2*p)+d:(k=0,b<=0?(M=1,y=f+2*p+d):p>=0?(M=0,y=d):y=p*(M=-p/f)+d):M<0?(b=c+h)>(x=u+p)?(_=b-x)>=(w=c-2*u+f)?(M=1,k=0,y=f+2*p+d):y=(k=1-(M=_/w))*(c*k+u*M+2*h)+M*(u*k+f*M+2*p)+d:(M=0,b<=0?(k=1,y=c+2*h+d):h>=0?(k=0,y=d):y=h*(k=-h/c)+d):(_=f+p-u-h)<=0?(k=0,M=1,y=f+2*p+d):_>=(w=c-2*u+f)?(k=1,M=0,y=c+2*h+d):y=(k=_/w)*(c*k+u*(M=1-k)+2*h)+M*(u*k+f*M+2*p)+d;var S=1-k-M;for(l=0;l1)for(var r=1;r0){var c=t[r-1];if(0===n(s,c)&&a(c)!==l){r-=1;continue}}t[r++]=s}}return t.length=r,t}},{"cell-orientation":117,"compare-cell":133,"compare-oriented-cell":134}],534:[function(t,e,r){"use strict";var n=t("array-bounds"),i=t("color-normalize"),a=t("update-diff"),o=t("pick-by-alias"),s=t("object-assign"),l=t("flatten-vertex-data"),c=t("to-float32"),u=c.float32,f=c.fract32;e.exports=function(t,e){"function"==typeof t?(e||(e={}),e.regl=t):e=t;e.length&&(e.positions=e);if(!(t=e.regl).hasExtension("ANGLE_instanced_arrays"))throw Error("regl-error2d: `ANGLE_instanced_arrays` extension should be enabled");var r,c,p,d,g,m,v=t._gl,y={color:"black",capSize:5,lineWidth:1,opacity:1,viewport:null,range:null,offset:0,count:0,bounds:null,positions:[],errors:[]},x=[];return d=t.buffer({usage:"dynamic",type:"uint8",data:new Uint8Array(0)}),c=t.buffer({usage:"dynamic",type:"float",data:new Uint8Array(0)}),p=t.buffer({usage:"dynamic",type:"float",data:new Uint8Array(0)}),g=t.buffer({usage:"dynamic",type:"float",data:new Uint8Array(0)}),m=t.buffer({usage:"static",type:"float",data:h}),T(e),r=t({vert:"\n\t\tprecision highp float;\n\n\t\tattribute vec2 position, positionFract;\n\t\tattribute vec4 error;\n\t\tattribute vec4 color;\n\n\t\tattribute vec2 direction, lineOffset, capOffset;\n\n\t\tuniform vec4 viewport;\n\t\tuniform float lineWidth, capSize;\n\t\tuniform vec2 scale, scaleFract, translate, translateFract;\n\n\t\tvarying vec4 fragColor;\n\n\t\tvoid main() {\n\t\t\tfragColor = color / 255.;\n\n\t\t\tvec2 pixelOffset = lineWidth * lineOffset + (capSize + lineWidth) * capOffset;\n\n\t\t\tvec2 dxy = -step(.5, direction.xy) * error.xz + step(direction.xy, vec2(-.5)) * error.yw;\n\n\t\t\tvec2 position = position + dxy;\n\n\t\t\tvec2 pos = (position + translate) * scale\n\t\t\t\t+ (positionFract + translateFract) * scale\n\t\t\t\t+ (position + translate) * scaleFract\n\t\t\t\t+ (positionFract + translateFract) * scaleFract;\n\n\t\t\tpos += pixelOffset / viewport.zw;\n\n\t\t\tgl_Position = vec4(pos * 2. - 1., 0, 1);\n\t\t}\n\t\t",frag:"\n\t\tprecision highp float;\n\n\t\tvarying vec4 fragColor;\n\n\t\tuniform float opacity;\n\n\t\tvoid main() {\n\t\t\tgl_FragColor = fragColor;\n\t\t\tgl_FragColor.a *= opacity;\n\t\t}\n\t\t",uniforms:{range:t.prop("range"),lineWidth:t.prop("lineWidth"),capSize:t.prop("capSize"),opacity:t.prop("opacity"),scale:t.prop("scale"),translate:t.prop("translate"),scaleFract:t.prop("scaleFract"),translateFract:t.prop("translateFract"),viewport:function(t,e){return[e.viewport.x,e.viewport.y,t.viewportWidth,t.viewportHeight]}},attributes:{color:{buffer:d,offset:function(t,e){return 4*e.offset},divisor:1},position:{buffer:c,offset:function(t,e){return 8*e.offset},divisor:1},positionFract:{buffer:p,offset:function(t,e){return 8*e.offset},divisor:1},error:{buffer:g,offset:function(t,e){return 16*e.offset},divisor:1},direction:{buffer:m,stride:24,offset:0},lineOffset:{buffer:m,stride:24,offset:8},capOffset:{buffer:m,stride:24,offset:16}},primitive:"triangles",blend:{enable:!0,color:[0,0,0,0],equation:{rgb:"add",alpha:"add"},func:{srcRGB:"src alpha",dstRGB:"one minus src alpha",srcAlpha:"one minus dst alpha",dstAlpha:"one"}},depth:{enable:!1},scissor:{enable:!0,box:t.prop("viewport")},viewport:t.prop("viewport"),stencil:!1,instances:t.prop("count"),count:h.length}),s(b,{update:T,draw:_,destroy:k,regl:t,gl:v,canvas:v.canvas,groups:x}),b;function b(t){t?T(t):null===t&&k(),_()}function _(e){if("number"==typeof e)return w(e);e&&!Array.isArray(e)&&(e=[e]),t._refresh(),x.forEach((function(t,r){t&&(e&&(e[r]?t.draw=!0:t.draw=!1),t.draw?w(r):t.draw=!0)}))}function w(t){"number"==typeof t&&(t=x[t]),null!=t&&t&&t.count&&t.color&&t.opacity&&t.positions&&t.positions.length>1&&(t.scaleRatio=[t.scale[0]*t.viewport.width,t.scale[1]*t.viewport.height],r(t),t.after&&t.after(t))}function T(t){if(t){null!=t.length?"number"==typeof t[0]&&(t=[{positions:t}]):Array.isArray(t)||(t=[t]);var e=0,r=0;if(b.groups=x=t.map((function(t,c){var u=x[c];return t?("function"==typeof t?t={after:t}:"number"==typeof t[0]&&(t={positions:t}),t=o(t,{color:"color colors fill",capSize:"capSize cap capsize cap-size",lineWidth:"lineWidth line-width width line thickness",opacity:"opacity alpha",range:"range dataBox",viewport:"viewport viewBox",errors:"errors error",positions:"positions position data points"}),u||(x[c]=u={id:c,scale:null,translate:null,scaleFract:null,translateFract:null,draw:!0},t=s({},y,t)),a(u,t,[{lineWidth:function(t){return.5*+t},capSize:function(t){return.5*+t},opacity:parseFloat,errors:function(t){return t=l(t),r+=t.length,t},positions:function(t,r){return t=l(t,"float64"),r.count=Math.floor(t.length/2),r.bounds=n(t,2),r.offset=e,e+=r.count,t}},{color:function(t,e){var r=e.count;if(t||(t="transparent"),!Array.isArray(t)||"number"==typeof t[0]){var n=t;t=Array(r);for(var a=0;a 0. && baClipping < length(normalWidth * endBotJoin)) {\n\t\t//handle miter clipping\n\t\tbTopCoord -= normalWidth * endTopJoin;\n\t\tbTopCoord += normalize(endTopJoin * normalWidth) * baClipping;\n\t}\n\n\tif (nextReverse) {\n\t\t//make join rectangular\n\t\tvec2 miterShift = normalWidth * endJoinDirection * miterLimit * .5;\n\t\tfloat normalAdjust = 1. - min(miterLimit / endMiterRatio, 1.);\n\t\tbBotCoord = bCoord + miterShift - normalAdjust * normalWidth * currNormal * .5;\n\t\tbTopCoord = bCoord + miterShift + normalAdjust * normalWidth * currNormal * .5;\n\t}\n\telse if (!prevReverse && abClipping > 0. && abClipping < length(normalWidth * startBotJoin)) {\n\t\t//handle miter clipping\n\t\taBotCoord -= normalWidth * startBotJoin;\n\t\taBotCoord += normalize(startBotJoin * normalWidth) * abClipping;\n\t}\n\n\tvec2 aTopPosition = (aTopCoord) * adjustedScale + translate;\n\tvec2 aBotPosition = (aBotCoord) * adjustedScale + translate;\n\n\tvec2 bTopPosition = (bTopCoord) * adjustedScale + translate;\n\tvec2 bBotPosition = (bBotCoord) * adjustedScale + translate;\n\n\t//position is normalized 0..1 coord on the screen\n\tvec2 position = (aTopPosition * lineTop + aBotPosition * lineBot) * lineStart + (bTopPosition * lineTop + bBotPosition * lineBot) * lineEnd;\n\n\tstartCoord = aCoord * scaleRatio + translate * viewport.zw + viewport.xy;\n\tendCoord = bCoord * scaleRatio + translate * viewport.zw + viewport.xy;\n\n\tgl_Position = vec4(position * 2.0 - 1.0, depth, 1);\n\n\tenableStartMiter = step(dot(currTangent, prevTangent), .5);\n\tenableEndMiter = step(dot(currTangent, nextTangent), .5);\n\n\t//bevel miter cutoffs\n\tif (miterMode == 1.) {\n\t\tif (enableStartMiter == 1.) {\n\t\t\tvec2 startMiterWidth = vec2(startJoinDirection) * thickness * miterLimit * .5;\n\t\t\tstartCutoff = vec4(aCoord, aCoord);\n\t\t\tstartCutoff.zw += vec2(-startJoinDirection.y, startJoinDirection.x) / scaleRatio;\n\t\t\tstartCutoff = startCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\n\t\t\tstartCutoff += viewport.xyxy;\n\t\t\tstartCutoff += startMiterWidth.xyxy;\n\t\t}\n\n\t\tif (enableEndMiter == 1.) {\n\t\t\tvec2 endMiterWidth = vec2(endJoinDirection) * thickness * miterLimit * .5;\n\t\t\tendCutoff = vec4(bCoord, bCoord);\n\t\t\tendCutoff.zw += vec2(-endJoinDirection.y, endJoinDirection.x) / scaleRatio;\n\t\t\tendCutoff = endCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\n\t\t\tendCutoff += viewport.xyxy;\n\t\t\tendCutoff += endMiterWidth.xyxy;\n\t\t}\n\t}\n\n\t//round miter cutoffs\n\telse if (miterMode == 2.) {\n\t\tif (enableStartMiter == 1.) {\n\t\t\tvec2 startMiterWidth = vec2(startJoinDirection) * thickness * abs(dot(startJoinDirection, currNormal)) * .5;\n\t\t\tstartCutoff = vec4(aCoord, aCoord);\n\t\t\tstartCutoff.zw += vec2(-startJoinDirection.y, startJoinDirection.x) / scaleRatio;\n\t\t\tstartCutoff = startCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\n\t\t\tstartCutoff += viewport.xyxy;\n\t\t\tstartCutoff += startMiterWidth.xyxy;\n\t\t}\n\n\t\tif (enableEndMiter == 1.) {\n\t\t\tvec2 endMiterWidth = vec2(endJoinDirection) * thickness * abs(dot(endJoinDirection, currNormal)) * .5;\n\t\t\tendCutoff = vec4(bCoord, bCoord);\n\t\t\tendCutoff.zw += vec2(-endJoinDirection.y, endJoinDirection.x) / scaleRatio;\n\t\t\tendCutoff = endCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\n\t\t\tendCutoff += viewport.xyxy;\n\t\t\tendCutoff += endMiterWidth.xyxy;\n\t\t}\n\t}\n}\n"]),frag:o(["precision highp float;\n#define GLSLIFY 1\n\nuniform sampler2D dashPattern;\nuniform float dashSize, pixelRatio, thickness, opacity, id, miterMode;\n\nvarying vec4 fragColor;\nvarying vec2 tangent;\nvarying vec4 startCutoff, endCutoff;\nvarying vec2 startCoord, endCoord;\nvarying float enableStartMiter, enableEndMiter;\n\nfloat distToLine(vec2 p, vec2 a, vec2 b) {\n\tvec2 diff = b - a;\n\tvec2 perp = normalize(vec2(-diff.y, diff.x));\n\treturn dot(p - a, perp);\n}\n\nvoid main() {\n\tfloat alpha = 1., distToStart, distToEnd;\n\tfloat cutoff = thickness * .5;\n\n\t//bevel miter\n\tif (miterMode == 1.) {\n\t\tif (enableStartMiter == 1.) {\n\t\t\tdistToStart = distToLine(gl_FragCoord.xy, startCutoff.xy, startCutoff.zw);\n\t\t\tif (distToStart < -1.) {\n\t\t\t\tdiscard;\n\t\t\t\treturn;\n\t\t\t}\n\t\t\talpha *= min(max(distToStart + 1., 0.), 1.);\n\t\t}\n\n\t\tif (enableEndMiter == 1.) {\n\t\t\tdistToEnd = distToLine(gl_FragCoord.xy, endCutoff.xy, endCutoff.zw);\n\t\t\tif (distToEnd < -1.) {\n\t\t\t\tdiscard;\n\t\t\t\treturn;\n\t\t\t}\n\t\t\talpha *= min(max(distToEnd + 1., 0.), 1.);\n\t\t}\n\t}\n\n\t// round miter\n\telse if (miterMode == 2.) {\n\t\tif (enableStartMiter == 1.) {\n\t\t\tdistToStart = distToLine(gl_FragCoord.xy, startCutoff.xy, startCutoff.zw);\n\t\t\tif (distToStart < 0.) {\n\t\t\t\tfloat radius = length(gl_FragCoord.xy - startCoord);\n\n\t\t\t\tif(radius > cutoff + .5) {\n\t\t\t\t\tdiscard;\n\t\t\t\t\treturn;\n\t\t\t\t}\n\n\t\t\t\talpha -= smoothstep(cutoff - .5, cutoff + .5, radius);\n\t\t\t}\n\t\t}\n\n\t\tif (enableEndMiter == 1.) {\n\t\t\tdistToEnd = distToLine(gl_FragCoord.xy, endCutoff.xy, endCutoff.zw);\n\t\t\tif (distToEnd < 0.) {\n\t\t\t\tfloat radius = length(gl_FragCoord.xy - endCoord);\n\n\t\t\t\tif(radius > cutoff + .5) {\n\t\t\t\t\tdiscard;\n\t\t\t\t\treturn;\n\t\t\t\t}\n\n\t\t\t\talpha -= smoothstep(cutoff - .5, cutoff + .5, radius);\n\t\t\t}\n\t\t}\n\t}\n\n\tfloat t = fract(dot(tangent, gl_FragCoord.xy) / dashSize) * .5 + .25;\n\tfloat dash = texture2D(dashPattern, vec2(t, .5)).r;\n\n\tgl_FragColor = fragColor;\n\tgl_FragColor.a *= alpha * opacity * dash;\n}\n"]),attributes:{lineEnd:{buffer:r,divisor:0,stride:8,offset:0},lineTop:{buffer:r,divisor:0,stride:8,offset:4},aColor:{buffer:t.prop("colorBuffer"),stride:4,offset:0,divisor:1},bColor:{buffer:t.prop("colorBuffer"),stride:4,offset:4,divisor:1},prevCoord:{buffer:t.prop("positionBuffer"),stride:8,offset:0,divisor:1},aCoord:{buffer:t.prop("positionBuffer"),stride:8,offset:8,divisor:1},bCoord:{buffer:t.prop("positionBuffer"),stride:8,offset:16,divisor:1},nextCoord:{buffer:t.prop("positionBuffer"),stride:8,offset:24,divisor:1}}},n))}catch(t){e=i}return{fill:t({primitive:"triangle",elements:function(t,e){return e.triangles},offset:0,vert:o(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec2 position, positionFract;\n\nuniform vec4 color;\nuniform vec2 scale, scaleFract, translate, translateFract;\nuniform float pixelRatio, id;\nuniform vec4 viewport;\nuniform float opacity;\n\nvarying vec4 fragColor;\n\nconst float MAX_LINES = 256.;\n\nvoid main() {\n\tfloat depth = (MAX_LINES - 4. - id) / (MAX_LINES);\n\n\tvec2 position = position * scale + translate\n + positionFract * scale + translateFract\n + position * scaleFract\n + positionFract * scaleFract;\n\n\tgl_Position = vec4(position * 2.0 - 1.0, depth, 1);\n\n\tfragColor = color / 255.;\n\tfragColor.a *= opacity;\n}\n"]),frag:o(["precision highp float;\n#define GLSLIFY 1\n\nvarying vec4 fragColor;\n\nvoid main() {\n\tgl_FragColor = fragColor;\n}\n"]),uniforms:{scale:t.prop("scale"),color:t.prop("fill"),scaleFract:t.prop("scaleFract"),translateFract:t.prop("translateFract"),translate:t.prop("translate"),opacity:t.prop("opacity"),pixelRatio:t.context("pixelRatio"),id:t.prop("id"),viewport:function(t,e){return[e.viewport.x,e.viewport.y,t.viewportWidth,t.viewportHeight]}},attributes:{position:{buffer:t.prop("positionBuffer"),stride:8,offset:8},positionFract:{buffer:t.prop("positionFractBuffer"),stride:8,offset:8}},blend:n.blend,depth:{enable:!1},scissor:n.scissor,stencil:n.stencil,viewport:n.viewport}),rect:i,miter:e}},m.defaults={dashes:null,join:"miter",miterLimit:1,thickness:10,cap:"square",color:"black",opacity:1,overlay:!1,viewport:null,range:null,close:!1,fill:null},m.prototype.render=function(){for(var t,e=[],r=arguments.length;r--;)e[r]=arguments[r];e.length&&(t=this).update.apply(t,e),this.draw()},m.prototype.draw=function(){for(var t=this,e=[],r=arguments.length;r--;)e[r]=arguments[r];return(e.length?e:this.passes).forEach((function(e,r){var n;if(e&&Array.isArray(e))return(n=t).draw.apply(n,e);"number"==typeof e&&(e=t.passes[e]),e&&e.count>1&&e.opacity&&(t.regl._refresh(),e.fill&&e.triangles&&e.triangles.length>2&&t.shaders.fill(e),e.thickness&&(e.scale[0]*e.viewport.width>m.precisionThreshold||e.scale[1]*e.viewport.height>m.precisionThreshold||"rect"===e.join||!e.join&&(e.thickness<=2||e.count>=m.maxPoints)?t.shaders.rect(e):t.shaders.miter(e)))})),this},m.prototype.update=function(t){var e=this;if(t){null!=t.length?"number"==typeof t[0]&&(t=[{positions:t}]):Array.isArray(t)||(t=[t]);var r=this.regl,o=this.gl;if(t.forEach((function(t,f){var d=e.passes[f];if(void 0!==t)if(null!==t){if("number"==typeof t[0]&&(t={positions:t}),t=s(t,{positions:"positions points data coords",thickness:"thickness lineWidth lineWidths line-width linewidth width stroke-width strokewidth strokeWidth",join:"lineJoin linejoin join type mode",miterLimit:"miterlimit miterLimit",dashes:"dash dashes dasharray dash-array dashArray",color:"color colour stroke colors colours stroke-color strokeColor",fill:"fill fill-color fillColor",opacity:"alpha opacity",overlay:"overlay crease overlap intersect",close:"closed close closed-path closePath",range:"range dataBox",viewport:"viewport viewBox",hole:"holes hole hollow"}),d||(e.passes[f]=d={id:f,scale:null,scaleFract:null,translate:null,translateFract:null,count:0,hole:[],depth:0,dashLength:1,dashTexture:r.texture({channels:1,data:new Uint8Array([255]),width:1,height:1,mag:"linear",min:"linear"}),colorBuffer:r.buffer({usage:"dynamic",type:"uint8",data:new Uint8Array}),positionBuffer:r.buffer({usage:"dynamic",type:"float",data:new Uint8Array}),positionFractBuffer:r.buffer({usage:"dynamic",type:"float",data:new Uint8Array})},t=a({},m.defaults,t)),null!=t.thickness&&(d.thickness=parseFloat(t.thickness)),null!=t.opacity&&(d.opacity=parseFloat(t.opacity)),null!=t.miterLimit&&(d.miterLimit=parseFloat(t.miterLimit)),null!=t.overlay&&(d.overlay=!!t.overlay,ft.length)&&(e=t.length);for(var r=0,n=new Array(e);r 1.0 + delta) {\n\t\tdiscard;\n\t}\n\n\talpha -= smoothstep(1.0 - delta, 1.0 + delta, radius);\n\n\tfloat borderRadius = fragBorderRadius;\n\tfloat ratio = smoothstep(borderRadius - delta, borderRadius + delta, radius);\n\tvec4 color = mix(fragColor, fragBorderColor, ratio);\n\tcolor.a *= alpha * opacity;\n\tgl_FragColor = color;\n}\n"]),l.vert=h(["precision highp float;\n#define GLSLIFY 1\n\nattribute float x, y, xFract, yFract;\nattribute float size, borderSize;\nattribute vec4 colorId, borderColorId;\nattribute float isActive;\n\nuniform vec2 scale, scaleFract, translate, translateFract;\nuniform float pixelRatio;\nuniform bool constPointSize;\nuniform sampler2D palette;\nuniform vec2 paletteSize;\n\nconst float maxSize = 100.;\n\nvarying vec4 fragColor, fragBorderColor;\nvarying float fragBorderRadius, fragWidth;\n\nfloat pointSizeScale = (constPointSize) ? 2. : pixelRatio;\n\nbool isDirect = (paletteSize.x < 1.);\n\nvec4 getColor(vec4 id) {\n return isDirect ? id / 255. : texture2D(palette,\n vec2(\n (id.x + .5) / paletteSize.x,\n (id.y + .5) / paletteSize.y\n )\n );\n}\n\nvoid main() {\n // ignore inactive points\n if (isActive == 0.) return;\n\n vec2 position = vec2(x, y);\n vec2 positionFract = vec2(xFract, yFract);\n\n vec4 color = getColor(colorId);\n vec4 borderColor = getColor(borderColorId);\n\n float size = size * maxSize / 255.;\n float borderSize = borderSize * maxSize / 255.;\n\n gl_PointSize = (size + borderSize) * pointSizeScale;\n\n vec2 pos = (position + translate) * scale\n + (positionFract + translateFract) * scale\n + (position + translate) * scaleFract\n + (positionFract + translateFract) * scaleFract;\n\n gl_Position = vec4(pos * 2. - 1., 0., 1.);\n\n fragBorderRadius = 1. - 2. * borderSize / (size + borderSize);\n fragColor = color;\n fragBorderColor = borderColor.a == 0. || borderSize == 0. ? vec4(color.rgb, 0.) : borderColor;\n fragWidth = 1. / gl_PointSize;\n}\n"]),m&&(l.frag=l.frag.replace("smoothstep","smoothStep"),s.frag=s.frag.replace("smoothstep","smoothStep")),this.drawCircle=t(l)}b.defaults={color:"black",borderColor:"transparent",borderSize:0,size:12,opacity:1,marker:void 0,viewport:null,range:null,pixelSize:null,count:0,offset:0,bounds:null,positions:[],snap:1e4},b.prototype.render=function(){return arguments.length&&this.update.apply(this,arguments),this.draw(),this},b.prototype.draw=function(){for(var t=this,e=arguments.length,r=new Array(e),n=0;nn)?e.tree=u(t,{bounds:f}):n&&n.length&&(e.tree=n),e.tree){var h={primitive:"points",usage:"static",data:e.tree,type:"uint32"};e.elements?e.elements(h):e.elements=o.elements(h)}return i({data:v.float(t),usage:"dynamic"}),a({data:v.fract(t),usage:"dynamic"}),s({data:new Uint8Array(c),type:"uint8",usage:"stream"}),t}},{marker:function(e,r,n){var i=r.activation;if(i.forEach((function(t){return t&&t.destroy&&t.destroy()})),i.length=0,e&&"number"!=typeof e[0]){for(var a=[],s=0,l=Math.min(e.length,r.count);s=0)return a;if(t instanceof Uint8Array||t instanceof Uint8ClampedArray)e=t;else{e=new Uint8Array(t.length);for(var o=0,s=t.length;o4*n&&(this.tooManyColors=!0),this.updatePalette(r),1===i.length?i[0]:i},b.prototype.updatePalette=function(t){if(!this.tooManyColors){var e=this.maxColors,r=this.paletteTexture,n=Math.ceil(.25*t.length/e);if(n>1)for(var i=.25*(t=t.slice()).length%e;i2?(s[0],s[2],n=s[1],i=s[3]):s.length?(n=s[0],i=s[1]):(s.x,n=s.y,s.x+s.width,i=s.y+s.height),l.length>2?(a=l[0],o=l[2],l[1],l[3]):l.length?(a=l[0],o=l[1]):(a=l.x,l.y,o=l.x+l.width,l.y+l.height),[a,n,o,i]}function p(t){if("number"==typeof t)return[t,t,t,t];if(2===t.length)return[t[0],t[1],t[0],t[1]];var e=l(t);return[e.x,e.y,e.x+e.width,e.y+e.height]}e.exports=u,u.prototype.render=function(){for(var t,e=this,r=[],n=arguments.length;n--;)r[n]=arguments[n];return r.length&&(t=this).update.apply(t,r),this.regl.attributes.preserveDrawingBuffer?this.draw():(this.dirty?null==this.planned&&(this.planned=o((function(){e.draw(),e.dirty=!0,e.planned=null}))):(this.draw(),this.dirty=!0,o((function(){e.dirty=!1}))),this)},u.prototype.update=function(){for(var t,e=[],r=arguments.length;r--;)e[r]=arguments[r];if(e.length){for(var n=0;nk))&&(s.lower||!(T>>=e))<<3,(e|=r=(15<(t>>>=r))<<2)|(r=(3<(t>>>=r))<<1)|t>>>r>>1}function s(){function t(t){t:{for(var e=16;268435456>=e;e*=16)if(t<=e){t=e;break t}t=0}return 0<(e=r[o(t)>>2]).length?e.pop():new ArrayBuffer(t)}function e(t){r[o(t.byteLength)>>2].push(t)}var r=a(8,(function(){return[]}));return{alloc:t,free:e,allocType:function(e,r){var n=null;switch(e){case 5120:n=new Int8Array(t(r),0,r);break;case 5121:n=new Uint8Array(t(r),0,r);break;case 5122:n=new Int16Array(t(2*r),0,r);break;case 5123:n=new Uint16Array(t(2*r),0,r);break;case 5124:n=new Int32Array(t(4*r),0,r);break;case 5125:n=new Uint32Array(t(4*r),0,r);break;case 5126:n=new Float32Array(t(4*r),0,r);break;default:return null}return n.length!==r?n.subarray(0,r):n},freeType:function(t){e(t.buffer)}}}function l(t){return!!t&&"object"==typeof t&&Array.isArray(t.shape)&&Array.isArray(t.stride)&&"number"==typeof t.offset&&t.shape.length===t.stride.length&&(Array.isArray(t.data)||X(t.data))}function c(t,e,r,n,i,a){for(var o=0;o(i=s)&&(i=n.buffer.byteLength,5123===f?i>>=1:5125===f&&(i>>=2)),n.vertCount=i,i=o,0>o&&(i=4,1===(o=n.buffer.dimension)&&(i=0),2===o&&(i=1),3===o&&(i=4)),n.primType=i}function o(t){n.elementsCount--,delete s[t.id],t.buffer.destroy(),t.buffer=null}var s={},c=0,u={uint8:5121,uint16:5123};e.oes_element_index_uint&&(u.uint32=5125),i.prototype.bind=function(){this.buffer.bind()};var f=[];return{create:function(t,e){function s(t){if(t)if("number"==typeof t)c(t),f.primType=4,f.vertCount=0|t,f.type=5121;else{var e=null,r=35044,n=-1,i=-1,o=0,h=0;Array.isArray(t)||X(t)||l(t)?e=t:("data"in t&&(e=t.data),"usage"in t&&(r=$[t.usage]),"primitive"in t&&(n=nt[t.primitive]),"count"in t&&(i=0|t.count),"type"in t&&(h=u[t.type]),"length"in t?o=0|t.length:(o=i,5123===h||5122===h?o*=2:5125!==h&&5124!==h||(o*=4))),a(f,e,r,n,i,o,h)}else c(),f.primType=4,f.vertCount=0,f.type=5121;return s}var c=r.create(null,34963,!0),f=new i(c._buffer);return n.elementsCount++,s(t),s._reglType="elements",s._elements=f,s.subdata=function(t,e){return c.subdata(t,e),s},s.destroy=function(){o(f)},s},createStream:function(t){var e=f.pop();return e||(e=new i(r.create(null,34963,!0,!1)._buffer)),a(e,t,35040,-1,-1,0,0),e},destroyStream:function(t){f.push(t)},getElements:function(t){return"function"==typeof t&&t._elements instanceof i?t._elements:null},clear:function(){Z(s).forEach(o)}}}function g(t){for(var e=Y.allocType(5123,t.length),r=0;r>>31<<15,i=(a<<1>>>24)-127,a=a>>13&1023;e[r]=-24>i?n:-14>i?n+(a+1024>>-14-i):15>=i,r.height>>=i,p(r,n[i]),t.mipmask|=1<e;++e)t.images[e]=null;return t}function L(t){for(var e=t.images,r=0;re){for(var r=0;r=--this.refCount&&F(this)}}),o.profile&&(a.getTotalTextureSize=function(){var t=0;return Object.keys(yt).forEach((function(e){t+=yt[e].stats.size})),t}),{create2D:function(e,r){function n(t,e){var r=i.texInfo;I.call(r);var a=C();return"number"==typeof t?A(a,0|t,"number"==typeof e?0|e:0|t):t?(P(r,t),S(a,t)):A(a,1,1),r.genMipmaps&&(a.mipmask=(a.width<<1)-1),i.mipmask=a.mipmask,c(i,a),i.internalformat=a.internalformat,n.width=a.width,n.height=a.height,D(i),E(a,3553),z(r,3553),R(),L(a),o.profile&&(i.stats.size=T(i.internalformat,i.type,a.width,a.height,r.genMipmaps,!1)),n.format=tt[i.internalformat],n.type=et[i.type],n.mag=rt[r.magFilter],n.min=nt[r.minFilter],n.wrapS=it[r.wrapS],n.wrapT=it[r.wrapT],n}var i=new O(3553);return yt[i.id]=i,a.textureCount++,n(e,r),n.subimage=function(t,e,r,a){e|=0,r|=0,a|=0;var o=v();return c(o,i),o.width=0,o.height=0,p(o,t),o.width=o.width||(i.width>>a)-e,o.height=o.height||(i.height>>a)-r,D(i),d(o,3553,e,r,a),R(),k(o),n},n.resize=function(e,r){var a=0|e,s=0|r||a;if(a===i.width&&s===i.height)return n;n.width=i.width=a,n.height=i.height=s,D(i);for(var l=0;i.mipmask>>l;++l){var c=a>>l,u=s>>l;if(!c||!u)break;t.texImage2D(3553,l,i.format,c,u,0,i.format,i.type,null)}return R(),o.profile&&(i.stats.size=T(i.internalformat,i.type,a,s,!1,!1)),n},n._reglType="texture2d",n._texture=i,o.profile&&(n.stats=i.stats),n.destroy=function(){i.decRef()},n},createCube:function(e,r,n,i,s,l){function f(t,e,r,n,i,a){var s,l=h.texInfo;for(I.call(l),s=0;6>s;++s)g[s]=C();if("number"!=typeof t&&t){if("object"==typeof t)if(e)S(g[0],t),S(g[1],e),S(g[2],r),S(g[3],n),S(g[4],i),S(g[5],a);else if(P(l,t),u(h,t),"faces"in t)for(t=t.faces,s=0;6>s;++s)c(g[s],h),S(g[s],t[s]);else for(s=0;6>s;++s)S(g[s],t)}else for(t=0|t||1,s=0;6>s;++s)A(g[s],t,t);for(c(h,g[0]),h.mipmask=l.genMipmaps?(g[0].width<<1)-1:g[0].mipmask,h.internalformat=g[0].internalformat,f.width=g[0].width,f.height=g[0].height,D(h),s=0;6>s;++s)E(g[s],34069+s);for(z(l,34067),R(),o.profile&&(h.stats.size=T(h.internalformat,h.type,f.width,f.height,l.genMipmaps,!0)),f.format=tt[h.internalformat],f.type=et[h.type],f.mag=rt[l.magFilter],f.min=nt[l.minFilter],f.wrapS=it[l.wrapS],f.wrapT=it[l.wrapT],s=0;6>s;++s)L(g[s]);return f}var h=new O(34067);yt[h.id]=h,a.cubeCount++;var g=Array(6);return f(e,r,n,i,s,l),f.subimage=function(t,e,r,n,i){r|=0,n|=0,i|=0;var a=v();return c(a,h),a.width=0,a.height=0,p(a,e),a.width=a.width||(h.width>>i)-r,a.height=a.height||(h.height>>i)-n,D(h),d(a,34069+t,r,n,i),R(),k(a),f},f.resize=function(e){if((e|=0)!==h.width){f.width=h.width=e,f.height=h.height=e,D(h);for(var r=0;6>r;++r)for(var n=0;h.mipmask>>n;++n)t.texImage2D(34069+r,n,h.format,e>>n,e>>n,0,h.format,h.type,null);return R(),o.profile&&(h.stats.size=T(h.internalformat,h.type,f.width,f.height,!1,!0)),f}},f._reglType="textureCube",f._texture=h,o.profile&&(f.stats=h.stats),f.destroy=function(){h.decRef()},f},clear:function(){for(var e=0;er;++r)if(0!=(e.mipmask&1<>r,e.height>>r,0,e.internalformat,e.type,null);else for(var n=0;6>n;++n)t.texImage2D(34069+n,r,e.internalformat,e.width>>r,e.height>>r,0,e.internalformat,e.type,null);z(e.texInfo,e.target)}))}}}function M(t,e,r,n,i,a){function o(t,e,r){this.target=t,this.texture=e,this.renderbuffer=r;var n=t=0;e?(t=e.width,n=e.height):r&&(t=r.width,n=r.height),this.width=t,this.height=n}function s(t){t&&(t.texture&&t.texture._texture.decRef(),t.renderbuffer&&t.renderbuffer._renderbuffer.decRef())}function l(t,e,r){t&&(t.texture?t.texture._texture.refCount+=1:t.renderbuffer._renderbuffer.refCount+=1)}function c(e,r){r&&(r.texture?t.framebufferTexture2D(36160,e,r.target,r.texture._texture.texture,0):t.framebufferRenderbuffer(36160,e,36161,r.renderbuffer._renderbuffer.renderbuffer))}function u(t){var e=3553,r=null,n=null,i=t;return"object"==typeof t&&(i=t.data,"target"in t&&(e=0|t.target)),"texture2d"===(t=i._reglType)||"textureCube"===t?r=i:"renderbuffer"===t&&(n=i,e=36161),new o(e,r,n)}function f(t,e,r,a,s){return r?((t=n.create2D({width:t,height:e,format:a,type:s}))._texture.refCount=0,new o(3553,t,null)):((t=i.create({width:t,height:e,format:a}))._renderbuffer.refCount=0,new o(36161,null,t))}function h(t){return t&&(t.texture||t.renderbuffer)}function p(t,e,r){t&&(t.texture?t.texture.resize(e,r):t.renderbuffer&&t.renderbuffer.resize(e,r),t.width=e,t.height=r)}function d(){this.id=T++,k[this.id]=this,this.framebuffer=t.createFramebuffer(),this.height=this.width=0,this.colorAttachments=[],this.depthStencilAttachment=this.stencilAttachment=this.depthAttachment=null}function g(t){t.colorAttachments.forEach(s),s(t.depthAttachment),s(t.stencilAttachment),s(t.depthStencilAttachment)}function m(e){t.deleteFramebuffer(e.framebuffer),e.framebuffer=null,a.framebufferCount--,delete k[e.id]}function v(e){var n;t.bindFramebuffer(36160,e.framebuffer);var i=e.colorAttachments;for(n=0;ni;++i){for(c=0;ct;++t)r[t].resize(n);return e.width=e.height=n,e},_reglType:"framebufferCube",destroy:function(){r.forEach((function(t){t.destroy()}))}})},clear:function(){Z(k).forEach(m)},restore:function(){x.cur=null,x.next=null,x.dirty=!0,Z(k).forEach((function(e){e.framebuffer=t.createFramebuffer(),v(e)}))}})}function A(){this.w=this.z=this.y=this.x=this.state=0,this.buffer=null,this.size=0,this.normalized=!1,this.type=5126,this.divisor=this.stride=this.offset=0}function S(t,e,r,n,i){function a(){this.id=++c,this.attributes=[];var t=e.oes_vertex_array_object;this.vao=t?t.createVertexArrayOES():null,u[this.id]=this,this.buffers=[]}var o=r.maxAttributes,s=Array(o);for(r=0;rt&&(t=e.stats.uniformsCount)})),t},r.getMaxAttributesCount=function(){var t=0;return h.forEach((function(e){e.stats.attributesCount>t&&(t=e.stats.attributesCount)})),t}),{clear:function(){var e=t.deleteShader.bind(t);Z(c).forEach(e),c={},Z(u).forEach(e),u={},h.forEach((function(e){t.deleteProgram(e.program)})),h.length=0,f={},r.shaderCount=0},program:function(t,e,n,i){var a=f[e];a||(a=f[e]={});var o=a[t];return o&&!i?o:(e=new s(e,t),r.shaderCount++,l(e,n,i),o||(a[t]=e),h.push(e),e)},restore:function(){c={},u={};for(var t=0;t"+e+"?"+i+".constant["+e+"]:0;"})).join(""),"}}else{","if(",s,"(",i,".buffer)){",u,"=",a,".createStream(",34962,",",i,".buffer);","}else{",u,"=",a,".getBuffer(",i,".buffer);","}",f,'="type" in ',i,"?",o.glTypes,"[",i,".type]:",u,".dtype;",l.normalized,"=!!",i,".normalized;"),n("size"),n("offset"),n("stride"),n("divisor"),r("}}"),r.exit("if(",l.isStream,"){",a,".destroyStream(",u,");","}"),l}))})),o}function M(t,e,n,i,o){function s(t){var e=c[t];e&&(h[t]=e)}var l=function(t,e){if("string"==typeof(r=t.static).frag&&"string"==typeof r.vert){if(0>1)",s],");")}function e(){r(l,".drawArraysInstancedANGLE(",[d,g,m,s],");")}p?y?t():(r("if(",p,"){"),t(),r("}else{"),e(),r("}")):e()}function o(){function t(){r(u+".drawElements("+[d,m,v,g+"<<(("+v+"-5121)>>1)"]+");")}function e(){r(u+".drawArrays("+[d,g,m]+");")}p?y?t():(r("if(",p,"){"),t(),r("}else{"),e(),r("}")):e()}var s,l,c=t.shared,u=c.gl,f=c.draw,h=n.draw,p=function(){var i=h.elements,a=e;return i?((i.contextDep&&n.contextDynamic||i.propDep)&&(a=r),i=i.append(t,a)):i=a.def(f,".","elements"),i&&a("if("+i+")"+u+".bindBuffer(34963,"+i+".buffer.buffer);"),i}(),d=i("primitive"),g=i("offset"),m=function(){var i=h.count,a=e;return i?((i.contextDep&&n.contextDynamic||i.propDep)&&(a=r),i=i.append(t,a)):i=a.def(f,".","count"),i}();if("number"==typeof m){if(0===m)return}else r("if(",m,"){"),r.exit("}");K&&(s=i("instances"),l=t.instancing);var v=p+".type",y=h.elements&&R(h.elements);K&&("number"!=typeof s||0<=s)?"string"==typeof s?(r("if(",s,">0){"),a(),r("}else if(",s,"<0){"),o(),r("}")):a():o()}function V(t,e,r,n,i){return i=(e=b()).proc("body",i),K&&(e.instancing=i.def(e.shared.extensions,".angle_instanced_arrays")),t(e,i,r,n),e.compile().body}function H(t,e,r,n){L(t,e),r.useVAO?r.drawVAO?e(t.shared.vao,".setVAO(",r.drawVAO.append(t,e),");"):e(t.shared.vao,".setVAO(",t.shared.vao,".targetVAO);"):(e(t.shared.vao,".setVAO(null);"),N(t,e,r,n.attributes,(function(){return!0}))),j(t,e,r,n.uniforms,(function(){return!0})),U(t,e,e,r)}function G(t,e,r,n){function i(){return!0}t.batchId="a1",L(t,e),N(t,e,r,n.attributes,i),j(t,e,r,n.uniforms,i),U(t,e,e,r)}function Y(t,e,r,n){function i(t){return t.contextDep&&o||t.propDep}function a(t){return!i(t)}L(t,e);var o=r.contextDep,s=e.def(),l=e.def();t.shared.props=l,t.batchId=s;var c=t.scope(),u=t.scope();e(c.entry,"for(",s,"=0;",s,"<","a1",";++",s,"){",l,"=","a0","[",s,"];",u,"}",c.exit),r.needsContext&&A(t,u,r.context),r.needsFramebuffer&&S(t,u,r.framebuffer),C(t,u,r.state,i),r.profile&&i(r.profile)&&I(t,u,r,!1,!0),n?(r.useVAO?r.drawVAO?i(r.drawVAO)?u(t.shared.vao,".setVAO(",r.drawVAO.append(t,u),");"):c(t.shared.vao,".setVAO(",r.drawVAO.append(t,c),");"):c(t.shared.vao,".setVAO(",t.shared.vao,".targetVAO);"):(c(t.shared.vao,".setVAO(null);"),N(t,c,r,n.attributes,a),N(t,u,r,n.attributes,i)),j(t,c,r,n.uniforms,a),j(t,u,r,n.uniforms,i),U(t,c,u,r)):(e=t.global.def("{}"),n=r.shader.progVar.append(t,u),l=u.def(n,".id"),c=u.def(e,"[",l,"]"),u(t.shared.gl,".useProgram(",n,".program);","if(!",c,"){",c,"=",e,"[",l,"]=",t.link((function(e){return V(G,t,r,e,2)})),"(",n,");}",c,".call(this,a0[",s,"],",s,");"))}function W(t,r){function n(e){var n=r.shader[e];n&&i.set(a.shader,"."+e,n.append(t,i))}var i=t.proc("scope",3);t.batchId="a2";var a=t.shared,o=a.current;A(t,i,r.context),r.framebuffer&&r.framebuffer.append(t,i),O(Object.keys(r.state)).forEach((function(e){var n=r.state[e].append(t,i);m(n)?n.forEach((function(r,n){i.set(t.next[e],"["+n+"]",r)})):i.set(a.next,"."+e,n)})),I(t,i,r,!0,!0),["elements","offset","count","instances","primitive"].forEach((function(e){var n=r.draw[e];n&&i.set(a.draw,"."+e,""+n.append(t,i))})),Object.keys(r.uniforms).forEach((function(n){i.set(a.uniforms,"["+e.id(n)+"]",r.uniforms[n].append(t,i))})),Object.keys(r.attributes).forEach((function(e){var n=r.attributes[e].append(t,i),a=t.scopeAttrib(e);Object.keys(new Z).forEach((function(t){i.set(a,"."+t,n[t])}))})),r.scopeVAO&&i.set(a.vao,".targetVAO",r.scopeVAO.append(t,i)),n("vert"),n("frag"),0=--this.refCount&&o(this)},i.profile&&(n.getTotalRenderbufferSize=function(){var t=0;return Object.keys(u).forEach((function(e){t+=u[e].stats.size})),t}),{create:function(e,r){function o(e,r){var n=0,a=0,u=32854;if("object"==typeof e&&e?("shape"in e?(n=0|(a=e.shape)[0],a=0|a[1]):("radius"in e&&(n=a=0|e.radius),"width"in e&&(n=0|e.width),"height"in e&&(a=0|e.height)),"format"in e&&(u=s[e.format])):"number"==typeof e?(n=0|e,a="number"==typeof r?0|r:n):e||(n=a=1),n!==c.width||a!==c.height||u!==c.format)return o.width=c.width=n,o.height=c.height=a,c.format=u,t.bindRenderbuffer(36161,c.renderbuffer),t.renderbufferStorage(36161,u,n,a),i.profile&&(c.stats.size=yt[c.format]*c.width*c.height),o.format=l[c.format],o}var c=new a(t.createRenderbuffer());return u[c.id]=c,n.renderbufferCount++,o(e,r),o.resize=function(e,r){var n=0|e,a=0|r||n;return n===c.width&&a===c.height||(o.width=c.width=n,o.height=c.height=a,t.bindRenderbuffer(36161,c.renderbuffer),t.renderbufferStorage(36161,c.format,n,a),i.profile&&(c.stats.size=yt[c.format]*c.width*c.height)),o},o._reglType="renderbuffer",o._renderbuffer=c,i.profile&&(o.stats=c.stats),o.destroy=function(){c.decRef()},o},clear:function(){Z(u).forEach(o)},restore:function(){Z(u).forEach((function(e){e.renderbuffer=t.createRenderbuffer(),t.bindRenderbuffer(36161,e.renderbuffer),t.renderbufferStorage(36161,e.format,e.width,e.height)})),t.bindRenderbuffer(36161,null)}}},bt=[];bt[6408]=4,bt[6407]=3;var _t=[];_t[5121]=1,_t[5126]=4,_t[36193]=2;var wt=["x","y","z","w"],Tt="blend.func blend.equation stencil.func stencil.opFront stencil.opBack sample.coverage viewport scissor.box polygonOffset.offset".split(" "),kt={0:0,1:1,zero:0,one:1,"src color":768,"one minus src color":769,"src alpha":770,"one minus src alpha":771,"dst color":774,"one minus dst color":775,"dst alpha":772,"one minus dst alpha":773,"constant color":32769,"one minus constant color":32770,"constant alpha":32771,"one minus constant alpha":32772,"src alpha saturate":776},Mt={never:512,less:513,"<":513,equal:514,"=":514,"==":514,"===":514,lequal:515,"<=":515,greater:516,">":516,notequal:517,"!=":517,"!==":517,gequal:518,">=":518,always:519},At={0:0,zero:0,keep:7680,replace:7681,increment:7682,decrement:7683,"increment wrap":34055,"decrement wrap":34056,invert:5386},St={cw:2304,ccw:2305},Et=new D(!1,!1,!1,(function(){}));return function(t){function e(){if(0===J.length)w&&w.update(),tt=null;else{tt=H.next(e),f();for(var t=J.length-1;0<=t;--t){var r=J[t];r&&r(I,null,0)}m.flush(),w&&w.update()}}function r(){!tt&&0=J.length&&n()}}}}function u(){var t=X.viewport,e=X.scissor_box;t[0]=t[1]=e[0]=e[1]=0,I.viewportWidth=I.framebufferWidth=I.drawingBufferWidth=t[2]=e[2]=m.drawingBufferWidth,I.viewportHeight=I.framebufferHeight=I.drawingBufferHeight=t[3]=e[3]=m.drawingBufferHeight}function f(){I.tick+=1,I.time=g(),u(),Y.procs.poll()}function h(){u(),Y.procs.refresh(),w&&w.update()}function g(){return(G()-T)/1e3}if(!(t=i(t)))return null;var m=t.gl,v=m.getContextAttributes();m.isContextLost();var y=function(t,e){function r(e){var r;e=e.toLowerCase();try{r=n[e]=t.getExtension(e)}catch(t){}return!!r}for(var n={},i=0;ie;++e)et(U({framebuffer:t.framebuffer.faces[e]},t),l);else et(t,l);else l(0,t)},prop:q.define.bind(null,1),context:q.define.bind(null,2),this:q.define.bind(null,3),draw:s({}),buffer:function(t){return z.create(t,34962,!1,!1)},elements:function(t){return D.create(t,!1)},texture:F.create2D,cube:F.createCube,renderbuffer:B.create,framebuffer:V.create,framebufferCube:V.createCube,vao:O.createVAO,attributes:v,frame:c,on:function(t,e){var r;switch(t){case"frame":return c(e);case"lost":r=K;break;case"restore":r=Q;break;case"destroy":r=$}return r.push(e),{cancel:function(){for(var t=0;t + * + * Copyright (c) 2014-2015, Jon Schlinkert. + * Licensed under the MIT License. + */ +"use strict";var n,i="";e.exports=function(t,e){if("string"!=typeof t)throw new TypeError("expected a string");if(1===e)return t;if(2===e)return t+t;var r=t.length*e;if(n!==t||"undefined"==typeof n)n=t,i="";else if(i.length>=r)return i.substr(0,r);for(;r>i.length&&e>1;)1&e&&(i+=t),e>>=1,t+=t;return i=(i+=t).substr(0,r)}},{}],542:[function(t,e,r){(function(t){(function(){e.exports=t.performance&&t.performance.now?function(){return performance.now()}:Date.now||function(){return+new Date}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{}],543:[function(t,e,r){"use strict";e.exports=function(t){for(var e=t.length,r=t[t.length-1],n=e,i=e-2;i>=0;--i){var a=r,o=t[i];(l=o-((r=a+o)-a))&&(t[--n]=r,r=l)}var s=0;for(i=n;i>1;return["sum(",t(e.slice(0,r)),",",t(e.slice(r)),")"].join("")}(e);var n}function u(t){return new Function("sum","scale","prod","compress",["function robustDeterminant",t,"(m){return compress(",c(l(t)),")};return robustDeterminant",t].join(""))(i,a,n,o)}var f=[function(){return[0]},function(t){return[t[0][0]]}];!function(){for(;f.length<6;)f.push(u(f.length));for(var t=[],r=["function robustDeterminant(m){switch(m.length){"],n=0;n<6;++n)t.push("det"+n),r.push("case ",n,":return det",n,"(m);");r.push("}var det=CACHE[m.length];if(!det)det=CACHE[m.length]=gen(m.length);return det(m);}return robustDeterminant"),t.push("CACHE","gen",r.join(""));var i=Function.apply(void 0,t);for(e.exports=i.apply(void 0,f.concat([f,u])),n=0;n>1;return["sum(",l(t.slice(0,e)),",",l(t.slice(e)),")"].join("")}function c(t,e){if("m"===t.charAt(0)){if("w"===e.charAt(0)){var r=t.split("[");return["w",e.substr(1),"m",r[0].substr(1)].join("")}return["prod(",t,",",e,")"].join("")}return c(e,t)}function u(t){if(2===t.length)return[["diff(",c(t[0][0],t[1][1]),",",c(t[1][0],t[0][1]),")"].join("")];for(var e=[],r=0;r0&&r.push(","),r.push("[");for(var o=0;o0&&r.push(","),o===i?r.push("+b[",a,"]"):r.push("+A[",a,"][",o,"]");r.push("]")}r.push("]),")}r.push("det(A)]}return ",e);var s=new Function("det",r.join(""));return s(t<6?n[t]:n)}var a=[function(){return[0]},function(t,e){return[[e[0]],[t[0][0]]]}];!function(){for(;a.length<6;)a.push(i(a.length));for(var t=[],r=["function dispatchLinearSolve(A,b){switch(A.length){"],n=0;n<6;++n)t.push("s"+n),r.push("case ",n,":return s",n,"(A,b);");r.push("}var s=CACHE[A.length];if(!s)s=CACHE[A.length]=g(A.length);return s(A,b)}return dispatchLinearSolve"),t.push("CACHE","g",r.join(""));var o=Function.apply(void 0,t);for(e.exports=o.apply(void 0,a.concat([a,i])),n=0;n<6;++n)e.exports[n]=a[n]}()},{"robust-determinant":544}],548:[function(t,e,r){"use strict";var n=t("two-product"),i=t("robust-sum"),a=t("robust-scale"),o=t("robust-subtract");function s(t,e){for(var r=new Array(t.length-1),n=1;n>1;return["sum(",l(t.slice(0,e)),",",l(t.slice(e)),")"].join("")}function c(t){if(2===t.length)return[["sum(prod(",t[0][0],",",t[1][1],"),prod(-",t[0][1],",",t[1][0],"))"].join("")];for(var e=[],r=0;r0){if(a<=0)return o;n=i+a}else{if(!(i<0))return o;if(a>=0)return o;n=-(i+a)}var s=33306690738754716e-32*n;return o>=s||o<=-s?o:f(t,e,r)},function(t,e,r,n){var i=t[0]-n[0],a=e[0]-n[0],o=r[0]-n[0],s=t[1]-n[1],l=e[1]-n[1],c=r[1]-n[1],u=t[2]-n[2],f=e[2]-n[2],p=r[2]-n[2],d=a*c,g=o*l,m=o*s,v=i*c,y=i*l,x=a*s,b=u*(d-g)+f*(m-v)+p*(y-x),_=7771561172376103e-31*((Math.abs(d)+Math.abs(g))*Math.abs(u)+(Math.abs(m)+Math.abs(v))*Math.abs(f)+(Math.abs(y)+Math.abs(x))*Math.abs(p));return b>_||-b>_?b:h(t,e,r,n)}];function d(t){var e=p[t.length];return e||(e=p[t.length]=u(t.length)),e.apply(void 0,t)}!function(){for(;p.length<=5;)p.push(u(p.length));for(var t=[],r=["slow"],n=0;n<=5;++n)t.push("a"+n),r.push("o"+n);var i=["function getOrientation(",t.join(),"){switch(arguments.length){case 0:case 1:return 0;"];for(n=2;n<=5;++n)i.push("case ",n,":return o",n,"(",t.slice(0,n).join(),");");i.push("}var s=new Array(arguments.length);for(var i=0;i0&&o>0||a<0&&o<0)return!1;var s=n(r,t,e),l=n(i,t,e);if(s>0&&l>0||s<0&&l<0)return!1;if(0===a&&0===o&&0===s&&0===l)return function(t,e,r,n){for(var i=0;i<2;++i){var a=t[i],o=e[i],s=Math.min(a,o),l=Math.max(a,o),c=r[i],u=n[i],f=Math.min(c,u);if(Math.max(c,u)=n?(i=f,(l+=1)=n?(i=f,(l+=1)0?1:0}},{}],555:[function(t,e,r){"use strict";e.exports=function(t){return i(n(t))};var n=t("boundary-cells"),i=t("reduce-simplicial-complex")},{"boundary-cells":100,"reduce-simplicial-complex":533}],556:[function(t,e,r){"use strict";e.exports=function(t,e,r,s){r=r||0,"undefined"==typeof s&&(s=function(t){for(var e=t.length,r=0,n=0;n>1,v=E[2*m+1];","if(v===b){return m}","if(b0&&l.push(","),l.push("[");for(var n=0;n0&&l.push(","),l.push("B(C,E,c[",i[0],"],c[",i[1],"])")}l.push("]")}l.push(");")}}for(a=t+1;a>1;--a){a>1,s=a(t[o],e);s<=0?(0===s&&(i=o),r=o+1):s>0&&(n=o-1)}return i}function u(t,e){for(var r=new Array(t.length),i=0,o=r.length;i=t.length||0!==a(t[m],s)););}return r}function f(t,e){if(e<0)return[];for(var r=[],i=(1<>>u&1&&c.push(i[u]);e.push(c)}return s(e)},r.skeleton=f,r.boundary=function(t){for(var e=[],r=0,n=t.length;r>1:(t>>1)-1}function x(t){for(var e=v(t);;){var r=e,n=2*t+1,i=2*(t+1),a=t;if(n0;){var r=y(t);if(r>=0)if(e0){var t=k[0];return m(0,A-1),A-=1,x(0),t}return-1}function w(t,e){var r=k[t];return c[r]===e?t:(c[r]=-1/0,b(t),_(),c[r]=e,b((A+=1)-1))}function T(t){if(!u[t]){u[t]=!0;var e=s[t],r=l[t];s[r]>=0&&(s[r]=e),l[e]>=0&&(l[e]=r),M[e]>=0&&w(M[e],g(e)),M[r]>=0&&w(M[r],g(r))}}var k=[],M=new Array(a);for(f=0;f>1;f>=0;--f)x(f);for(;;){var S=_();if(S<0||c[S]>r)break;T(S)}var E=[];for(f=0;f=0&&r>=0&&e!==r){var n=M[e],i=M[r];n!==i&&L.push([n,i])}})),i.unique(i.normalize(L)),{positions:E,edges:L}};var n=t("robust-orientation"),i=t("simplicial-complex")},{"robust-orientation":548,"simplicial-complex":560}],563:[function(t,e,r){"use strict";e.exports=function(t,e){var r,a,o,s;if(e[0][0]e[1][0]))return i(e,t);r=e[1],a=e[0]}if(t[0][0]t[1][0]))return-i(t,e);o=t[1],s=t[0]}var l=n(r,a,s),c=n(r,a,o);if(l<0){if(c<=0)return l}else if(l>0){if(c>=0)return l}else if(c)return c;if(l=n(s,o,a),c=n(s,o,r),l<0){if(c<=0)return l}else if(l>0){if(c>=0)return l}else if(c)return c;return a[0]-s[0]};var n=t("robust-orientation");function i(t,e){var r,i,a,o;if(e[0][0]e[1][0])){var s=Math.min(t[0][1],t[1][1]),l=Math.max(t[0][1],t[1][1]),c=Math.min(e[0][1],e[1][1]),u=Math.max(e[0][1],e[1][1]);return lu?s-u:l-u}r=e[1],i=e[0]}t[0][1]0)if(e[0]!==o[1][0])r=t,t=t.right;else{if(l=c(t.right,e))return l;t=t.left}else{if(e[0]!==o[1][0])return t;var l;if(l=c(t.right,e))return l;t=t.left}}return r}function u(t,e,r,n){this.y=t,this.index=e,this.start=r,this.closed=n}function f(t,e,r,n){this.x=t,this.segment=e,this.create=r,this.index=n}s.prototype.castUp=function(t){var e=n.le(this.coordinates,t[0]);if(e<0)return-1;this.slabs[e];var r=c(this.slabs[e],t),i=-1;if(r&&(i=r.value),this.coordinates[e]===t[0]){var s=null;if(r&&(s=r.key),e>0){var u=c(this.slabs[e-1],t);u&&(s?o(u.key,s)>0&&(s=u.key,i=u.value):(i=u.value,s=u.key))}var f=this.horizontal[e];if(f.length>0){var h=n.ge(f,t[1],l);if(h=f.length)return i;p=f[h]}}if(p.start)if(s){var d=a(s[0],s[1],[t[0],p.y]);s[0][0]>s[1][0]&&(d=-d),d>0&&(i=p.index)}else i=p.index;else p.y!==t[1]&&(i=p.index)}}}return i}},{"./lib/order-segments":563,"binary-search-bounds":564,"functional-red-black-tree":247,"robust-orientation":548}],566:[function(t,e,r){"use strict";var n=t("robust-dot-product"),i=t("robust-sum");function a(t,e){var r=i(n(t,e),[e[e.length-1]]);return r[r.length-1]}function o(t,e,r,n){var i=-e/(n-e);i<0?i=0:i>1&&(i=1);for(var a=1-i,o=t.length,s=new Array(o),l=0;l0||i>0&&u<0){var f=o(s,u,l,i);r.push(f),n.push(f.slice())}u<0?n.push(l.slice()):u>0?r.push(l.slice()):(r.push(l.slice()),n.push(l.slice())),i=u}return{positive:r,negative:n}},e.exports.positive=function(t,e){for(var r=[],n=a(t[t.length-1],e),i=t[t.length-1],s=t[0],l=0;l0||n>0&&c<0)&&r.push(o(i,c,s,n)),c>=0&&r.push(s.slice()),n=c}return r},e.exports.negative=function(t,e){for(var r=[],n=a(t[t.length-1],e),i=t[t.length-1],s=t[0],l=0;l0||n>0&&c<0)&&r.push(o(i,c,s,n)),c<=0&&r.push(s.slice()),n=c}return r}},{"robust-dot-product":545,"robust-sum":553}],567:[function(t,e,r){!function(){"use strict";var t={not_string:/[^s]/,not_bool:/[^t]/,not_type:/[^T]/,not_primitive:/[^v]/,number:/[diefg]/,numeric_arg:/[bcdiefguxX]/,json:/[j]/,not_json:/[^j]/,text:/^[^\x25]+/,modulo:/^\x25{2}/,placeholder:/^\x25(?:([1-9]\d*)\$|\(([^)]+)\))?(\+)?(0|'[^$])?(-)?(\d+)?(?:\.(\d+))?([b-gijostTuvxX])/,key:/^([a-z_][a-z_\d]*)/i,key_access:/^\.([a-z_][a-z_\d]*)/i,index_access:/^\[(\d+)\]/,sign:/^[+-]/};function e(t){return i(o(t),arguments)}function n(t,r){return e.apply(null,[t].concat(r||[]))}function i(r,n){var i,a,o,s,l,c,u,f,h,p=1,d=r.length,g="";for(a=0;a=0),s.type){case"b":i=parseInt(i,10).toString(2);break;case"c":i=String.fromCharCode(parseInt(i,10));break;case"d":case"i":i=parseInt(i,10);break;case"j":i=JSON.stringify(i,null,s.width?parseInt(s.width):0);break;case"e":i=s.precision?parseFloat(i).toExponential(s.precision):parseFloat(i).toExponential();break;case"f":i=s.precision?parseFloat(i).toFixed(s.precision):parseFloat(i);break;case"g":i=s.precision?String(Number(i.toPrecision(s.precision))):parseFloat(i);break;case"o":i=(parseInt(i,10)>>>0).toString(8);break;case"s":i=String(i),i=s.precision?i.substring(0,s.precision):i;break;case"t":i=String(!!i),i=s.precision?i.substring(0,s.precision):i;break;case"T":i=Object.prototype.toString.call(i).slice(8,-1).toLowerCase(),i=s.precision?i.substring(0,s.precision):i;break;case"u":i=parseInt(i,10)>>>0;break;case"v":i=i.valueOf(),i=s.precision?i.substring(0,s.precision):i;break;case"x":i=(parseInt(i,10)>>>0).toString(16);break;case"X":i=(parseInt(i,10)>>>0).toString(16).toUpperCase()}t.json.test(s.type)?g+=i:(!t.number.test(s.type)||f&&!s.sign?h="":(h=f?"+":"-",i=i.toString().replace(t.sign,"")),c=s.pad_char?"0"===s.pad_char?"0":s.pad_char.charAt(1):" ",u=s.width-(h+i).length,l=s.width&&u>0?c.repeat(u):"",g+=s.align?h+i+l:"0"===c?h+l+i:l+h+i)}return g}var a=Object.create(null);function o(e){if(a[e])return a[e];for(var r,n=e,i=[],o=0;n;){if(null!==(r=t.text.exec(n)))i.push(r[0]);else if(null!==(r=t.modulo.exec(n)))i.push("%");else{if(null===(r=t.placeholder.exec(n)))throw new SyntaxError("[sprintf] unexpected placeholder");if(r[2]){o|=1;var s=[],l=r[2],c=[];if(null===(c=t.key.exec(l)))throw new SyntaxError("[sprintf] failed to parse named argument key");for(s.push(c[1]);""!==(l=l.substring(c[0].length));)if(null!==(c=t.key_access.exec(l)))s.push(c[1]);else{if(null===(c=t.index_access.exec(l)))throw new SyntaxError("[sprintf] failed to parse named argument key");s.push(c[1])}r[2]=s}else o|=2;if(3===o)throw new Error("[sprintf] mixing positional and named placeholders is not (yet) supported");i.push({placeholder:r[0],param_no:r[1],keys:r[2],sign:r[3],pad_char:r[4],align:r[5],width:r[6],precision:r[7],type:r[8]})}n=n.substring(r[0].length)}return a[e]=i}"undefined"!=typeof r&&(r.sprintf=e,r.vsprintf=n),"undefined"!=typeof window&&(window.sprintf=e,window.vsprintf=n)}()},{}],568:[function(t,e,r){"use strict";var n=t("parenthesis");e.exports=function(t,e,r){if(null==t)throw Error("First argument should be a string");if(null==e)throw Error("Separator should be a string or a RegExp");r?("string"==typeof r||Array.isArray(r))&&(r={ignore:r}):r={},null==r.escape&&(r.escape=!0),null==r.ignore?r.ignore=["[]","()","{}","<>",'""',"''","``","\u201c\u201d","\xab\xbb"]:("string"==typeof r.ignore&&(r.ignore=[r.ignore]),r.ignore=r.ignore.map((function(t){return 1===t.length&&(t+=t),t})));var i=n.parse(t,{flat:!0,brackets:r.ignore}),a=i[0].split(e);if(r.escape){for(var o=[],s=0;s0;){e=c[c.length-1];var p=t[e];if(a[e]=0&&s[e].push(o[g])}a[e]=d}else{if(n[e]===r[e]){var m=[],v=[],y=0;for(d=l.length-1;d>=0;--d){var x=l[d];if(i[x]=!1,m.push(x),v.push(s[x]),y+=s[x].length,o[x]=f.length,x===e){l.length=d;break}}f.push(m);var b=new Array(y);for(d=0;d c)|0 },"),"generic"===e&&a.push("getters:[0],");for(var s=[],l=[],c=0;c>>7){");for(c=0;c<1<<(1<128&&c%128==0){f.length>0&&h.push("}}");var p="vExtra"+f.length;a.push("case ",c>>>7,":",p,"(m&0x7f,",l.join(),");break;"),h=["function ",p,"(m,",l.join(),"){switch(m){"],f.push(h)}h.push("case ",127&c,":");for(var d=new Array(r),g=new Array(r),m=new Array(r),v=new Array(r),y=0,x=0;xx)&&!(c&1<<_)!=!(c&1<0&&(M="+"+m[b]+"*c");var A=d[b].length/y*.5,S=.5+v[b]/y*.5;k.push("d"+b+"-"+S+"-"+A+"*("+d[b].join("+")+M+")/("+g[b].join("+")+")")}h.push("a.push([",k.join(),"]);","break;")}a.push("}},"),f.length>0&&h.push("}}");var E=[];for(c=0;c<1<1&&(i=1),i<-1&&(i=-1),(t*n-e*r<0?-1:1)*Math.acos(i)};r.default=function(t){var e=t.px,r=t.py,l=t.cx,c=t.cy,u=t.rx,f=t.ry,h=t.xAxisRotation,p=void 0===h?0:h,d=t.largeArcFlag,g=void 0===d?0:d,m=t.sweepFlag,v=void 0===m?0:m,y=[];if(0===u||0===f)return[];var x=Math.sin(p*i/360),b=Math.cos(p*i/360),_=b*(e-l)/2+x*(r-c)/2,w=-x*(e-l)/2+b*(r-c)/2;if(0===_&&0===w)return[];u=Math.abs(u),f=Math.abs(f);var T=Math.pow(_,2)/Math.pow(u,2)+Math.pow(w,2)/Math.pow(f,2);T>1&&(u*=Math.sqrt(T),f*=Math.sqrt(T));var k=function(t,e,r,n,a,o,l,c,u,f,h,p){var d=Math.pow(a,2),g=Math.pow(o,2),m=Math.pow(h,2),v=Math.pow(p,2),y=d*g-d*v-g*m;y<0&&(y=0),y/=d*v+g*m;var x=(y=Math.sqrt(y)*(l===c?-1:1))*a/o*p,b=y*-o/a*h,_=f*x-u*b+(t+r)/2,w=u*x+f*b+(e+n)/2,T=(h-x)/a,k=(p-b)/o,M=(-h-x)/a,A=(-p-b)/o,S=s(1,0,T,k),E=s(T,k,M,A);return 0===c&&E>0&&(E-=i),1===c&&E<0&&(E+=i),[_,w,S,E]}(e,r,l,c,u,f,g,v,x,b,_,w),M=n(k,4),A=M[0],S=M[1],E=M[2],C=M[3],L=Math.abs(C)/(i/4);Math.abs(1-L)<1e-7&&(L=1);var I=Math.max(Math.ceil(L),1);C/=I;for(var P=0;Pe[2]&&(e[2]=c[u+0]),c[u+1]>e[3]&&(e[3]=c[u+1]);return e}},{"abs-svg-path":65,assert:73,"is-svg-path":471,"normalize-svg-path":573,"parse-svg-path":505}],573:[function(t,e,r){"use strict";e.exports=function(t){for(var e,r=[],o=0,s=0,l=0,c=0,u=null,f=null,h=0,p=0,d=0,g=t.length;d4?(o=m[m.length-4],s=m[m.length-3]):(o=h,s=p),r.push(m)}return r};var n=t("svg-arc-to-cubic-bezier");function i(t,e,r,n){return["C",t,e,r,n,r,n]}function a(t,e,r,n,i,a){return["C",t/3+2/3*r,e/3+2/3*n,i/3+2/3*r,a/3+2/3*n,i,a]}},{"svg-arc-to-cubic-bezier":571}],574:[function(t,e,r){"use strict";var n,i=t("svg-path-bounds"),a=t("parse-svg-path"),o=t("draw-svg-path"),s=t("is-svg-path"),l=t("bitmap-sdf"),c=document.createElement("canvas"),u=c.getContext("2d");e.exports=function(t,e){if(!s(t))throw Error("Argument should be valid svg path string");e||(e={});var r,f;e.shape?(r=e.shape[0],f=e.shape[1]):(r=c.width=e.w||e.width||200,f=c.height=e.h||e.height||200);var h=Math.min(r,f),p=e.stroke||0,d=e.viewbox||e.viewBox||i(t),g=[r/(d[2]-d[0]),f/(d[3]-d[1])],m=Math.min(g[0]||0,g[1]||0)/2;u.fillStyle="black",u.fillRect(0,0,r,f),u.fillStyle="white",p&&("number"!=typeof p&&(p=1),u.strokeStyle=p>0?"white":"black",u.lineWidth=Math.abs(p));if(u.translate(.5*r,.5*f),u.scale(m,m),function(){if(null!=n)return n;var t=document.createElement("canvas").getContext("2d");if(t.canvas.width=t.canvas.height=1,!window.Path2D)return n=!1;var e=new Path2D("M0,0h1v1h-1v-1Z");t.fillStyle="black",t.fill(e);var r=t.getImageData(0,0,1,1);return n=r&&r.data&&255===r.data[3]}()){var v=new Path2D(t);u.fill(v),p&&u.stroke(v)}else{var y=a(t);o(u,y),u.fill(),p&&u.stroke()}return u.setTransform(1,0,0,1,0,0),l(u,{cutoff:null!=e.cutoff?e.cutoff:.5,radius:null!=e.radius?e.radius:.5*h})}},{"bitmap-sdf":98,"draw-svg-path":174,"is-svg-path":471,"parse-svg-path":505,"svg-path-bounds":572}],575:[function(t,e,r){(function(r){(function(){"use strict";e.exports=function t(e,r,i){i=i||{};var o=a[e];o||(o=a[e]={" ":{data:new Float32Array(0),shape:.2}});var s=o[r];if(!s)if(r.length<=1||!/\d/.test(r))s=o[r]=function(t){for(var e=t.cells,r=t.positions,n=new Float32Array(6*e.length),i=0,a=0,o=0;o0&&(f+=.02);var p=new Float32Array(u),d=0,g=-.5*f;for(h=0;h1&&(r-=1),r<1/6?t+6*(e-t)*r:r<.5?e:r<2/3?t+(e-t)*(2/3-r)*6:t}if(t=L(t,360),e=L(e,100),r=L(r,100),0===e)n=i=a=r;else{var s=r<.5?r*(1+e):r+e-r*e,l=2*r-s;n=o(l,s,t+1/3),i=o(l,s,t),a=o(l,s,t-1/3)}return{r:255*n,g:255*i,b:255*a}}(e.h,l,u),f=!0,h="hsl"),e.hasOwnProperty("a")&&(a=e.a));var p,d,g;return a=C(a),{ok:f,format:e.format||h,r:o(255,s(i.r,0)),g:o(255,s(i.g,0)),b:o(255,s(i.b,0)),a:a}}(e);this._originalInput=e,this._r=u.r,this._g=u.g,this._b=u.b,this._a=u.a,this._roundA=a(100*this._a)/100,this._format=l.format||u.format,this._gradientType=l.gradientType,this._r<1&&(this._r=a(this._r)),this._g<1&&(this._g=a(this._g)),this._b<1&&(this._b=a(this._b)),this._ok=u.ok,this._tc_id=i++}function u(t,e,r){t=L(t,255),e=L(e,255),r=L(r,255);var n,i,a=s(t,e,r),l=o(t,e,r),c=(a+l)/2;if(a==l)n=i=0;else{var u=a-l;switch(i=c>.5?u/(2-a-l):u/(a+l),a){case t:n=(e-r)/u+(e>1)+720)%360;--e;)n.h=(n.h+i)%360,a.push(c(n));return a}function A(t,e){e=e||6;for(var r=c(t).toHsv(),n=r.h,i=r.s,a=r.v,o=[],s=1/e;e--;)o.push(c({h:n,s:i,v:a})),a=(a+s)%1;return o}c.prototype={isDark:function(){return this.getBrightness()<128},isLight:function(){return!this.isDark()},isValid:function(){return this._ok},getOriginalInput:function(){return this._originalInput},getFormat:function(){return this._format},getAlpha:function(){return this._a},getBrightness:function(){var t=this.toRgb();return(299*t.r+587*t.g+114*t.b)/1e3},getLuminance:function(){var e,r,n,i=this.toRgb();return e=i.r/255,r=i.g/255,n=i.b/255,.2126*(e<=.03928?e/12.92:t.pow((e+.055)/1.055,2.4))+.7152*(r<=.03928?r/12.92:t.pow((r+.055)/1.055,2.4))+.0722*(n<=.03928?n/12.92:t.pow((n+.055)/1.055,2.4))},setAlpha:function(t){return this._a=C(t),this._roundA=a(100*this._a)/100,this},toHsv:function(){var t=f(this._r,this._g,this._b);return{h:360*t.h,s:t.s,v:t.v,a:this._a}},toHsvString:function(){var t=f(this._r,this._g,this._b),e=a(360*t.h),r=a(100*t.s),n=a(100*t.v);return 1==this._a?"hsv("+e+", "+r+"%, "+n+"%)":"hsva("+e+", "+r+"%, "+n+"%, "+this._roundA+")"},toHsl:function(){var t=u(this._r,this._g,this._b);return{h:360*t.h,s:t.s,l:t.l,a:this._a}},toHslString:function(){var t=u(this._r,this._g,this._b),e=a(360*t.h),r=a(100*t.s),n=a(100*t.l);return 1==this._a?"hsl("+e+", "+r+"%, "+n+"%)":"hsla("+e+", "+r+"%, "+n+"%, "+this._roundA+")"},toHex:function(t){return h(this._r,this._g,this._b,t)},toHexString:function(t){return"#"+this.toHex(t)},toHex8:function(t){return function(t,e,r,n,i){var o=[z(a(t).toString(16)),z(a(e).toString(16)),z(a(r).toString(16)),z(D(n))];if(i&&o[0].charAt(0)==o[0].charAt(1)&&o[1].charAt(0)==o[1].charAt(1)&&o[2].charAt(0)==o[2].charAt(1)&&o[3].charAt(0)==o[3].charAt(1))return o[0].charAt(0)+o[1].charAt(0)+o[2].charAt(0)+o[3].charAt(0);return o.join("")}(this._r,this._g,this._b,this._a,t)},toHex8String:function(t){return"#"+this.toHex8(t)},toRgb:function(){return{r:a(this._r),g:a(this._g),b:a(this._b),a:this._a}},toRgbString:function(){return 1==this._a?"rgb("+a(this._r)+", "+a(this._g)+", "+a(this._b)+")":"rgba("+a(this._r)+", "+a(this._g)+", "+a(this._b)+", "+this._roundA+")"},toPercentageRgb:function(){return{r:a(100*L(this._r,255))+"%",g:a(100*L(this._g,255))+"%",b:a(100*L(this._b,255))+"%",a:this._a}},toPercentageRgbString:function(){return 1==this._a?"rgb("+a(100*L(this._r,255))+"%, "+a(100*L(this._g,255))+"%, "+a(100*L(this._b,255))+"%)":"rgba("+a(100*L(this._r,255))+"%, "+a(100*L(this._g,255))+"%, "+a(100*L(this._b,255))+"%, "+this._roundA+")"},toName:function(){return 0===this._a?"transparent":!(this._a<1)&&(E[h(this._r,this._g,this._b,!0)]||!1)},toFilter:function(t){var e="#"+p(this._r,this._g,this._b,this._a),r=e,n=this._gradientType?"GradientType = 1, ":"";if(t){var i=c(t);r="#"+p(i._r,i._g,i._b,i._a)}return"progid:DXImageTransform.Microsoft.gradient("+n+"startColorstr="+e+",endColorstr="+r+")"},toString:function(t){var e=!!t;t=t||this._format;var r=!1,n=this._a<1&&this._a>=0;return e||!n||"hex"!==t&&"hex6"!==t&&"hex3"!==t&&"hex4"!==t&&"hex8"!==t&&"name"!==t?("rgb"===t&&(r=this.toRgbString()),"prgb"===t&&(r=this.toPercentageRgbString()),"hex"!==t&&"hex6"!==t||(r=this.toHexString()),"hex3"===t&&(r=this.toHexString(!0)),"hex4"===t&&(r=this.toHex8String(!0)),"hex8"===t&&(r=this.toHex8String()),"name"===t&&(r=this.toName()),"hsl"===t&&(r=this.toHslString()),"hsv"===t&&(r=this.toHsvString()),r||this.toHexString()):"name"===t&&0===this._a?this.toName():this.toRgbString()},clone:function(){return c(this.toString())},_applyModification:function(t,e){var r=t.apply(null,[this].concat([].slice.call(e)));return this._r=r._r,this._g=r._g,this._b=r._b,this.setAlpha(r._a),this},lighten:function(){return this._applyModification(v,arguments)},brighten:function(){return this._applyModification(y,arguments)},darken:function(){return this._applyModification(x,arguments)},desaturate:function(){return this._applyModification(d,arguments)},saturate:function(){return this._applyModification(g,arguments)},greyscale:function(){return this._applyModification(m,arguments)},spin:function(){return this._applyModification(b,arguments)},_applyCombination:function(t,e){return t.apply(null,[this].concat([].slice.call(e)))},analogous:function(){return this._applyCombination(M,arguments)},complement:function(){return this._applyCombination(_,arguments)},monochromatic:function(){return this._applyCombination(A,arguments)},splitcomplement:function(){return this._applyCombination(k,arguments)},triad:function(){return this._applyCombination(w,arguments)},tetrad:function(){return this._applyCombination(T,arguments)}},c.fromRatio=function(t,e){if("object"==typeof t){var r={};for(var n in t)t.hasOwnProperty(n)&&(r[n]="a"===n?t[n]:O(t[n]));t=r}return c(t,e)},c.equals=function(t,e){return!(!t||!e)&&c(t).toRgbString()==c(e).toRgbString()},c.random=function(){return c.fromRatio({r:l(),g:l(),b:l()})},c.mix=function(t,e,r){r=0===r?0:r||50;var n=c(t).toRgb(),i=c(e).toRgb(),a=r/100;return c({r:(i.r-n.r)*a+n.r,g:(i.g-n.g)*a+n.g,b:(i.b-n.b)*a+n.b,a:(i.a-n.a)*a+n.a})},c.readability=function(e,r){var n=c(e),i=c(r);return(t.max(n.getLuminance(),i.getLuminance())+.05)/(t.min(n.getLuminance(),i.getLuminance())+.05)},c.isReadable=function(t,e,r){var n,i,a=c.readability(t,e);switch(i=!1,(n=function(t){var e,r;e=((t=t||{level:"AA",size:"small"}).level||"AA").toUpperCase(),r=(t.size||"small").toLowerCase(),"AA"!==e&&"AAA"!==e&&(e="AA");"small"!==r&&"large"!==r&&(r="small");return{level:e,size:r}}(r)).level+n.size){case"AAsmall":case"AAAlarge":i=a>=4.5;break;case"AAlarge":i=a>=3;break;case"AAAsmall":i=a>=7}return i},c.mostReadable=function(t,e,r){var n,i,a,o,s=null,l=0;i=(r=r||{}).includeFallbackColors,a=r.level,o=r.size;for(var u=0;ul&&(l=n,s=c(e[u]));return c.isReadable(t,s,{level:a,size:o})||!i?s:(r.includeFallbackColors=!1,c.mostReadable(t,["#fff","#000"],r))};var S=c.names={aliceblue:"f0f8ff",antiquewhite:"faebd7",aqua:"0ff",aquamarine:"7fffd4",azure:"f0ffff",beige:"f5f5dc",bisque:"ffe4c4",black:"000",blanchedalmond:"ffebcd",blue:"00f",blueviolet:"8a2be2",brown:"a52a2a",burlywood:"deb887",burntsienna:"ea7e5d",cadetblue:"5f9ea0",chartreuse:"7fff00",chocolate:"d2691e",coral:"ff7f50",cornflowerblue:"6495ed",cornsilk:"fff8dc",crimson:"dc143c",cyan:"0ff",darkblue:"00008b",darkcyan:"008b8b",darkgoldenrod:"b8860b",darkgray:"a9a9a9",darkgreen:"006400",darkgrey:"a9a9a9",darkkhaki:"bdb76b",darkmagenta:"8b008b",darkolivegreen:"556b2f",darkorange:"ff8c00",darkorchid:"9932cc",darkred:"8b0000",darksalmon:"e9967a",darkseagreen:"8fbc8f",darkslateblue:"483d8b",darkslategray:"2f4f4f",darkslategrey:"2f4f4f",darkturquoise:"00ced1",darkviolet:"9400d3",deeppink:"ff1493",deepskyblue:"00bfff",dimgray:"696969",dimgrey:"696969",dodgerblue:"1e90ff",firebrick:"b22222",floralwhite:"fffaf0",forestgreen:"228b22",fuchsia:"f0f",gainsboro:"dcdcdc",ghostwhite:"f8f8ff",gold:"ffd700",goldenrod:"daa520",gray:"808080",green:"008000",greenyellow:"adff2f",grey:"808080",honeydew:"f0fff0",hotpink:"ff69b4",indianred:"cd5c5c",indigo:"4b0082",ivory:"fffff0",khaki:"f0e68c",lavender:"e6e6fa",lavenderblush:"fff0f5",lawngreen:"7cfc00",lemonchiffon:"fffacd",lightblue:"add8e6",lightcoral:"f08080",lightcyan:"e0ffff",lightgoldenrodyellow:"fafad2",lightgray:"d3d3d3",lightgreen:"90ee90",lightgrey:"d3d3d3",lightpink:"ffb6c1",lightsalmon:"ffa07a",lightseagreen:"20b2aa",lightskyblue:"87cefa",lightslategray:"789",lightslategrey:"789",lightsteelblue:"b0c4de",lightyellow:"ffffe0",lime:"0f0",limegreen:"32cd32",linen:"faf0e6",magenta:"f0f",maroon:"800000",mediumaquamarine:"66cdaa",mediumblue:"0000cd",mediumorchid:"ba55d3",mediumpurple:"9370db",mediumseagreen:"3cb371",mediumslateblue:"7b68ee",mediumspringgreen:"00fa9a",mediumturquoise:"48d1cc",mediumvioletred:"c71585",midnightblue:"191970",mintcream:"f5fffa",mistyrose:"ffe4e1",moccasin:"ffe4b5",navajowhite:"ffdead",navy:"000080",oldlace:"fdf5e6",olive:"808000",olivedrab:"6b8e23",orange:"ffa500",orangered:"ff4500",orchid:"da70d6",palegoldenrod:"eee8aa",palegreen:"98fb98",paleturquoise:"afeeee",palevioletred:"db7093",papayawhip:"ffefd5",peachpuff:"ffdab9",peru:"cd853f",pink:"ffc0cb",plum:"dda0dd",powderblue:"b0e0e6",purple:"800080",rebeccapurple:"663399",red:"f00",rosybrown:"bc8f8f",royalblue:"4169e1",saddlebrown:"8b4513",salmon:"fa8072",sandybrown:"f4a460",seagreen:"2e8b57",seashell:"fff5ee",sienna:"a0522d",silver:"c0c0c0",skyblue:"87ceeb",slateblue:"6a5acd",slategray:"708090",slategrey:"708090",snow:"fffafa",springgreen:"00ff7f",steelblue:"4682b4",tan:"d2b48c",teal:"008080",thistle:"d8bfd8",tomato:"ff6347",turquoise:"40e0d0",violet:"ee82ee",wheat:"f5deb3",white:"fff",whitesmoke:"f5f5f5",yellow:"ff0",yellowgreen:"9acd32"},E=c.hexNames=function(t){var e={};for(var r in t)t.hasOwnProperty(r)&&(e[t[r]]=r);return e}(S);function C(t){return t=parseFloat(t),(isNaN(t)||t<0||t>1)&&(t=1),t}function L(e,r){(function(t){return"string"==typeof t&&-1!=t.indexOf(".")&&1===parseFloat(t)})(e)&&(e="100%");var n=function(t){return"string"==typeof t&&-1!=t.indexOf("%")}(e);return e=o(r,s(0,parseFloat(e))),n&&(e=parseInt(e*r,10)/100),t.abs(e-r)<1e-6?1:e%r/parseFloat(r)}function I(t){return o(1,s(0,t))}function P(t){return parseInt(t,16)}function z(t){return 1==t.length?"0"+t:""+t}function O(t){return t<=1&&(t=100*t+"%"),t}function D(e){return t.round(255*parseFloat(e)).toString(16)}function R(t){return P(t)/255}var F,B,N,j=(B="[\\s|\\(]+("+(F="(?:[-\\+]?\\d*\\.\\d+%?)|(?:[-\\+]?\\d+%?)")+")[,|\\s]+("+F+")[,|\\s]+("+F+")\\s*\\)?",N="[\\s|\\(]+("+F+")[,|\\s]+("+F+")[,|\\s]+("+F+")[,|\\s]+("+F+")\\s*\\)?",{CSS_UNIT:new RegExp(F),rgb:new RegExp("rgb"+B),rgba:new RegExp("rgba"+N),hsl:new RegExp("hsl"+B),hsla:new RegExp("hsla"+N),hsv:new RegExp("hsv"+B),hsva:new RegExp("hsva"+N),hex3:/^#?([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})$/,hex6:/^#?([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})$/,hex4:/^#?([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})$/,hex8:/^#?([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})$/});function U(t){return!!j.CSS_UNIT.exec(t)}"undefined"!=typeof e&&e.exports?e.exports=c:window.tinycolor=c}(Math)},{}],577:[function(t,e,r){"use strict";e.exports=i,e.exports.float32=e.exports.float=i,e.exports.fract32=e.exports.fract=function(t){if(t.length){for(var e=i(t),r=0,n=e.length;ro&&(o=t[0]),t[1]s&&(s=t[1])}function c(t){switch(t.type){case"GeometryCollection":t.geometries.forEach(c);break;case"Point":l(t.coordinates);break;case"MultiPoint":t.coordinates.forEach(l)}}for(e in t.arcs.forEach((function(t){for(var e,r=-1,l=t.length;++ro&&(o=e[0]),e[1]s&&(s=e[1])})),t.objects)c(t.objects[e]);return[i,a,o,s]}function i(t,e){var r=e.id,n=e.bbox,i=null==e.properties?{}:e.properties,o=a(t,e);return null==r&&null==n?{type:"Feature",properties:i,geometry:o}:null==n?{type:"Feature",id:r,properties:i,geometry:o}:{type:"Feature",id:r,bbox:n,properties:i,geometry:o}}function a(t,e){var n=r(t.transform),i=t.arcs;function a(t,e){e.length&&e.pop();for(var r=i[t<0?~t:t],a=0,o=r.length;a1)n=l(t,e,r);else for(i=0,n=new Array(a=t.arcs.length);i1)for(var a,s,c=1,u=l(i[0]);cu&&(s=i[0],i[0]=i[c],i[c]=s,u=a);return i})).filter((function(t){return t.length>0}))}}function u(t,e){for(var r=0,n=t.length;r>>1;t[i]=2))throw new Error("n must be \u22652");var r,i=(l=t.bbox||n(t))[0],a=l[1],o=l[2],s=l[3];e={scale:[o-i?(o-i)/(r-1):1,s-a?(s-a)/(r-1):1],translate:[i,a]}}var l,c,u=f(e),h=t.objects,p={};function d(t){return u(t)}function g(t){var e;switch(t.type){case"GeometryCollection":e={type:"GeometryCollection",geometries:t.geometries.map(g)};break;case"Point":e={type:"Point",coordinates:d(t.coordinates)};break;case"MultiPoint":e={type:"MultiPoint",coordinates:t.coordinates.map(d)};break;default:return t}return null!=t.id&&(e.id=t.id),null!=t.bbox&&(e.bbox=t.bbox),null!=t.properties&&(e.properties=t.properties),e}for(c in h)p[c]=g(h[c]);return{type:"Topology",bbox:l,transform:e,objects:p,arcs:t.arcs.map((function(t){var e,r=0,n=1,i=t.length,a=new Array(i);for(a[0]=u(t[0],0);++rMath.max(r,n)?i[2]=1:r>Math.max(e,n)?i[0]=1:i[1]=1;for(var a=0,o=0,l=0;l<3;++l)a+=t[l]*t[l],o+=i[l]*t[l];for(l=0;l<3;++l)i[l]-=o/a*t[l];return s(i,i),i}function h(t,e,r,i,a,o,s,l){this.center=n(r),this.up=n(i),this.right=n(a),this.radius=n([o]),this.angle=n([s,l]),this.angle.bounds=[[-1/0,-Math.PI/2],[1/0,Math.PI/2]],this.setDistanceLimits(t,e),this.computedCenter=this.center.curve(0),this.computedUp=this.up.curve(0),this.computedRight=this.right.curve(0),this.computedRadius=this.radius.curve(0),this.computedAngle=this.angle.curve(0),this.computedToward=[0,0,0],this.computedEye=[0,0,0],this.computedMatrix=new Array(16);for(var c=0;c<16;++c)this.computedMatrix[c]=.5;this.recalcMatrix(0)}var p=h.prototype;p.setDistanceLimits=function(t,e){t=t>0?Math.log(t):-1/0,e=e>0?Math.log(e):1/0,e=Math.max(e,t),this.radius.bounds[0][0]=t,this.radius.bounds[1][0]=e},p.getDistanceLimits=function(t){var e=this.radius.bounds[0];return t?(t[0]=Math.exp(e[0][0]),t[1]=Math.exp(e[1][0]),t):[Math.exp(e[0][0]),Math.exp(e[1][0])]},p.recalcMatrix=function(t){this.center.curve(t),this.up.curve(t),this.right.curve(t),this.radius.curve(t),this.angle.curve(t);for(var e=this.computedUp,r=this.computedRight,n=0,i=0,a=0;a<3;++a)i+=e[a]*r[a],n+=e[a]*e[a];var l=Math.sqrt(n),u=0;for(a=0;a<3;++a)r[a]-=e[a]*i/n,u+=r[a]*r[a],e[a]/=l;var f=Math.sqrt(u);for(a=0;a<3;++a)r[a]/=f;var h=this.computedToward;o(h,e,r),s(h,h);var p=Math.exp(this.computedRadius[0]),d=this.computedAngle[0],g=this.computedAngle[1],m=Math.cos(d),v=Math.sin(d),y=Math.cos(g),x=Math.sin(g),b=this.computedCenter,_=m*y,w=v*y,T=x,k=-m*x,M=-v*x,A=y,S=this.computedEye,E=this.computedMatrix;for(a=0;a<3;++a){var C=_*r[a]+w*h[a]+T*e[a];E[4*a+1]=k*r[a]+M*h[a]+A*e[a],E[4*a+2]=C,E[4*a+3]=0}var L=E[1],I=E[5],P=E[9],z=E[2],O=E[6],D=E[10],R=I*D-P*O,F=P*z-L*D,B=L*O-I*z,N=c(R,F,B);R/=N,F/=N,B/=N,E[0]=R,E[4]=F,E[8]=B;for(a=0;a<3;++a)S[a]=b[a]+E[2+4*a]*p;for(a=0;a<3;++a){u=0;for(var j=0;j<3;++j)u+=E[a+4*j]*S[j];E[12+a]=-u}E[15]=1},p.getMatrix=function(t,e){this.recalcMatrix(t);var r=this.computedMatrix;if(e){for(var n=0;n<16;++n)e[n]=r[n];return e}return r};var d=[0,0,0];p.rotate=function(t,e,r,n){if(this.angle.move(t,e,r),n){this.recalcMatrix(t);var i=this.computedMatrix;d[0]=i[2],d[1]=i[6],d[2]=i[10];for(var o=this.computedUp,s=this.computedRight,l=this.computedToward,c=0;c<3;++c)i[4*c]=o[c],i[4*c+1]=s[c],i[4*c+2]=l[c];a(i,i,n,d);for(c=0;c<3;++c)o[c]=i[4*c],s[c]=i[4*c+1];this.up.set(t,o[0],o[1],o[2]),this.right.set(t,s[0],s[1],s[2])}},p.pan=function(t,e,r,n){e=e||0,r=r||0,n=n||0,this.recalcMatrix(t);var i=this.computedMatrix,a=(Math.exp(this.computedRadius[0]),i[1]),o=i[5],s=i[9],l=c(a,o,s);a/=l,o/=l,s/=l;var u=i[0],f=i[4],h=i[8],p=u*a+f*o+h*s,d=c(u-=a*p,f-=o*p,h-=s*p),g=(u/=d)*e+a*r,m=(f/=d)*e+o*r,v=(h/=d)*e+s*r;this.center.move(t,g,m,v);var y=Math.exp(this.computedRadius[0]);y=Math.max(1e-4,y+n),this.radius.set(t,Math.log(y))},p.translate=function(t,e,r,n){this.center.move(t,e||0,r||0,n||0)},p.setMatrix=function(t,e,r,n){var a=1;"number"==typeof r&&(a=0|r),(a<0||a>3)&&(a=1);var o=(a+2)%3;e||(this.recalcMatrix(t),e=this.computedMatrix);var s=e[a],l=e[a+4],f=e[a+8];if(n){var h=Math.abs(s),p=Math.abs(l),d=Math.abs(f),g=Math.max(h,p,d);h===g?(s=s<0?-1:1,l=f=0):d===g?(f=f<0?-1:1,s=l=0):(l=l<0?-1:1,s=f=0)}else{var m=c(s,l,f);s/=m,l/=m,f/=m}var v,y,x=e[o],b=e[o+4],_=e[o+8],w=x*s+b*l+_*f,T=c(x-=s*w,b-=l*w,_-=f*w),k=l*(_/=T)-f*(b/=T),M=f*(x/=T)-s*_,A=s*b-l*x,S=c(k,M,A);if(k/=S,M/=S,A/=S,this.center.jump(t,H,G,Y),this.radius.idle(t),this.up.jump(t,s,l,f),this.right.jump(t,x,b,_),2===a){var E=e[1],C=e[5],L=e[9],I=E*x+C*b+L*_,P=E*k+C*M+L*A;v=R<0?-Math.PI/2:Math.PI/2,y=Math.atan2(P,I)}else{var z=e[2],O=e[6],D=e[10],R=z*s+O*l+D*f,F=z*x+O*b+D*_,B=z*k+O*M+D*A;v=Math.asin(u(R)),y=Math.atan2(B,F)}this.angle.jump(t,y,v),this.recalcMatrix(t);var N=e[2],j=e[6],U=e[10],V=this.computedMatrix;i(V,e);var q=V[15],H=V[12]/q,G=V[13]/q,Y=V[14]/q,W=Math.exp(this.computedRadius[0]);this.center.jump(t,H-N*W,G-j*W,Y-U*W)},p.lastT=function(){return Math.max(this.center.lastT(),this.up.lastT(),this.right.lastT(),this.radius.lastT(),this.angle.lastT())},p.idle=function(t){this.center.idle(t),this.up.idle(t),this.right.idle(t),this.radius.idle(t),this.angle.idle(t)},p.flush=function(t){this.center.flush(t),this.up.flush(t),this.right.flush(t),this.radius.flush(t),this.angle.flush(t)},p.setDistance=function(t,e){e>0&&this.radius.set(t,Math.log(e))},p.lookAt=function(t,e,r,n){this.recalcMatrix(t),e=e||this.computedEye,r=r||this.computedCenter;var i=(n=n||this.computedUp)[0],a=n[1],o=n[2],s=c(i,a,o);if(!(s<1e-6)){i/=s,a/=s,o/=s;var l=e[0]-r[0],f=e[1]-r[1],h=e[2]-r[2],p=c(l,f,h);if(!(p<1e-6)){l/=p,f/=p,h/=p;var d=this.computedRight,g=d[0],m=d[1],v=d[2],y=i*g+a*m+o*v,x=c(g-=y*i,m-=y*a,v-=y*o);if(!(x<.01&&(x=c(g=a*h-o*f,m=o*l-i*h,v=i*f-a*l))<1e-6)){g/=x,m/=x,v/=x,this.up.set(t,i,a,o),this.right.set(t,g,m,v),this.center.set(t,r[0],r[1],r[2]),this.radius.set(t,Math.log(p));var b=a*v-o*m,_=o*g-i*v,w=i*m-a*g,T=c(b,_,w),k=i*l+a*f+o*h,M=g*l+m*f+v*h,A=(b/=T)*l+(_/=T)*f+(w/=T)*h,S=Math.asin(u(k)),E=Math.atan2(A,M),C=this.angle._state,L=C[C.length-1],I=C[C.length-2];L%=2*Math.PI;var P=Math.abs(L+2*Math.PI-E),z=Math.abs(L-E),O=Math.abs(L-2*Math.PI-E);P":(e.length>100&&(e=e.slice(0,99)+"\u2026"),e=e.replace(i,(function(t){switch(t){case"\n":return"\\n";case"\r":return"\\r";case"\u2028":return"\\u2028";case"\u2029":return"\\u2029";default:throw new Error("Unexpected character")}})))}},{"./safe-to-string":586}],588:[function(t,e,r){"use strict";var n=t("../value/is"),i={object:!0,function:!0,undefined:!0};e.exports=function(t){return!!n(t)&&hasOwnProperty.call(i,typeof t)}},{"../value/is":594}],589:[function(t,e,r){"use strict";var n=t("../lib/resolve-exception"),i=t("./is");e.exports=function(t){return i(t)?t:n(t,"%v is not a plain function",arguments[1])}},{"../lib/resolve-exception":585,"./is":590}],590:[function(t,e,r){"use strict";var n=t("../function/is"),i=/^\s*class[\s{/}]/,a=Function.prototype.toString;e.exports=function(t){return!!n(t)&&!i.test(a.call(t))}},{"../function/is":584}],591:[function(t,e,r){"use strict";var n=t("../object/is");e.exports=function(t){if(!n(t))return!1;try{return!!t.constructor&&t.constructor.prototype===t}catch(t){return!1}}},{"../object/is":588}],592:[function(t,e,r){"use strict";var n=t("../value/is"),i=t("../object/is"),a=Object.prototype.toString;e.exports=function(t){if(!n(t))return null;if(i(t)){var e=t.toString;if("function"!=typeof e)return null;if(e===a)return null}try{return""+t}catch(t){return null}}},{"../object/is":588,"../value/is":594}],593:[function(t,e,r){"use strict";var n=t("../lib/resolve-exception"),i=t("./is");e.exports=function(t){return i(t)?t:n(t,"Cannot use %v",arguments[1])}},{"../lib/resolve-exception":585,"./is":594}],594:[function(t,e,r){"use strict";e.exports=function(t){return null!=t}},{}],595:[function(t,e,r){(function(e){(function(){"use strict";var n=t("bit-twiddle"),i=t("dup"),a=t("buffer").Buffer;e.__TYPEDARRAY_POOL||(e.__TYPEDARRAY_POOL={UINT8:i([32,0]),UINT16:i([32,0]),UINT32:i([32,0]),BIGUINT64:i([32,0]),INT8:i([32,0]),INT16:i([32,0]),INT32:i([32,0]),BIGINT64:i([32,0]),FLOAT:i([32,0]),DOUBLE:i([32,0]),DATA:i([32,0]),UINT8C:i([32,0]),BUFFER:i([32,0])});var o="undefined"!=typeof Uint8ClampedArray,s="undefined"!=typeof BigUint64Array,l="undefined"!=typeof BigInt64Array,c=e.__TYPEDARRAY_POOL;c.UINT8C||(c.UINT8C=i([32,0])),c.BIGUINT64||(c.BIGUINT64=i([32,0])),c.BIGINT64||(c.BIGINT64=i([32,0])),c.BUFFER||(c.BUFFER=i([32,0]));var u=c.DATA,f=c.BUFFER;function h(t){if(t){var e=t.length||t.byteLength,r=n.log2(e);u[r].push(t)}}function p(t){t=n.nextPow2(t);var e=n.log2(t),r=u[e];return r.length>0?r.pop():new ArrayBuffer(t)}function d(t){return new Uint8Array(p(t),0,t)}function g(t){return new Uint16Array(p(2*t),0,t)}function m(t){return new Uint32Array(p(4*t),0,t)}function v(t){return new Int8Array(p(t),0,t)}function y(t){return new Int16Array(p(2*t),0,t)}function x(t){return new Int32Array(p(4*t),0,t)}function b(t){return new Float32Array(p(4*t),0,t)}function _(t){return new Float64Array(p(8*t),0,t)}function w(t){return o?new Uint8ClampedArray(p(t),0,t):d(t)}function T(t){return s?new BigUint64Array(p(8*t),0,t):null}function k(t){return l?new BigInt64Array(p(8*t),0,t):null}function M(t){return new DataView(p(t),0,t)}function A(t){t=n.nextPow2(t);var e=n.log2(t),r=f[e];return r.length>0?r.pop():new a(t)}r.free=function(t){if(a.isBuffer(t))f[n.log2(t.length)].push(t);else{if("[object ArrayBuffer]"!==Object.prototype.toString.call(t)&&(t=t.buffer),!t)return;var e=t.length||t.byteLength,r=0|n.log2(e);u[r].push(t)}},r.freeUint8=r.freeUint16=r.freeUint32=r.freeBigUint64=r.freeInt8=r.freeInt16=r.freeInt32=r.freeBigInt64=r.freeFloat32=r.freeFloat=r.freeFloat64=r.freeDouble=r.freeUint8Clamped=r.freeDataView=function(t){h(t.buffer)},r.freeArrayBuffer=h,r.freeBuffer=function(t){f[n.log2(t.length)].push(t)},r.malloc=function(t,e){if(void 0===e||"arraybuffer"===e)return p(t);switch(e){case"uint8":return d(t);case"uint16":return g(t);case"uint32":return m(t);case"int8":return v(t);case"int16":return y(t);case"int32":return x(t);case"float":case"float32":return b(t);case"double":case"float64":return _(t);case"uint8_clamped":return w(t);case"bigint64":return k(t);case"biguint64":return T(t);case"buffer":return A(t);case"data":case"dataview":return M(t);default:return null}return null},r.mallocArrayBuffer=p,r.mallocUint8=d,r.mallocUint16=g,r.mallocUint32=m,r.mallocInt8=v,r.mallocInt16=y,r.mallocInt32=x,r.mallocFloat32=r.mallocFloat=b,r.mallocFloat64=r.mallocDouble=_,r.mallocUint8Clamped=w,r.mallocBigUint64=T,r.mallocBigInt64=k,r.mallocDataView=M,r.mallocBuffer=A,r.clearCache=function(){for(var t=0;t<32;++t)c.UINT8[t].length=0,c.UINT16[t].length=0,c.UINT32[t].length=0,c.INT8[t].length=0,c.INT16[t].length=0,c.INT32[t].length=0,c.FLOAT[t].length=0,c.DOUBLE[t].length=0,c.BIGUINT64[t].length=0,c.BIGINT64[t].length=0,c.UINT8C[t].length=0,u[t].length=0,f[t].length=0}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"bit-twiddle":97,buffer:111,dup:176}],596:[function(t,e,r){"use strict";function n(t){this.roots=new Array(t),this.ranks=new Array(t);for(var e=0;e0&&(a=n.size),n.lineSpacing&&n.lineSpacing>0&&(o=n.lineSpacing),n.styletags&&n.styletags.breaklines&&(s.breaklines=!!n.styletags.breaklines),n.styletags&&n.styletags.bolds&&(s.bolds=!!n.styletags.bolds),n.styletags&&n.styletags.italics&&(s.italics=!!n.styletags.italics),n.styletags&&n.styletags.subscripts&&(s.subscripts=!!n.styletags.subscripts),n.styletags&&n.styletags.superscripts&&(s.superscripts=!!n.styletags.superscripts));return r.font=[n.fontStyle,n.fontVariant,n.fontWeight,a+"px",n.font].filter((function(t){return t})).join(" "),r.textAlign="start",r.textBaseline="alphabetic",r.direction="ltr",h(function(t,e,r,n,a,o){r=r.replace(/\n/g,""),r=!0===o.breaklines?r.replace(/\/g,"\n"):r.replace(/\/g," ");var s="",l=[];for(p=0;p-1?parseInt(t[1+i]):0,l=a>-1?parseInt(r[1+a]):0;s!==l&&(n=n.replace(S(),"?px "),m*=Math.pow(.75,l-s),n=n.replace("?px ",S())),g+=.25*x*(l-s)}if(!0===o.superscripts){var c=t.indexOf("+"),u=r.indexOf("+"),f=c>-1?parseInt(t[1+c]):0,h=u>-1?parseInt(r[1+u]):0;f!==h&&(n=n.replace(S(),"?px "),m*=Math.pow(.75,h-f),n=n.replace("?px ",S())),g-=.25*x*(h-f)}if(!0===o.bolds){var p=t.indexOf("b|")>-1,d=r.indexOf("b|")>-1;!p&&d&&(n=v?n.replace("italic ","italic bold "):"bold "+n),p&&!d&&(n=n.replace("bold ",""))}if(!0===o.italics){var v=t.indexOf("i|")>-1,y=r.indexOf("i|")>-1;!v&&y&&(n="italic "+n),v&&!y&&(n=n.replace("italic ",""))}e.font=n}for(h=0;h",a="",o=i.length,s=a.length,l="+"===e[0]||"-"===e[0],c=0,u=-s;c>-1&&-1!==(c=r.indexOf(i,c))&&-1!==(u=r.indexOf(a,c+o))&&!(u<=c);){for(var f=c;f=u)n[f]=null,r=r.substr(0,f)+" "+r.substr(f+1);else if(null!==n[f]){var h=n[f].indexOf(e[0]);-1===h?n[f]+=e:l&&(n[f]=n[f].substr(0,h+1)+(1+parseInt(n[f][h+1]))+n[f].substr(h+2))}var p=c+o,d=r.substr(p,u-p).indexOf(i);c=-1!==d?d:u+s}return n}function u(t,e){var r=n(t,128);return e?a(r.cells,r.positions,.25):{edges:r.cells,positions:r.positions}}function f(t,e,r,n){var i=u(t,n),a=function(t,e,r){for(var n=e.textAlign||"start",i=e.textBaseline||"alphabetic",a=[1<<30,1<<30],o=[0,0],s=t.length,l=0;l=0?e[a]:i}))},has___:{value:y((function(e){var n=v(e);return n?r in n:t.indexOf(e)>=0}))},set___:{value:y((function(n,i){var a,o=v(n);return o?o[r]=i:(a=t.indexOf(n))>=0?e[a]=i:(a=t.length,e[a]=i,t[a]=n),this}))},delete___:{value:y((function(n){var i,a,o=v(n);return o?r in o&&delete o[r]:!((i=t.indexOf(n))<0)&&(a=t.length-1,t[i]=void 0,e[i]=e[a],t[i]=t[a],t.length=a,e.length=a,!0)}))}})};d.prototype=Object.create(Object.prototype,{get:{value:function(t,e){return this.get___(t,e)},writable:!0,configurable:!0},has:{value:function(t){return this.has___(t)},writable:!0,configurable:!0},set:{value:function(t,e){return this.set___(t,e)},writable:!0,configurable:!0},delete:{value:function(t){return this.delete___(t)},writable:!0,configurable:!0}}),"function"==typeof r?function(){function n(){this instanceof d||x();var e,n=new r,i=void 0,a=!1;return e=t?function(t,e){return n.set(t,e),n.has(t)||(i||(i=new d),i.set(t,e)),this}:function(t,e){if(a)try{n.set(t,e)}catch(r){i||(i=new d),i.set___(t,e)}else n.set(t,e);return this},Object.create(d.prototype,{get___:{value:y((function(t,e){return i?n.has(t)?n.get(t):i.get___(t,e):n.get(t,e)}))},has___:{value:y((function(t){return n.has(t)||!!i&&i.has___(t)}))},set___:{value:y(e)},delete___:{value:y((function(t){var e=!!n.delete(t);return i&&i.delete___(t)||e}))},permitHostObjects___:{value:y((function(t){if(t!==g)throw new Error("bogus call to permitHostObjects___");a=!0}))}})}t&&"undefined"!=typeof Proxy&&(Proxy=void 0),n.prototype=d.prototype,e.exports=n,Object.defineProperty(WeakMap.prototype,"constructor",{value:WeakMap,enumerable:!1,configurable:!0,writable:!0})}():("undefined"!=typeof Proxy&&(Proxy=void 0),e.exports=d)}function g(t){t.permitHostObjects___&&t.permitHostObjects___(g)}function m(t){return!("weakmap:"==t.substr(0,"weakmap:".length)&&"___"===t.substr(t.length-3))}function v(t){if(t!==Object(t))throw new TypeError("Not an object: "+t);var e=t[l];if(e&&e.key===t)return e;if(s(t)){e={key:t};try{return o(t,l,{value:e,writable:!1,enumerable:!1,configurable:!1}),e}catch(t){return}}}function y(t){return t.prototype=null,Object.freeze(t)}function x(){h||"undefined"==typeof console||(h=!0,console.warn("WeakMap should be invoked as new WeakMap(), not WeakMap(). This will be an error in the future."))}}()},{}],603:[function(t,e,r){var n=t("./hidden-store.js");e.exports=function(){var t={};return function(e){if(("object"!=typeof e||null===e)&&"function"!=typeof e)throw new Error("Weakmap-shim: Key must be object");var r=e.valueOf(t);return r&&r.identity===t?r:n(e,t)}}},{"./hidden-store.js":604}],604:[function(t,e,r){e.exports=function(t,e){var r={identity:e},n=t.valueOf;return Object.defineProperty(t,"valueOf",{value:function(t){return t!==e?n.apply(this,arguments):r},writable:!0}),r}},{}],605:[function(t,e,r){var n=t("./create-store.js");e.exports=function(){var t=n();return{get:function(e,r){var n=t(e);return n.hasOwnProperty("value")?n.value:r},set:function(e,r){return t(e).value=r,this},has:function(e){return"value"in t(e)},delete:function(e){return delete t(e).value}}}},{"./create-store.js":603}],606:[function(t,e,r){var n=t("get-canvas-context");e.exports=function(t){return n("webgl",t)}},{"get-canvas-context":249}],607:[function(t,e,r){var n=t("../main"),i=t("object-assign"),a=n.instance();function o(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}o.prototype=new n.baseCalendar,i(o.prototype,{name:"Chinese",jdEpoch:1721425.5,hasYearZero:!1,minMonth:0,firstMonth:0,minDay:1,regionalOptions:{"":{name:"Chinese",epochs:["BEC","EC"],monthNumbers:function(t,e){if("string"==typeof t){var r=t.match(l);return r?r[0]:""}var n=this._validateYear(t),i=t.month(),a=""+this.toChineseMonth(n,i);return e&&a.length<2&&(a="0"+a),this.isIntercalaryMonth(n,i)&&(a+="i"),a},monthNames:function(t){if("string"==typeof t){var e=t.match(c);return e?e[0]:""}var r=this._validateYear(t),n=t.month(),i=["\u4e00\u6708","\u4e8c\u6708","\u4e09\u6708","\u56db\u6708","\u4e94\u6708","\u516d\u6708","\u4e03\u6708","\u516b\u6708","\u4e5d\u6708","\u5341\u6708","\u5341\u4e00\u6708","\u5341\u4e8c\u6708"][this.toChineseMonth(r,n)-1];return this.isIntercalaryMonth(r,n)&&(i="\u95f0"+i),i},monthNamesShort:function(t){if("string"==typeof t){var e=t.match(u);return e?e[0]:""}var r=this._validateYear(t),n=t.month(),i=["\u4e00","\u4e8c","\u4e09","\u56db","\u4e94","\u516d","\u4e03","\u516b","\u4e5d","\u5341","\u5341\u4e00","\u5341\u4e8c"][this.toChineseMonth(r,n)-1];return this.isIntercalaryMonth(r,n)&&(i="\u95f0"+i),i},parseMonth:function(t,e){t=this._validateYear(t);var r,n=parseInt(e);if(isNaN(n))"\u95f0"===e[0]&&(r=!0,e=e.substring(1)),"\u6708"===e[e.length-1]&&(e=e.substring(0,e.length-1)),n=1+["\u4e00","\u4e8c","\u4e09","\u56db","\u4e94","\u516d","\u4e03","\u516b","\u4e5d","\u5341","\u5341\u4e00","\u5341\u4e8c"].indexOf(e);else{var i=e[e.length-1];r="i"===i||"I"===i}return this.toMonthIndex(t,n,r)},dayNames:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],dayNamesShort:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],dayNamesMin:["Su","Mo","Tu","We","Th","Fr","Sa"],digits:null,dateFormat:"yyyy/mm/dd",firstDay:1,isRTL:!1}},_validateYear:function(t,e){if(t.year&&(t=t.year()),"number"!=typeof t||t<1888||t>2111)throw e.replace(/\{0\}/,this.local.name);return t},toMonthIndex:function(t,e,r){var i=this.intercalaryMonth(t);if(r&&e!==i||e<1||e>12)throw n.local.invalidMonth.replace(/\{0\}/,this.local.name);return i?!r&&e<=i?e-1:e:e-1},toChineseMonth:function(t,e){t.year&&(e=(t=t.year()).month());var r=this.intercalaryMonth(t);if(e<0||e>(r?12:11))throw n.local.invalidMonth.replace(/\{0\}/,this.local.name);return r?e>13},isIntercalaryMonth:function(t,e){t.year&&(e=(t=t.year()).month());var r=this.intercalaryMonth(t);return!!r&&r===e},leapYear:function(t){return 0!==this.intercalaryMonth(t)},weekOfYear:function(t,e,r){var i,o=this._validateYear(t,n.local.invalidyear),s=h[o-h[0]],l=s>>9&4095,c=s>>5&15,u=31&s;(i=a.newDate(l,c,u)).add(4-(i.dayOfWeek()||7),"d");var f=this.toJD(t,e,r)-i.toJD();return 1+Math.floor(f/7)},monthsInYear:function(t){return this.leapYear(t)?13:12},daysInMonth:function(t,e){t.year&&(e=t.month(),t=t.year()),t=this._validateYear(t);var r=f[t-f[0]];if(e>(r>>13?12:11))throw n.local.invalidMonth.replace(/\{0\}/,this.local.name);return r&1<<12-e?30:29},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,s,r,n.local.invalidDate);t=this._validateYear(i.year()),e=i.month(),r=i.day();var o=this.isIntercalaryMonth(t,e),s=this.toChineseMonth(t,e),l=function(t,e,r,n,i){var a,o,s;if("object"==typeof t)o=t,a=e||{};else{var l;if(!("number"==typeof t&&t>=1888&&t<=2111))throw new Error("Lunar year outside range 1888-2111");if(!("number"==typeof e&&e>=1&&e<=12))throw new Error("Lunar month outside range 1 - 12");if(!("number"==typeof r&&r>=1&&r<=30))throw new Error("Lunar day outside range 1 - 30");"object"==typeof n?(l=!1,a=n):(l=!!n,a=i||{}),o={year:t,month:e,day:r,isIntercalary:l}}s=o.day-1;var c,u=f[o.year-f[0]],p=u>>13;c=p&&(o.month>p||o.isIntercalary)?o.month:o.month-1;for(var d=0;d>9&4095,(g>>5&15)-1,(31&g)+s);return a.year=m.getFullYear(),a.month=1+m.getMonth(),a.day=m.getDate(),a}(t,s,r,o);return a.toJD(l.year,l.month,l.day)},fromJD:function(t){var e=a.fromJD(t),r=function(t,e,r,n){var i,a;if("object"==typeof t)i=t,a=e||{};else{if(!("number"==typeof t&&t>=1888&&t<=2111))throw new Error("Solar year outside range 1888-2111");if(!("number"==typeof e&&e>=1&&e<=12))throw new Error("Solar month outside range 1 - 12");if(!("number"==typeof r&&r>=1&&r<=31))throw new Error("Solar day outside range 1 - 31");i={year:t,month:e,day:r},a=n||{}}var o=h[i.year-h[0]],s=i.year<<9|i.month<<5|i.day;a.year=s>=o?i.year:i.year-1,o=h[a.year-h[0]];var l,c=new Date(o>>9&4095,(o>>5&15)-1,31&o),u=new Date(i.year,i.month-1,i.day);l=Math.round((u-c)/864e5);var p,d=f[a.year-f[0]];for(p=0;p<13;p++){var g=d&1<<12-p?30:29;if(l>13;!m||p=2&&n<=6},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return{century:o[Math.floor((i.year()-1)/100)+1]||""}},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year()+(i.year()<0?1:0),e=i.month(),(r=i.day())+(e>1?16:0)+(e>2?32*(e-2):0)+400*(t-1)+this.jdEpoch-1},fromJD:function(t){t=Math.floor(t+.5)-Math.floor(this.jdEpoch)-1;var e=Math.floor(t/400)+1;t-=400*(e-1),t+=t>15?16:0;var r=Math.floor(t/32)+1,n=t-32*(r-1)+1;return this.newDate(e<=0?e-1:e,r,n)}});var o={20:"Fruitbat",21:"Anchovy"};n.calendars.discworld=a},{"../main":621,"object-assign":499}],610:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Ethiopian",jdEpoch:1724220.5,daysPerMonth:[30,30,30,30,30,30,30,30,30,30,30,30,5],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Ethiopian",epochs:["BEE","EE"],monthNames:["Meskerem","Tikemet","Hidar","Tahesas","Tir","Yekatit","Megabit","Miazia","Genbot","Sene","Hamle","Nehase","Pagume"],monthNamesShort:["Mes","Tik","Hid","Tah","Tir","Yek","Meg","Mia","Gen","Sen","Ham","Neh","Pag"],dayNames:["Ehud","Segno","Maksegno","Irob","Hamus","Arb","Kidame"],dayNamesShort:["Ehu","Seg","Mak","Iro","Ham","Arb","Kid"],dayNamesMin:["Eh","Se","Ma","Ir","Ha","Ar","Ki"],digits:null,dateFormat:"dd/mm/yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return(t=e.year()+(e.year()<0?1:0))%4==3||t%4==-1},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear||n.regionalOptions[""].invalidYear),13},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(13===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return(t=i.year())<0&&t++,i.day()+30*(i.month()-1)+365*(t-1)+Math.floor(t/4)+this.jdEpoch-1},fromJD:function(t){var e=Math.floor(t)+.5-this.jdEpoch,r=Math.floor((e-Math.floor((e+366)/1461))/365)+1;r<=0&&r--,e=Math.floor(t)+.5-this.newDate(r,1,1).toJD();var n=Math.floor(e/30)+1,i=e-30*(n-1)+1;return this.newDate(r,n,i)}}),n.calendars.ethiopian=a},{"../main":621,"object-assign":499}],611:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}function o(t,e){return t-e*Math.floor(t/e)}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Hebrew",jdEpoch:347995.5,daysPerMonth:[30,29,30,29,30,29,30,29,30,29,30,29,29],hasYearZero:!1,minMonth:1,firstMonth:7,minDay:1,regionalOptions:{"":{name:"Hebrew",epochs:["BAM","AM"],monthNames:["Nisan","Iyar","Sivan","Tammuz","Av","Elul","Tishrei","Cheshvan","Kislev","Tevet","Shevat","Adar","Adar II"],monthNamesShort:["Nis","Iya","Siv","Tam","Av","Elu","Tis","Che","Kis","Tev","She","Ada","Ad2"],dayNames:["Yom Rishon","Yom Sheni","Yom Shlishi","Yom Revi'i","Yom Chamishi","Yom Shishi","Yom Shabbat"],dayNamesShort:["Ris","She","Shl","Rev","Cha","Shi","Sha"],dayNamesMin:["Ri","She","Shl","Re","Ch","Shi","Sha"],digits:null,dateFormat:"dd/mm/yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return this._leapYear(e.year())},_leapYear:function(t){return o(7*(t=t<0?t+1:t)+1,19)<7},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),this._leapYear(t.year?t.year():t)?13:12},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){return t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year(),this.toJD(-1===t?1:t+1,7,1)-this.toJD(t,7,1)},daysInMonth:function(t,e){return t.year&&(e=t.month(),t=t.year()),this._validate(t,e,this.minDay,n.local.invalidMonth),12===e&&this.leapYear(t)||8===e&&5===o(this.daysInYear(t),10)?30:9===e&&3===o(this.daysInYear(t),10)?29:this.daysPerMonth[e-1]},weekDay:function(t,e,r){return 6!==this.dayOfWeek(t,e,r)},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return{yearType:(this.leapYear(i)?"embolismic":"common")+" "+["deficient","regular","complete"][this.daysInYear(i)%10-3]}},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=t<=0?t+1:t,o=this.jdEpoch+this._delay1(a)+this._delay2(a)+r+1;if(e<7){for(var s=7;s<=this.monthsInYear(t);s++)o+=this.daysInMonth(t,s);for(s=1;s=this.toJD(-1===e?1:e+1,7,1);)e++;for(var r=tthis.toJD(e,r,this.daysInMonth(e,r));)r++;var n=t-this.toJD(e,r,1)+1;return this.newDate(e,r,n)}}),n.calendars.hebrew=a},{"../main":621,"object-assign":499}],612:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Islamic",jdEpoch:1948439.5,daysPerMonth:[30,29,30,29,30,29,30,29,30,29,30,29],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Islamic",epochs:["BH","AH"],monthNames:["Muharram","Safar","Rabi' al-awwal","Rabi' al-thani","Jumada al-awwal","Jumada al-thani","Rajab","Sha'aban","Ramadan","Shawwal","Dhu al-Qi'dah","Dhu al-Hijjah"],monthNamesShort:["Muh","Saf","Rab1","Rab2","Jum1","Jum2","Raj","Sha'","Ram","Shaw","DhuQ","DhuH"],dayNames:["Yawm al-ahad","Yawm al-ithnayn","Yawm ath-thulaathaa'","Yawm al-arbi'aa'","Yawm al-kham\u012bs","Yawm al-jum'a","Yawm as-sabt"],dayNamesShort:["Aha","Ith","Thu","Arb","Kha","Jum","Sab"],dayNamesMin:["Ah","It","Th","Ar","Kh","Ju","Sa"],digits:null,dateFormat:"yyyy/mm/dd",firstDay:6,isRTL:!1}},leapYear:function(t){return(11*this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year()+14)%30<11},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){return this.leapYear(t)?355:354},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year(),e=i.month(),t=t<=0?t+1:t,(r=i.day())+Math.ceil(29.5*(e-1))+354*(t-1)+Math.floor((3+11*t)/30)+this.jdEpoch-1},fromJD:function(t){t=Math.floor(t)+.5;var e=Math.floor((30*(t-this.jdEpoch)+10646)/10631);e=e<=0?e-1:e;var r=Math.min(12,Math.ceil((t-29-this.toJD(e,1,1))/29.5)+1),n=t-this.toJD(e,r,1)+1;return this.newDate(e,r,n)}}),n.calendars.islamic=a},{"../main":621,"object-assign":499}],613:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Julian",jdEpoch:1721423.5,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Julian",epochs:["BC","AD"],monthNames:["January","February","March","April","May","June","July","August","September","October","November","December"],monthNamesShort:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"],dayNames:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],dayNamesShort:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],dayNamesMin:["Su","Mo","Tu","We","Th","Fr","Sa"],digits:null,dateFormat:"mm/dd/yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return(t=e.year()<0?e.year()+1:e.year())%4==0},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(4-(n.dayOfWeek()||7),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year(),e=i.month(),r=i.day(),t<0&&t++,e<=2&&(t--,e+=12),Math.floor(365.25*(t+4716))+Math.floor(30.6001*(e+1))+r-1524.5},fromJD:function(t){var e=Math.floor(t+.5)+1524,r=Math.floor((e-122.1)/365.25),n=Math.floor(365.25*r),i=Math.floor((e-n)/30.6001),a=i-Math.floor(i<14?1:13),o=r-Math.floor(a>2?4716:4715),s=e-n-Math.floor(30.6001*i);return o<=0&&o--,this.newDate(o,a,s)}}),n.calendars.julian=a},{"../main":621,"object-assign":499}],614:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}function o(t,e){return t-e*Math.floor(t/e)}function s(t,e){return o(t-1,e)+1}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Mayan",jdEpoch:584282.5,hasYearZero:!0,minMonth:0,firstMonth:0,minDay:0,regionalOptions:{"":{name:"Mayan",epochs:["",""],monthNames:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17"],monthNamesShort:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17"],dayNames:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17","18","19"],dayNamesShort:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17","18","19"],dayNamesMin:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17","18","19"],digits:null,dateFormat:"YYYY.m.d",firstDay:0,isRTL:!1,haabMonths:["Pop","Uo","Zip","Zotz","Tzec","Xul","Yaxkin","Mol","Chen","Yax","Zac","Ceh","Mac","Kankin","Muan","Pax","Kayab","Cumku","Uayeb"],tzolkinMonths:["Imix","Ik","Akbal","Kan","Chicchan","Cimi","Manik","Lamat","Muluc","Oc","Chuen","Eb","Ben","Ix","Men","Cib","Caban","Etznab","Cauac","Ahau"]}},leapYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),!1},formatYear:function(t){t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year();var e=Math.floor(t/400);return t%=400,t+=t<0?400:0,e+"."+Math.floor(t/20)+"."+t%20},forYear:function(t){if((t=t.split(".")).length<3)throw"Invalid Mayan year";for(var e=0,r=0;r19||r>0&&n<0)throw"Invalid Mayan year";e=20*e+n}return e},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),18},weekOfYear:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate),0},daysInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),360},daysInMonth:function(t,e){return this._validate(t,e,this.minDay,n.local.invalidMonth),20},daysInWeek:function(){return 5},dayOfWeek:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate).day()},weekDay:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate),!0},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate).toJD(),a=this._toHaab(i),o=this._toTzolkin(i);return{haabMonthName:this.local.haabMonths[a[0]-1],haabMonth:a[0],haabDay:a[1],tzolkinDayName:this.local.tzolkinMonths[o[0]-1],tzolkinDay:o[0],tzolkinTrecena:o[1]}},_toHaab:function(t){var e=o((t-=this.jdEpoch)+8+340,365);return[Math.floor(e/20)+1,o(e,20)]},_toTzolkin:function(t){return[s((t-=this.jdEpoch)+20,20),s(t+4,13)]},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return i.day()+20*i.month()+360*i.year()+this.jdEpoch},fromJD:function(t){t=Math.floor(t)+.5-this.jdEpoch;var e=Math.floor(t/360);t%=360,t+=t<0?360:0;var r=Math.floor(t/20),n=t%20;return this.newDate(e,r,n)}}),n.calendars.mayan=a},{"../main":621,"object-assign":499}],615:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar;var o=n.instance("gregorian");i(a.prototype,{name:"Nanakshahi",jdEpoch:2257673.5,daysPerMonth:[31,31,31,31,31,30,30,30,30,30,30,30],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Nanakshahi",epochs:["BN","AN"],monthNames:["Chet","Vaisakh","Jeth","Harh","Sawan","Bhadon","Assu","Katak","Maghar","Poh","Magh","Phagun"],monthNamesShort:["Che","Vai","Jet","Har","Saw","Bha","Ass","Kat","Mgr","Poh","Mgh","Pha"],dayNames:["Somvaar","Mangalvar","Budhvaar","Veervaar","Shukarvaar","Sanicharvaar","Etvaar"],dayNamesShort:["Som","Mangal","Budh","Veer","Shukar","Sanichar","Et"],dayNamesMin:["So","Ma","Bu","Ve","Sh","Sa","Et"],digits:null,dateFormat:"dd-mm-yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear||n.regionalOptions[""].invalidYear);return o.leapYear(e.year()+(e.year()<1?1:0)+1469)},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(1-(n.dayOfWeek()||7),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidMonth);(t=i.year())<0&&t++;for(var a=i.day(),s=1;s=this.toJD(e+1,1,1);)e++;for(var r=t-Math.floor(this.toJD(e,1,1)+.5)+1,n=1;r>this.daysInMonth(e,n);)r-=this.daysInMonth(e,n),n++;return this.newDate(e,n,r)}}),n.calendars.nanakshahi=a},{"../main":621,"object-assign":499}],616:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Nepali",jdEpoch:1700709.5,daysPerMonth:[31,31,32,32,31,30,30,29,30,29,30,30],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,daysPerYear:365,regionalOptions:{"":{name:"Nepali",epochs:["BBS","ABS"],monthNames:["Baisakh","Jestha","Ashadh","Shrawan","Bhadra","Ashwin","Kartik","Mangsir","Paush","Mangh","Falgun","Chaitra"],monthNamesShort:["Bai","Je","As","Shra","Bha","Ash","Kar","Mang","Pau","Ma","Fal","Chai"],dayNames:["Aaitabaar","Sombaar","Manglbaar","Budhabaar","Bihibaar","Shukrabaar","Shanibaar"],dayNamesShort:["Aaita","Som","Mangl","Budha","Bihi","Shukra","Shani"],dayNamesMin:["Aai","So","Man","Bu","Bi","Shu","Sha"],digits:null,dateFormat:"dd/mm/yyyy",firstDay:1,isRTL:!1}},leapYear:function(t){return this.daysInYear(t)!==this.daysPerYear},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){if(t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year(),"undefined"==typeof this.NEPALI_CALENDAR_DATA[t])return this.daysPerYear;for(var e=0,r=this.minMonth;r<=12;r++)e+=this.NEPALI_CALENDAR_DATA[t][r];return e},daysInMonth:function(t,e){return t.year&&(e=t.month(),t=t.year()),this._validate(t,e,this.minDay,n.local.invalidMonth),"undefined"==typeof this.NEPALI_CALENDAR_DATA[t]?this.daysPerMonth[e-1]:this.NEPALI_CALENDAR_DATA[t][e]},weekDay:function(t,e,r){return 6!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=n.instance(),o=0,s=e,l=t;this._createMissingCalendarData(t);var c=t-(s>9||9===s&&r>=this.NEPALI_CALENDAR_DATA[l][0]?56:57);for(9!==e&&(o=r,s--);9!==s;)s<=0&&(s=12,l--),o+=this.NEPALI_CALENDAR_DATA[l][s],s--;return 9===e?(o+=r-this.NEPALI_CALENDAR_DATA[l][0])<0&&(o+=a.daysInYear(c)):o+=this.NEPALI_CALENDAR_DATA[l][9]-this.NEPALI_CALENDAR_DATA[l][0],a.newDate(c,1,1).add(o,"d").toJD()},fromJD:function(t){var e=n.instance().fromJD(t),r=e.year(),i=e.dayOfYear(),a=r+56;this._createMissingCalendarData(a);for(var o=9,s=this.NEPALI_CALENDAR_DATA[a][0],l=this.NEPALI_CALENDAR_DATA[a][o]-s+1;i>l;)++o>12&&(o=1,a++),l+=this.NEPALI_CALENDAR_DATA[a][o];var c=this.NEPALI_CALENDAR_DATA[a][o]-(l-i);return this.newDate(a,o,c)},_createMissingCalendarData:function(t){var e=this.daysPerMonth.slice(0);e.unshift(17);for(var r=t-1;r0?474:473))%2820+474+38)%2816<682},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-(n.dayOfWeek()+1)%7,"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=t-(t>=0?474:473),s=474+o(a,2820);return r+(e<=7?31*(e-1):30*(e-1)+6)+Math.floor((682*s-110)/2816)+365*(s-1)+1029983*Math.floor(a/2820)+this.jdEpoch-1},fromJD:function(t){var e=(t=Math.floor(t)+.5)-this.toJD(475,1,1),r=Math.floor(e/1029983),n=o(e,1029983),i=2820;if(1029982!==n){var a=Math.floor(n/366),s=o(n,366);i=Math.floor((2134*a+2816*s+2815)/1028522)+a+1}var l=i+2820*r+474;l=l<=0?l-1:l;var c=t-this.toJD(l,1,1)+1,u=c<=186?Math.ceil(c/31):Math.ceil((c-6)/30),f=t-this.toJD(l,u,1)+1;return this.newDate(l,u,f)}}),n.calendars.persian=a,n.calendars.jalali=a},{"../main":621,"object-assign":499}],618:[function(t,e,r){var n=t("../main"),i=t("object-assign"),a=n.instance();function o(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}o.prototype=new n.baseCalendar,i(o.prototype,{name:"Taiwan",jdEpoch:2419402.5,yearsOffset:1911,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Taiwan",epochs:["BROC","ROC"],monthNames:["January","February","March","April","May","June","July","August","September","October","November","December"],monthNamesShort:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"],dayNames:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],dayNamesShort:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],dayNamesMin:["Su","Mo","Tu","We","Th","Fr","Sa"],digits:null,dateFormat:"yyyy/mm/dd",firstDay:1,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(e.year());return a.leapYear(t)},weekOfYear:function(t,e,r){var i=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(i.year());return a.weekOfYear(t,i.month(),i.day())},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=this._t2gYear(i.year());return a.toJD(t,i.month(),i.day())},fromJD:function(t){var e=a.fromJD(t),r=this._g2tYear(e.year());return this.newDate(r,e.month(),e.day())},_t2gYear:function(t){return t+this.yearsOffset+(t>=-this.yearsOffset&&t<=-1?1:0)},_g2tYear:function(t){return t-this.yearsOffset-(t>=1&&t<=this.yearsOffset?1:0)}}),n.calendars.taiwan=o},{"../main":621,"object-assign":499}],619:[function(t,e,r){var n=t("../main"),i=t("object-assign"),a=n.instance();function o(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}o.prototype=new n.baseCalendar,i(o.prototype,{name:"Thai",jdEpoch:1523098.5,yearsOffset:543,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Thai",epochs:["BBE","BE"],monthNames:["January","February","March","April","May","June","July","August","September","October","November","December"],monthNamesShort:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"],dayNames:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],dayNamesShort:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],dayNamesMin:["Su","Mo","Tu","We","Th","Fr","Sa"],digits:null,dateFormat:"dd/mm/yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(e.year());return a.leapYear(t)},weekOfYear:function(t,e,r){var i=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(i.year());return a.weekOfYear(t,i.month(),i.day())},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=this._t2gYear(i.year());return a.toJD(t,i.month(),i.day())},fromJD:function(t){var e=a.fromJD(t),r=this._g2tYear(e.year());return this.newDate(r,e.month(),e.day())},_t2gYear:function(t){return t-this.yearsOffset-(t>=1&&t<=this.yearsOffset?1:0)},_g2tYear:function(t){return t+this.yearsOffset+(t>=-this.yearsOffset&&t<=-1?1:0)}}),n.calendars.thai=o},{"../main":621,"object-assign":499}],620:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"UmmAlQura",hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Umm al-Qura",epochs:["BH","AH"],monthNames:["Al-Muharram","Safar","Rabi' al-awwal","Rabi' Al-Thani","Jumada Al-Awwal","Jumada Al-Thani","Rajab","Sha'aban","Ramadan","Shawwal","Dhu al-Qi'dah","Dhu al-Hijjah"],monthNamesShort:["Muh","Saf","Rab1","Rab2","Jum1","Jum2","Raj","Sha'","Ram","Shaw","DhuQ","DhuH"],dayNames:["Yawm al-Ahad","Yawm al-Ithnain","Yawm al-Thal\u0101th\u0101\u2019","Yawm al-Arba\u2018\u0101\u2019","Yawm al-Kham\u012bs","Yawm al-Jum\u2018a","Yawm al-Sabt"],dayNamesMin:["Ah","Ith","Th","Ar","Kh","Ju","Sa"],digits:null,dateFormat:"yyyy/mm/dd",firstDay:6,isRTL:!0}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return 355===this.daysInYear(e.year())},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){for(var e=0,r=1;r<=12;r++)e+=this.daysInMonth(t,r);return e},daysInMonth:function(t,e){for(var r=this._validate(t,e,this.minDay,n.local.invalidMonth).toJD()-24e5+.5,i=0,a=0;ar)return o[i]-o[i-1];i++}return 30},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate),a=12*(i.year()-1)+i.month()-15292;return i.day()+o[a-1]-1+24e5-.5},fromJD:function(t){for(var e=t-24e5+.5,r=0,n=0;ne);n++)r++;var i=r+15292,a=Math.floor((i-1)/12),s=a+1,l=i-12*a,c=e-o[r-1]+1;return this.newDate(s,l,c)},isValid:function(t,e,r){var i=n.baseCalendar.prototype.isValid.apply(this,arguments);return i&&(i=(t=null!=t.year?t.year:t)>=1276&&t<=1500),i},_validate:function(t,e,r,i){var a=n.baseCalendar.prototype._validate.apply(this,arguments);if(a.year<1276||a.year>1500)throw i.replace(/\{0\}/,this.local.name);return a}}),n.calendars.ummalqura=a;var o=[20,50,79,109,138,168,197,227,256,286,315,345,374,404,433,463,492,522,551,581,611,641,670,700,729,759,788,818,847,877,906,936,965,995,1024,1054,1083,1113,1142,1172,1201,1231,1260,1290,1320,1350,1379,1409,1438,1468,1497,1527,1556,1586,1615,1645,1674,1704,1733,1763,1792,1822,1851,1881,1910,1940,1969,1999,2028,2058,2087,2117,2146,2176,2205,2235,2264,2294,2323,2353,2383,2413,2442,2472,2501,2531,2560,2590,2619,2649,2678,2708,2737,2767,2796,2826,2855,2885,2914,2944,2973,3003,3032,3062,3091,3121,3150,3180,3209,3239,3268,3298,3327,3357,3386,3416,3446,3476,3505,3535,3564,3594,3623,3653,3682,3712,3741,3771,3800,3830,3859,3889,3918,3948,3977,4007,4036,4066,4095,4125,4155,4185,4214,4244,4273,4303,4332,4362,4391,4421,4450,4480,4509,4539,4568,4598,4627,4657,4686,4716,4745,4775,4804,4834,4863,4893,4922,4952,4981,5011,5040,5070,5099,5129,5158,5188,5218,5248,5277,5307,5336,5366,5395,5425,5454,5484,5513,5543,5572,5602,5631,5661,5690,5720,5749,5779,5808,5838,5867,5897,5926,5956,5985,6015,6044,6074,6103,6133,6162,6192,6221,6251,6281,6311,6340,6370,6399,6429,6458,6488,6517,6547,6576,6606,6635,6665,6694,6724,6753,6783,6812,6842,6871,6901,6930,6960,6989,7019,7048,7078,7107,7137,7166,7196,7225,7255,7284,7314,7344,7374,7403,7433,7462,7492,7521,7551,7580,7610,7639,7669,7698,7728,7757,7787,7816,7846,7875,7905,7934,7964,7993,8023,8053,8083,8112,8142,8171,8201,8230,8260,8289,8319,8348,8378,8407,8437,8466,8496,8525,8555,8584,8614,8643,8673,8702,8732,8761,8791,8821,8850,8880,8909,8938,8968,8997,9027,9056,9086,9115,9145,9175,9205,9234,9264,9293,9322,9352,9381,9410,9440,9470,9499,9529,9559,9589,9618,9648,9677,9706,9736,9765,9794,9824,9853,9883,9913,9943,9972,10002,10032,10061,10090,10120,10149,10178,10208,10237,10267,10297,10326,10356,10386,10415,10445,10474,10504,10533,10562,10592,10621,10651,10680,10710,10740,10770,10799,10829,10858,10888,10917,10947,10976,11005,11035,11064,11094,11124,11153,11183,11213,11242,11272,11301,11331,11360,11389,11419,11448,11478,11507,11537,11567,11596,11626,11655,11685,11715,11744,11774,11803,11832,11862,11891,11921,11950,11980,12010,12039,12069,12099,12128,12158,12187,12216,12246,12275,12304,12334,12364,12393,12423,12453,12483,12512,12542,12571,12600,12630,12659,12688,12718,12747,12777,12807,12837,12866,12896,12926,12955,12984,13014,13043,13072,13102,13131,13161,13191,13220,13250,13280,13310,13339,13368,13398,13427,13456,13486,13515,13545,13574,13604,13634,13664,13693,13723,13752,13782,13811,13840,13870,13899,13929,13958,13988,14018,14047,14077,14107,14136,14166,14195,14224,14254,14283,14313,14342,14372,14401,14431,14461,14490,14520,14550,14579,14609,14638,14667,14697,14726,14756,14785,14815,14844,14874,14904,14933,14963,14993,15021,15051,15081,15110,15140,15169,15199,15228,15258,15287,15317,15347,15377,15406,15436,15465,15494,15524,15553,15582,15612,15641,15671,15701,15731,15760,15790,15820,15849,15878,15908,15937,15966,15996,16025,16055,16085,16114,16144,16174,16204,16233,16262,16292,16321,16350,16380,16409,16439,16468,16498,16528,16558,16587,16617,16646,16676,16705,16734,16764,16793,16823,16852,16882,16912,16941,16971,17001,17030,17060,17089,17118,17148,17177,17207,17236,17266,17295,17325,17355,17384,17414,17444,17473,17502,17532,17561,17591,17620,17650,17679,17709,17738,17768,17798,17827,17857,17886,17916,17945,17975,18004,18034,18063,18093,18122,18152,18181,18211,18241,18270,18300,18330,18359,18388,18418,18447,18476,18506,18535,18565,18595,18625,18654,18684,18714,18743,18772,18802,18831,18860,18890,18919,18949,18979,19008,19038,19068,19098,19127,19156,19186,19215,19244,19274,19303,19333,19362,19392,19422,19452,19481,19511,19540,19570,19599,19628,19658,19687,19717,19746,19776,19806,19836,19865,19895,19924,19954,19983,20012,20042,20071,20101,20130,20160,20190,20219,20249,20279,20308,20338,20367,20396,20426,20455,20485,20514,20544,20573,20603,20633,20662,20692,20721,20751,20780,20810,20839,20869,20898,20928,20957,20987,21016,21046,21076,21105,21135,21164,21194,21223,21253,21282,21312,21341,21371,21400,21430,21459,21489,21519,21548,21578,21607,21637,21666,21696,21725,21754,21784,21813,21843,21873,21902,21932,21962,21991,22021,22050,22080,22109,22138,22168,22197,22227,22256,22286,22316,22346,22375,22405,22434,22464,22493,22522,22552,22581,22611,22640,22670,22700,22730,22759,22789,22818,22848,22877,22906,22936,22965,22994,23024,23054,23083,23113,23143,23173,23202,23232,23261,23290,23320,23349,23379,23408,23438,23467,23497,23527,23556,23586,23616,23645,23674,23704,23733,23763,23792,23822,23851,23881,23910,23940,23970,23999,24029,24058,24088,24117,24147,24176,24206,24235,24265,24294,24324,24353,24383,24413,24442,24472,24501,24531,24560,24590,24619,24648,24678,24707,24737,24767,24796,24826,24856,24885,24915,24944,24974,25003,25032,25062,25091,25121,25150,25180,25210,25240,25269,25299,25328,25358,25387,25416,25446,25475,25505,25534,25564,25594,25624,25653,25683,25712,25742,25771,25800,25830,25859,25888,25918,25948,25977,26007,26037,26067,26096,26126,26155,26184,26214,26243,26272,26302,26332,26361,26391,26421,26451,26480,26510,26539,26568,26598,26627,26656,26686,26715,26745,26775,26805,26834,26864,26893,26923,26952,26982,27011,27041,27070,27099,27129,27159,27188,27218,27248,27277,27307,27336,27366,27395,27425,27454,27484,27513,27542,27572,27602,27631,27661,27691,27720,27750,27779,27809,27838,27868,27897,27926,27956,27985,28015,28045,28074,28104,28134,28163,28193,28222,28252,28281,28310,28340,28369,28399,28428,28458,28488,28517,28547,28577,28607,28636,28665,28695,28724,28754,28783,28813,28843,28872,28901,28931,28960,28990,29019,29049,29078,29108,29137,29167,29196,29226,29255,29285,29315,29345,29375,29404,29434,29463,29492,29522,29551,29580,29610,29640,29669,29699,29729,29759,29788,29818,29847,29876,29906,29935,29964,29994,30023,30053,30082,30112,30141,30171,30200,30230,30259,30289,30318,30348,30378,30408,30437,30467,30496,30526,30555,30585,30614,30644,30673,30703,30732,30762,30791,30821,30850,30880,30909,30939,30968,30998,31027,31057,31086,31116,31145,31175,31204,31234,31263,31293,31322,31352,31381,31411,31441,31471,31500,31530,31559,31589,31618,31648,31676,31706,31736,31766,31795,31825,31854,31884,31913,31943,31972,32002,32031,32061,32090,32120,32150,32180,32209,32239,32268,32298,32327,32357,32386,32416,32445,32475,32504,32534,32563,32593,32622,32652,32681,32711,32740,32770,32799,32829,32858,32888,32917,32947,32976,33006,33035,33065,33094,33124,33153,33183,33213,33243,33272,33302,33331,33361,33390,33420,33450,33479,33509,33539,33568,33598,33627,33657,33686,33716,33745,33775,33804,33834,33863,33893,33922,33952,33981,34011,34040,34069,34099,34128,34158,34187,34217,34247,34277,34306,34336,34365,34395,34424,34454,34483,34512,34542,34571,34601,34631,34660,34690,34719,34749,34778,34808,34837,34867,34896,34926,34955,34985,35015,35044,35074,35103,35133,35162,35192,35222,35251,35280,35310,35340,35370,35399,35429,35458,35488,35517,35547,35576,35605,35635,35665,35694,35723,35753,35782,35811,35841,35871,35901,35930,35960,35989,36019,36048,36078,36107,36136,36166,36195,36225,36254,36284,36314,36343,36373,36403,36433,36462,36492,36521,36551,36580,36610,36639,36669,36698,36728,36757,36786,36816,36845,36875,36904,36934,36963,36993,37022,37052,37081,37111,37141,37170,37200,37229,37259,37288,37318,37347,37377,37406,37436,37465,37495,37524,37554,37584,37613,37643,37672,37701,37731,37760,37790,37819,37849,37878,37908,37938,37967,37997,38027,38056,38085,38115,38144,38174,38203,38233,38262,38292,38322,38351,38381,38410,38440,38469,38499,38528,38558,38587,38617,38646,38676,38705,38735,38764,38794,38823,38853,38882,38912,38941,38971,39001,39030,39059,39089,39118,39148,39178,39208,39237,39267,39297,39326,39355,39385,39414,39444,39473,39503,39532,39562,39592,39621,39650,39680,39709,39739,39768,39798,39827,39857,39886,39916,39946,39975,40005,40035,40064,40094,40123,40153,40182,40212,40241,40271,40300,40330,40359,40389,40418,40448,40477,40507,40536,40566,40595,40625,40655,40685,40714,40744,40773,40803,40832,40862,40892,40921,40951,40980,41009,41039,41068,41098,41127,41157,41186,41216,41245,41275,41304,41334,41364,41393,41422,41452,41481,41511,41540,41570,41599,41629,41658,41688,41718,41748,41777,41807,41836,41865,41894,41924,41953,41983,42012,42042,42072,42102,42131,42161,42190,42220,42249,42279,42308,42337,42367,42397,42426,42456,42485,42515,42545,42574,42604,42633,42662,42692,42721,42751,42780,42810,42839,42869,42899,42929,42958,42988,43017,43046,43076,43105,43135,43164,43194,43223,43253,43283,43312,43342,43371,43401,43430,43460,43489,43519,43548,43578,43607,43637,43666,43696,43726,43755,43785,43814,43844,43873,43903,43932,43962,43991,44021,44050,44080,44109,44139,44169,44198,44228,44258,44287,44317,44346,44375,44405,44434,44464,44493,44523,44553,44582,44612,44641,44671,44700,44730,44759,44788,44818,44847,44877,44906,44936,44966,44996,45025,45055,45084,45114,45143,45172,45202,45231,45261,45290,45320,45350,45380,45409,45439,45468,45498,45527,45556,45586,45615,45644,45674,45704,45733,45763,45793,45823,45852,45882,45911,45940,45970,45999,46028,46058,46088,46117,46147,46177,46206,46236,46265,46295,46324,46354,46383,46413,46442,46472,46501,46531,46560,46590,46620,46649,46679,46708,46738,46767,46797,46826,46856,46885,46915,46944,46974,47003,47033,47063,47092,47122,47151,47181,47210,47240,47269,47298,47328,47357,47387,47417,47446,47476,47506,47535,47565,47594,47624,47653,47682,47712,47741,47771,47800,47830,47860,47890,47919,47949,47978,48008,48037,48066,48096,48125,48155,48184,48214,48244,48273,48303,48333,48362,48392,48421,48450,48480,48509,48538,48568,48598,48627,48657,48687,48717,48746,48776,48805,48834,48864,48893,48922,48952,48982,49011,49041,49071,49100,49130,49160,49189,49218,49248,49277,49306,49336,49365,49395,49425,49455,49484,49514,49543,49573,49602,49632,49661,49690,49720,49749,49779,49809,49838,49868,49898,49927,49957,49986,50016,50045,50075,50104,50133,50163,50192,50222,50252,50281,50311,50340,50370,50400,50429,50459,50488,50518,50547,50576,50606,50635,50665,50694,50724,50754,50784,50813,50843,50872,50902,50931,50960,50990,51019,51049,51078,51108,51138,51167,51197,51227,51256,51286,51315,51345,51374,51403,51433,51462,51492,51522,51552,51582,51611,51641,51670,51699,51729,51758,51787,51816,51846,51876,51906,51936,51965,51995,52025,52054,52083,52113,52142,52171,52200,52230,52260,52290,52319,52349,52379,52408,52438,52467,52497,52526,52555,52585,52614,52644,52673,52703,52733,52762,52792,52822,52851,52881,52910,52939,52969,52998,53028,53057,53087,53116,53146,53176,53205,53235,53264,53294,53324,53353,53383,53412,53441,53471,53500,53530,53559,53589,53619,53648,53678,53708,53737,53767,53796,53825,53855,53884,53913,53943,53973,54003,54032,54062,54092,54121,54151,54180,54209,54239,54268,54297,54327,54357,54387,54416,54446,54476,54505,54535,54564,54593,54623,54652,54681,54711,54741,54770,54800,54830,54859,54889,54919,54948,54977,55007,55036,55066,55095,55125,55154,55184,55213,55243,55273,55302,55332,55361,55391,55420,55450,55479,55508,55538,55567,55597,55627,55657,55686,55716,55745,55775,55804,55834,55863,55892,55922,55951,55981,56011,56040,56070,56100,56129,56159,56188,56218,56247,56276,56306,56335,56365,56394,56424,56454,56483,56513,56543,56572,56601,56631,56660,56690,56719,56749,56778,56808,56837,56867,56897,56926,56956,56985,57015,57044,57074,57103,57133,57162,57192,57221,57251,57280,57310,57340,57369,57399,57429,57458,57487,57517,57546,57576,57605,57634,57664,57694,57723,57753,57783,57813,57842,57871,57901,57930,57959,57989,58018,58048,58077,58107,58137,58167,58196,58226,58255,58285,58314,58343,58373,58402,58432,58461,58491,58521,58551,58580,58610,58639,58669,58698,58727,58757,58786,58816,58845,58875,58905,58934,58964,58994,59023,59053,59082,59111,59141,59170,59200,59229,59259,59288,59318,59348,59377,59407,59436,59466,59495,59525,59554,59584,59613,59643,59672,59702,59731,59761,59791,59820,59850,59879,59909,59939,59968,59997,60027,60056,60086,60115,60145,60174,60204,60234,60264,60293,60323,60352,60381,60411,60440,60469,60499,60528,60558,60588,60618,60648,60677,60707,60736,60765,60795,60824,60853,60883,60912,60942,60972,61002,61031,61061,61090,61120,61149,61179,61208,61237,61267,61296,61326,61356,61385,61415,61445,61474,61504,61533,61563,61592,61621,61651,61680,61710,61739,61769,61799,61828,61858,61888,61917,61947,61976,62006,62035,62064,62094,62123,62153,62182,62212,62242,62271,62301,62331,62360,62390,62419,62448,62478,62507,62537,62566,62596,62625,62655,62685,62715,62744,62774,62803,62832,62862,62891,62921,62950,62980,63009,63039,63069,63099,63128,63157,63187,63216,63246,63275,63305,63334,63363,63393,63423,63453,63482,63512,63541,63571,63600,63630,63659,63689,63718,63747,63777,63807,63836,63866,63895,63925,63955,63984,64014,64043,64073,64102,64131,64161,64190,64220,64249,64279,64309,64339,64368,64398,64427,64457,64486,64515,64545,64574,64603,64633,64663,64692,64722,64752,64782,64811,64841,64870,64899,64929,64958,64987,65017,65047,65076,65106,65136,65166,65195,65225,65254,65283,65313,65342,65371,65401,65431,65460,65490,65520,65549,65579,65608,65638,65667,65697,65726,65755,65785,65815,65844,65874,65903,65933,65963,65992,66022,66051,66081,66110,66140,66169,66199,66228,66258,66287,66317,66346,66376,66405,66435,66465,66494,66524,66553,66583,66612,66641,66671,66700,66730,66760,66789,66819,66849,66878,66908,66937,66967,66996,67025,67055,67084,67114,67143,67173,67203,67233,67262,67292,67321,67351,67380,67409,67439,67468,67497,67527,67557,67587,67617,67646,67676,67705,67735,67764,67793,67823,67852,67882,67911,67941,67971,68e3,68030,68060,68089,68119,68148,68177,68207,68236,68266,68295,68325,68354,68384,68414,68443,68473,68502,68532,68561,68591,68620,68650,68679,68708,68738,68768,68797,68827,68857,68886,68916,68946,68975,69004,69034,69063,69092,69122,69152,69181,69211,69240,69270,69300,69330,69359,69388,69418,69447,69476,69506,69535,69565,69595,69624,69654,69684,69713,69743,69772,69802,69831,69861,69890,69919,69949,69978,70008,70038,70067,70097,70126,70156,70186,70215,70245,70274,70303,70333,70362,70392,70421,70451,70481,70510,70540,70570,70599,70629,70658,70687,70717,70746,70776,70805,70835,70864,70894,70924,70954,70983,71013,71042,71071,71101,71130,71159,71189,71218,71248,71278,71308,71337,71367,71397,71426,71455,71485,71514,71543,71573,71602,71632,71662,71691,71721,71751,71781,71810,71839,71869,71898,71927,71957,71986,72016,72046,72075,72105,72135,72164,72194,72223,72253,72282,72311,72341,72370,72400,72429,72459,72489,72518,72548,72577,72607,72637,72666,72695,72725,72754,72784,72813,72843,72872,72902,72931,72961,72991,73020,73050,73080,73109,73139,73168,73197,73227,73256,73286,73315,73345,73375,73404,73434,73464,73493,73523,73552,73581,73611,73640,73669,73699,73729,73758,73788,73818,73848,73877,73907,73936,73965,73995,74024,74053,74083,74113,74142,74172,74202,74231,74261,74291,74320,74349,74379,74408,74437,74467,74497,74526,74556,74586,74615,74645,74675,74704,74733,74763,74792,74822,74851,74881,74910,74940,74969,74999,75029,75058,75088,75117,75147,75176,75206,75235,75264,75294,75323,75353,75383,75412,75442,75472,75501,75531,75560,75590,75619,75648,75678,75707,75737,75766,75796,75826,75856,75885,75915,75944,75974,76003,76032,76062,76091,76121,76150,76180,76210,76239,76269,76299,76328,76358,76387,76416,76446,76475,76505,76534,76564,76593,76623,76653,76682,76712,76741,76771,76801,76830,76859,76889,76918,76948,76977,77007,77036,77066,77096,77125,77155,77185,77214,77243,77273,77302,77332,77361,77390,77420,77450,77479,77509,77539,77569,77598,77627,77657,77686,77715,77745,77774,77804,77833,77863,77893,77923,77952,77982,78011,78041,78070,78099,78129,78158,78188,78217,78247,78277,78307,78336,78366,78395,78425,78454,78483,78513,78542,78572,78601,78631,78661,78690,78720,78750,78779,78808,78838,78867,78897,78926,78956,78985,79015,79044,79074,79104,79133,79163,79192,79222,79251,79281,79310,79340,79369,79399,79428,79458,79487,79517,79546,79576,79606,79635,79665,79695,79724,79753,79783,79812,79841,79871,79900,79930,79960,79990]},{"../main":621,"object-assign":499}],621:[function(t,e,r){var n=t("object-assign");function i(){this.regionalOptions=[],this.regionalOptions[""]={invalidCalendar:"Calendar {0} not found",invalidDate:"Invalid {0} date",invalidMonth:"Invalid {0} month",invalidYear:"Invalid {0} year",differentCalendars:"Cannot mix {0} and {1} dates"},this.local=this.regionalOptions[""],this.calendars={},this._localCals={}}function a(t,e,r,n){if(this._calendar=t,this._year=e,this._month=r,this._day=n,0===this._calendar._validateLevel&&!this._calendar.isValid(this._year,this._month,this._day))throw(c.local.invalidDate||c.regionalOptions[""].invalidDate).replace(/\{0\}/,this._calendar.local.name)}function o(t,e){return"000000".substring(0,e-(t=""+t).length)+t}function s(){this.shortYearCutoff="+10"}function l(t){this.local=this.regionalOptions[t]||this.regionalOptions[""]}n(i.prototype,{instance:function(t,e){t=(t||"gregorian").toLowerCase(),e=e||"";var r=this._localCals[t+"-"+e];if(!r&&this.calendars[t]&&(r=new this.calendars[t](e),this._localCals[t+"-"+e]=r),!r)throw(this.local.invalidCalendar||this.regionalOptions[""].invalidCalendar).replace(/\{0\}/,t);return r},newDate:function(t,e,r,n,i){return(n=(null!=t&&t.year?t.calendar():"string"==typeof n?this.instance(n,i):n)||this.instance()).newDate(t,e,r)},substituteDigits:function(t){return function(e){return(e+"").replace(/[0-9]/g,(function(e){return t[e]}))}},substituteChineseDigits:function(t,e){return function(r){for(var n="",i=0;r>0;){var a=r%10;n=(0===a?"":t[a]+e[i])+n,i++,r=Math.floor(r/10)}return 0===n.indexOf(t[1]+e[1])&&(n=n.substr(1)),n||t[0]}}}),n(a.prototype,{newDate:function(t,e,r){return this._calendar.newDate(null==t?this:t,e,r)},year:function(t){return 0===arguments.length?this._year:this.set(t,"y")},month:function(t){return 0===arguments.length?this._month:this.set(t,"m")},day:function(t){return 0===arguments.length?this._day:this.set(t,"d")},date:function(t,e,r){if(!this._calendar.isValid(t,e,r))throw(c.local.invalidDate||c.regionalOptions[""].invalidDate).replace(/\{0\}/,this._calendar.local.name);return this._year=t,this._month=e,this._day=r,this},leapYear:function(){return this._calendar.leapYear(this)},epoch:function(){return this._calendar.epoch(this)},formatYear:function(){return this._calendar.formatYear(this)},monthOfYear:function(){return this._calendar.monthOfYear(this)},weekOfYear:function(){return this._calendar.weekOfYear(this)},daysInYear:function(){return this._calendar.daysInYear(this)},dayOfYear:function(){return this._calendar.dayOfYear(this)},daysInMonth:function(){return this._calendar.daysInMonth(this)},dayOfWeek:function(){return this._calendar.dayOfWeek(this)},weekDay:function(){return this._calendar.weekDay(this)},extraInfo:function(){return this._calendar.extraInfo(this)},add:function(t,e){return this._calendar.add(this,t,e)},set:function(t,e){return this._calendar.set(this,t,e)},compareTo:function(t){if(this._calendar.name!==t._calendar.name)throw(c.local.differentCalendars||c.regionalOptions[""].differentCalendars).replace(/\{0\}/,this._calendar.local.name).replace(/\{1\}/,t._calendar.local.name);var e=this._year!==t._year?this._year-t._year:this._month!==t._month?this.monthOfYear()-t.monthOfYear():this._day-t._day;return 0===e?0:e<0?-1:1},calendar:function(){return this._calendar},toJD:function(){return this._calendar.toJD(this)},fromJD:function(t){return this._calendar.fromJD(t)},toJSDate:function(){return this._calendar.toJSDate(this)},fromJSDate:function(t){return this._calendar.fromJSDate(t)},toString:function(){return(this.year()<0?"-":"")+o(Math.abs(this.year()),4)+"-"+o(this.month(),2)+"-"+o(this.day(),2)}}),n(s.prototype,{_validateLevel:0,newDate:function(t,e,r){return null==t?this.today():(t.year&&(this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate),r=t.day(),e=t.month(),t=t.year()),new a(this,t,e,r))},today:function(){return this.fromJSDate(new Date)},epoch:function(t){return this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[""].invalidYear).year()<0?this.local.epochs[0]:this.local.epochs[1]},formatYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[""].invalidYear);return(e.year()<0?"-":"")+o(Math.abs(e.year()),4)},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[""].invalidYear),12},monthOfYear:function(t,e){var r=this._validate(t,e,this.minDay,c.local.invalidMonth||c.regionalOptions[""].invalidMonth);return(r.month()+this.monthsInYear(r)-this.firstMonth)%this.monthsInYear(r)+this.minMonth},fromMonthOfYear:function(t,e){var r=(e+this.firstMonth-2*this.minMonth)%this.monthsInYear(t)+this.minMonth;return this._validate(t,r,this.minDay,c.local.invalidMonth||c.regionalOptions[""].invalidMonth),r},daysInYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[""].invalidYear);return this.leapYear(e)?366:365},dayOfYear:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate);return n.toJD()-this.newDate(n.year(),this.fromMonthOfYear(n.year(),this.minMonth),this.minDay).toJD()+1},daysInWeek:function(){return 7},dayOfWeek:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate);return(Math.floor(this.toJD(n))+2)%this.daysInWeek()},extraInfo:function(t,e,r){return this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate),{}},add:function(t,e,r){return this._validate(t,this.minMonth,this.minDay,c.local.invalidDate||c.regionalOptions[""].invalidDate),this._correctAdd(t,this._add(t,e,r),e,r)},_add:function(t,e,r){if(this._validateLevel++,"d"===r||"w"===r){var n=t.toJD()+e*("w"===r?this.daysInWeek():1),i=t.calendar().fromJD(n);return this._validateLevel--,[i.year(),i.month(),i.day()]}try{var a=t.year()+("y"===r?e:0),o=t.monthOfYear()+("m"===r?e:0);i=t.day();"y"===r?(t.month()!==this.fromMonthOfYear(a,o)&&(o=this.newDate(a,t.month(),this.minDay).monthOfYear()),o=Math.min(o,this.monthsInYear(a)),i=Math.min(i,this.daysInMonth(a,this.fromMonthOfYear(a,o)))):"m"===r&&(!function(t){for(;oe-1+t.minMonth;)a++,o-=e,e=t.monthsInYear(a)}(this),i=Math.min(i,this.daysInMonth(a,this.fromMonthOfYear(a,o))));var s=[a,this.fromMonthOfYear(a,o),i];return this._validateLevel--,s}catch(t){throw this._validateLevel--,t}},_correctAdd:function(t,e,r,n){if(!(this.hasYearZero||"y"!==n&&"m"!==n||0!==e[0]&&t.year()>0==e[0]>0)){var i={y:[1,1,"y"],m:[1,this.monthsInYear(-1),"m"],w:[this.daysInWeek(),this.daysInYear(-1),"d"],d:[1,this.daysInYear(-1),"d"]}[n],a=r<0?-1:1;e=this._add(t,r*i[0]+a*i[1],i[2])}return t.date(e[0],e[1],e[2])},set:function(t,e,r){this._validate(t,this.minMonth,this.minDay,c.local.invalidDate||c.regionalOptions[""].invalidDate);var n="y"===r?e:t.year(),i="m"===r?e:t.month(),a="d"===r?e:t.day();return"y"!==r&&"m"!==r||(a=Math.min(a,this.daysInMonth(n,i))),t.date(n,i,a)},isValid:function(t,e,r){this._validateLevel++;var n=this.hasYearZero||0!==t;if(n){var i=this.newDate(t,e,this.minDay);n=e>=this.minMonth&&e-this.minMonth=this.minDay&&r-this.minDay13.5?13:1),c=i-(l>2.5?4716:4715);return c<=0&&c--,this.newDate(c,l,s)},toJSDate:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate),i=new Date(n.year(),n.month()-1,n.day());return i.setHours(0),i.setMinutes(0),i.setSeconds(0),i.setMilliseconds(0),i.setHours(i.getHours()>12?i.getHours()+2:0),i},fromJSDate:function(t){return this.newDate(t.getFullYear(),t.getMonth()+1,t.getDate())}});var c=e.exports=new i;c.cdate=a,c.baseCalendar=s,c.calendars.gregorian=l},{"object-assign":499}],622:[function(t,e,r){var n=t("object-assign"),i=t("./main");n(i.regionalOptions[""],{invalidArguments:"Invalid arguments",invalidFormat:"Cannot format a date from another calendar",missingNumberAt:"Missing number at position {0}",unknownNameAt:"Unknown name at position {0}",unexpectedLiteralAt:"Unexpected literal at position {0}",unexpectedText:"Additional text found at end"}),i.local=i.regionalOptions[""],n(i.cdate.prototype,{formatDate:function(t,e){return"string"!=typeof t&&(e=t,t=""),this._calendar.formatDate(t||"",this,e)}}),n(i.baseCalendar.prototype,{UNIX_EPOCH:i.instance().newDate(1970,1,1).toJD(),SECS_PER_DAY:86400,TICKS_EPOCH:i.instance().jdEpoch,TICKS_PER_DAY:864e9,ATOM:"yyyy-mm-dd",COOKIE:"D, dd M yyyy",FULL:"DD, MM d, yyyy",ISO_8601:"yyyy-mm-dd",JULIAN:"J",RFC_822:"D, d M yy",RFC_850:"DD, dd-M-yy",RFC_1036:"D, d M yy",RFC_1123:"D, d M yyyy",RFC_2822:"D, d M yyyy",RSS:"D, d M yy",TICKS:"!",TIMESTAMP:"@",W3C:"yyyy-mm-dd",formatDate:function(t,e,r){if("string"!=typeof t&&(r=e,e=t,t=""),!e)return"";if(e.calendar()!==this)throw i.local.invalidFormat||i.regionalOptions[""].invalidFormat;t=t||this.local.dateFormat;for(var n,a,o,s,l=(r=r||{}).dayNamesShort||this.local.dayNamesShort,c=r.dayNames||this.local.dayNames,u=r.monthNumbers||this.local.monthNumbers,f=r.monthNamesShort||this.local.monthNamesShort,h=r.monthNames||this.local.monthNames,p=(r.calculateWeek||this.local.calculateWeek,function(e,r){for(var n=1;w+n1}),d=function(t,e,r,n){var i=""+e;if(p(t,n))for(;i.length1},x=function(t,r){var n=y(t,r),a=[2,3,n?4:2,n?4:2,10,11,20]["oyYJ@!".indexOf(t)+1],o=new RegExp("^-?\\d{1,"+a+"}"),s=e.substring(M).match(o);if(!s)throw(i.local.missingNumberAt||i.regionalOptions[""].missingNumberAt).replace(/\{0\}/,M);return M+=s[0].length,parseInt(s[0],10)},b=this,_=function(){if("function"==typeof l){y("m");var t=l.call(b,e.substring(M));return M+=t.length,t}return x("m")},w=function(t,r,n,a){for(var o=y(t,a)?n:r,s=0;s-1){p=1,d=g;for(var E=this.daysInMonth(h,p);d>E;E=this.daysInMonth(h,p))p++,d-=E}return f>-1?this.fromJD(f):this.newDate(h,p,d)},determineDate:function(t,e,r,n,i){r&&"object"!=typeof r&&(i=n,n=r,r=null),"string"!=typeof n&&(i=n,n="");var a=this;return e=e?e.newDate():null,t=null==t?e:"string"==typeof t?function(t){try{return a.parseDate(n,t,i)}catch(t){}for(var e=((t=t.toLowerCase()).match(/^c/)&&r?r.newDate():null)||a.today(),o=/([+-]?[0-9]+)\s*(d|w|m|y)?/g,s=o.exec(t);s;)e.add(parseInt(s[1],10),s[2]||"d"),s=o.exec(t);return e}(t):"number"==typeof t?isNaN(t)||t===1/0||t===-1/0?e:a.today().add(t,"d"):a.newDate(t)}})},{"./main":621,"object-assign":499}],623:[function(t,e,r){e.exports=t("cwise-compiler")({args:["array",{offset:[1],array:0},"scalar","scalar","index"],pre:{body:"{}",args:[],thisVars:[],localVars:[]},post:{body:"{}",args:[],thisVars:[],localVars:[]},body:{body:"{\n var _inline_1_da = _inline_1_arg0_ - _inline_1_arg3_\n var _inline_1_db = _inline_1_arg1_ - _inline_1_arg3_\n if((_inline_1_da >= 0) !== (_inline_1_db >= 0)) {\n _inline_1_arg2_.push(_inline_1_arg4_[0] + 0.5 + 0.5 * (_inline_1_da + _inline_1_db) / (_inline_1_da - _inline_1_db))\n }\n }",args:[{name:"_inline_1_arg0_",lvalue:!1,rvalue:!0,count:1},{name:"_inline_1_arg1_",lvalue:!1,rvalue:!0,count:1},{name:"_inline_1_arg2_",lvalue:!1,rvalue:!0,count:1},{name:"_inline_1_arg3_",lvalue:!1,rvalue:!0,count:2},{name:"_inline_1_arg4_",lvalue:!1,rvalue:!0,count:1}],thisVars:[],localVars:["_inline_1_da","_inline_1_db"]},funcName:"zeroCrossings"})},{"cwise-compiler":151}],624:[function(t,e,r){"use strict";e.exports=function(t,e){var r=[];return e=+e||0,n(t.hi(t.shape[0]-1),r,e),r};var n=t("./lib/zc-core")},{"./lib/zc-core":623}],625:[function(t,e,r){"use strict";e.exports=[{path:"",backoff:0},{path:"M-2.4,-3V3L0.6,0Z",backoff:.6},{path:"M-3.7,-2.5V2.5L1.3,0Z",backoff:1.3},{path:"M-4.45,-3L-1.65,-0.2V0.2L-4.45,3L1.55,0Z",backoff:1.55},{path:"M-2.2,-2.2L-0.2,-0.2V0.2L-2.2,2.2L-1.4,3L1.6,0L-1.4,-3Z",backoff:1.6},{path:"M-4.4,-2.1L-0.6,-0.2V0.2L-4.4,2.1L-4,3L2,0L-4,-3Z",backoff:2},{path:"M2,0A2,2 0 1,1 0,-2A2,2 0 0,1 2,0Z",backoff:0,noRotate:!0},{path:"M2,2V-2H-2V2Z",backoff:0,noRotate:!0}]},{}],626:[function(t,e,r){"use strict";var n=t("./arrow_paths"),i=t("../../plots/font_attributes"),a=t("../../plots/cartesian/constants"),o=t("../../plot_api/plot_template").templatedArray;t("../../constants/axis_placeable_objects");e.exports=o("annotation",{visible:{valType:"boolean",dflt:!0,editType:"calc+arraydraw"},text:{valType:"string",editType:"calc+arraydraw"},textangle:{valType:"angle",dflt:0,editType:"calc+arraydraw"},font:i({editType:"calc+arraydraw",colorEditType:"arraydraw"}),width:{valType:"number",min:1,dflt:null,editType:"calc+arraydraw"},height:{valType:"number",min:1,dflt:null,editType:"calc+arraydraw"},opacity:{valType:"number",min:0,max:1,dflt:1,editType:"arraydraw"},align:{valType:"enumerated",values:["left","center","right"],dflt:"center",editType:"arraydraw"},valign:{valType:"enumerated",values:["top","middle","bottom"],dflt:"middle",editType:"arraydraw"},bgcolor:{valType:"color",dflt:"rgba(0,0,0,0)",editType:"arraydraw"},bordercolor:{valType:"color",dflt:"rgba(0,0,0,0)",editType:"arraydraw"},borderpad:{valType:"number",min:0,dflt:1,editType:"calc+arraydraw"},borderwidth:{valType:"number",min:0,dflt:1,editType:"calc+arraydraw"},showarrow:{valType:"boolean",dflt:!0,editType:"calc+arraydraw"},arrowcolor:{valType:"color",editType:"arraydraw"},arrowhead:{valType:"integer",min:0,max:n.length,dflt:1,editType:"arraydraw"},startarrowhead:{valType:"integer",min:0,max:n.length,dflt:1,editType:"arraydraw"},arrowside:{valType:"flaglist",flags:["end","start"],extras:["none"],dflt:"end",editType:"arraydraw"},arrowsize:{valType:"number",min:.3,dflt:1,editType:"calc+arraydraw"},startarrowsize:{valType:"number",min:.3,dflt:1,editType:"calc+arraydraw"},arrowwidth:{valType:"number",min:.1,editType:"calc+arraydraw"},standoff:{valType:"number",min:0,dflt:0,editType:"calc+arraydraw"},startstandoff:{valType:"number",min:0,dflt:0,editType:"calc+arraydraw"},ax:{valType:"any",editType:"calc+arraydraw"},ay:{valType:"any",editType:"calc+arraydraw"},axref:{valType:"enumerated",dflt:"pixel",values:["pixel",a.idRegex.x.toString()],editType:"calc"},ayref:{valType:"enumerated",dflt:"pixel",values:["pixel",a.idRegex.y.toString()],editType:"calc"},xref:{valType:"enumerated",values:["paper",a.idRegex.x.toString()],editType:"calc"},x:{valType:"any",editType:"calc+arraydraw"},xanchor:{valType:"enumerated",values:["auto","left","center","right"],dflt:"auto",editType:"calc+arraydraw"},xshift:{valType:"number",dflt:0,editType:"calc+arraydraw"},yref:{valType:"enumerated",values:["paper",a.idRegex.y.toString()],editType:"calc"},y:{valType:"any",editType:"calc+arraydraw"},yanchor:{valType:"enumerated",values:["auto","top","middle","bottom"],dflt:"auto",editType:"calc+arraydraw"},yshift:{valType:"number",dflt:0,editType:"calc+arraydraw"},clicktoshow:{valType:"enumerated",values:[!1,"onoff","onout"],dflt:!1,editType:"arraydraw"},xclick:{valType:"any",editType:"arraydraw"},yclick:{valType:"any",editType:"arraydraw"},hovertext:{valType:"string",editType:"arraydraw"},hoverlabel:{bgcolor:{valType:"color",editType:"arraydraw"},bordercolor:{valType:"color",editType:"arraydraw"},font:i({editType:"arraydraw"}),editType:"arraydraw"},captureevents:{valType:"boolean",editType:"arraydraw"},editType:"calc",_deprecated:{ref:{valType:"string",editType:"calc"}}})},{"../../constants/axis_placeable_objects":746,"../../plot_api/plot_template":817,"../../plots/cartesian/constants":834,"../../plots/font_attributes":856,"./arrow_paths":625}],627:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../plots/cartesian/axes"),a=t("./draw").draw;function o(t){var e=t._fullLayout;n.filterVisible(e.annotations).forEach((function(e){var r=i.getFromId(t,e.xref),n=i.getFromId(t,e.yref),a=i.getRefType(e.xref),o=i.getRefType(e.yref);e._extremes={},"range"===a&&s(e,r),"range"===o&&s(e,n)}))}function s(t,e){var r,n=e._id,a=n.charAt(0),o=t[a],s=t["a"+a],l=t[a+"ref"],c=t["a"+a+"ref"],u=t["_"+a+"padplus"],f=t["_"+a+"padminus"],h={x:1,y:-1}[a]*t[a+"shift"],p=3*t.arrowsize*t.arrowwidth||0,d=p+h,g=p-h,m=3*t.startarrowsize*t.arrowwidth||0,v=m+h,y=m-h;if(c===l){var x=i.findExtremes(e,[e.r2c(o)],{ppadplus:d,ppadminus:g}),b=i.findExtremes(e,[e.r2c(s)],{ppadplus:Math.max(u,v),ppadminus:Math.max(f,y)});r={min:[x.min[0],b.min[0]],max:[x.max[0],b.max[0]]}}else v=s?v+s:v,y=s?y-s:y,r=i.findExtremes(e,[e.r2c(o)],{ppadplus:Math.max(u,d,v),ppadminus:Math.max(f,g,y)});t._extremes[n]=r}e.exports=function(t){var e=t._fullLayout;if(n.filterVisible(e.annotations).length&&t._fullData.length)return n.syncOrAsync([a,o],t)}},{"../../lib":778,"../../plots/cartesian/axes":828,"./draw":632}],628:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry"),a=t("../../plot_api/plot_template").arrayEditor;function o(t,e){var r,n,i,a,o,l,c,u=t._fullLayout.annotations,f=[],h=[],p=[],d=(e||[]).length;for(r=0;r0||r.explicitOff.length>0},onClick:function(t,e){var r,s,l=o(t,e),c=l.on,u=l.off.concat(l.explicitOff),f={},h=t._fullLayout.annotations;if(!c.length&&!u.length)return;for(r=0;r2/3?"right":"center"),{center:0,middle:0,left:.5,bottom:-.5,right:-.5,top:.5}[e]}for(var W=!1,X=["x","y"],Z=0;Z1)&&(nt===rt?((pt=it.r2fraction(e["a"+et]))<0||pt>1)&&(W=!0):W=!0),J=it._offset+it.r2p(e[et]),$=.5}else{var dt="domain"===ht;"x"===et?(Q=e[et],J=dt?it._offset+it._length*Q:J=T.l+T.w*Q):(Q=1-e[et],J=dt?it._offset+it._length*Q:J=T.t+T.h*Q),$=e.showarrow?.5:Q}if(e.showarrow){ft.head=J;var gt=e["a"+et];if(tt=ot*H(.5,e.xanchor)-st*H(.5,e.yanchor),nt===rt){var mt=l.getRefType(nt);"domain"===mt?("y"===et&&(gt=1-gt),ft.tail=it._offset+it._length*gt):"paper"===mt?"y"===et?(gt=1-gt,ft.tail=T.t+T.h*gt):ft.tail=T.l+T.w*gt:ft.tail=it._offset+it.r2p(gt),K=tt}else ft.tail=J+gt,K=tt+gt;ft.text=ft.tail+tt;var vt=w["x"===et?"width":"height"];if("paper"===rt&&(ft.head=o.constrain(ft.head,1,vt-1)),"pixel"===nt){var yt=-Math.max(ft.tail-3,ft.text),xt=Math.min(ft.tail+3,ft.text)-vt;yt>0?(ft.tail+=yt,ft.text+=yt):xt>0&&(ft.tail-=xt,ft.text-=xt)}ft.tail+=ut,ft.head+=ut}else K=tt=lt*H($,ct),ft.text=J+tt;ft.text+=ut,tt+=ut,K+=ut,e["_"+et+"padplus"]=lt/2+K,e["_"+et+"padminus"]=lt/2-K,e["_"+et+"size"]=lt,e["_"+et+"shift"]=tt}if(W)R.remove();else{var bt=0,_t=0;if("left"!==e.align&&(bt=(M-b)*("center"===e.align?.5:1)),"top"!==e.valign&&(_t=(D-_)*("middle"===e.valign?.5:1)),f)n.select("svg").attr({x:N+bt-1,y:N+_t}).call(u.setClipUrl,U?C:null,t);else{var wt=N+_t-g.top,Tt=N+bt-g.left;G.call(h.positionText,Tt,wt).call(u.setClipUrl,U?C:null,t)}V.select("rect").call(u.setRect,N,N,M,D),j.call(u.setRect,F/2,F/2,B-F,q-F),R.call(u.setTranslate,Math.round(L.x.text-B/2),Math.round(L.y.text-q/2)),z.attr({transform:"rotate("+I+","+L.x.text+","+L.y.text+")"});var kt,Mt=function(r,n){P.selectAll(".annotation-arrow-g").remove();var l=L.x.head,f=L.y.head,h=L.x.tail+r,p=L.y.tail+n,g=L.x.text+r,b=L.y.text+n,_=o.rotationXYMatrix(I,g,b),w=o.apply2DTransform(_),M=o.apply2DTransform2(_),C=+j.attr("width"),O=+j.attr("height"),D=g-.5*C,F=D+C,B=b-.5*O,N=B+O,U=[[D,B,D,N],[D,N,F,N],[F,N,F,B],[F,B,D,B]].map(M);if(!U.reduce((function(t,e){return t^!!o.segmentsIntersect(l,f,l+1e6,f+1e6,e[0],e[1],e[2],e[3])}),!1)){U.forEach((function(t){var e=o.segmentsIntersect(h,p,l,f,t[0],t[1],t[2],t[3]);e&&(h=e.x,p=e.y)}));var V=e.arrowwidth,q=e.arrowcolor,H=e.arrowside,G=P.append("g").style({opacity:c.opacity(q)}).classed("annotation-arrow-g",!0),Y=G.append("path").attr("d","M"+h+","+p+"L"+l+","+f).style("stroke-width",V+"px").call(c.stroke,c.rgb(q));if(m(Y,H,e),k.annotationPosition&&Y.node().parentNode&&!a){var W=l,X=f;if(e.standoff){var Z=Math.sqrt(Math.pow(l-h,2)+Math.pow(f-p,2));W+=e.standoff*(h-l)/Z,X+=e.standoff*(p-f)/Z}var J,K,Q=G.append("path").classed("annotation-arrow",!0).classed("anndrag",!0).classed("cursor-move",!0).attr({d:"M3,3H-3V-3H3ZM0,0L"+(h-W)+","+(p-X),transform:s(W,X)}).style("stroke-width",V+6+"px").call(c.stroke,"rgba(0,0,0,0)").call(c.fill,"rgba(0,0,0,0)");d.init({element:Q.node(),gd:t,prepFn:function(){var t=u.getTranslate(R);J=t.x,K=t.y,v&&v.autorange&&A(v._name+".autorange",!0),x&&x.autorange&&A(x._name+".autorange",!0)},moveFn:function(t,r){var n=w(J,K),i=n[0]+t,a=n[1]+r;R.call(u.setTranslate,i,a),S("x",y(v,t,"x",T,e)),S("y",y(x,r,"y",T,e)),e.axref===e.xref&&S("ax",y(v,t,"ax",T,e)),e.ayref===e.yref&&S("ay",y(x,r,"ay",T,e)),G.attr("transform",s(t,r)),z.attr({transform:"rotate("+I+","+i+","+a+")"})},doneFn:function(){i.call("_guiRelayout",t,E());var e=document.querySelector(".js-notes-box-panel");e&&e.redraw(e.selectedObj)}})}}};if(e.showarrow&&Mt(0,0),O)d.init({element:R.node(),gd:t,prepFn:function(){kt=z.attr("transform")},moveFn:function(t,r){var n="pointer";if(e.showarrow)e.axref===e.xref?S("ax",y(v,t,"ax",T,e)):S("ax",e.ax+t),e.ayref===e.yref?S("ay",y(x,r,"ay",T.w,e)):S("ay",e.ay+r),Mt(t,r);else{if(a)return;var i,o;if(v)i=y(v,t,"x",T,e);else{var l=e._xsize/T.w,c=e.x+(e._xshift-e.xshift)/T.w-l/2;i=d.align(c+t/T.w,l,0,1,e.xanchor)}if(x)o=y(x,r,"y",T,e);else{var u=e._ysize/T.h,f=e.y-(e._yshift+e.yshift)/T.h-u/2;o=d.align(f-r/T.h,u,0,1,e.yanchor)}S("x",i),S("y",o),v&&x||(n=d.getCursor(v?.5:i,x?.5:o,e.xanchor,e.yanchor))}z.attr({transform:s(t,r)+kt}),p(R,n)},clickFn:function(r,n){e.captureevents&&t.emit("plotly_clickannotation",Y(n))},doneFn:function(){p(R),i.call("_guiRelayout",t,E());var e=document.querySelector(".js-notes-box-panel");e&&e.redraw(e.selectedObj)}})}}}e.exports={draw:function(t){var e=t._fullLayout;e._infolayer.selectAll(".annotation").remove();for(var r=0;r=0,x=e.indexOf("end")>=0,b=d.backoff*m+r.standoff,_=g.backoff*v+r.startstandoff;if("line"===p.nodeName){o={x:+t.attr("x1"),y:+t.attr("y1")},u={x:+t.attr("x2"),y:+t.attr("y2")};var w=o.x-u.x,T=o.y-u.y;if(h=(f=Math.atan2(T,w))+Math.PI,b&&_&&b+_>Math.sqrt(w*w+T*T))return void O();if(b){if(b*b>w*w+T*T)return void O();var k=b*Math.cos(f),M=b*Math.sin(f);u.x+=k,u.y+=M,t.attr({x2:u.x,y2:u.y})}if(_){if(_*_>w*w+T*T)return void O();var A=_*Math.cos(f),S=_*Math.sin(f);o.x-=A,o.y-=S,t.attr({x1:o.x,y1:o.y})}}else if("path"===p.nodeName){var E=p.getTotalLength(),C="";if(E1){c=!0;break}}c?t.fullLayout._infolayer.select(".annotation-"+t.id+'[data-index="'+s+'"]').remove():(l._pdata=i(t.glplot.cameraParams,[e.xaxis.r2l(l.x)*r[0],e.yaxis.r2l(l.y)*r[1],e.zaxis.r2l(l.z)*r[2]]),n(t.graphDiv,l,s,t.id,l._xa,l._ya))}}},{"../../plots/gl3d/project":879,"../annotations/draw":632}],639:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib");e.exports={moduleType:"component",name:"annotations3d",schema:{subplots:{scene:{annotations:t("./attributes")}}},layoutAttributes:t("./attributes"),handleDefaults:t("./defaults"),includeBasePlot:function(t,e){var r=n.subplotsRegistry.gl3d;if(!r)return;for(var a=r.attrRegex,o=Object.keys(t),s=0;s=0))return t;if(3===o)n[o]>1&&(n[o]=1);else if(n[o]>=1)return t}var s=Math.round(255*n[0])+", "+Math.round(255*n[1])+", "+Math.round(255*n[2]);return a?"rgba("+s+", "+n[3]+")":"rgb("+s+")"}a.tinyRGB=function(t){var e=t.toRgb();return"rgb("+Math.round(e.r)+", "+Math.round(e.g)+", "+Math.round(e.b)+")"},a.rgb=function(t){return a.tinyRGB(n(t))},a.opacity=function(t){return t?n(t).getAlpha():0},a.addOpacity=function(t,e){var r=n(t).toRgb();return"rgba("+Math.round(r.r)+", "+Math.round(r.g)+", "+Math.round(r.b)+", "+e+")"},a.combine=function(t,e){var r=n(t).toRgb();if(1===r.a)return n(t).toRgbString();var i=n(e||l).toRgb(),a=1===i.a?i:{r:255*(1-i.a)+i.r*i.a,g:255*(1-i.a)+i.g*i.a,b:255*(1-i.a)+i.b*i.a},o={r:a.r*(1-r.a)+r.r*r.a,g:a.g*(1-r.a)+r.g*r.a,b:a.b*(1-r.a)+r.b*r.a};return n(o).toRgbString()},a.contrast=function(t,e,r){var i=n(t);return 1!==i.getAlpha()&&(i=n(a.combine(t,l))),(i.isDark()?e?i.lighten(e):l:r?i.darken(r):s).toString()},a.stroke=function(t,e){var r=n(e);t.style({stroke:a.tinyRGB(r),"stroke-opacity":r.getAlpha()})},a.fill=function(t,e){var r=n(e);t.style({fill:a.tinyRGB(r),"fill-opacity":r.getAlpha()})},a.clean=function(t){if(t&&"object"==typeof t){var e,r,n,i,o=Object.keys(t);for(e=0;e0?n>=l:n<=l));i++)n>u&&n0?n>=l:n<=l));i++)n>r[0]&&n1){var J=Math.pow(10,Math.floor(Math.log(Z)/Math.LN10));W*=J*c.roundUp(Z/J,[2,5,10]),(Math.abs(L.start)/L.size+1e-6)%1<2e-6&&(Y.tick0=0)}Y.dtick=W}Y.domain=[q+j,q+F-j],Y.setScale(),t.attr("transform",u(Math.round(l.l),Math.round(l.t)));var K,Q=t.select("."+M.cbtitleunshift).attr("transform",u(-Math.round(l.l),-Math.round(l.t))),$=t.select("."+M.cbaxis),tt=0;function et(n,i){var a={propContainer:Y,propName:e._propPrefix+"title",traceIndex:e._traceIndex,_meta:e._meta,placeholder:o._dfltTitle.colorbar,containerGroup:t.select("."+M.cbtitle)},s="h"===n.charAt(0)?n.substr(1):"h"+n;t.selectAll("."+s+",."+s+"-math-group").remove(),g.draw(r,n,f(a,i||{}))}return c.syncOrAsync([a.previousPromises,function(){if(-1!==["top","bottom"].indexOf(A)){var t,r=l.l+(e.x+B)*l.w,n=Y.title.font.size;t="top"===A?(1-(q+F-j))*l.h+l.t+3+.75*n:(1-(q+j))*l.h+l.t-3-.25*n,et(Y._id+"title",{attributes:{x:r,y:t,"text-anchor":"start"}})}},function(){if(-1!==["top","bottom"].indexOf(A)){var a=t.select("."+M.cbtitle),o=a.select("text"),f=[-e.outlinewidth/2,e.outlinewidth/2],h=a.select(".h"+Y._id+"title-math-group").node(),d=15.6;if(o.node()&&(d=parseInt(o.node().style.fontSize,10)*w),h?(tt=p.bBox(h).height)>d&&(f[1]-=(tt-d)/2):o.node()&&!o.classed(M.jsPlaceholder)&&(tt=p.bBox(o.node()).height),tt){if(tt+=5,"top"===A)Y.domain[1]-=tt/l.h,f[1]*=-1;else{Y.domain[0]+=tt/l.h;var g=m.lineCount(o);f[1]+=(1-g)*d}a.attr("transform",u(f[0],f[1])),Y.setScale()}}t.selectAll("."+M.cbfills+",."+M.cblines).attr("transform",u(0,Math.round(l.h*(1-Y.domain[1])))),$.attr("transform",u(0,Math.round(-l.t)));var y=t.select("."+M.cbfills).selectAll("rect."+M.cbfill).attr("style","").data(P);y.enter().append("rect").classed(M.cbfill,!0).style("stroke","none"),y.exit().remove();var x=S.map(Y.c2p).map(Math.round).sort((function(t,e){return t-e}));y.each((function(t,a){var o=[0===a?S[0]:(P[a]+P[a-1])/2,a===P.length-1?S[1]:(P[a]+P[a+1])/2].map(Y.c2p).map(Math.round);o[1]=c.constrain(o[1]+(o[1]>o[0])?1:-1,x[0],x[1]);var s=n.select(this).attr({x:U,width:Math.max(O,2),y:n.min(o),height:Math.max(n.max(o)-n.min(o),2)});if(e._fillgradient)p.gradient(s,r,e._id,"vertical",e._fillgradient,"fill");else{var l=C(t).replace("e-","");s.attr("fill",i(l).toHexString())}}));var b=t.select("."+M.cblines).selectAll("path."+M.cbline).data(v.color&&v.width?z:[]);b.enter().append("path").classed(M.cbline,!0),b.exit().remove(),b.each((function(t){n.select(this).attr("d","M"+U+","+(Math.round(Y.c2p(t))+v.width/2%1)+"h"+O).call(p.lineGroupStyle,v.width,E(t),v.dash)})),$.selectAll("g."+Y._id+"tick,path").remove();var _=U+O+(e.outlinewidth||0)/2-("outside"===e.ticks?1:0),T=s.calcTicks(Y),k=s.getTickSigns(Y)[2];return s.drawTicks(r,Y,{vals:"inside"===Y.ticks?s.clipEnds(Y,T):T,layer:$,path:s.makeTickPath(Y,_,k),transFn:s.makeTransTickFn(Y)}),s.drawLabels(r,Y,{vals:T,layer:$,transFn:s.makeTransTickLabelFn(Y),labelFns:s.makeLabelFns(Y,_)})},function(){if(-1===["top","bottom"].indexOf(A)){var t=Y.title.font.size,e=Y._offset+Y._length/2,i=l.l+(Y.position||0)*l.w+("right"===Y.side?10+t*(Y.showticklabels?1:.5):-10-t*(Y.showticklabels?.5:0));et("h"+Y._id+"title",{avoid:{selection:n.select(r).selectAll("g."+Y._id+"tick"),side:A,offsetLeft:l.l,offsetTop:0,maxShift:o.width},attributes:{x:i,y:e,"text-anchor":"middle"},transform:{rotate:"-90",offset:0}})}},a.previousPromises,function(){var n=O+e.outlinewidth/2;if(-1===Y.ticklabelposition.indexOf("inside")&&(n+=p.bBox($.node()).width),(K=Q.select("text")).node()&&!K.classed(M.jsPlaceholder)){var i,o=Q.select(".h"+Y._id+"title-math-group").node();i=o&&-1!==["top","bottom"].indexOf(A)?p.bBox(o).width:p.bBox(Q.node()).right-U-l.l,n=Math.max(n,i)}var s=2*e.xpad+n+e.borderwidth+e.outlinewidth/2,c=H-G;t.select("."+M.cbbg).attr({x:U-e.xpad-(e.borderwidth+e.outlinewidth)/2,y:G-N,width:Math.max(s,2),height:Math.max(c+2*N,2)}).call(d.fill,e.bgcolor).call(d.stroke,e.bordercolor).style("stroke-width",e.borderwidth),t.selectAll("."+M.cboutline).attr({x:U,y:G+e.ypad+("top"===A?tt:0),width:Math.max(O,2),height:Math.max(c-2*e.ypad-tt,2)}).call(d.stroke,e.outlinecolor).style({fill:"none","stroke-width":e.outlinewidth});var f=({center:.5,right:1}[e.xanchor]||0)*s;t.attr("transform",u(l.l-f,l.t));var h={},g=T[e.yanchor],m=k[e.yanchor];"pixels"===e.lenmode?(h.y=e.y,h.t=c*g,h.b=c*m):(h.t=h.b=0,h.yt=e.y+e.len*g,h.yb=e.y-e.len*m);var v=T[e.xanchor],y=k[e.xanchor];if("pixels"===e.thicknessmode)h.x=e.x,h.l=s*v,h.r=s*y;else{var x=s-O;h.l=x*v,h.r=x*y,h.xl=e.x-e.thickness*v,h.xr=e.x+e.thickness*y}a.autoMargin(r,e._id,h)}],r)}(r,e,t);v&&v.then&&(t._promises||[]).push(v),t._context.edits.colorbarPosition&&function(t,e,r){var n,i,a,s=r._fullLayout._size;l.init({element:t.node(),gd:r,prepFn:function(){n=t.attr("transform"),h(t)},moveFn:function(r,o){t.attr("transform",n+u(r,o)),i=l.align(e._xLeftFrac+r/s.w,e._thickFrac,0,1,e.xanchor),a=l.align(e._yBottomFrac-o/s.h,e._lenFrac,0,1,e.yanchor);var c=l.getCursor(i,a,e.xanchor,e.yanchor);h(t,c)},doneFn:function(){if(h(t),void 0!==i&&void 0!==a){var n={};n[e._propPrefix+"x"]=i,n[e._propPrefix+"y"]=a,void 0!==e._traceIndex?o.call("_guiRestyle",r,n,e._traceIndex):o.call("_guiRelayout",r,n)}}})}(r,e,t)})),e.exit().each((function(e){a.autoMargin(t,e._id)})).remove(),e.order()}}},{"../../constants/alignment":745,"../../lib":778,"../../lib/extend":768,"../../lib/setcursor":799,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"../../plots/cartesian/axis_defaults":830,"../../plots/cartesian/layout_attributes":842,"../../plots/cartesian/position_defaults":845,"../../plots/plots":891,"../../registry":911,"../color":643,"../colorscale/helpers":654,"../dragelement":662,"../drawing":665,"../titles":738,"./constants":645,d3:169,tinycolor2:576}],648:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t){return n.isPlainObject(t.colorbar)}},{"../../lib":778}],649:[function(t,e,r){"use strict";e.exports={moduleType:"component",name:"colorbar",attributes:t("./attributes"),supplyDefaults:t("./defaults"),draw:t("./draw").draw,hasColorbar:t("./has_colorbar")}},{"./attributes":644,"./defaults":646,"./draw":647,"./has_colorbar":648}],650:[function(t,e,r){"use strict";var n=t("../colorbar/attributes"),i=t("../../lib/regex").counter,a=t("./scales.js").scales;Object.keys(a);function o(t){return"`"+t+"`"}e.exports=function(t,e){t=t||"";var r,s=(e=e||{}).cLetter||"c",l=("onlyIfNumerical"in e?e.onlyIfNumerical:Boolean(t),"noScale"in e?e.noScale:"marker.line"===t),c="showScaleDflt"in e?e.showScaleDflt:"z"===s,u="string"==typeof e.colorscaleDflt?a[e.colorscaleDflt]:null,f=e.editTypeOverride||"",h=t?t+".":"";"colorAttr"in e?(r=e.colorAttr,e.colorAttr):o(h+(r={z:"z",c:"color"}[s]));var p=s+"auto",d=s+"min",g=s+"max",m=s+"mid",v=(o(h+p),o(h+d),o(h+g),{});v[d]=v[g]=void 0;var y={};y[p]=!1;var x={};return"color"===r&&(x.color={valType:"color",arrayOk:!0,editType:f||"style"},e.anim&&(x.color.anim=!0)),x[p]={valType:"boolean",dflt:!0,editType:"calc",impliedEdits:v},x[d]={valType:"number",dflt:null,editType:f||"plot",impliedEdits:y},x[g]={valType:"number",dflt:null,editType:f||"plot",impliedEdits:y},x[m]={valType:"number",dflt:null,editType:"calc",impliedEdits:v},x.colorscale={valType:"colorscale",editType:"calc",dflt:u,impliedEdits:{autocolorscale:!1}},x.autocolorscale={valType:"boolean",dflt:!1!==e.autoColorDflt,editType:"calc",impliedEdits:{colorscale:void 0}},x.reversescale={valType:"boolean",dflt:!1,editType:"plot"},l||(x.showscale={valType:"boolean",dflt:c,editType:"calc"},x.colorbar=n),e.noColorAxis||(x.coloraxis={valType:"subplotid",regex:i("coloraxis"),dflt:null,editType:"calc"}),x}},{"../../lib/regex":795,"../colorbar/attributes":644,"./scales.js":658}],651:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../lib"),a=t("./helpers").extractOpts;e.exports=function(t,e,r){var o,s=t._fullLayout,l=r.vals,c=r.containerStr,u=c?i.nestedProperty(e,c).get():e,f=a(u),h=!1!==f.auto,p=f.min,d=f.max,g=f.mid,m=function(){return i.aggNums(Math.min,null,l)},v=function(){return i.aggNums(Math.max,null,l)};(void 0===p?p=m():h&&(p=u._colorAx&&n(p)?Math.min(p,m()):m()),void 0===d?d=v():h&&(d=u._colorAx&&n(d)?Math.max(d,v()):v()),h&&void 0!==g&&(d-g>g-p?p=g-(d-g):d-g=0?s.colorscale.sequential:s.colorscale.sequentialminus,f._sync("colorscale",o))}},{"../../lib":778,"./helpers":654,"fast-isnumeric":241}],652:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./helpers").hasColorscale,a=t("./helpers").extractOpts;e.exports=function(t,e){function r(t,e){var r=t["_"+e];void 0!==r&&(t[e]=r)}function o(t,i){var o=i.container?n.nestedProperty(t,i.container).get():t;if(o)if(o.coloraxis)o._colorAx=e[o.coloraxis];else{var s=a(o),l=s.auto;(l||void 0===s.min)&&r(o,i.min),(l||void 0===s.max)&&r(o,i.max),s.autocolorscale&&r(o,"colorscale")}}for(var s=0;s=0;n--,i++){var a=t[n];r[i]=[1-a[0],a[1]]}return r}function d(t,e){e=e||{};for(var r=t.domain,o=t.range,l=o.length,c=new Array(l),u=0;u4/3-s?o:s}},{}],660:[function(t,e,r){"use strict";var n=t("../../lib"),i=[["sw-resize","s-resize","se-resize"],["w-resize","move","e-resize"],["nw-resize","n-resize","ne-resize"]];e.exports=function(t,e,r,a){return t="left"===r?0:"center"===r?1:"right"===r?2:n.constrain(Math.floor(3*t),0,2),e="bottom"===a?0:"middle"===a?1:"top"===a?2:n.constrain(Math.floor(3*e),0,2),i[e][t]}},{"../../lib":778}],661:[function(t,e,r){"use strict";r.selectMode=function(t){return"lasso"===t||"select"===t},r.drawMode=function(t){return"drawclosedpath"===t||"drawopenpath"===t||"drawline"===t||"drawrect"===t||"drawcircle"===t},r.openMode=function(t){return"drawline"===t||"drawopenpath"===t},r.rectMode=function(t){return"select"===t||"drawline"===t||"drawrect"===t||"drawcircle"===t},r.freeMode=function(t){return"lasso"===t||"drawclosedpath"===t||"drawopenpath"===t},r.selectingOrDrawing=function(t){return r.freeMode(t)||r.rectMode(t)}},{}],662:[function(t,e,r){"use strict";var n=t("mouse-event-offset"),i=t("has-hover"),a=t("has-passive-events"),o=t("../../lib").removeElement,s=t("../../plots/cartesian/constants"),l=e.exports={};l.align=t("./align"),l.getCursor=t("./cursor");var c=t("./unhover");function u(){var t=document.createElement("div");t.className="dragcover";var e=t.style;return e.position="fixed",e.left=0,e.right=0,e.top=0,e.bottom=0,e.zIndex=999999999,e.background="none",document.body.appendChild(t),t}function f(t){return n(t.changedTouches?t.changedTouches[0]:t,document.body)}l.unhover=c.wrapped,l.unhoverRaw=c.raw,l.init=function(t){var e,r,n,c,h,p,d,g,m=t.gd,v=1,y=m._context.doubleClickDelay,x=t.element;m._mouseDownTime||(m._mouseDownTime=0),x.style.pointerEvents="all",x.onmousedown=_,a?(x._ontouchstart&&x.removeEventListener("touchstart",x._ontouchstart),x._ontouchstart=_,x.addEventListener("touchstart",_,{passive:!1})):x.ontouchstart=_;var b=t.clampFn||function(t,e,r){return Math.abs(t)y&&(v=Math.max(v-1,1)),m._dragged)t.doneFn&&t.doneFn();else if(t.clickFn&&t.clickFn(v,p),!g){var r;try{r=new MouseEvent("click",e)}catch(t){var n=f(e);(r=document.createEvent("MouseEvents")).initMouseEvent("click",e.bubbles,e.cancelable,e.view,e.detail,e.screenX,e.screenY,n[0],n[1],e.ctrlKey,e.altKey,e.shiftKey,e.metaKey,e.button,e.relatedTarget)}d.dispatchEvent(r)}m._dragging=!1,m._dragged=!1}else m._dragged=!1}},l.coverSlip=u},{"../../lib":778,"../../plots/cartesian/constants":834,"./align":659,"./cursor":660,"./unhover":663,"has-hover":440,"has-passive-events":441,"mouse-event-offset":484}],663:[function(t,e,r){"use strict";var n=t("../../lib/events"),i=t("../../lib/throttle"),a=t("../../lib/dom").getGraphDiv,o=t("../fx/constants"),s=e.exports={};s.wrapped=function(t,e,r){(t=a(t))._fullLayout&&i.clear(t._fullLayout._uid+o.HOVERID),s.raw(t,e,r)},s.raw=function(t,e){var r=t._fullLayout,i=t._hoverdata;e||(e={}),e.target&&!1===n.triggerHandler(t,"plotly_beforehover",e)||(r._hoverlayer.selectAll("g").remove(),r._hoverlayer.selectAll("line").remove(),r._hoverlayer.selectAll("circle").remove(),t._hoverdata=void 0,e.target&&i&&t.emit("plotly_unhover",{event:e,points:i}))}},{"../../lib/dom":766,"../../lib/events":767,"../../lib/throttle":804,"../fx/constants":677}],664:[function(t,e,r){"use strict";r.dash={valType:"string",values:["solid","dot","dash","longdash","dashdot","longdashdot"],dflt:"solid",editType:"style"}},{}],665:[function(t,e,r){"use strict";var n=t("d3"),i=t("fast-isnumeric"),a=t("tinycolor2"),o=t("../../registry"),s=t("../color"),l=t("../colorscale"),c=t("../../lib"),u=c.strTranslate,f=t("../../lib/svg_text_utils"),h=t("../../constants/xmlns_namespaces"),p=t("../../constants/alignment").LINE_SPACING,d=t("../../constants/interactions").DESELECTDIM,g=t("../../traces/scatter/subtypes"),m=t("../../traces/scatter/make_bubble_size_func"),v=t("../../components/fx/helpers").appendArrayPointValue,y=e.exports={};y.font=function(t,e,r,n){c.isPlainObject(e)&&(n=e.color,r=e.size,e=e.family),e&&t.style("font-family",e),r+1&&t.style("font-size",r+"px"),n&&t.call(s.fill,n)},y.setPosition=function(t,e,r){t.attr("x",e).attr("y",r)},y.setSize=function(t,e,r){t.attr("width",e).attr("height",r)},y.setRect=function(t,e,r,n,i){t.call(y.setPosition,e,r).call(y.setSize,n,i)},y.translatePoint=function(t,e,r,n){var a=r.c2p(t.x),o=n.c2p(t.y);return!!(i(a)&&i(o)&&e.node())&&("text"===e.node().nodeName?e.attr("x",a).attr("y",o):e.attr("transform",u(a,o)),!0)},y.translatePoints=function(t,e,r){t.each((function(t){var i=n.select(this);y.translatePoint(t,i,e,r)}))},y.hideOutsideRangePoint=function(t,e,r,n,i,a){e.attr("display",r.isPtWithinRange(t,i)&&n.isPtWithinRange(t,a)?null:"none")},y.hideOutsideRangePoints=function(t,e){if(e._hasClipOnAxisFalse){var r=e.xaxis,i=e.yaxis;t.each((function(e){var a=e[0].trace,s=a.xcalendar,l=a.ycalendar,c=o.traceIs(a,"bar-like")?".bartext":".point,.textpoint";t.selectAll(c).each((function(t){y.hideOutsideRangePoint(t,n.select(this),r,i,s,l)}))}))}},y.crispRound=function(t,e,r){return e&&i(e)?t._context.staticPlot?e:e<1?1:Math.round(e):r||0},y.singleLineStyle=function(t,e,r,n,i){e.style("fill","none");var a=(((t||[])[0]||{}).trace||{}).line||{},o=r||a.width||0,l=i||a.dash||"";s.stroke(e,n||a.color),y.dashLine(e,l,o)},y.lineGroupStyle=function(t,e,r,i){t.style("fill","none").each((function(t){var a=(((t||[])[0]||{}).trace||{}).line||{},o=e||a.width||0,l=i||a.dash||"";n.select(this).call(s.stroke,r||a.color).call(y.dashLine,l,o)}))},y.dashLine=function(t,e,r){r=+r||0,e=y.dashStyle(e,r),t.style({"stroke-dasharray":e,"stroke-width":r+"px"})},y.dashStyle=function(t,e){e=+e||1;var r=Math.max(e,3);return"solid"===t?t="":"dot"===t?t=r+"px,"+r+"px":"dash"===t?t=3*r+"px,"+3*r+"px":"longdash"===t?t=5*r+"px,"+5*r+"px":"dashdot"===t?t=3*r+"px,"+r+"px,"+r+"px,"+r+"px":"longdashdot"===t&&(t=5*r+"px,"+2*r+"px,"+r+"px,"+2*r+"px"),t},y.singleFillStyle=function(t){var e=(((n.select(t.node()).data()[0]||[])[0]||{}).trace||{}).fillcolor;e&&t.call(s.fill,e)},y.fillGroupStyle=function(t){t.style("stroke-width",0).each((function(t){var e=n.select(this);t[0].trace&&e.call(s.fill,t[0].trace.fillcolor)}))};var x=t("./symbol_defs");y.symbolNames=[],y.symbolFuncs=[],y.symbolNeedLines={},y.symbolNoDot={},y.symbolNoFill={},y.symbolList=[],Object.keys(x).forEach((function(t){var e=x[t],r=e.n;y.symbolList.push(r,String(r),t,r+100,String(r+100),t+"-open"),y.symbolNames[r]=t,y.symbolFuncs[r]=e.f,e.needLine&&(y.symbolNeedLines[r]=!0),e.noDot?y.symbolNoDot[r]=!0:y.symbolList.push(r+200,String(r+200),t+"-dot",r+300,String(r+300),t+"-open-dot"),e.noFill&&(y.symbolNoFill[r]=!0)}));var b=y.symbolNames.length;function _(t,e){var r=t%100;return y.symbolFuncs[r](e)+(t>=200?"M0,0.5L0.5,0L0,-0.5L-0.5,0Z":"")}y.symbolNumber=function(t){if(i(t))t=+t;else if("string"==typeof t){var e=0;t.indexOf("-open")>0&&(e=100,t=t.replace("-open","")),t.indexOf("-dot")>0&&(e+=200,t=t.replace("-dot","")),(t=y.symbolNames.indexOf(t))>=0&&(t+=e)}return t%100>=b||t>=400?0:Math.floor(Math.max(t,0))};var w={x1:1,x2:0,y1:0,y2:0},T={x1:0,x2:0,y1:1,y2:0},k=n.format("~.1f"),M={radial:{node:"radialGradient"},radialreversed:{node:"radialGradient",reversed:!0},horizontal:{node:"linearGradient",attrs:w},horizontalreversed:{node:"linearGradient",attrs:w,reversed:!0},vertical:{node:"linearGradient",attrs:T},verticalreversed:{node:"linearGradient",attrs:T,reversed:!0}};y.gradient=function(t,e,r,i,o,l){for(var u=o.length,f=M[i],h=new Array(u),p=0;p"+v(t);d._gradientUrlQueryParts[y]=1},y.initGradients=function(t){var e=t._fullLayout;c.ensureSingle(e._defs,"g","gradients").selectAll("linearGradient,radialGradient").remove(),e._gradientUrlQueryParts={}},y.pointStyle=function(t,e,r){if(t.size()){var i=y.makePointStyleFns(e);t.each((function(t){y.singlePointStyle(t,n.select(this),e,i,r)}))}},y.singlePointStyle=function(t,e,r,n,i){var a=r.marker,o=a.line;if(e.style("opacity",n.selectedOpacityFn?n.selectedOpacityFn(t):void 0===t.mo?a.opacity:t.mo),n.ms2mrc){var l;l="various"===t.ms||"various"===a.size?3:n.ms2mrc(t.ms),t.mrc=l,n.selectedSizeFn&&(l=t.mrc=n.selectedSizeFn(t));var u=y.symbolNumber(t.mx||a.symbol)||0;t.om=u%200>=100,e.attr("d",_(u,l))}var f,h,p,d=!1;if(t.so)p=o.outlierwidth,h=o.outliercolor,f=a.outliercolor;else{var g=(o||{}).width;p=(t.mlw+1||g+1||(t.trace?(t.trace.marker.line||{}).width:0)+1)-1||0,h="mlc"in t?t.mlcc=n.lineScale(t.mlc):c.isArrayOrTypedArray(o.color)?s.defaultLine:o.color,c.isArrayOrTypedArray(a.color)&&(f=s.defaultLine,d=!0),f="mc"in t?t.mcc=n.markerScale(t.mc):a.color||"rgba(0,0,0,0)",n.selectedColorFn&&(f=n.selectedColorFn(t))}if(t.om)e.call(s.stroke,f).style({"stroke-width":(p||1)+"px",fill:"none"});else{e.style("stroke-width",(t.isBlank?0:p)+"px");var m=a.gradient,v=t.mgt;if(v?d=!0:v=m&&m.type,Array.isArray(v)&&(v=v[0],M[v]||(v=0)),v&&"none"!==v){var x=t.mgc;x?d=!0:x=m.color;var b=r.uid;d&&(b+="-"+t.i),y.gradient(e,i,b,v,[[0,x],[1,f]],"fill")}else s.fill(e,f);p&&s.stroke(e,h)}},y.makePointStyleFns=function(t){var e={},r=t.marker;return e.markerScale=y.tryColorscale(r,""),e.lineScale=y.tryColorscale(r,"line"),o.traceIs(t,"symbols")&&(e.ms2mrc=g.isBubble(t)?m(t):function(){return(r.size||6)/2}),t.selectedpoints&&c.extendFlat(e,y.makeSelectedPointStyleFns(t)),e},y.makeSelectedPointStyleFns=function(t){var e={},r=t.selected||{},n=t.unselected||{},i=t.marker||{},a=r.marker||{},s=n.marker||{},l=i.opacity,u=a.opacity,f=s.opacity,h=void 0!==u,p=void 0!==f;(c.isArrayOrTypedArray(l)||h||p)&&(e.selectedOpacityFn=function(t){var e=void 0===t.mo?i.opacity:t.mo;return t.selected?h?u:e:p?f:d*e});var g=i.color,m=a.color,v=s.color;(m||v)&&(e.selectedColorFn=function(t){var e=t.mcc||g;return t.selected?m||e:v||e});var y=i.size,x=a.size,b=s.size,_=void 0!==x,w=void 0!==b;return o.traceIs(t,"symbols")&&(_||w)&&(e.selectedSizeFn=function(t){var e=t.mrc||y/2;return t.selected?_?x/2:e:w?b/2:e}),e},y.makeSelectedTextStyleFns=function(t){var e={},r=t.selected||{},n=t.unselected||{},i=t.textfont||{},a=r.textfont||{},o=n.textfont||{},l=i.color,c=a.color,u=o.color;return e.selectedTextColorFn=function(t){var e=t.tc||l;return t.selected?c||e:u||(c?e:s.addOpacity(e,d))},e},y.selectedPointStyle=function(t,e){if(t.size()&&e.selectedpoints){var r=y.makeSelectedPointStyleFns(e),i=e.marker||{},a=[];r.selectedOpacityFn&&a.push((function(t,e){t.style("opacity",r.selectedOpacityFn(e))})),r.selectedColorFn&&a.push((function(t,e){s.fill(t,r.selectedColorFn(e))})),r.selectedSizeFn&&a.push((function(t,e){var n=e.mx||i.symbol||0,a=r.selectedSizeFn(e);t.attr("d",_(y.symbolNumber(n),a)),e.mrc2=a})),a.length&&t.each((function(t){for(var e=n.select(this),r=0;r0?r:0}y.textPointStyle=function(t,e,r){if(t.size()){var i;if(e.selectedpoints){var a=y.makeSelectedTextStyleFns(e);i=a.selectedTextColorFn}var o=e.texttemplate,s=r._fullLayout;t.each((function(t){var a=n.select(this),l=o?c.extractOption(t,e,"txt","texttemplate"):c.extractOption(t,e,"tx","text");if(l||0===l){if(o){var u=e._module.formatLabels?e._module.formatLabels(t,e,s):{},h={};v(h,e,t.i);var p=e._meta||{};l=c.texttemplateString(l,u,s._d3locale,h,t,p)}var d=t.tp||e.textposition,g=E(t,e),m=i?i(t):t.tc||e.textfont.color;a.call(y.font,t.tf||e.textfont.family,g,m).text(l).call(f.convertToTspans,r).call(S,d,g,t.mrc)}else a.remove()}))}},y.selectedTextStyle=function(t,e){if(t.size()&&e.selectedpoints){var r=y.makeSelectedTextStyleFns(e);t.each((function(t){var i=n.select(this),a=r.selectedTextColorFn(t),o=t.tp||e.textposition,l=E(t,e);s.fill(i,a),S(i,o,l,t.mrc2||t.mrc)}))}};function C(t,e,r,i){var a=t[0]-e[0],o=t[1]-e[1],s=r[0]-e[0],l=r[1]-e[1],c=Math.pow(a*a+o*o,.25),u=Math.pow(s*s+l*l,.25),f=(u*u*a-c*c*s)*i,h=(u*u*o-c*c*l)*i,p=3*u*(c+u),d=3*c*(c+u);return[[n.round(e[0]+(p&&f/p),2),n.round(e[1]+(p&&h/p),2)],[n.round(e[0]-(d&&f/d),2),n.round(e[1]-(d&&h/d),2)]]}y.smoothopen=function(t,e){if(t.length<3)return"M"+t.join("L");var r,n="M"+t[0],i=[];for(r=1;r=1e4&&(y.savedBBoxes={},P=0),r&&(y.savedBBoxes[r]=m),P++,c.extendFlat({},m)},y.setClipUrl=function(t,e,r){t.attr("clip-path",O(e,r))},y.getTranslate=function(t){var e=(t[t.attr?"attr":"getAttribute"]("transform")||"").replace(/.*\btranslate\((-?\d*\.?\d*)[^-\d]*(-?\d*\.?\d*)[^\d].*/,(function(t,e,r){return[e,r].join(" ")})).split(" ");return{x:+e[0]||0,y:+e[1]||0}},y.setTranslate=function(t,e,r){var n=t.attr?"attr":"getAttribute",i=t.attr?"attr":"setAttribute",a=t[n]("transform")||"";return e=e||0,r=r||0,a=a.replace(/(\btranslate\(.*?\);?)/,"").trim(),a=(a+=u(e,r)).trim(),t[i]("transform",a),a},y.getScale=function(t){var e=(t[t.attr?"attr":"getAttribute"]("transform")||"").replace(/.*\bscale\((\d*\.?\d*)[^\d]*(\d*\.?\d*)[^\d].*/,(function(t,e,r){return[e,r].join(" ")})).split(" ");return{x:+e[0]||1,y:+e[1]||1}},y.setScale=function(t,e,r){var n=t.attr?"attr":"getAttribute",i=t.attr?"attr":"setAttribute",a=t[n]("transform")||"";return e=e||1,r=r||1,a=a.replace(/(\bscale\(.*?\);?)/,"").trim(),a=(a+="scale("+e+","+r+")").trim(),t[i]("transform",a),a};var D=/\s*sc.*/;y.setPointGroupScale=function(t,e,r){if(e=e||1,r=r||1,t){var n=1===e&&1===r?"":"scale("+e+","+r+")";t.each((function(){var t=(this.getAttribute("transform")||"").replace(D,"");t=(t+=n).trim(),this.setAttribute("transform",t)}))}};var R=/translate\([^)]*\)\s*$/;y.setTextPointsScale=function(t,e,r){t&&t.each((function(){var t,i=n.select(this),a=i.select("text");if(a.node()){var o=parseFloat(a.attr("x")||0),s=parseFloat(a.attr("y")||0),l=(i.attr("transform")||"").match(R);t=1===e&&1===r?[]:[u(o,s),"scale("+e+","+r+")",u(-o,-s)],l&&t.push(l),i.attr("transform",t.join(""))}}))}},{"../../components/fx/helpers":679,"../../constants/alignment":745,"../../constants/interactions":752,"../../constants/xmlns_namespaces":754,"../../lib":778,"../../lib/svg_text_utils":803,"../../registry":911,"../../traces/scatter/make_bubble_size_func":1204,"../../traces/scatter/subtypes":1212,"../color":643,"../colorscale":655,"./symbol_defs":666,d3:169,"fast-isnumeric":241,tinycolor2:576}],666:[function(t,e,r){"use strict";var n=t("d3");e.exports={circle:{n:0,f:function(t){var e=n.round(t,2);return"M"+e+",0A"+e+","+e+" 0 1,1 0,-"+e+"A"+e+","+e+" 0 0,1 "+e+",0Z"}},square:{n:1,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"H-"+e+"V-"+e+"H"+e+"Z"}},diamond:{n:2,f:function(t){var e=n.round(1.3*t,2);return"M"+e+",0L0,"+e+"L-"+e+",0L0,-"+e+"Z"}},cross:{n:3,f:function(t){var e=n.round(.4*t,2),r=n.round(1.2*t,2);return"M"+r+","+e+"H"+e+"V"+r+"H-"+e+"V"+e+"H-"+r+"V-"+e+"H-"+e+"V-"+r+"H"+e+"V-"+e+"H"+r+"Z"}},x:{n:4,f:function(t){var e=n.round(.8*t/Math.sqrt(2),2),r="l"+e+","+e,i="l"+e+",-"+e,a="l-"+e+",-"+e,o="l-"+e+","+e;return"M0,"+e+r+i+a+i+a+o+a+o+r+o+r+"Z"}},"triangle-up":{n:5,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return"M-"+e+","+n.round(t/2,2)+"H"+e+"L0,-"+n.round(t,2)+"Z"}},"triangle-down":{n:6,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return"M-"+e+",-"+n.round(t/2,2)+"H"+e+"L0,"+n.round(t,2)+"Z"}},"triangle-left":{n:7,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return"M"+n.round(t/2,2)+",-"+e+"V"+e+"L-"+n.round(t,2)+",0Z"}},"triangle-right":{n:8,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return"M-"+n.round(t/2,2)+",-"+e+"V"+e+"L"+n.round(t,2)+",0Z"}},"triangle-ne":{n:9,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return"M-"+r+",-"+e+"H"+e+"V"+r+"Z"}},"triangle-se":{n:10,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return"M"+e+",-"+r+"V"+e+"H-"+r+"Z"}},"triangle-sw":{n:11,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return"M"+r+","+e+"H-"+e+"V-"+r+"Z"}},"triangle-nw":{n:12,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return"M-"+e+","+r+"V-"+e+"H"+r+"Z"}},pentagon:{n:13,f:function(t){var e=n.round(.951*t,2),r=n.round(.588*t,2),i=n.round(-t,2),a=n.round(-.309*t,2);return"M"+e+","+a+"L"+r+","+n.round(.809*t,2)+"H-"+r+"L-"+e+","+a+"L0,"+i+"Z"}},hexagon:{n:14,f:function(t){var e=n.round(t,2),r=n.round(t/2,2),i=n.round(t*Math.sqrt(3)/2,2);return"M"+i+",-"+r+"V"+r+"L0,"+e+"L-"+i+","+r+"V-"+r+"L0,-"+e+"Z"}},hexagon2:{n:15,f:function(t){var e=n.round(t,2),r=n.round(t/2,2),i=n.round(t*Math.sqrt(3)/2,2);return"M-"+r+","+i+"H"+r+"L"+e+",0L"+r+",-"+i+"H-"+r+"L-"+e+",0Z"}},octagon:{n:16,f:function(t){var e=n.round(.924*t,2),r=n.round(.383*t,2);return"M-"+r+",-"+e+"H"+r+"L"+e+",-"+r+"V"+r+"L"+r+","+e+"H-"+r+"L-"+e+","+r+"V-"+r+"Z"}},star:{n:17,f:function(t){var e=1.4*t,r=n.round(.225*e,2),i=n.round(.951*e,2),a=n.round(.363*e,2),o=n.round(.588*e,2),s=n.round(-e,2),l=n.round(-.309*e,2),c=n.round(.118*e,2),u=n.round(.809*e,2);return"M"+r+","+l+"H"+i+"L"+a+","+c+"L"+o+","+u+"L0,"+n.round(.382*e,2)+"L-"+o+","+u+"L-"+a+","+c+"L-"+i+","+l+"H-"+r+"L0,"+s+"Z"}},hexagram:{n:18,f:function(t){var e=n.round(.66*t,2),r=n.round(.38*t,2),i=n.round(.76*t,2);return"M-"+i+",0l-"+r+",-"+e+"h"+i+"l"+r+",-"+e+"l"+r+","+e+"h"+i+"l-"+r+","+e+"l"+r+","+e+"h-"+i+"l-"+r+","+e+"l-"+r+",-"+e+"h-"+i+"Z"}},"star-triangle-up":{n:19,f:function(t){var e=n.round(t*Math.sqrt(3)*.8,2),r=n.round(.8*t,2),i=n.round(1.6*t,2),a=n.round(4*t,2),o="A "+a+","+a+" 0 0 1 ";return"M-"+e+","+r+o+e+","+r+o+"0,-"+i+o+"-"+e+","+r+"Z"}},"star-triangle-down":{n:20,f:function(t){var e=n.round(t*Math.sqrt(3)*.8,2),r=n.round(.8*t,2),i=n.round(1.6*t,2),a=n.round(4*t,2),o="A "+a+","+a+" 0 0 1 ";return"M"+e+",-"+r+o+"-"+e+",-"+r+o+"0,"+i+o+e+",-"+r+"Z"}},"star-square":{n:21,f:function(t){var e=n.round(1.1*t,2),r=n.round(2*t,2),i="A "+r+","+r+" 0 0 1 ";return"M-"+e+",-"+e+i+"-"+e+","+e+i+e+","+e+i+e+",-"+e+i+"-"+e+",-"+e+"Z"}},"star-diamond":{n:22,f:function(t){var e=n.round(1.4*t,2),r=n.round(1.9*t,2),i="A "+r+","+r+" 0 0 1 ";return"M-"+e+",0"+i+"0,"+e+i+e+",0"+i+"0,-"+e+i+"-"+e+",0Z"}},"diamond-tall":{n:23,f:function(t){var e=n.round(.7*t,2),r=n.round(1.4*t,2);return"M0,"+r+"L"+e+",0L0,-"+r+"L-"+e+",0Z"}},"diamond-wide":{n:24,f:function(t){var e=n.round(1.4*t,2),r=n.round(.7*t,2);return"M0,"+r+"L"+e+",0L0,-"+r+"L-"+e+",0Z"}},hourglass:{n:25,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"H-"+e+"L"+e+",-"+e+"H-"+e+"Z"},noDot:!0},bowtie:{n:26,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"V-"+e+"L-"+e+","+e+"V-"+e+"Z"},noDot:!0},"circle-cross":{n:27,f:function(t){var e=n.round(t,2);return"M0,"+e+"V-"+e+"M"+e+",0H-"+e+"M"+e+",0A"+e+","+e+" 0 1,1 0,-"+e+"A"+e+","+e+" 0 0,1 "+e+",0Z"},needLine:!0,noDot:!0},"circle-x":{n:28,f:function(t){var e=n.round(t,2),r=n.round(t/Math.sqrt(2),2);return"M"+r+","+r+"L-"+r+",-"+r+"M"+r+",-"+r+"L-"+r+","+r+"M"+e+",0A"+e+","+e+" 0 1,1 0,-"+e+"A"+e+","+e+" 0 0,1 "+e+",0Z"},needLine:!0,noDot:!0},"square-cross":{n:29,f:function(t){var e=n.round(t,2);return"M0,"+e+"V-"+e+"M"+e+",0H-"+e+"M"+e+","+e+"H-"+e+"V-"+e+"H"+e+"Z"},needLine:!0,noDot:!0},"square-x":{n:30,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"L-"+e+",-"+e+"M"+e+",-"+e+"L-"+e+","+e+"M"+e+","+e+"H-"+e+"V-"+e+"H"+e+"Z"},needLine:!0,noDot:!0},"diamond-cross":{n:31,f:function(t){var e=n.round(1.3*t,2);return"M"+e+",0L0,"+e+"L-"+e+",0L0,-"+e+"ZM0,-"+e+"V"+e+"M-"+e+",0H"+e},needLine:!0,noDot:!0},"diamond-x":{n:32,f:function(t){var e=n.round(1.3*t,2),r=n.round(.65*t,2);return"M"+e+",0L0,"+e+"L-"+e+",0L0,-"+e+"ZM-"+r+",-"+r+"L"+r+","+r+"M-"+r+","+r+"L"+r+",-"+r},needLine:!0,noDot:!0},"cross-thin":{n:33,f:function(t){var e=n.round(1.4*t,2);return"M0,"+e+"V-"+e+"M"+e+",0H-"+e},needLine:!0,noDot:!0,noFill:!0},"x-thin":{n:34,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"L-"+e+",-"+e+"M"+e+",-"+e+"L-"+e+","+e},needLine:!0,noDot:!0,noFill:!0},asterisk:{n:35,f:function(t){var e=n.round(1.2*t,2),r=n.round(.85*t,2);return"M0,"+e+"V-"+e+"M"+e+",0H-"+e+"M"+r+","+r+"L-"+r+",-"+r+"M"+r+",-"+r+"L-"+r+","+r},needLine:!0,noDot:!0,noFill:!0},hash:{n:36,f:function(t){var e=n.round(t/2,2),r=n.round(t,2);return"M"+e+","+r+"V-"+r+"m-"+r+",0V"+r+"M"+r+","+e+"H-"+r+"m0,-"+r+"H"+r},needLine:!0,noFill:!0},"y-up":{n:37,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return"M-"+e+","+i+"L0,0M"+e+","+i+"L0,0M0,-"+r+"L0,0"},needLine:!0,noDot:!0,noFill:!0},"y-down":{n:38,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return"M-"+e+",-"+i+"L0,0M"+e+",-"+i+"L0,0M0,"+r+"L0,0"},needLine:!0,noDot:!0,noFill:!0},"y-left":{n:39,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return"M"+i+","+e+"L0,0M"+i+",-"+e+"L0,0M-"+r+",0L0,0"},needLine:!0,noDot:!0,noFill:!0},"y-right":{n:40,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return"M-"+i+","+e+"L0,0M-"+i+",-"+e+"L0,0M"+r+",0L0,0"},needLine:!0,noDot:!0,noFill:!0},"line-ew":{n:41,f:function(t){var e=n.round(1.4*t,2);return"M"+e+",0H-"+e},needLine:!0,noDot:!0,noFill:!0},"line-ns":{n:42,f:function(t){var e=n.round(1.4*t,2);return"M0,"+e+"V-"+e},needLine:!0,noDot:!0,noFill:!0},"line-ne":{n:43,f:function(t){var e=n.round(t,2);return"M"+e+",-"+e+"L-"+e+","+e},needLine:!0,noDot:!0,noFill:!0},"line-nw":{n:44,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"L-"+e+",-"+e},needLine:!0,noDot:!0,noFill:!0},"arrow-up":{n:45,f:function(t){var e=n.round(t,2);return"M0,0L-"+e+","+n.round(2*t,2)+"H"+e+"Z"},noDot:!0},"arrow-down":{n:46,f:function(t){var e=n.round(t,2);return"M0,0L-"+e+",-"+n.round(2*t,2)+"H"+e+"Z"},noDot:!0},"arrow-left":{n:47,f:function(t){var e=n.round(2*t,2),r=n.round(t,2);return"M0,0L"+e+",-"+r+"V"+r+"Z"},noDot:!0},"arrow-right":{n:48,f:function(t){var e=n.round(2*t,2),r=n.round(t,2);return"M0,0L-"+e+",-"+r+"V"+r+"Z"},noDot:!0},"arrow-bar-up":{n:49,f:function(t){var e=n.round(t,2);return"M-"+e+",0H"+e+"M0,0L-"+e+","+n.round(2*t,2)+"H"+e+"Z"},needLine:!0,noDot:!0},"arrow-bar-down":{n:50,f:function(t){var e=n.round(t,2);return"M-"+e+",0H"+e+"M0,0L-"+e+",-"+n.round(2*t,2)+"H"+e+"Z"},needLine:!0,noDot:!0},"arrow-bar-left":{n:51,f:function(t){var e=n.round(2*t,2),r=n.round(t,2);return"M0,-"+r+"V"+r+"M0,0L"+e+",-"+r+"V"+r+"Z"},needLine:!0,noDot:!0},"arrow-bar-right":{n:52,f:function(t){var e=n.round(2*t,2),r=n.round(t,2);return"M0,-"+r+"V"+r+"M0,0L-"+e+",-"+r+"V"+r+"Z"},needLine:!0,noDot:!0}}},{d3:169}],667:[function(t,e,r){"use strict";e.exports={visible:{valType:"boolean",editType:"calc"},type:{valType:"enumerated",values:["percent","constant","sqrt","data"],editType:"calc"},symmetric:{valType:"boolean",editType:"calc"},array:{valType:"data_array",editType:"calc"},arrayminus:{valType:"data_array",editType:"calc"},value:{valType:"number",min:0,dflt:10,editType:"calc"},valueminus:{valType:"number",min:0,dflt:10,editType:"calc"},traceref:{valType:"integer",min:0,dflt:0,editType:"style"},tracerefminus:{valType:"integer",min:0,dflt:0,editType:"style"},copy_ystyle:{valType:"boolean",editType:"plot"},copy_zstyle:{valType:"boolean",editType:"style"},color:{valType:"color",editType:"style"},thickness:{valType:"number",min:0,dflt:2,editType:"style"},width:{valType:"number",min:0,editType:"plot"},editType:"calc",_deprecated:{opacity:{valType:"number",editType:"style"}}}},{}],668:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../registry"),a=t("../../plots/cartesian/axes"),o=t("../../lib"),s=t("./compute_error");function l(t,e,r,i){var l=e["error_"+i]||{},c=[];if(l.visible&&-1!==["linear","log"].indexOf(r.type)){for(var u=s(l),f=0;f0;e.each((function(e){var f,h=e[0].trace,p=h.error_x||{},d=h.error_y||{};h.ids&&(f=function(t){return t.id});var g=o.hasMarkers(h)&&h.marker.maxdisplayed>0;d.visible||p.visible||(e=[]);var m=n.select(this).selectAll("g.errorbar").data(e,f);if(m.exit().remove(),e.length){p.visible||m.selectAll("path.xerror").remove(),d.visible||m.selectAll("path.yerror").remove(),m.style("opacity",1);var v=m.enter().append("g").classed("errorbar",!0);u&&v.style("opacity",0).transition().duration(s.duration).style("opacity",1),a.setClipUrl(m,r.layerClipId,t),m.each((function(t){var e=n.select(this),r=function(t,e,r){var n={x:e.c2p(t.x),y:r.c2p(t.y)};void 0!==t.yh&&(n.yh=r.c2p(t.yh),n.ys=r.c2p(t.ys),i(n.ys)||(n.noYS=!0,n.ys=r.c2p(t.ys,!0)));void 0!==t.xh&&(n.xh=e.c2p(t.xh),n.xs=e.c2p(t.xs),i(n.xs)||(n.noXS=!0,n.xs=e.c2p(t.xs,!0)));return n}(t,l,c);if(!g||t.vis){var a,o=e.select("path.yerror");if(d.visible&&i(r.x)&&i(r.yh)&&i(r.ys)){var f=d.width;a="M"+(r.x-f)+","+r.yh+"h"+2*f+"m-"+f+",0V"+r.ys,r.noYS||(a+="m-"+f+",0h"+2*f),!o.size()?o=e.append("path").style("vector-effect","non-scaling-stroke").classed("yerror",!0):u&&(o=o.transition().duration(s.duration).ease(s.easing)),o.attr("d",a)}else o.remove();var h=e.select("path.xerror");if(p.visible&&i(r.y)&&i(r.xh)&&i(r.xs)){var m=(p.copy_ystyle?d:p).width;a="M"+r.xh+","+(r.y-m)+"v"+2*m+"m0,-"+m+"H"+r.xs,r.noXS||(a+="m0,-"+m+"v"+2*m),!h.size()?h=e.append("path").style("vector-effect","non-scaling-stroke").classed("xerror",!0):u&&(h=h.transition().duration(s.duration).ease(s.easing)),h.attr("d",a)}else h.remove()}}))}}))}},{"../../traces/scatter/subtypes":1212,"../drawing":665,d3:169,"fast-isnumeric":241}],673:[function(t,e,r){"use strict";var n=t("d3"),i=t("../color");e.exports=function(t){t.each((function(t){var e=t[0].trace,r=e.error_y||{},a=e.error_x||{},o=n.select(this);o.selectAll("path.yerror").style("stroke-width",r.thickness+"px").call(i.stroke,r.color),a.copy_ystyle&&(a=r),o.selectAll("path.xerror").style("stroke-width",a.thickness+"px").call(i.stroke,a.color)}))}},{"../color":643,d3:169}],674:[function(t,e,r){"use strict";var n=t("../../plots/font_attributes"),i=t("./layout_attributes").hoverlabel,a=t("../../lib/extend").extendFlat;e.exports={hoverlabel:{bgcolor:a({},i.bgcolor,{arrayOk:!0}),bordercolor:a({},i.bordercolor,{arrayOk:!0}),font:n({arrayOk:!0,editType:"none"}),align:a({},i.align,{arrayOk:!0}),namelength:a({},i.namelength,{arrayOk:!0}),editType:"none"}}},{"../../lib/extend":768,"../../plots/font_attributes":856,"./layout_attributes":684}],675:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry");function a(t,e,r,i){i=i||n.identity,Array.isArray(t)&&(e[0][r]=i(t))}e.exports=function(t){var e=t.calcdata,r=t._fullLayout;function o(t){return function(e){return n.coerceHoverinfo({hoverinfo:e},{_module:t._module},r)}}for(var s=0;s=0&&r.indexb[0]._length||tt<0||tt>_[0]._length)return d.unhoverRaw(t,e)}if(e.pointerX=$+b[0]._offset,e.pointerY=tt+_[0]._offset,C="xval"in e?v.flat(s,e.xval):v.p2c(b,$),I="yval"in e?v.flat(s,e.yval):v.p2c(_,tt),!i(C[0])||!i(I[0]))return o.warn("Fx.hover failed",e,t),d.unhoverRaw(t,e)}var nt=1/0;function it(t,r){for(F=0;FY&&(Z.splice(0,Y),nt=Z[0].distance),g&&0!==X&&0===Z.length){G.distance=X,G.index=!1;var f=N._module.hoverPoints(G,q,H,"closest",l._hoverlayer);if(f&&(f=f.filter((function(t){return t.spikeDistance<=X}))),f&&f.length){var h,d=f.filter((function(t){return t.xa.showspikes&&"hovered data"!==t.xa.spikesnap}));if(d.length){var m=d[0];i(m.x0)&&i(m.y0)&&(h=ot(m),(!K.vLinePoint||K.vLinePoint.spikeDistance>h.spikeDistance)&&(K.vLinePoint=h))}var y=f.filter((function(t){return t.ya.showspikes&&"hovered data"!==t.ya.spikesnap}));if(y.length){var x=y[0];i(x.x0)&&i(x.y0)&&(h=ot(x),(!K.hLinePoint||K.hLinePoint.spikeDistance>h.spikeDistance)&&(K.hLinePoint=h))}}}}}function at(t,e){for(var r,n=null,i=1/0,a=0;a1||Z.length>1)||"closest"===S&&Q&&Z.length>1,At=p.combine(l.plot_bgcolor||p.background,l.paper_bgcolor),St={hovermode:S,rotateLabels:Mt,bgColor:At,container:l._hoverlayer,outerContainer:l._paperdiv,commonLabelOpts:l.hoverlabel,hoverdistance:l.hoverdistance},Et=L(Z,St,t);v.isUnifiedHover(S)||(!function(t,e,r){var n,i,a,o,s,l,c,u=0,f=1,h=t.size(),p=new Array(h),d=0;function g(t){var e=t[0],r=t[t.length-1];if(i=e.pmin-e.pos-e.dp+e.size,a=r.pos+r.dp+r.size-e.pmax,i>.01){for(s=t.length-1;s>=0;s--)t[s].dp+=i;n=!1}if(!(a<.01)){if(i<-.01){for(s=t.length-1;s>=0;s--)t[s].dp-=a;n=!1}if(n){var c=0;for(o=0;oe.pmax&&c++;for(o=t.length-1;o>=0&&!(c<=0);o--)(l=t[o]).pos>e.pmax-1&&(l.del=!0,c--);for(o=0;o=0;s--)t[s].dp-=a;for(o=t.length-1;o>=0&&!(c<=0);o--)(l=t[o]).pos+l.dp+l.size>e.pmax&&(l.del=!0,c--)}}}t.each((function(t){var n=t[e],i="x"===n._id.charAt(0),a=n.range;0===d&&a&&a[0]>a[1]!==i&&(f=-1),p[d++]=[{datum:t,traceIndex:t.trace.index,dp:0,pos:t.pos,posref:t.posref,size:t.by*(i?T:1)/2,pmin:0,pmax:i?r.width:r.height}]})),p.sort((function(t,e){return t[0].posref-e[0].posref||f*(e[0].traceIndex-t[0].traceIndex)}));for(;!n&&u<=h;){for(u++,n=!0,o=0;o.01&&y.pmin===x.pmin&&y.pmax===x.pmax){for(s=v.length-1;s>=0;s--)v[s].dp+=i;for(m.push.apply(m,v),p.splice(o+1,1),c=0,s=m.length-1;s>=0;s--)c+=m[s].dp;for(a=c/m.length,s=m.length-1;s>=0;s--)m[s].dp-=a;n=!1}else o++}p.forEach(g)}for(o=p.length-1;o>=0;o--){var b=p[o];for(s=b.length-1;s>=0;s--){var _=b[s],w=_.datum;w.offset=_.dp,w.del=_.del}}}(Et,Mt?"xa":"ya",l),P(Et,Mt,l._invScaleX,l._invScaleY));if(e.target&&e.target.tagName){var Ct=m.getComponentMethod("annotations","hasClickToShow")(t,_t);f(n.select(e.target),Ct?"pointer":"")}if(!e.target||a||!function(t,e,r){if(!r||r.length!==t._hoverdata.length)return!0;for(var n=r.length-1;n>=0;n--){var i=r[n],a=t._hoverdata[n];if(i.curveNumber!==a.curveNumber||String(i.pointNumber)!==String(a.pointNumber)||String(i.pointNumbers)!==String(a.pointNumbers))return!0}return!1}(t,0,bt))return;bt&&t.emit("plotly_unhover",{event:e,points:bt});t.emit("plotly_hover",{event:e,points:t._hoverdata,xaxes:b,yaxes:_,xvals:C,yvals:I})}(t,e,r,a)}))},r.loneHover=function(t,e){var r=!0;Array.isArray(t)||(r=!1,t=[t]);var i=t.map((function(t){return{color:t.color||p.defaultLine,x0:t.x0||t.x||0,x1:t.x1||t.x||0,y0:t.y0||t.y||0,y1:t.y1||t.y||0,xLabel:t.xLabel,yLabel:t.yLabel,zLabel:t.zLabel,text:t.text,name:t.name,idealAlign:t.idealAlign,borderColor:t.borderColor,fontFamily:t.fontFamily,fontSize:t.fontSize,fontColor:t.fontColor,nameLength:t.nameLength,textAlign:t.textAlign,trace:t.trace||{index:0,hoverinfo:""},xa:{_offset:0},ya:{_offset:0},index:0,hovertemplate:t.hovertemplate||!1,eventData:t.eventData||!1,hovertemplateLabels:t.hovertemplateLabels||!1}})),a=n.select(e.container),o=e.outerContainer?n.select(e.outerContainer):a,s={hovermode:"closest",rotateLabels:!1,bgColor:e.bgColor||p.background,container:a,outerContainer:o},l=L(i,s,e.gd),c=0,u=0;l.sort((function(t,e){return t.y0-e.y0})).each((function(t,r){var n=t.y0-t.by/2;t.offset=n-5([\s\S]*)<\/extra>/;function L(t,e,r){var i=r._fullLayout,a=e.hovermode,c=e.rotateLabels,f=e.bgColor,d=e.container,g=e.outerContainer,m=e.commonLabelOpts||{},w=e.fontFamily||y.HOVERFONT,T=e.fontSize||y.HOVERFONTSIZE,k=t[0],M=k.xa,C=k.ya,L="y"===a.charAt(0)?"yLabel":"xLabel",P=k[L],z=(String(P)||"").split(" ")[0],O=g.node().getBoundingClientRect(),D=O.top,R=O.width,F=O.height,B=void 0!==P&&k.distance<=e.hoverdistance&&("x"===a||"y"===a);if(B){var N,j,U=!0;for(N=0;Ni.width-E?(y=i.width-E,l.attr("d","M"+(E-A)+",0L"+E+","+_+A+"v"+_+(2*S+b.height)+"H-"+E+"V"+_+A+"H"+(E-2*A)+"Z")):l.attr("d","M0,0L"+A+","+_+A+"H"+(S+b.width/2)+"v"+_+(2*S+b.height)+"H-"+(S+b.width/2)+"V"+_+A+"H-"+A+"Z")}else{var L,I,z;"right"===C.side?(L="start",I=1,z="",y=M._offset+M._length):(L="end",I=-1,z="-",y=M._offset),x=C._offset+(k.y0+k.y1)/2,c.attr("text-anchor",L),l.attr("d","M0,0L"+z+A+","+A+"V"+(S+b.height/2)+"h"+z+(2*S+b.width)+"V-"+(S+b.height/2)+"H"+z+A+"V-"+A+"Z");var O,R=b.height/2,F=D-b.top-R,B="clip"+i._uid+"commonlabel"+C._id;if(y=0?et-=it:et+=2*S;var at=nt.height+2*S,ot=tt+at>=F;return at<=F&&(tt<=D?tt=C._offset+2*S:ot&&(tt=F-at)),rt.attr("transform",s(et,tt)),rt}var st=d.selectAll("g.hovertext").data(t,(function(t){return E(t)}));return st.enter().append("g").classed("hovertext",!0).each((function(){var t=n.select(this);t.append("rect").call(p.fill,p.addOpacity(f,.8)),t.append("text").classed("name",!0),t.append("path").style("stroke-width","1px"),t.append("text").classed("nums",!0).call(h.font,w,T)})),st.exit().remove(),st.each((function(t){var e=n.select(this).attr("transform",""),o=t.color;Array.isArray(o)&&(o=o[t.eventData[0].pointNumber]);var d=t.bgcolor||o,g=p.combine(p.opacity(d)?d:p.defaultLine,f),m=p.combine(p.opacity(o)?o:p.defaultLine,f),v=t.borderColor||p.contrast(g),y=I(t,B,a,i,P,e),x=y[0],b=y[1],k=e.select("text.nums").call(h.font,t.fontFamily||w,t.fontSize||T,t.fontColor||v).text(x).attr("data-notex",1).call(u.positionText,0,0).call(u.convertToTspans,r),M=e.select("text.name"),E=0,C=0;if(b&&b!==x){M.call(h.font,t.fontFamily||w,t.fontSize||T,m).text(b).attr("data-notex",1).call(u.positionText,0,0).call(u.convertToTspans,r);var L=M.node().getBoundingClientRect();E=L.width+2*S,C=L.height+2*S}else M.remove(),e.select("rect").remove();e.select("path").style({fill:g,stroke:v});var z,O,N=k.node().getBoundingClientRect(),j=t.xa._offset+(t.x0+t.x1)/2,U=t.ya._offset+(t.y0+t.y1)/2,V=Math.abs(t.x1-t.x0),q=Math.abs(t.y1-t.y0),H=N.width+A+S+E;if(t.ty0=D-N.top,t.bx=N.width+2*S,t.by=Math.max(N.height+2*S,C),t.anchor="start",t.txwidth=N.width,t.tx2width=E,t.offset=0,c)t.pos=j,z=U+q/2+H<=F,O=U-q/2-H>=0,"top"!==t.idealAlign&&z||!O?z?(U+=q/2,t.anchor="start"):t.anchor="middle":(U-=q/2,t.anchor="end");else if(t.pos=U,z=j+V/2+H<=R,O=j-V/2-H>=0,"left"!==t.idealAlign&&z||!O)if(z)j+=V/2,t.anchor="start";else{t.anchor="middle";var G=H/2,Y=j+G-R,W=j-G;Y>0&&(j-=Y),W<0&&(j+=-W)}else j-=V/2,t.anchor="end";k.attr("text-anchor",t.anchor),E&&M.attr("text-anchor",t.anchor),e.attr("transform",s(j,U)+(c?l(_):""))})),st}function I(t,e,r,n,i,a){var s="",l="";void 0!==t.nameOverride&&(t.name=t.nameOverride),t.name&&(t.trace._meta&&(t.name=o.templateString(t.name,t.trace._meta)),s=R(t.name,t.nameLength)),void 0!==t.zLabel?(void 0!==t.xLabel&&(l+="x: "+t.xLabel+"
"),void 0!==t.yLabel&&(l+="y: "+t.yLabel+"
"),"choropleth"!==t.trace.type&&"choroplethmapbox"!==t.trace.type&&(l+=(l?"z: ":"")+t.zLabel)):e&&t[r.charAt(0)+"Label"]===i?l=t[("x"===r.charAt(0)?"y":"x")+"Label"]||"":void 0===t.xLabel?void 0!==t.yLabel&&"scattercarpet"!==t.trace.type&&(l=t.yLabel):l=void 0===t.yLabel?t.xLabel:"("+t.xLabel+", "+t.yLabel+")",!t.text&&0!==t.text||Array.isArray(t.text)||(l+=(l?"
":"")+t.text),void 0!==t.extraText&&(l+=(l?"
":"")+t.extraText),a&&""===l&&!t.hovertemplate&&(""===s&&a.remove(),l=s);var c=n._d3locale,u=t.hovertemplate||!1,f=t.hovertemplateLabels||t,h=t.eventData[0]||{};return u&&(l=(l=o.hovertemplateString(u,f,c,h,t.trace._meta)).replace(C,(function(e,r){return s=R(r,t.nameLength),""}))),[l,s]}function P(t,e,r,i){var a=function(t){return t*r},o=function(t){return t*i};t.each((function(t){var r=n.select(this);if(t.del)return r.remove();var i=r.select("text.nums"),s=t.anchor,l="end"===s?-1:1,c={start:1,end:-1,middle:0}[s],f=c*(A+S),p=f+c*(t.txwidth+S),d=0,g=t.offset,m="middle"===s;m&&(f-=t.tx2width/2,p+=t.txwidth/2+S),e&&(g*=-M,d=t.offset*k),r.select("path").attr("d",m?"M-"+a(t.bx/2+t.tx2width/2)+","+o(g-t.by/2)+"h"+a(t.bx)+"v"+o(t.by)+"h-"+a(t.bx)+"Z":"M0,0L"+a(l*A+d)+","+o(A+g)+"v"+o(t.by/2-A)+"h"+a(l*t.bx)+"v-"+o(t.by)+"H"+a(l*A+d)+"V"+o(g-A)+"Z");var v=d+f,y=g+t.ty0-t.by/2+S,x=t.textAlign||"auto";"auto"!==x&&("left"===x&&"start"!==s?(i.attr("text-anchor","start"),v=m?-t.bx/2-t.tx2width/2+S:-t.bx-S):"right"===x&&"end"!==s&&(i.attr("text-anchor","end"),v=m?t.bx/2-t.tx2width/2-S:t.bx+S)),i.call(u.positionText,a(v),o(y)),t.tx2width&&(r.select("text.name").call(u.positionText,a(p+c*S+d),o(g+t.ty0-t.by/2+S)),r.select("rect").call(h.setRect,a(p+(c-1)*t.tx2width/2+d),o(g-t.by/2-1),a(t.tx2width),o(t.by+2)))}))}function z(t,e){var r=t.index,n=t.trace||{},a=t.cd[0],s=t.cd[r]||{};function l(t){return t||i(t)&&0===t}var c=Array.isArray(r)?function(t,e){var i=o.castOption(a,r,t);return l(i)?i:o.extractOption({},n,"",e)}:function(t,e){return o.extractOption(s,n,t,e)};function u(e,r,n){var i=c(r,n);l(i)&&(t[e]=i)}if(u("hoverinfo","hi","hoverinfo"),u("bgcolor","hbg","hoverlabel.bgcolor"),u("borderColor","hbc","hoverlabel.bordercolor"),u("fontFamily","htf","hoverlabel.font.family"),u("fontSize","hts","hoverlabel.font.size"),u("fontColor","htc","hoverlabel.font.color"),u("nameLength","hnl","hoverlabel.namelength"),u("textAlign","hta","hoverlabel.align"),t.posref="y"===e||"closest"===e&&"h"===n.orientation?t.xa._offset+(t.x0+t.x1)/2:t.ya._offset+(t.y0+t.y1)/2,t.x0=o.constrain(t.x0,0,t.xa._length),t.x1=o.constrain(t.x1,0,t.xa._length),t.y0=o.constrain(t.y0,0,t.ya._length),t.y1=o.constrain(t.y1,0,t.ya._length),void 0!==t.xLabelVal&&(t.xLabel="xLabel"in t?t.xLabel:g.hoverLabelText(t.xa,t.xLabelVal),t.xVal=t.xa.c2d(t.xLabelVal)),void 0!==t.yLabelVal&&(t.yLabel="yLabel"in t?t.yLabel:g.hoverLabelText(t.ya,t.yLabelVal),t.yVal=t.ya.c2d(t.yLabelVal)),void 0!==t.zLabelVal&&void 0===t.zLabel&&(t.zLabel=String(t.zLabelVal)),!(isNaN(t.xerr)||"log"===t.xa.type&&t.xerr<=0)){var f=g.tickText(t.xa,t.xa.c2l(t.xerr),"hover").text;void 0!==t.xerrneg?t.xLabel+=" +"+f+" / -"+g.tickText(t.xa,t.xa.c2l(t.xerrneg),"hover").text:t.xLabel+=" \xb1 "+f,"x"===e&&(t.distance+=1)}if(!(isNaN(t.yerr)||"log"===t.ya.type&&t.yerr<=0)){var h=g.tickText(t.ya,t.ya.c2l(t.yerr),"hover").text;void 0!==t.yerrneg?t.yLabel+=" +"+h+" / -"+g.tickText(t.ya,t.ya.c2l(t.yerrneg),"hover").text:t.yLabel+=" \xb1 "+h,"y"===e&&(t.distance+=1)}var p=t.hoverinfo||t.trace.hoverinfo;return p&&"all"!==p&&(-1===(p=Array.isArray(p)?p:p.split("+")).indexOf("x")&&(t.xLabel=void 0),-1===p.indexOf("y")&&(t.yLabel=void 0),-1===p.indexOf("z")&&(t.zLabel=void 0),-1===p.indexOf("text")&&(t.text=void 0),-1===p.indexOf("name")&&(t.name=void 0)),t}function O(t,e,r){var n,i,o=r.container,s=r.fullLayout,l=s._size,c=r.event,u=!!e.hLinePoint,f=!!e.vLinePoint;if(o.selectAll(".spikeline").remove(),f||u){var d=p.combine(s.plot_bgcolor,s.paper_bgcolor);if(u){var m,v,y=e.hLinePoint;n=y&&y.xa,"cursor"===(i=y&&y.ya).spikesnap?(m=c.pointerX,v=c.pointerY):(m=n._offset+y.x,v=i._offset+y.y);var x,b,_=a.readability(y.color,d)<1.5?p.contrast(d):y.color,w=i.spikemode,T=i.spikethickness,k=i.spikecolor||_,M=g.getPxPosition(t,i);if(-1!==w.indexOf("toaxis")||-1!==w.indexOf("across")){if(-1!==w.indexOf("toaxis")&&(x=M,b=m),-1!==w.indexOf("across")){var A=i._counterDomainMin,S=i._counterDomainMax;"free"===i.anchor&&(A=Math.min(A,i.position),S=Math.max(S,i.position)),x=l.l+A*l.w,b=l.l+S*l.w}o.insert("line",":first-child").attr({x1:x,x2:b,y1:v,y2:v,"stroke-width":T,stroke:k,"stroke-dasharray":h.dashStyle(i.spikedash,T)}).classed("spikeline",!0).classed("crisp",!0),o.insert("line",":first-child").attr({x1:x,x2:b,y1:v,y2:v,"stroke-width":T+2,stroke:d}).classed("spikeline",!0).classed("crisp",!0)}-1!==w.indexOf("marker")&&o.insert("circle",":first-child").attr({cx:M+("right"!==i.side?T:-T),cy:v,r:T,fill:k}).classed("spikeline",!0)}if(f){var E,C,L=e.vLinePoint;n=L&&L.xa,i=L&&L.ya,"cursor"===n.spikesnap?(E=c.pointerX,C=c.pointerY):(E=n._offset+L.x,C=i._offset+L.y);var I,P,z=a.readability(L.color,d)<1.5?p.contrast(d):L.color,O=n.spikemode,D=n.spikethickness,R=n.spikecolor||z,F=g.getPxPosition(t,n);if(-1!==O.indexOf("toaxis")||-1!==O.indexOf("across")){if(-1!==O.indexOf("toaxis")&&(I=F,P=C),-1!==O.indexOf("across")){var B=n._counterDomainMin,N=n._counterDomainMax;"free"===n.anchor&&(B=Math.min(B,n.position),N=Math.max(N,n.position)),I=l.t+(1-N)*l.h,P=l.t+(1-B)*l.h}o.insert("line",":first-child").attr({x1:E,x2:E,y1:I,y2:P,"stroke-width":D,stroke:R,"stroke-dasharray":h.dashStyle(n.spikedash,D)}).classed("spikeline",!0).classed("crisp",!0),o.insert("line",":first-child").attr({x1:E,x2:E,y1:I,y2:P,"stroke-width":D+2,stroke:d}).classed("spikeline",!0).classed("crisp",!0)}-1!==O.indexOf("marker")&&o.insert("circle",":first-child").attr({cx:E,cy:F-("top"!==n.side?D:-D),r:D,fill:R}).classed("spikeline",!0)}}}function D(t,e){return!e||(e.vLinePoint!==t._spikepoints.vLinePoint||e.hLinePoint!==t._spikepoints.hLinePoint)}function R(t,e){return u.plainText(t||"",{len:e,allowedTags:["br","sub","sup","b","i","em"]})}},{"../../lib":778,"../../lib/events":767,"../../lib/override_cursor":789,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"../../registry":911,"../color":643,"../dragelement":662,"../drawing":665,"../legend/defaults":695,"../legend/draw":696,"./constants":677,"./helpers":679,d3:169,"fast-isnumeric":241,tinycolor2:576}],681:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../color"),a=t("./helpers").isUnifiedHover;e.exports=function(t,e,r,o){function s(t){o.font[t]||(o.font[t]=e.legend?e.legend.font[t]:e.font[t])}o=o||{},e&&a(e.hovermode)&&(o.font||(o.font={}),s("size"),s("family"),s("color"),e.legend?(o.bgcolor||(o.bgcolor=i.combine(e.legend.bgcolor,e.paper_bgcolor)),o.bordercolor||(o.bordercolor=e.legend.bordercolor)):o.bgcolor||(o.bgcolor=e.paper_bgcolor)),r("hoverlabel.bgcolor",o.bgcolor),r("hoverlabel.bordercolor",o.bordercolor),r("hoverlabel.namelength",o.namelength),n.coerceFont(r,"hoverlabel.font",o.font),r("hoverlabel.align",o.align)}},{"../../lib":778,"../color":643,"./helpers":679}],682:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e,r){function a(r,a){return void 0!==e[r]?e[r]:n.coerce(t,e,i,r,a)}var o,s=a("clickmode");return e._has("cartesian")?s.indexOf("select")>-1?o="closest":(e._isHoriz=function(t,e){for(var r=e._scatterStackOpts||{},n=0;n1){if(!h&&!p&&!d)"independent"===k("pattern")&&(h=!0);m._hasSubplotGrid=h;var x,b,_="top to bottom"===k("roworder"),w=h?.2:.1,T=h?.3:.1;g&&e._splomGridDflt&&(x=e._splomGridDflt.xside,b=e._splomGridDflt.yside),m._domains={x:u("x",k,w,x,y),y:u("y",k,T,b,v,_)}}else delete e.grid}function k(t,e){return n.coerce(r,m,l,t,e)}},contentDefaults:function(t,e){var r=e.grid;if(r&&r._domains){var n,i,a,o,s,l,u,h=t.grid||{},p=e._subplots,d=r._hasSubplotGrid,g=r.rows,m=r.columns,v="independent"===r.pattern,y=r._axisMap={};if(d){var x=h.subplots||[];l=r.subplots=new Array(g);var b=1;for(n=0;n1);if(!1!==g||c.uirevision){var m=a.newContainer(e,"legend");if(_("uirevision",e.uirevision),!1!==g){_("bgcolor",e.paper_bgcolor),_("bordercolor"),_("borderwidth"),i.coerceFont(_,"font",e.font);var v,y,x,b=_("orientation");"h"===b?(v=0,n.getComponentMethod("rangeslider","isVisible")(t.xaxis)?(y=1.1,x="bottom"):(y=-.1,x="top")):(v=1.02,y=1,x="auto"),_("traceorder",h),l.isGrouped(e.legend)&&_("tracegroupgap"),_("itemsizing"),_("itemwidth"),_("itemclick"),_("itemdoubleclick"),_("x",v),_("xanchor"),_("y",y),_("yanchor",x),_("valign"),i.noneOrAll(c,m,["x","y"]),_("title.text")&&(_("title.side","h"===b?"left":"top"),i.coerceFont(_,"title.font",e.font))}}function _(t,e){return i.coerce(c,m,o,t,e)}}},{"../../lib":778,"../../plot_api/plot_template":817,"../../plots/layout_attributes":882,"../../registry":911,"./attributes":693,"./helpers":699}],696:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../plots/plots"),o=t("../../registry"),s=t("../../lib/events"),l=t("../dragelement"),c=t("../drawing"),u=t("../color"),f=t("../../lib/svg_text_utils"),h=t("./handle_click"),p=t("./constants"),d=t("../../constants/alignment"),g=d.LINE_SPACING,m=d.FROM_TL,v=d.FROM_BR,y=t("./get_legend_data"),x=t("./style"),b=t("./helpers");function _(t,e,r,n,i){var a=r.data()[0][0].trace,l={event:i,node:r.node(),curveNumber:a.index,expandedIndex:a._expandedIndex,data:t.data,layout:t.layout,frames:t._transitionData._frames,config:t._context,fullData:t._fullData,fullLayout:t._fullLayout};if(a._group&&(l.group=a._group),o.traceIs(a,"pie-like")&&(l.label=r.datum()[0].label),!1!==s.triggerHandler(t,"plotly_legendclick",l))if(1===n)e._clickTimeout=setTimeout((function(){h(r,t,n)}),t._context.doubleClickDelay);else if(2===n){e._clickTimeout&&clearTimeout(e._clickTimeout),t._legendMouseDownTime=0,!1!==s.triggerHandler(t,"plotly_legenddoubleclick",l)&&h(r,t,n)}}function w(t,e,r){var n,a=t.data()[0][0],s=a.trace,l=o.traceIs(s,"pie-like"),u=s.index,h=r._main&&e._context.edits.legendText&&!l,d=r._maxNameLength;r.entries?n=a.text:(n=l?a.label:s.name,s._meta&&(n=i.templateString(n,s._meta)));var g=i.ensureSingle(t,"text","legendtext");g.attr("text-anchor","start").call(c.font,r.font).text(h?T(n,d):n);var m=r.itemwidth+2*p.itemGap;f.positionText(g,m,0),h?g.call(f.makeEditable,{gd:e,text:n}).call(M,t,e,r).on("edit",(function(n){this.text(T(n,d)).call(M,t,e,r);var s=a.trace._fullInput||{},l={};if(o.hasTransform(s,"groupby")){var c=o.getTransformIndices(s,"groupby"),f=c[c.length-1],h=i.keyedContainer(s,"transforms["+f+"].styles","target","value.name");h.set(a.trace._group,n),l=h.constructUpdate()}else l.name=n;return o.call("_guiRestyle",e,l,u)})):M(g,t,e,r)}function T(t,e){var r=Math.max(4,e);if(t&&t.trim().length>=r/2)return t;for(var n=r-(t=t||"").length;n>0;n--)t+=" ";return t}function k(t,e){var r,a=e._context.doubleClickDelay,o=1,s=i.ensureSingle(t,"rect","legendtoggle",(function(t){e._context.staticPlot||t.style("cursor","pointer").attr("pointer-events","all"),t.call(u.fill,"rgba(0,0,0,0)")}));e._context.staticPlot||(s.on("mousedown",(function(){(r=(new Date).getTime())-e._legendMouseDownTimea&&(o=Math.max(o-1,1)),_(e,r,t,o,n.event)}})))}function M(t,e,r,n){n._main||t.attr("data-notex",!0),f.convertToTspans(t,r,(function(){!function(t,e,r){var n=t.data()[0][0];if(r._main&&n&&!n.trace.showlegend)return void t.remove();var i=t.select("g[class*=math-group]"),a=i.node();r||(r=e._fullLayout.legend);var o,s,l=r.borderwidth,u=(n?r:r.title).font.size*g;if(a){var h=c.bBox(a);o=h.height,s=h.width,n?c.setTranslate(i,0,.25*o):c.setTranslate(i,l,.75*o+l)}else{var d=t.select(n?".legendtext":".legendtitletext"),m=f.lineCount(d),v=d.node();o=u*m,s=v?c.bBox(v).width:0;var y=u*((m-1)/2-.3);if(n){var x=r.itemwidth+2*p.itemGap;f.positionText(d,x,-y)}else f.positionText(d,p.titlePad+l,u+l)}n?(n.lineHeight=u,n.height=Math.max(o,16)+3,n.width=s):(r._titleWidth=s,r._titleHeight=o)}(e,r,n)}))}function A(t){return i.isRightAnchor(t)?"right":i.isCenterAnchor(t)?"center":"left"}function S(t){return i.isBottomAnchor(t)?"bottom":i.isMiddleAnchor(t)?"middle":"top"}e.exports=function(t,e){var r,s=t._fullLayout,f="legend"+s._uid;if(e?(r=e.layer,f+="-hover"):((e=s.legend||{})._main=!0,r=s._infolayer),r){var h;if(t._legendMouseDownTime||(t._legendMouseDownTime=0),e._main){if(!t.calcdata)return;h=s.showlegend&&y(t.calcdata,e)}else{if(!e.entries)return;h=y(e.entries,e)}var d=s.hiddenlabels||[];if(e._main&&(!s.showlegend||!h.length))return r.selectAll(".legend").remove(),s._topdefs.select("#"+f).remove(),a.autoMargin(t,"legend");var g=i.ensureSingle(r,"g","legend",(function(t){e._main&&t.attr("pointer-events","all")})),T=i.ensureSingleById(s._topdefs,"clipPath",f,(function(t){t.append("rect")})),E=i.ensureSingle(g,"rect","bg",(function(t){t.attr("shape-rendering","crispEdges")}));E.call(u.stroke,e.bordercolor).call(u.fill,e.bgcolor).style("stroke-width",e.borderwidth+"px");var C=i.ensureSingle(g,"g","scrollbox"),L=e.title;if(e._titleWidth=0,e._titleHeight=0,L.text){var I=i.ensureSingle(C,"text","legendtitletext");I.attr("text-anchor","start").call(c.font,L.font).text(L.text),M(I,C,t,e)}else C.selectAll(".legendtitletext").remove();var P=i.ensureSingle(g,"rect","scrollbar",(function(t){t.attr(p.scrollBarEnterAttrs).call(u.fill,p.scrollBarColor)})),z=C.selectAll("g.groups").data(h);z.enter().append("g").attr("class","groups"),z.exit().remove();var O=z.selectAll("g.traces").data(i.identity);O.enter().append("g").attr("class","traces"),O.exit().remove(),O.style("opacity",(function(t){var e=t[0].trace;return o.traceIs(e,"pie-like")?-1!==d.indexOf(t[0].label)?.5:1:"legendonly"===e.visible?.5:1})).each((function(){n.select(this).call(w,t,e)})).call(x,t,e).each((function(){e._main&&n.select(this).call(k,t)})),i.syncOrAsync([a.previousPromises,function(){return function(t,e,r,i){var a=t._fullLayout;i||(i=a.legend);var o=a._size,s=b.isVertical(i),l=b.isGrouped(i),u=i.borderwidth,f=2*u,h=p.itemGap,d=i.itemwidth+2*h,g=2*(u+h),m=S(i),v=i.y<0||0===i.y&&"top"===m,y=i.y>1||1===i.y&&"bottom"===m;i._maxHeight=Math.max(v||y?a.height/2:o.h,30);var x=0;i._width=0,i._height=0;var _=function(t){var e=0,r=0,n=t.title.side;n&&(-1!==n.indexOf("left")&&(e=t._titleWidth),-1!==n.indexOf("top")&&(r=t._titleHeight));return[e,r]}(i);if(s)r.each((function(t){var e=t[0].height;c.setTranslate(this,u+_[0],u+_[1]+i._height+e/2+h),i._height+=e,i._width=Math.max(i._width,t[0].width)})),x=d+i._width,i._width+=h+d+f,i._height+=g,l&&(e.each((function(t,e){c.setTranslate(this,0,e*i.tracegroupgap)})),i._height+=(i._lgroupsLength-1)*i.tracegroupgap);else{var w=A(i),T=i.x<0||0===i.x&&"right"===w,k=i.x>1||1===i.x&&"left"===w,M=y||v,E=a.width/2;i._maxWidth=Math.max(T?M&&"left"===w?o.l+o.w:E:k?M&&"right"===w?o.r+o.w:E:o.w,2*d);var C=0,L=0;r.each((function(t){var e=t[0].width+d;C=Math.max(C,e),L+=e})),x=null;var I=0;if(l){var P=0,z=0,O=0;e.each((function(){var t=0,e=0;n.select(this).selectAll("g.traces").each((function(r){var n=r[0].height;c.setTranslate(this,_[0],_[1]+u+h+n/2+e),e+=n,t=Math.max(t,d+r[0].width)})),P=Math.max(P,e);var r=t+h;r+u+z>i._maxWidth&&(I=Math.max(I,z),z=0,O+=P+i.tracegroupgap,P=e),c.setTranslate(this,z,O),z+=r})),i._width=Math.max(I,z)+u,i._height=O+P+g}else{var D=r.size(),R=L+f+(D-1)*h=i._maxWidth&&(I=Math.max(I,j),B=0,N+=F,i._height+=F,F=0),c.setTranslate(this,_[0]+u+B,_[1]+u+N+e/2+h),j=B+r+h,B+=n,F=Math.max(F,e)})),R?(i._width=B+f,i._height=F+g):(i._width=Math.max(I,j)+f,i._height+=F+g)}}i._width=Math.ceil(Math.max(i._width+_[0],i._titleWidth+2*(u+p.titlePad))),i._height=Math.ceil(Math.max(i._height+_[1],i._titleHeight+2*(u+p.itemGap))),i._effHeight=Math.min(i._height,i._maxHeight);var U=t._context.edits,V=U.legendText||U.legendPosition;r.each((function(t){var e=n.select(this).select(".legendtoggle"),r=t[0].height,i=V?d:x||d+t[0].width;s||(i+=h/2),c.setRect(e,0,-r/2,i,r)}))}(t,z,O,e)},function(){if(!e._main||!function(t){var e=t._fullLayout.legend,r=A(e),n=S(e);return a.autoMargin(t,"legend",{x:e.x,y:e.y,l:e._width*m[r],r:e._width*v[r],b:e._effHeight*v[n],t:e._effHeight*m[n]})}(t)){var u,h,d,y,x=s._size,b=e.borderwidth,w=x.l+x.w*e.x-m[A(e)]*e._width,k=x.t+x.h*(1-e.y)-m[S(e)]*e._effHeight;if(e._main&&s.margin.autoexpand){var M=w,L=k;w=i.constrain(w,0,s.width-e._width),k=i.constrain(k,0,s.height-e._effHeight),w!==M&&i.log("Constrain legend.x to make legend fit inside graph"),k!==L&&i.log("Constrain legend.y to make legend fit inside graph")}if(e._main&&c.setTranslate(g,w,k),P.on(".drag",null),g.on("wheel",null),!e._main||e._height<=e._maxHeight||t._context.staticPlot){var I=e._effHeight;e._main||(I=e._height),E.attr({width:e._width-b,height:I-b,x:b/2,y:b/2}),c.setTranslate(C,0,0),T.select("rect").attr({width:e._width-2*b,height:I-2*b,x:b,y:b}),c.setClipUrl(C,f,t),c.setRect(P,0,0,0,0),delete e._scrollY}else{var z,O,D,R=Math.max(p.scrollBarMinHeight,e._effHeight*e._effHeight/e._height),F=e._effHeight-R-2*p.scrollBarMargin,B=e._height-e._effHeight,N=F/B,j=Math.min(e._scrollY||0,B);E.attr({width:e._width-2*b+p.scrollBarWidth+p.scrollBarMargin,height:e._effHeight-b,x:b/2,y:b/2}),T.select("rect").attr({width:e._width-2*b+p.scrollBarWidth+p.scrollBarMargin,height:e._effHeight-2*b,x:b,y:b+j}),c.setClipUrl(C,f,t),q(j,R,N),g.on("wheel",(function(){q(j=i.constrain(e._scrollY+n.event.deltaY/F*B,0,B),R,N),0!==j&&j!==B&&n.event.preventDefault()}));var U=n.behavior.drag().on("dragstart",(function(){var t=n.event.sourceEvent;z="touchstart"===t.type?t.changedTouches[0].clientY:t.clientY,D=j})).on("drag",(function(){var t=n.event.sourceEvent;2===t.buttons||t.ctrlKey||(O="touchmove"===t.type?t.changedTouches[0].clientY:t.clientY,q(j=function(t,e,r){var n=(r-e)/N+t;return i.constrain(n,0,B)}(D,z,O),R,N))}));P.call(U);var V=n.behavior.drag().on("dragstart",(function(){var t=n.event.sourceEvent;"touchstart"===t.type&&(z=t.changedTouches[0].clientY,D=j)})).on("drag",(function(){var t=n.event.sourceEvent;"touchmove"===t.type&&(O=t.changedTouches[0].clientY,q(j=function(t,e,r){var n=(e-r)/N+t;return i.constrain(n,0,B)}(D,z,O),R,N))}));C.call(V)}if(t._context.edits.legendPosition)g.classed("cursor-move",!0),l.init({element:g.node(),gd:t,prepFn:function(){var t=c.getTranslate(g);d=t.x,y=t.y},moveFn:function(t,r){var n=d+t,i=y+r;c.setTranslate(g,n,i),u=l.align(n,0,x.l,x.l+x.w,e.xanchor),h=l.align(i,0,x.t+x.h,x.t,e.yanchor)},doneFn:function(){void 0!==u&&void 0!==h&&o.call("_guiRelayout",t,{"legend.x":u,"legend.y":h})},clickFn:function(e,n){var i=r.selectAll("g.traces").filter((function(){var t=this.getBoundingClientRect();return n.clientX>=t.left&&n.clientX<=t.right&&n.clientY>=t.top&&n.clientY<=t.bottom}));i.size()>0&&_(t,g,i,e,n)}})}function q(r,n,i){e._scrollY=t._fullLayout.legend._scrollY=r,c.setTranslate(C,0,-r),c.setRect(P,e._width,p.scrollBarMargin+r*i,p.scrollBarWidth,n),T.select("rect").attr("y",b+r)}}],t)}}},{"../../constants/alignment":745,"../../lib":778,"../../lib/events":767,"../../lib/svg_text_utils":803,"../../plots/plots":891,"../../registry":911,"../color":643,"../dragelement":662,"../drawing":665,"./constants":694,"./get_legend_data":697,"./handle_click":698,"./helpers":699,"./style":701,d3:169}],697:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("./helpers");e.exports=function(t,e){var r,a,o={},s=[],l=!1,c={},u=0,f=0,h=e._main;function p(t,r){if(""!==t&&i.isGrouped(e))-1===s.indexOf(t)?(s.push(t),l=!0,o[t]=[[r]]):o[t].push([r]);else{var n="~~i"+u;s.push(n),o[n]=[[r]],u++}}for(r=0;r0))return 0;i=e.width}return m?n:Math.min(i,r)};function _(t,e,r){var a=t[0].trace,o=a.marker||{},s=o.line||{},c=r?a.visible&&a.type===r:i.traceIs(a,"bar"),u=n.select(e).select("g.legendpoints").selectAll("path.legend"+r).data(c?[t]:[]);u.enter().append("path").classed("legend"+r,!0).attr("d","M6,6H-6V-6H6Z").attr("transform",x),u.exit().remove(),u.each((function(t){var e=n.select(this),r=t[0],i=b(r.mlw,o.line,5,2);e.style("stroke-width",i+"px").call(l.fill,r.mc||o.color),i&&l.stroke(e,r.mlc||s.color)}))}function w(t,e,r){var o=t[0],s=o.trace,l=r?s.visible&&s.type===r:i.traceIs(s,r),c=n.select(e).select("g.legendpoints").selectAll("path.legend"+r).data(l?[t]:[]);if(c.enter().append("path").classed("legend"+r,!0).attr("d","M6,6H-6V-6H6Z").attr("transform",x),c.exit().remove(),c.size()){var u=(s.marker||{}).line,p=b(h(u.width,o.pts),u,5,2),d=a.minExtend(s,{marker:{line:{width:p}}});d.marker.line.color=u.color;var g=a.minExtend(o,{trace:d});f(c,g,d)}}t.each((function(t){var e=n.select(this),i=a.ensureSingle(e,"g","layers");i.style("opacity",t[0].trace.opacity);var s=r.valign,l=t[0].lineHeight,c=t[0].height;if("middle"!==s&&l&&c){var u={top:1,bottom:-1}[s]*(.5*(l-c+3));i.attr("transform",o(0,u))}else i.attr("transform",null);i.selectAll("g.legendfill").data([t]).enter().append("g").classed("legendfill",!0),i.selectAll("g.legendlines").data([t]).enter().append("g").classed("legendlines",!0);var f=i.selectAll("g.legendsymbols").data([t]);f.enter().append("g").classed("legendsymbols",!0),f.selectAll("g.legendpoints").data([t]).enter().append("g").classed("legendpoints",!0)})).each((function(t){var r,i=t[0].trace,o=[];if(i.visible)switch(i.type){case"histogram2d":case"heatmap":o=[["M-15,-2V4H15V-2Z"]],r=!0;break;case"choropleth":case"choroplethmapbox":o=[["M-6,-6V6H6V-6Z"]],r=!0;break;case"densitymapbox":o=[["M-6,0 a6,6 0 1,0 12,0 a 6,6 0 1,0 -12,0"]],r="radial";break;case"cone":o=[["M-6,2 A2,2 0 0,0 -6,6 V6L6,4Z"],["M-6,-6 A2,2 0 0,0 -6,-2 L6,-4Z"],["M-6,-2 A2,2 0 0,0 -6,2 L6,0Z"]],r=!1;break;case"streamtube":o=[["M-6,2 A2,2 0 0,0 -6,6 H6 A2,2 0 0,1 6,2 Z"],["M-6,-6 A2,2 0 0,0 -6,-2 H6 A2,2 0 0,1 6,-6 Z"],["M-6,-2 A2,2 0 0,0 -6,2 H6 A2,2 0 0,1 6,-2 Z"]],r=!1;break;case"surface":o=[["M-6,-6 A2,3 0 0,0 -6,0 H6 A2,3 0 0,1 6,-6 Z"],["M-6,1 A2,3 0 0,1 -6,6 H6 A2,3 0 0,0 6,0 Z"]],r=!0;break;case"mesh3d":o=[["M-6,6H0L-6,-6Z"],["M6,6H0L6,-6Z"],["M-6,-6H6L0,6Z"]],r=!1;break;case"volume":o=[["M-6,6H0L-6,-6Z"],["M6,6H0L6,-6Z"],["M-6,-6H6L0,6Z"]],r=!0;break;case"isosurface":o=[["M-6,6H0L-6,-6Z"],["M6,6H0L6,-6Z"],["M-6,-6 A12,24 0 0,0 6,-6 L0,6Z"]],r=!1}var u=n.select(this).select("g.legendpoints").selectAll("path.legend3dandfriends").data(o);u.enter().append("path").classed("legend3dandfriends",!0).attr("transform",x).style("stroke-miterlimit",1),u.exit().remove(),u.each((function(t,o){var u,f=n.select(this),h=c(i),p=h.colorscale,g=h.reversescale;if(p){if(!r){var m=p.length;u=0===o?p[g?m-1:0][1]:1===o?p[g?0:m-1][1]:p[Math.floor((m-1)/2)][1]}}else{var v=i.vertexcolor||i.facecolor||i.color;u=a.isArrayOrTypedArray(v)?v[o]||v[0]:v}f.attr("d",t[0]),u?f.call(l.fill,u):f.call((function(t){if(t.size()){var n="legendfill-"+i.uid;s.gradient(t,e,n,d(g,"radial"===r),p,"fill")}}))}))})).each((function(t){var e=t[0].trace,r="waterfall"===e.type;if(t[0]._distinct&&r){var i=t[0].trace[t[0].dir].marker;return t[0].mc=i.color,t[0].mlw=i.line.width,t[0].mlc=i.line.color,_(t,this,"waterfall")}var a=[];e.visible&&r&&(a=t[0].hasTotals?[["increasing","M-6,-6V6H0Z"],["totals","M6,6H0L-6,-6H-0Z"],["decreasing","M6,6V-6H0Z"]]:[["increasing","M-6,-6V6H6Z"],["decreasing","M6,6V-6H-6Z"]]);var o=n.select(this).select("g.legendpoints").selectAll("path.legendwaterfall").data(a);o.enter().append("path").classed("legendwaterfall",!0).attr("transform",x).style("stroke-miterlimit",1),o.exit().remove(),o.each((function(t){var r=n.select(this),i=e[t[0]].marker,a=b(void 0,i.line,5,2);r.attr("d",t[1]).style("stroke-width",a+"px").call(l.fill,i.color),a&&r.call(l.stroke,i.line.color)}))})).each((function(t){_(t,this,"funnel")})).each((function(t){_(t,this)})).each((function(t){var r=t[0].trace,o=n.select(this).select("g.legendpoints").selectAll("path.legendbox").data(r.visible&&i.traceIs(r,"box-violin")?[t]:[]);o.enter().append("path").classed("legendbox",!0).attr("d","M6,6H-6V-6H6Z").attr("transform",x),o.exit().remove(),o.each((function(){var t=n.select(this);if("all"!==r.boxpoints&&"all"!==r.points||0!==l.opacity(r.fillcolor)||0!==l.opacity((r.line||{}).color)){var i=b(void 0,r.line,5,2);t.style("stroke-width",i+"px").call(l.fill,r.fillcolor),i&&l.stroke(t,r.line.color)}else{var c=a.minExtend(r,{marker:{size:m?12:a.constrain(r.marker.size,2,16),sizeref:1,sizemin:1,sizemode:"diameter"}});o.call(s.pointStyle,c,e)}}))})).each((function(t){w(t,this,"funnelarea")})).each((function(t){w(t,this,"pie")})).each((function(t){var r,i,o=t[0],l=o.trace,f=l.visible&&l.fill&&"none"!==l.fill,h=u.hasLines(l),p=l.contours,g=!1,m=!1,y=c(l),x=y.colorscale,_=y.reversescale;if(p){var w=p.coloring;"lines"===w?g=!0:h="none"===w||"heatmap"===w||p.showlines,"constraint"===p.type?f="="!==p._operation:"fill"!==w&&"heatmap"!==w||(m=!0)}var T=u.hasMarkers(l)||u.hasText(l),k=f||m,M=h||g,A=T||!k?"M5,0":M?"M5,-2":"M5,-3",S=n.select(this),E=S.select(".legendfill").selectAll("path").data(f||m?[t]:[]);if(E.enter().append("path").classed("js-fill",!0),E.exit().remove(),E.attr("d",A+"h"+v+"v6h-"+v+"z").call(f?s.fillGroupStyle:function(t){if(t.size()){var r="legendfill-"+l.uid;s.gradient(t,e,r,d(_),x,"fill")}}),h||g){var C=b(void 0,l.line,10,5);i=a.minExtend(l,{line:{width:C}}),r=[a.minExtend(o,{trace:i})]}var L=S.select(".legendlines").selectAll("path").data(h||g?[r]:[]);L.enter().append("path").classed("js-line",!0),L.exit().remove(),L.attr("d",A+(g?"l"+v+",0.0001":"h"+v)).call(h?s.lineGroupStyle:function(t){if(t.size()){var r="legendline-"+l.uid;s.lineGroupStyle(t),s.gradient(t,e,r,d(_),x,"stroke")}})})).each((function(t){var r,i,o=t[0],l=o.trace,c=u.hasMarkers(l),f=u.hasText(l),h=u.hasLines(l);function p(t,e,r,n){var i=a.nestedProperty(l,t).get(),o=a.isArrayOrTypedArray(i)&&e?e(i):i;if(m&&o&&void 0!==n&&(o=n),r){if(or[1])return r[1]}return o}function d(t){return o._distinct&&o.index&&t[o.index]?t[o.index]:t[0]}if(c||f||h){var g={},v={};if(c){g.mc=p("marker.color",d),g.mx=p("marker.symbol",d),g.mo=p("marker.opacity",a.mean,[.2,1]),g.mlc=p("marker.line.color",d),g.mlw=p("marker.line.width",a.mean,[0,5],2),v.marker={sizeref:1,sizemin:1,sizemode:"diameter"};var y=p("marker.size",a.mean,[2,16],12);g.ms=y,v.marker.size=y}h&&(v.line={width:p("line.width",d,[0,10],5)}),f&&(g.tx="Aa",g.tp=p("textposition",d),g.ts=10,g.tc=p("textfont.color",d),g.tf=p("textfont.family",d)),r=[a.minExtend(o,g)],(i=a.minExtend(l,v)).selectedpoints=null,i.texttemplate=null}var b=n.select(this).select("g.legendpoints"),_=b.selectAll("path.scatterpts").data(c?r:[]);_.enter().insert("path",":first-child").classed("scatterpts",!0).attr("transform",x),_.exit().remove(),_.call(s.pointStyle,i,e),c&&(r[0].mrc=3);var w=b.selectAll("g.pointtext").data(f?r:[]);w.enter().append("g").classed("pointtext",!0).append("text").attr("transform",x),w.exit().remove(),w.selectAll("text").call(s.textPointStyle,i,e)})).each((function(t){var e=t[0].trace,r=n.select(this).select("g.legendpoints").selectAll("path.legendcandle").data(e.visible&&"candlestick"===e.type?[t,t]:[]);r.enter().append("path").classed("legendcandle",!0).attr("d",(function(t,e){return e?"M-15,0H-8M-8,6V-6H8Z":"M15,0H8M8,-6V6H-8Z"})).attr("transform",x).style("stroke-miterlimit",1),r.exit().remove(),r.each((function(t,r){var i=n.select(this),a=e[r?"increasing":"decreasing"],o=b(void 0,a.line,5,2);i.style("stroke-width",o+"px").call(l.fill,a.fillcolor),o&&l.stroke(i,a.line.color)}))})).each((function(t){var e=t[0].trace,r=n.select(this).select("g.legendpoints").selectAll("path.legendohlc").data(e.visible&&"ohlc"===e.type?[t,t]:[]);r.enter().append("path").classed("legendohlc",!0).attr("d",(function(t,e){return e?"M-15,0H0M-8,-6V0":"M15,0H0M8,6V0"})).attr("transform",x).style("stroke-miterlimit",1),r.exit().remove(),r.each((function(t,r){var i=n.select(this),a=e[r?"increasing":"decreasing"],o=b(void 0,a.line,5,2);i.style("fill","none").call(s.dashLine,a.line.dash,o),o&&l.stroke(i,a.line.color)}))}))}},{"../../lib":778,"../../registry":911,"../../traces/pie/helpers":1166,"../../traces/pie/style_one":1172,"../../traces/scatter/subtypes":1212,"../color":643,"../colorscale/helpers":654,"../drawing":665,"./constants":694,d3:169}],702:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../plots/plots"),a=t("../../plots/cartesian/axis_ids"),o=t("../../fonts/ploticon"),s=t("../shapes/draw").eraseActiveShape,l=t("../../lib"),c=l._,u=e.exports={};function f(t,e){var r,i,o=e.currentTarget,s=o.getAttribute("data-attr"),l=o.getAttribute("data-val")||!0,c=t._fullLayout,u={},f=a.list(t,null,!0),h=c._cartesianSpikesEnabled;if("zoom"===s){var p,d="in"===l?.5:2,g=(1+d)/2,m=(1-d)/2;for(i=0;i1?(E=["toggleHover"],C=["resetViews"]):d?(S=["zoomInGeo","zoomOutGeo"],E=["hoverClosestGeo"],C=["resetGeo"]):p?(E=["hoverClosest3d"],C=["resetCameraDefault3d","resetCameraLastSave3d"]):x?(S=["zoomInMapbox","zoomOutMapbox"],E=["toggleHover"],C=["resetViewMapbox"]):v?E=["hoverClosestGl2d"]:g?E=["hoverClosestPie"]:_?(E=["hoverClosestCartesian","hoverCompareCartesian"],C=["resetViewSankey"]):E=["toggleHover"];h&&(E=["toggleSpikelines","hoverClosestCartesian","hoverCompareCartesian"]);(function(t){for(var e=0;e0)){var g=function(t,e,r){for(var n=r.filter((function(r){return e[r].anchor===t._id})),i=0,a=0;a=n.max)e=F[r+1];else if(t=n.pmax)e=F[r+1];else if(t0?h+c:c;return{ppad:c,ppadplus:u?d:g,ppadminus:u?g:d}}return{ppad:c}}function u(t,e,r,n,i){var s="category"===t.type||"multicategory"===t.type?t.r2c:t.d2c;if(void 0!==e)return[s(e),s(r)];if(n){var l,c,u,f,h=1/0,p=-1/0,d=n.match(a.segmentRE);for("date"===t.type&&(s=o.decodeDate(s)),l=0;lp&&(p=f)));return p>=h?[h,p]:void 0}}e.exports=function(t){var e=t._fullLayout,r=n.filterVisible(e.shapes);if(r.length&&t._fullData.length)for(var o=0;oy?(k=f,E="y0",M=y,C="y1"):(k=y,E="y1",M=f,C="y0");Z(n),Q(s,r),function(t,e,r){var n=e.xref,i=e.yref,o=a.getFromId(r,n),s=a.getFromId(r,i),l="";"paper"===n||o.autorange||(l+=n);"paper"===i||s.autorange||(l+=i);u.setClipUrl(t,l?"clip"+r._fullLayout._uid+l:null,r)}(e,r,t),X.moveFn="move"===z?J:K,X.altKey=n.altKey},doneFn:function(){if(v(t))return;p(e),$(s),b(e,t,r),n.call("_guiRelayout",t,l.getUpdateObj())},clickFn:function(){if(v(t))return;$(s)}};function Z(r){if(v(t))z=null;else if(R)z="path"===r.target.tagName?"move":"start-point"===r.target.attributes["data-line-point"].value?"resize-over-start-point":"resize-over-end-point";else{var n=X.element.getBoundingClientRect(),i=n.right-n.left,a=n.bottom-n.top,o=r.clientX-n.left,s=r.clientY-n.top,l=!F&&i>10&&a>10&&!r.shiftKey?h.getCursor(o/i,1-s/a):"move";p(e,l),z=l.split("-")[0]}}function J(n,i){if("path"===r.type){var a=function(t){return t},o=a,l=a;O?B("xanchor",r.xanchor=G(x+n)):(o=function(t){return G(q(t)+n)},N&&"date"===N.type&&(o=g.encodeDate(o))),D?B("yanchor",r.yanchor=Y(T+i)):(l=function(t){return Y(H(t)+i)},U&&"date"===U.type&&(l=g.encodeDate(l))),B("path",r.path=w(P,o,l))}else O?B("xanchor",r.xanchor=G(x+n)):(B("x0",r.x0=G(c+n)),B("x1",r.x1=G(m+n))),D?B("yanchor",r.yanchor=Y(T+i)):(B("y0",r.y0=Y(f+i)),B("y1",r.y1=Y(y+i)));e.attr("d",_(t,r)),Q(s,r)}function K(n,i){if(F){var a=function(t){return t},o=a,l=a;O?B("xanchor",r.xanchor=G(x+n)):(o=function(t){return G(q(t)+n)},N&&"date"===N.type&&(o=g.encodeDate(o))),D?B("yanchor",r.yanchor=Y(T+i)):(l=function(t){return Y(H(t)+i)},U&&"date"===U.type&&(l=g.encodeDate(l))),B("path",r.path=w(P,o,l))}else if(R){if("resize-over-start-point"===z){var u=c+n,h=D?f-i:f+i;B("x0",r.x0=O?u:G(u)),B("y0",r.y0=D?h:Y(h))}else if("resize-over-end-point"===z){var p=m+n,d=D?y-i:y+i;B("x1",r.x1=O?p:G(p)),B("y1",r.y1=D?d:Y(d))}}else{var v=function(t){return-1!==z.indexOf(t)},b=v("n"),j=v("s"),V=v("w"),W=v("e"),X=b?k+i:k,Z=j?M+i:M,J=V?A+n:A,K=W?S+n:S;D&&(b&&(X=k-i),j&&(Z=M-i)),(!D&&Z-X>10||D&&X-Z>10)&&(B(E,r[E]=D?X:Y(X)),B(C,r[C]=D?Z:Y(Z))),K-J>10&&(B(L,r[L]=O?J:G(J)),B(I,r[I]=O?K:G(K)))}e.attr("d",_(t,r)),Q(s,r)}function Q(t,e){(O||D)&&function(){var r="path"!==e.type,n=t.selectAll(".visual-cue").data([0]);n.enter().append("path").attr({fill:"#fff","fill-rule":"evenodd",stroke:"#000","stroke-width":1}).classed("visual-cue",!0);var a=q(O?e.xanchor:i.midRange(r?[e.x0,e.x1]:g.extractPathCoords(e.path,d.paramIsX))),o=H(D?e.yanchor:i.midRange(r?[e.y0,e.y1]:g.extractPathCoords(e.path,d.paramIsY)));if(a=g.roundPositionForSharpStrokeRendering(a,1),o=g.roundPositionForSharpStrokeRendering(o,1),O&&D){var s="M"+(a-1-1)+","+(o-1-1)+"h-8v2h8 v8h2v-8 h8v-2h-8 v-8h-2 Z";n.attr("d",s)}else if(O){var l="M"+(a-1-1)+","+(o-9-1)+"v18 h2 v-18 Z";n.attr("d",l)}else{var c="M"+(a-9-1)+","+(o-1-1)+"h18 v2 h-18 Z";n.attr("d",c)}}()}function $(t){t.selectAll(".visual-cue").remove()}h.init(X),W.node().onmousemove=Z}(t,O,l,e,r,z):!0===l.editable&&O.style("pointer-events",I||c.opacity(S)*A<=.5?"stroke":"all");O.node().addEventListener("click",(function(){return function(t,e){if(!y(t))return;var r=+e.node().getAttribute("data-index");if(r>=0){if(r===t._fullLayout._activeShapeIndex)return void T(t);t._fullLayout._activeShapeIndex=r,t._fullLayout._deactivateShape=T,m(t)}}(t,O)}))}}function b(t,e,r){var n=(r.xref+r.yref).replace(/paper/g,"").replace(/[xyz][1-9]* *domain/g,"");u.setClipUrl(t,n?"clip"+e._fullLayout._uid+n:null,e)}function _(t,e){var r,n,o,s,l,c,u,f,h=e.type,p=a.getRefType(e.xref),m=a.getRefType(e.yref),v=a.getFromId(t,e.xref),y=a.getFromId(t,e.yref),x=t._fullLayout._size;if(v?"domain"===p?n=function(t){return v._offset+v._length*t}:(r=g.shapePositionToRange(v),n=function(t){return v._offset+v.r2p(r(t,!0))}):n=function(t){return x.l+x.w*t},y?"domain"===m?s=function(t){return y._offset+y._length*(1-t)}:(o=g.shapePositionToRange(y),s=function(t){return y._offset+y.r2p(o(t,!0))}):s=function(t){return x.t+x.h*(1-t)},"path"===h)return v&&"date"===v.type&&(n=g.decodeDate(n)),y&&"date"===y.type&&(s=g.decodeDate(s)),function(t,e,r){var n=t.path,a=t.xsizemode,o=t.ysizemode,s=t.xanchor,l=t.yanchor;return n.replace(d.segmentRE,(function(t){var n=0,c=t.charAt(0),u=d.paramIsX[c],f=d.paramIsY[c],h=d.numParams[c],p=t.substr(1).replace(d.paramRE,(function(t){return u[n]?t="pixel"===a?e(s)+Number(t):e(t):f[n]&&(t="pixel"===o?r(l)-Number(t):r(t)),++n>h&&(t="X"),t}));return n>h&&(p=p.replace(/[\s,]*X.*/,""),i.log("Ignoring extra params in segment "+t)),c+p}))}(e,n,s);if("pixel"===e.xsizemode){var b=n(e.xanchor);l=b+e.x0,c=b+e.x1}else l=n(e.x0),c=n(e.x1);if("pixel"===e.ysizemode){var _=s(e.yanchor);u=_-e.y0,f=_-e.y1}else u=s(e.y0),f=s(e.y1);if("line"===h)return"M"+l+","+u+"L"+c+","+f;if("rect"===h)return"M"+l+","+u+"H"+c+"V"+f+"H"+l+"Z";var w=(l+c)/2,T=(u+f)/2,k=Math.abs(w-l),M=Math.abs(T-u),A="A"+k+","+M,S=w+k+","+T;return"M"+S+A+" 0 1,1 "+(w+","+(T-M))+A+" 0 0,1 "+S+"Z"}function w(t,e,r){return t.replace(d.segmentRE,(function(t){var n=0,i=t.charAt(0),a=d.paramIsX[i],o=d.paramIsY[i],s=d.numParams[i];return i+t.substr(1).replace(d.paramRE,(function(t){return n>=s||(a[n]?t=e(t):o[n]&&(t=r(t)),n++),t}))}))}function T(t){y(t)&&(t._fullLayout._activeShapeIndex>=0&&(l(t),delete t._fullLayout._activeShapeIndex,m(t)))}e.exports={draw:m,drawOne:x,eraseActiveShape:function(t){if(!y(t))return;l(t);var e=t._fullLayout._activeShapeIndex,r=(t.layout||{}).shapes||[];if(e=0&&f(v),r.attr("d",g(e)),M&&!h)&&(k=function(t,e){for(var r=0;r1&&(2!==t.length||"Z"!==t[1][0])&&(0===T&&(t[0][0]="M"),e[w]=t,y(),x())}}()}}function P(t,r){!function(t,r){if(e.length)for(var n=0;n0&&l0&&(s=s.transition().duration(e.transition.duration).ease(e.transition.easing)),s.attr("transform",l(o-.5*f.gripWidth,e._dims.currentValueTotalHeight))}}function E(t,e){var r=t._dims;return r.inputAreaStart+f.stepInset+(r.inputAreaLength-2*f.stepInset)*Math.min(1,Math.max(0,e))}function C(t,e){var r=t._dims;return Math.min(1,Math.max(0,(e-f.stepInset-r.inputAreaStart)/(r.inputAreaLength-2*f.stepInset-2*r.inputAreaStart)))}function L(t,e,r){var n=r._dims,i=s.ensureSingle(t,"rect",f.railTouchRectClass,(function(n){n.call(M,e,t,r).style("pointer-events","all")}));i.attr({width:n.inputAreaLength,height:Math.max(n.inputAreaWidth,f.tickOffset+r.ticklen+n.labelHeight)}).call(a.fill,r.bgcolor).attr("opacity",0),o.setTranslate(i,0,n.currentValueTotalHeight)}function I(t,e){var r=e._dims,n=r.inputAreaLength-2*f.railInset,i=s.ensureSingle(t,"rect",f.railRectClass);i.attr({width:n,height:f.railWidth,rx:f.railRadius,ry:f.railRadius,"shape-rendering":"crispEdges"}).call(a.stroke,e.bordercolor).call(a.fill,e.bgcolor).style("stroke-width",e.borderwidth+"px"),o.setTranslate(i,f.railInset,.5*(r.inputAreaWidth-f.railWidth)+r.currentValueTotalHeight)}e.exports=function(t){var e=t._fullLayout,r=function(t,e){for(var r=t[f.name],n=[],i=0;i0?[0]:[]);function s(e){e._commandObserver&&(e._commandObserver.remove(),delete e._commandObserver),i.autoMargin(t,m(e))}if(a.enter().append("g").classed(f.containerClassName,!0).style("cursor","ew-resize"),a.exit().each((function(){n.select(this).selectAll("g."+f.groupClassName).each(s)})).remove(),0!==r.length){var l=a.selectAll("g."+f.groupClassName).data(r,v);l.enter().append("g").classed(f.groupClassName,!0),l.exit().each(s).remove();for(var c=0;c0||h<0){var v={left:[-d,0],right:[d,0],top:[0,-d],bottom:[0,d]}[b.side];e.attr("transform",l(v[0],v[1]))}}}return D.call(R),z&&(E?D.on(".opacity",null):(M=0,A=!0,D.text(y).on("mouseover.opacity",(function(){n.select(this).transition().duration(h.SHOW_PLACEHOLDER).style("opacity",1)})).on("mouseout.opacity",(function(){n.select(this).transition().duration(h.HIDE_PLACEHOLDER).style("opacity",0)}))),D.call(f.makeEditable,{gd:t}).on("edit",(function(e){void 0!==x?o.call("_guiRestyle",t,v,e,x):o.call("_guiRelayout",t,v,e)})).on("cancel",(function(){this.text(this.attr("data-unformatted")).call(R)})).on("input",(function(t){this.text(t||" ").call(f.positionText,_.x,_.y)}))),D.classed("js-placeholder",A),T}}},{"../../constants/alignment":745,"../../constants/interactions":752,"../../lib":778,"../../lib/svg_text_utils":803,"../../plots/plots":891,"../../registry":911,"../color":643,"../drawing":665,d3:169,"fast-isnumeric":241}],739:[function(t,e,r){"use strict";var n=t("../../plots/font_attributes"),i=t("../color/attributes"),a=t("../../lib/extend").extendFlat,o=t("../../plot_api/edit_types").overrideAll,s=t("../../plots/pad_attributes"),l=t("../../plot_api/plot_template").templatedArray,c=l("button",{visible:{valType:"boolean"},method:{valType:"enumerated",values:["restyle","relayout","animate","update","skip"],dflt:"restyle"},args:{valType:"info_array",freeLength:!0,items:[{valType:"any"},{valType:"any"},{valType:"any"}]},args2:{valType:"info_array",freeLength:!0,items:[{valType:"any"},{valType:"any"},{valType:"any"}]},label:{valType:"string",dflt:""},execute:{valType:"boolean",dflt:!0}});e.exports=o(l("updatemenu",{_arrayAttrRegexps:[/^updatemenus\[(0|[1-9][0-9]+)\]\.buttons/],visible:{valType:"boolean"},type:{valType:"enumerated",values:["dropdown","buttons"],dflt:"dropdown"},direction:{valType:"enumerated",values:["left","right","up","down"],dflt:"down"},active:{valType:"integer",min:-1,dflt:0},showactive:{valType:"boolean",dflt:!0},buttons:c,x:{valType:"number",min:-2,max:3,dflt:-.05},xanchor:{valType:"enumerated",values:["auto","left","center","right"],dflt:"right"},y:{valType:"number",min:-2,max:3,dflt:1},yanchor:{valType:"enumerated",values:["auto","top","middle","bottom"],dflt:"top"},pad:a(s({editType:"arraydraw"}),{}),font:n({}),bgcolor:{valType:"color"},bordercolor:{valType:"color",dflt:i.borderLine},borderwidth:{valType:"number",min:0,dflt:1,editType:"arraydraw"}}),"arraydraw","from-root")},{"../../lib/extend":768,"../../plot_api/edit_types":810,"../../plot_api/plot_template":817,"../../plots/font_attributes":856,"../../plots/pad_attributes":890,"../color/attributes":642}],740:[function(t,e,r){"use strict";e.exports={name:"updatemenus",containerClassName:"updatemenu-container",headerGroupClassName:"updatemenu-header-group",headerClassName:"updatemenu-header",headerArrowClassName:"updatemenu-header-arrow",dropdownButtonGroupClassName:"updatemenu-dropdown-button-group",dropdownButtonClassName:"updatemenu-dropdown-button",buttonClassName:"updatemenu-button",itemRectClassName:"updatemenu-item-rect",itemTextClassName:"updatemenu-item-text",menuIndexAttrName:"updatemenu-active-index",autoMarginIdRoot:"updatemenu-",blankHeaderOpts:{label:" "},minWidth:30,minHeight:30,textPadX:24,arrowPadX:16,rx:2,ry:2,textOffsetX:12,textOffsetY:3,arrowOffsetX:4,gapButtonHeader:5,gapButton:2,activeColor:"#F4FAFF",hoverColor:"#F4FAFF",arrowSymbol:{left:"\u25c4",right:"\u25ba",up:"\u25b2",down:"\u25bc"}}},{}],741:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../plots/array_container_defaults"),a=t("./attributes"),o=t("./constants").name,s=a.buttons;function l(t,e,r){function o(r,i){return n.coerce(t,e,a,r,i)}o("visible",i(t,e,{name:"buttons",handleItemDefaults:c}).length>0)&&(o("active"),o("direction"),o("type"),o("showactive"),o("x"),o("y"),n.noneOrAll(t,e,["x","y"]),o("xanchor"),o("yanchor"),o("pad.t"),o("pad.r"),o("pad.b"),o("pad.l"),n.coerceFont(o,"font",r.font),o("bgcolor",r.paper_bgcolor),o("bordercolor"),o("borderwidth"))}function c(t,e){function r(r,i){return n.coerce(t,e,s,r,i)}r("visible","skip"===t.method||Array.isArray(t.args))&&(r("method"),r("args"),r("args2"),r("label"),r("execute"))}e.exports=function(t,e){i(t,e,{name:o,handleItemDefaults:l})}},{"../../lib":778,"../../plots/array_container_defaults":823,"./attributes":739,"./constants":740}],742:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../plots/plots"),a=t("../color"),o=t("../drawing"),s=t("../../lib"),l=t("../../lib/svg_text_utils"),c=t("../../plot_api/plot_template").arrayEditor,u=t("../../constants/alignment").LINE_SPACING,f=t("./constants"),h=t("./scrollbox");function p(t){return t._index}function d(t,e){return+t.attr(f.menuIndexAttrName)===e._index}function g(t,e,r,n,i,a,o,s){e.active=o,c(t.layout,f.name,e).applyUpdate("active",o),"buttons"===e.type?v(t,n,null,null,e):"dropdown"===e.type&&(i.attr(f.menuIndexAttrName,"-1"),m(t,n,i,a,e),s||v(t,n,i,a,e))}function m(t,e,r,n,i){var a=s.ensureSingle(e,"g",f.headerClassName,(function(t){t.style("pointer-events","all")})),l=i._dims,c=i.active,u=i.buttons[c]||f.blankHeaderOpts,h={y:i.pad.t,yPad:0,x:i.pad.l,xPad:0,index:0},p={width:l.headerWidth,height:l.headerHeight};a.call(y,i,u,t).call(A,i,h,p),s.ensureSingle(e,"text",f.headerArrowClassName,(function(t){t.attr("text-anchor","end").call(o.font,i.font).text(f.arrowSymbol[i.direction])})).attr({x:l.headerWidth-f.arrowOffsetX+i.pad.l,y:l.headerHeight/2+f.textOffsetY+i.pad.t}),a.on("click",(function(){r.call(S,String(d(r,i)?-1:i._index)),v(t,e,r,n,i)})),a.on("mouseover",(function(){a.call(w)})),a.on("mouseout",(function(){a.call(T,i)})),o.setTranslate(e,l.lx,l.ly)}function v(t,e,r,a,o){r||(r=e).attr("pointer-events","all");var l=function(t){return-1==+t.attr(f.menuIndexAttrName)}(r)&&"buttons"!==o.type?[]:o.buttons,c="dropdown"===o.type?f.dropdownButtonClassName:f.buttonClassName,u=r.selectAll("g."+c).data(s.filterVisible(l)),h=u.enter().append("g").classed(c,!0),p=u.exit();"dropdown"===o.type?(h.attr("opacity","0").transition().attr("opacity","1"),p.transition().attr("opacity","0").remove()):p.remove();var d=0,m=0,v=o._dims,x=-1!==["up","down"].indexOf(o.direction);"dropdown"===o.type&&(x?m=v.headerHeight+f.gapButtonHeader:d=v.headerWidth+f.gapButtonHeader),"dropdown"===o.type&&"up"===o.direction&&(m=-f.gapButtonHeader+f.gapButton-v.openHeight),"dropdown"===o.type&&"left"===o.direction&&(d=-f.gapButtonHeader+f.gapButton-v.openWidth);var b={x:v.lx+d+o.pad.l,y:v.ly+m+o.pad.t,yPad:f.gapButton,xPad:f.gapButton,index:0},k={l:b.x+o.borderwidth,t:b.y+o.borderwidth};u.each((function(s,l){var c=n.select(this);c.call(y,o,s,t).call(A,o,b),c.on("click",(function(){n.event.defaultPrevented||(s.execute&&(s.args2&&o.active===l?(g(t,o,0,e,r,a,-1),i.executeAPICommand(t,s.method,s.args2)):(g(t,o,0,e,r,a,l),i.executeAPICommand(t,s.method,s.args))),t.emit("plotly_buttonclicked",{menu:o,button:s,active:o.active}))})),c.on("mouseover",(function(){c.call(w)})),c.on("mouseout",(function(){c.call(T,o),u.call(_,o)}))})),u.call(_,o),x?(k.w=Math.max(v.openWidth,v.headerWidth),k.h=b.y-k.t):(k.w=b.x-k.l,k.h=Math.max(v.openHeight,v.headerHeight)),k.direction=o.direction,a&&(u.size()?function(t,e,r,n,i,a){var o,s,l,c=i.direction,u="up"===c||"down"===c,h=i._dims,p=i.active;if(u)for(s=0,l=0;l0?[0]:[]);if(o.enter().append("g").classed(f.containerClassName,!0).style("cursor","pointer"),o.exit().each((function(){n.select(this).selectAll("g."+f.headerGroupClassName).each(a)})).remove(),0!==r.length){var l=o.selectAll("g."+f.headerGroupClassName).data(r,p);l.enter().append("g").classed(f.headerGroupClassName,!0);for(var c=s.ensureSingle(o,"g",f.dropdownButtonGroupClassName,(function(t){t.style("pointer-events","all")})),u=0;uw,M=s.barLength+2*s.barPad,A=s.barWidth+2*s.barPad,S=d,E=m+v;E+A>c&&(E=c-A);var C=this.container.selectAll("rect.scrollbar-horizontal").data(k?[0]:[]);C.exit().on(".drag",null).remove(),C.enter().append("rect").classed("scrollbar-horizontal",!0).call(i.fill,s.barColor),k?(this.hbar=C.attr({rx:s.barRadius,ry:s.barRadius,x:S,y:E,width:M,height:A}),this._hbarXMin=S+M/2,this._hbarTranslateMax=w-M):(delete this.hbar,delete this._hbarXMin,delete this._hbarTranslateMax);var L=v>T,I=s.barWidth+2*s.barPad,P=s.barLength+2*s.barPad,z=d+g,O=m;z+I>l&&(z=l-I);var D=this.container.selectAll("rect.scrollbar-vertical").data(L?[0]:[]);D.exit().on(".drag",null).remove(),D.enter().append("rect").classed("scrollbar-vertical",!0).call(i.fill,s.barColor),L?(this.vbar=D.attr({rx:s.barRadius,ry:s.barRadius,x:z,y:O,width:I,height:P}),this._vbarYMin=O+P/2,this._vbarTranslateMax=T-P):(delete this.vbar,delete this._vbarYMin,delete this._vbarTranslateMax);var R=this.id,F=u-.5,B=L?f+I+.5:f+.5,N=h-.5,j=k?p+A+.5:p+.5,U=o._topdefs.selectAll("#"+R).data(k||L?[0]:[]);if(U.exit().remove(),U.enter().append("clipPath").attr("id",R).append("rect"),k||L?(this._clipRect=U.select("rect").attr({x:Math.floor(F),y:Math.floor(N),width:Math.ceil(B)-Math.floor(F),height:Math.ceil(j)-Math.floor(N)}),this.container.call(a.setClipUrl,R,this.gd),this.bg.attr({x:d,y:m,width:g,height:v})):(this.bg.attr({width:0,height:0}),this.container.on("wheel",null).on(".drag",null).call(a.setClipUrl,null),delete this._clipRect),k||L){var V=n.behavior.drag().on("dragstart",(function(){n.event.sourceEvent.preventDefault()})).on("drag",this._onBoxDrag.bind(this));this.container.on("wheel",null).on("wheel",this._onBoxWheel.bind(this)).on(".drag",null).call(V);var q=n.behavior.drag().on("dragstart",(function(){n.event.sourceEvent.preventDefault(),n.event.sourceEvent.stopPropagation()})).on("drag",this._onBarDrag.bind(this));k&&this.hbar.on(".drag",null).call(q),L&&this.vbar.on(".drag",null).call(q)}this.setTranslate(e,r)},s.prototype.disable=function(){(this.hbar||this.vbar)&&(this.bg.attr({width:0,height:0}),this.container.on("wheel",null).on(".drag",null).call(a.setClipUrl,null),delete this._clipRect),this.hbar&&(this.hbar.on(".drag",null),this.hbar.remove(),delete this.hbar,delete this._hbarXMin,delete this._hbarTranslateMax),this.vbar&&(this.vbar.on(".drag",null),this.vbar.remove(),delete this.vbar,delete this._vbarYMin,delete this._vbarTranslateMax)},s.prototype._onBoxDrag=function(){var t=this.translateX,e=this.translateY;this.hbar&&(t-=n.event.dx),this.vbar&&(e-=n.event.dy),this.setTranslate(t,e)},s.prototype._onBoxWheel=function(){var t=this.translateX,e=this.translateY;this.hbar&&(t+=n.event.deltaY),this.vbar&&(e+=n.event.deltaY),this.setTranslate(t,e)},s.prototype._onBarDrag=function(){var t=this.translateX,e=this.translateY;if(this.hbar){var r=t+this._hbarXMin,i=r+this._hbarTranslateMax;t=(o.constrain(n.event.x,r,i)-r)/(i-r)*(this.position.w-this._box.w)}if(this.vbar){var a=e+this._vbarYMin,s=a+this._vbarTranslateMax;e=(o.constrain(n.event.y,a,s)-a)/(s-a)*(this.position.h-this._box.h)}this.setTranslate(t,e)},s.prototype.setTranslate=function(t,e){var r=this.position.w-this._box.w,n=this.position.h-this._box.h;if(t=o.constrain(t||0,0,r),e=o.constrain(e||0,0,n),this.translateX=t,this.translateY=e,this.container.call(a.setTranslate,this._box.l-this.position.l-t,this._box.t-this.position.t-e),this._clipRect&&this._clipRect.attr({x:Math.floor(this.position.l+t-.5),y:Math.floor(this.position.t+e-.5)}),this.hbar){var i=t/r;this.hbar.call(a.setTranslate,t+i*this._hbarTranslateMax,e)}if(this.vbar){var s=e/n;this.vbar.call(a.setTranslate,t,e+s*this._vbarTranslateMax)}}},{"../../lib":778,"../color":643,"../drawing":665,d3:169}],745:[function(t,e,r){"use strict";e.exports={FROM_BL:{left:0,center:.5,right:1,bottom:0,middle:.5,top:1},FROM_TL:{left:0,center:.5,right:1,bottom:1,middle:.5,top:0},FROM_BR:{left:1,center:.5,right:0,bottom:0,middle:.5,top:1},LINE_SPACING:1.3,CAP_SHIFT:.7,MID_SHIFT:.35,OPPOSITE_SIDE:{left:"right",right:"left",top:"bottom",bottom:"top"}}},{}],746:[function(t,e,r){"use strict";e.exports={axisRefDescription:function(t,e,r){return["If set to a",t,"axis id (e.g. *"+t+"* or","*"+t+"2*), the `"+t+"` position refers to a",t,"coordinate. If set to *paper*, the `"+t+"`","position refers to the distance from the",e,"of the plotting","area in normalized coordinates where *0* (*1*) corresponds to the",e,"("+r+"). If set to a",t,"axis ID followed by","*domain* (separated by a space), the position behaves like for","*paper*, but refers to the distance in fractions of the domain","length from the",e,"of the domain of that axis: e.g.,","*"+t+"2 domain* refers to the domain of the second",t," axis and a",t,"position of 0.5 refers to the","point between the",e,"and the",r,"of the domain of the","second",t,"axis."].join(" ")}}},{}],747:[function(t,e,r){"use strict";e.exports={INCREASING:{COLOR:"#3D9970",SYMBOL:"\u25b2"},DECREASING:{COLOR:"#FF4136",SYMBOL:"\u25bc"}}},{}],748:[function(t,e,r){"use strict";e.exports={FORMAT_LINK:"https://github.com/d3/d3-3.x-api-reference/blob/master/Formatting.md#d3_format",DATE_FORMAT_LINK:"https://github.com/d3/d3-time-format#locale_format"}},{}],749:[function(t,e,r){"use strict";e.exports={COMPARISON_OPS:["=","!=","<",">=",">","<="],COMPARISON_OPS2:["=","<",">=",">","<="],INTERVAL_OPS:["[]","()","[)","(]","][",")(","](",")["],SET_OPS:["{}","}{"],CONSTRAINT_REDUCTION:{"=":"=","<":"<","<=":"<",">":">",">=":">","[]":"[]","()":"[]","[)":"[]","(]":"[]","][":"][",")(":"][","](":"][",")[":"]["}}},{}],750:[function(t,e,r){"use strict";e.exports={solid:[[],0],dot:[[.5,1],200],dash:[[.5,1],50],longdash:[[.5,1],10],dashdot:[[.5,.625,.875,1],50],longdashdot:[[.5,.7,.8,1],10]}},{}],751:[function(t,e,r){"use strict";e.exports={circle:"\u25cf","circle-open":"\u25cb",square:"\u25a0","square-open":"\u25a1",diamond:"\u25c6","diamond-open":"\u25c7",cross:"+",x:"\u274c"}},{}],752:[function(t,e,r){"use strict";e.exports={SHOW_PLACEHOLDER:100,HIDE_PLACEHOLDER:1e3,DESELECTDIM:.2}},{}],753:[function(t,e,r){"use strict";e.exports={BADNUM:void 0,FP_SAFE:Number.MAX_VALUE/1e4,ONEMAXYEAR:316224e5,ONEAVGYEAR:315576e5,ONEMINYEAR:31536e6,ONEMAXQUARTER:79488e5,ONEAVGQUARTER:78894e5,ONEMINQUARTER:76896e5,ONEMAXMONTH:26784e5,ONEAVGMONTH:26298e5,ONEMINMONTH:24192e5,ONEWEEK:6048e5,ONEDAY:864e5,ONEHOUR:36e5,ONEMIN:6e4,ONESEC:1e3,EPOCHJD:2440587.5,ALMOST_EQUAL:.999999,LOG_CLIP:10,MINUS_SIGN:"\u2212"}},{}],754:[function(t,e,r){"use strict";r.xmlns="http://www.w3.org/2000/xmlns/",r.svg="http://www.w3.org/2000/svg",r.xlink="http://www.w3.org/1999/xlink",r.svgAttrs={xmlns:r.svg,"xmlns:xlink":r.xlink}},{}],755:[function(t,e,r){"use strict";r.version=t("./version").version,t("es6-promise").polyfill(),t("../build/plotcss"),t("./fonts/mathjax_config")();for(var n=t("./registry"),i=r.register=n.register,a=t("./plot_api"),o=Object.keys(a),s=0;splotly-logomark"}}},{}],758:[function(t,e,r){"use strict";r.isLeftAnchor=function(t){return"left"===t.xanchor||"auto"===t.xanchor&&t.x<=1/3},r.isCenterAnchor=function(t){return"center"===t.xanchor||"auto"===t.xanchor&&t.x>1/3&&t.x<2/3},r.isRightAnchor=function(t){return"right"===t.xanchor||"auto"===t.xanchor&&t.x>=2/3},r.isTopAnchor=function(t){return"top"===t.yanchor||"auto"===t.yanchor&&t.y>=2/3},r.isMiddleAnchor=function(t){return"middle"===t.yanchor||"auto"===t.yanchor&&t.y>1/3&&t.y<2/3},r.isBottomAnchor=function(t){return"bottom"===t.yanchor||"auto"===t.yanchor&&t.y<=1/3}},{}],759:[function(t,e,r){"use strict";var n=t("./mod"),i=n.mod,a=n.modHalf,o=Math.PI,s=2*o;function l(t){return Math.abs(t[1]-t[0])>s-1e-14}function c(t,e){return a(e-t,s)}function u(t,e){if(l(e))return!0;var r,n;e[0](n=i(n,s))&&(n+=s);var a=i(t,s),o=a+s;return a>=r&&a<=n||o>=r&&o<=n}function f(t,e,r,n,i,a,c){i=i||0,a=a||0;var u,f,h,p,d,g=l([r,n]);function m(t,e){return[t*Math.cos(e)+i,a-t*Math.sin(e)]}g?(u=0,f=o,h=s):r=i&&t<=a);var i,a},pathArc:function(t,e,r,n,i){return f(null,t,e,r,n,i,0)},pathSector:function(t,e,r,n,i){return f(null,t,e,r,n,i,1)},pathAnnulus:function(t,e,r,n,i,a){return f(t,e,r,n,i,a,1)}}},{"./mod":785}],760:[function(t,e,r){"use strict";var n=Array.isArray,i="undefined"!=typeof ArrayBuffer&&ArrayBuffer.isView?ArrayBuffer:{isView:function(){return!1}},a="undefined"==typeof DataView?function(){}:DataView;function o(t){return i.isView(t)&&!(t instanceof a)}function s(t){return n(t)||o(t)}function l(t,e,r){if(s(t)){if(s(t[0])){for(var n=r,i=0;ii.max?e.set(r):e.set(+t)}},integer:{coerceFunction:function(t,e,r,i){t%1||!n(t)||void 0!==i.min&&ti.max?e.set(r):e.set(+t)}},string:{coerceFunction:function(t,e,r,n){if("string"!=typeof t){var i="number"==typeof t;!0!==n.strict&&i?e.set(String(t)):e.set(r)}else n.noBlank&&!t?e.set(r):e.set(t)}},color:{coerceFunction:function(t,e,r){i(t).isValid()?e.set(t):e.set(r)}},colorlist:{coerceFunction:function(t,e,r){Array.isArray(t)&&t.length&&t.every((function(t){return i(t).isValid()}))?e.set(t):e.set(r)}},colorscale:{coerceFunction:function(t,e,r){e.set(o.get(t,r))}},angle:{coerceFunction:function(t,e,r){"auto"===t?e.set("auto"):n(t)?e.set(u(+t,360)):e.set(r)}},subplotid:{coerceFunction:function(t,e,r,n){var i=n.regex||c(r);"string"==typeof t&&i.test(t)?e.set(t):e.set(r)},validateFunction:function(t,e){var r=e.dflt;return t===r||"string"==typeof t&&!!c(r).test(t)}},flaglist:{coerceFunction:function(t,e,r,n){if("string"==typeof t)if(-1===(n.extras||[]).indexOf(t)){for(var i=t.split("+"),a=0;a=n&&t<=i?t:u}if("string"!=typeof t&&"number"!=typeof t)return u;t=String(t);var c=_(e),v=t.charAt(0);!c||"G"!==v&&"g"!==v||(t=t.substr(1),e="");var w=c&&"chinese"===e.substr(0,7),T=t.match(w?x:y);if(!T)return u;var k=T[1],M=T[3]||"1",A=Number(T[5]||1),S=Number(T[7]||0),E=Number(T[9]||0),C=Number(T[11]||0);if(c){if(2===k.length)return u;var L;k=Number(k);try{var I=m.getComponentMethod("calendars","getCal")(e);if(w){var P="i"===M.charAt(M.length-1);M=parseInt(M,10),L=I.newDate(k,I.toMonthIndex(k,M,P),A)}else L=I.newDate(k,Number(M),A)}catch(t){return u}return L?(L.toJD()-g)*f+S*h+E*p+C*d:u}k=2===k.length?(Number(k)+2e3-b)%100+b:Number(k),M-=1;var z=new Date(Date.UTC(2e3,M,A,S,E));return z.setUTCFullYear(k),z.getUTCMonth()!==M||z.getUTCDate()!==A?u:z.getTime()+C*d},n=r.MIN_MS=r.dateTime2ms("-9999"),i=r.MAX_MS=r.dateTime2ms("9999-12-31 23:59:59.9999"),r.isDateTime=function(t,e){return r.dateTime2ms(t,e)!==u};var T=90*f,k=3*h,M=5*p;function A(t,e,r,n,i){if((e||r||n||i)&&(t+=" "+w(e,2)+":"+w(r,2),(n||i)&&(t+=":"+w(n,2),i))){for(var a=4;i%10==0;)a-=1,i/=10;t+="."+w(i,a)}return t}r.ms2DateTime=function(t,e,r){if("number"!=typeof t||!(t>=n&&t<=i))return u;e||(e=0);var a,o,s,c,y,x,b=Math.floor(10*l(t+.05,1)),w=Math.round(t-b/10);if(_(r)){var S=Math.floor(w/f)+g,E=Math.floor(l(t,f));try{a=m.getComponentMethod("calendars","getCal")(r).fromJD(S).formatDate("yyyy-mm-dd")}catch(t){a=v("G%Y-%m-%d")(new Date(w))}if("-"===a.charAt(0))for(;a.length<11;)a="-0"+a.substr(1);else for(;a.length<10;)a="0"+a;o=e=n+f&&t<=i-f))return u;var e=Math.floor(10*l(t+.05,1)),r=new Date(Math.round(t-e/10));return A(a("%Y-%m-%d")(r),r.getHours(),r.getMinutes(),r.getSeconds(),10*r.getUTCMilliseconds()+e)},r.cleanDate=function(t,e,n){if(t===u)return e;if(r.isJSDate(t)||"number"==typeof t&&isFinite(t)){if(_(n))return s.error("JS Dates and milliseconds are incompatible with world calendars",t),e;if(!(t=r.ms2DateTimeLocal(+t))&&void 0!==e)return e}else if(!r.isDateTime(t,n))return s.error("unrecognized date",t),e;return t};var S=/%\d?f/g;function E(t,e,r,n){t=t.replace(S,(function(t){var r=Math.min(+t.charAt(1)||6,6);return(e/1e3%1+2).toFixed(r).substr(2).replace(/0+$/,"")||"0"}));var i=new Date(Math.floor(e+.05));if(_(n))try{t=m.getComponentMethod("calendars","worldCalFmt")(t,e,n)}catch(t){return"Invalid"}return r(t)(i)}var C=[59,59.9,59.99,59.999,59.9999];r.formatDate=function(t,e,r,n,i,a){if(i=_(i)&&i,!e)if("y"===r)e=a.year;else if("m"===r)e=a.month;else{if("d"!==r)return function(t,e){var r=l(t+.05,f),n=w(Math.floor(r/h),2)+":"+w(l(Math.floor(r/p),60),2);if("M"!==e){o(e)||(e=0);var i=(100+Math.min(l(t/d,60),C[e])).toFixed(e).substr(1);e>0&&(i=i.replace(/0+$/,"").replace(/[\.]$/,"")),n+=":"+i}return n}(t,r)+"\n"+E(a.dayMonthYear,t,n,i);e=a.dayMonth+"\n"+a.year}return E(e,t,n,i)};var L=3*f;r.incrementMonth=function(t,e,r){r=_(r)&&r;var n=l(t,f);if(t=Math.round(t-n),r)try{var i=Math.round(t/f)+g,a=m.getComponentMethod("calendars","getCal")(r),o=a.fromJD(i);return e%12?a.add(o,e,"m"):a.add(o,e/12,"y"),(o.toJD()-g)*f+n}catch(e){s.error("invalid ms "+t+" in calendar "+r)}var c=new Date(t+L);return c.setUTCMonth(c.getUTCMonth()+e)+n-L},r.findExactDates=function(t,e){for(var r,n,i=0,a=0,s=0,l=0,c=_(e)&&m.getComponentMethod("calendars","getCal")(e),u=0;u0&&t[e+1][0]<0)return e;return null}switch(e="RUS"===s||"FJI"===s?function(t){var e;if(null===c(t))e=t;else for(e=new Array(t.length),i=0;ie?r[n++]=[t[i][0]+360,t[i][1]]:i===e?(r[n++]=t[i],r[n++]=[t[i][0],-90]):r[n++]=t[i];var a=h.tester(r);a.pts.pop(),l.push(a)}:function(t){l.push(h.tester(t))},a.type){case"MultiPolygon":for(r=0;ri&&(i=c,e=l)}else e=r;return o.default(e).geometry.coordinates}(u),n.fIn=t,n.fOut=u,s.push(u)}else c.log(["Location",n.loc,"does not have a valid GeoJSON geometry.","Traces with locationmode *geojson-id* only support","*Polygon* and *MultiPolygon* geometries."].join(" "))}delete i[r]}switch(r.type){case"FeatureCollection":var h=r.features;for(n=0;n100?(clearInterval(a),n("Unexpected error while fetching from "+t)):void i++}),50)}))}for(var o=0;o0&&(r.push(i),i=[])}return i.length>0&&r.push(i),r},r.makeLine=function(t){return 1===t.length?{type:"LineString",coordinates:t[0]}:{type:"MultiLineString",coordinates:t}},r.makePolygon=function(t){if(1===t.length)return{type:"Polygon",coordinates:t};for(var e=new Array(t.length),r=0;r1||g<0||g>1?null:{x:t+l*g,y:e+f*g}}function l(t,e,r,n,i){var a=n*t+i*e;if(a<0)return n*n+i*i;if(a>r){var o=n-t,s=i-e;return o*o+s*s}var l=n*e-i*t;return l*l/r}r.segmentsIntersect=s,r.segmentDistance=function(t,e,r,n,i,a,o,c){if(s(t,e,r,n,i,a,o,c))return 0;var u=r-t,f=n-e,h=o-i,p=c-a,d=u*u+f*f,g=h*h+p*p,m=Math.min(l(u,f,d,i-t,a-e),l(u,f,d,o-t,c-e),l(h,p,g,t-i,e-a),l(h,p,g,r-i,n-a));return Math.sqrt(m)},r.getTextLocation=function(t,e,r,s){if(t===i&&s===a||(n={},i=t,a=s),n[r])return n[r];var l=t.getPointAtLength(o(r-s/2,e)),c=t.getPointAtLength(o(r+s/2,e)),u=Math.atan((c.y-l.y)/(c.x-l.x)),f=t.getPointAtLength(o(r,e)),h={x:(4*f.x+l.x+c.x)/6,y:(4*f.y+l.y+c.y)/6,theta:u};return n[r]=h,h},r.clearLocationCache=function(){i=null},r.getVisibleSegment=function(t,e,r){var n,i,a=e.left,o=e.right,s=e.top,l=e.bottom,c=0,u=t.getTotalLength(),f=u;function h(e){var r=t.getPointAtLength(e);0===e?n=r:e===u&&(i=r);var c=r.xo?r.x-o:0,f=r.yl?r.y-l:0;return Math.sqrt(c*c+f*f)}for(var p=h(c);p;){if((c+=p+r)>f)return;p=h(c)}for(p=h(f);p;){if(c>(f-=p+r))return;p=h(f)}return{min:c,max:f,len:f-c,total:u,isClosed:0===c&&f===u&&Math.abs(n.x-i.x)<.1&&Math.abs(n.y-i.y)<.1}},r.findPointOnPath=function(t,e,r,n){for(var i,a,o,s=(n=n||{}).pathLength||t.getTotalLength(),l=n.tolerance||.001,c=n.iterationLimit||30,u=t.getPointAtLength(0)[r]>t.getPointAtLength(s)[r]?-1:1,f=0,h=0,p=s;f0?p=i:h=i,f++}return a}},{"./mod":785}],774:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("tinycolor2"),a=t("color-normalize"),o=t("../components/colorscale"),s=t("../components/color/attributes").defaultLine,l=t("./array").isArrayOrTypedArray,c=a(s);function u(t,e){var r=t;return r[3]*=e,r}function f(t){if(n(t))return c;var e=a(t);return e.length?e:c}function h(t){return n(t)?t:1}e.exports={formatColor:function(t,e,r){var n,i,s,p,d,g=t.color,m=l(g),v=l(e),y=o.extractOpts(t),x=[];if(n=void 0!==y.colorscale?o.makeColorScaleFuncFromTrace(t):f,i=m?function(t,e){return void 0===t[e]?c:a(n(t[e]))}:f,s=v?function(t,e){return void 0===t[e]?1:h(t[e])}:h,m||v)for(var b=0;b1?(r*t+r*e)/r:t+e,i=String(n).length;if(i>16){var a=String(e).length;if(i>=String(t).length+a){var o=parseFloat(n).toPrecision(12);-1===o.indexOf("e+")&&(n=+o)}}return n}},{}],778:[function(t,e,r){"use strict";var n=t("d3"),i=t("d3-time-format").utcFormat,a=t("fast-isnumeric"),o=t("../constants/numerical"),s=o.FP_SAFE,l=o.BADNUM,c=e.exports={};c.nestedProperty=t("./nested_property"),c.keyedContainer=t("./keyed_container"),c.relativeAttr=t("./relative_attr"),c.isPlainObject=t("./is_plain_object"),c.toLogRange=t("./to_log_range"),c.relinkPrivateKeys=t("./relink_private");var u=t("./array");c.isTypedArray=u.isTypedArray,c.isArrayOrTypedArray=u.isArrayOrTypedArray,c.isArray1D=u.isArray1D,c.ensureArray=u.ensureArray,c.concat=u.concat,c.maxRowLength=u.maxRowLength,c.minRowLength=u.minRowLength;var f=t("./mod");c.mod=f.mod,c.modHalf=f.modHalf;var h=t("./coerce");c.valObjectMeta=h.valObjectMeta,c.coerce=h.coerce,c.coerce2=h.coerce2,c.coerceFont=h.coerceFont,c.coerceHoverinfo=h.coerceHoverinfo,c.coerceSelectionMarkerOpacity=h.coerceSelectionMarkerOpacity,c.validate=h.validate;var p=t("./dates");c.dateTime2ms=p.dateTime2ms,c.isDateTime=p.isDateTime,c.ms2DateTime=p.ms2DateTime,c.ms2DateTimeLocal=p.ms2DateTimeLocal,c.cleanDate=p.cleanDate,c.isJSDate=p.isJSDate,c.formatDate=p.formatDate,c.incrementMonth=p.incrementMonth,c.dateTick0=p.dateTick0,c.dfltRange=p.dfltRange,c.findExactDates=p.findExactDates,c.MIN_MS=p.MIN_MS,c.MAX_MS=p.MAX_MS;var d=t("./search");c.findBin=d.findBin,c.sorterAsc=d.sorterAsc,c.sorterDes=d.sorterDes,c.distinctVals=d.distinctVals,c.roundUp=d.roundUp,c.sort=d.sort,c.findIndexOfMin=d.findIndexOfMin;var g=t("./stats");c.aggNums=g.aggNums,c.len=g.len,c.mean=g.mean,c.median=g.median,c.midRange=g.midRange,c.variance=g.variance,c.stdev=g.stdev,c.interp=g.interp;var m=t("./matrix");c.init2dArray=m.init2dArray,c.transposeRagged=m.transposeRagged,c.dot=m.dot,c.translationMatrix=m.translationMatrix,c.rotationMatrix=m.rotationMatrix,c.rotationXYMatrix=m.rotationXYMatrix,c.apply3DTransform=m.apply3DTransform,c.apply2DTransform=m.apply2DTransform,c.apply2DTransform2=m.apply2DTransform2,c.convertCssMatrix=m.convertCssMatrix,c.inverseTransformMatrix=m.inverseTransformMatrix;var v=t("./angles");c.deg2rad=v.deg2rad,c.rad2deg=v.rad2deg,c.angleDelta=v.angleDelta,c.angleDist=v.angleDist,c.isFullCircle=v.isFullCircle,c.isAngleInsideSector=v.isAngleInsideSector,c.isPtInsideSector=v.isPtInsideSector,c.pathArc=v.pathArc,c.pathSector=v.pathSector,c.pathAnnulus=v.pathAnnulus;var y=t("./anchor_utils");c.isLeftAnchor=y.isLeftAnchor,c.isCenterAnchor=y.isCenterAnchor,c.isRightAnchor=y.isRightAnchor,c.isTopAnchor=y.isTopAnchor,c.isMiddleAnchor=y.isMiddleAnchor,c.isBottomAnchor=y.isBottomAnchor;var x=t("./geometry2d");c.segmentsIntersect=x.segmentsIntersect,c.segmentDistance=x.segmentDistance,c.getTextLocation=x.getTextLocation,c.clearLocationCache=x.clearLocationCache,c.getVisibleSegment=x.getVisibleSegment,c.findPointOnPath=x.findPointOnPath;var b=t("./extend");c.extendFlat=b.extendFlat,c.extendDeep=b.extendDeep,c.extendDeepAll=b.extendDeepAll,c.extendDeepNoArrays=b.extendDeepNoArrays;var _=t("./loggers");c.log=_.log,c.warn=_.warn,c.error=_.error;var w=t("./regex");c.counterRegex=w.counter;var T=t("./throttle");c.throttle=T.throttle,c.throttleDone=T.done,c.clearThrottle=T.clear;var k=t("./dom");function M(t){var e={};for(var r in t)for(var n=t[r],i=0;is?l:a(t)?Number(t):l:l},c.isIndex=function(t,e){return!(void 0!==e&&t>=e)&&(a(t)&&t>=0&&t%1==0)},c.noop=t("./noop"),c.identity=t("./identity"),c.repeat=function(t,e){for(var r=new Array(e),n=0;nr?Math.max(r,Math.min(e,t)):Math.max(e,Math.min(r,t))},c.bBoxIntersect=function(t,e,r){return r=r||0,t.left<=e.right+r&&e.left<=t.right+r&&t.top<=e.bottom+r&&e.top<=t.bottom+r},c.simpleMap=function(t,e,r,n,i){for(var a=t.length,o=new Array(a),s=0;s=Math.pow(2,r)?i>10?(c.warn("randstr failed uniqueness"),l):t(e,r,n,(i||0)+1):l},c.OptionControl=function(t,e){t||(t={}),e||(e="opt");var r={optionList:[],_newoption:function(n){n[e]=t,r[n.name]=n,r.optionList.push(n)}};return r["_"+e]=t,r},c.smooth=function(t,e){if((e=Math.round(e)||0)<2)return t;var r,n,i,a,o=t.length,s=2*o,l=2*e-1,c=new Array(l),u=new Array(o);for(r=0;r=s&&(i-=s*Math.floor(i/s)),i<0?i=-1-i:i>=o&&(i=s-1-i),a+=t[i]*c[n];u[r]=a}return u},c.syncOrAsync=function(t,e,r){var n;function i(){return c.syncOrAsync(t,e,r)}for(;t.length;)if((n=(0,t.splice(0,1)[0])(e))&&n.then)return n.then(i).then(void 0,c.promiseError);return r&&r(e)},c.stripTrailingSlash=function(t){return"/"===t.substr(-1)?t.substr(0,t.length-1):t},c.noneOrAll=function(t,e,r){if(t){var n,i=!1,a=!0;for(n=0;n0?e:0}))},c.fillArray=function(t,e,r,n){if(n=n||c.identity,c.isArrayOrTypedArray(t))for(var i=0;i1?i+o[1]:"";if(a&&(o.length>1||s.length>4||r))for(;n.test(s);)s=s.replace(n,"$1"+a+"$2");return s+l},c.TEMPLATE_STRING_REGEX=/%{([^\s%{}:]*)([:|\|][^}]*)?}/g;var I=/^\w*$/;c.templateString=function(t,e){var r={};return t.replace(c.TEMPLATE_STRING_REGEX,(function(t,n){var i;return I.test(n)?i=e[n]:(r[n]=r[n]||c.nestedProperty(e,n).get,i=r[n]()),c.isValidTextValue(i)?i:""}))};var P={max:10,count:0,name:"hovertemplate"};c.hovertemplateString=function(){return D.apply(P,arguments)};var z={max:10,count:0,name:"texttemplate"};c.texttemplateString=function(){return D.apply(z,arguments)};var O=/^[:|\|]/;function D(t,e,r){var a=this,o=arguments;e||(e={});var s={};return t.replace(c.TEMPLATE_STRING_REGEX,(function(t,l,u){var f,h,p,d;for(p=3;p=48&&o<=57,c=s>=48&&s<=57;if(l&&(n=10*n+o-48),c&&(i=10*i+s-48),!l||!c){if(n!==i)return n-i;if(o!==s)return o-s}}return i-n};var R=2e9;c.seedPseudoRandom=function(){R=2e9},c.pseudoRandom=function(){var t=R;return R=(69069*R+1)%4294967296,Math.abs(R-t)<429496729?c.pseudoRandom():R/4294967296},c.fillText=function(t,e,r){var n=Array.isArray(r)?function(t){r.push(t)}:function(t){r.text=t},i=c.extractOption(t,e,"htx","hovertext");if(c.isValidTextValue(i))return n(i);var a=c.extractOption(t,e,"tx","text");return c.isValidTextValue(a)?n(a):void 0},c.isValidTextValue=function(t){return t||0===t},c.formatPercent=function(t,e){e=e||0;for(var r=(Math.round(100*t*Math.pow(10,e))*Math.pow(.1,e)).toFixed(e)+"%",n=0;n1&&(u=1):u=0,c.strTranslate(i-u*(r+o),a-u*(n+s))+c.strScale(u)+(l?"rotate("+l+(e?"":" "+r+" "+n)+")":"")},c.ensureUniformFontSize=function(t,e){var r=c.extendFlat({},e);return r.size=Math.max(e.size,t._fullLayout.uniformtext.minsize||0),r},c.join2=function(t,e,r){var n=t.length;return n>1?t.slice(0,-1).join(e)+r+t[n-1]:t.join(e)}},{"../constants/numerical":753,"./anchor_utils":758,"./angles":759,"./array":760,"./clean_number":761,"./clear_responsive":763,"./coerce":764,"./dates":765,"./dom":766,"./extend":768,"./filter_unique":769,"./filter_visible":770,"./geometry2d":773,"./identity":776,"./increment":777,"./is_plain_object":779,"./keyed_container":780,"./localize":781,"./loggers":782,"./make_trace_groups":783,"./matrix":784,"./mod":785,"./nested_property":786,"./noop":787,"./notifier":788,"./preserve_drawing_buffer":792,"./push_unique":793,"./regex":795,"./relative_attr":796,"./relink_private":797,"./search":798,"./stats":801,"./throttle":804,"./to_log_range":805,d3:169,"d3-time-format":166,"fast-isnumeric":241}],779:[function(t,e,r){"use strict";e.exports=function(t){return window&&window.process&&window.process.versions?"[object Object]"===Object.prototype.toString.call(t):"[object Object]"===Object.prototype.toString.call(t)&&Object.getPrototypeOf(t)===Object.prototype}},{}],780:[function(t,e,r){"use strict";var n=t("./nested_property"),i=/^\w*$/;e.exports=function(t,e,r,a){var o,s,l;r=r||"name",a=a||"value";var c={};e&&e.length?(l=n(t,e),s=l.get()):s=t,e=e||"";var u={};if(s)for(o=0;o2)return c[e]=2|c[e],h.set(t,null);if(f){for(o=e;o1){var e=["LOG:"];for(t=0;t1){var r=[];for(t=0;t"),"long")}},a.warn=function(){var t;if(n.logging>0){var e=["WARN:"];for(t=0;t0){var r=[];for(t=0;t"),"stick")}},a.error=function(){var t;if(n.logging>0){var e=["ERROR:"];for(t=0;t0){var r=[];for(t=0;t"),"stick")}}},{"../plot_api/plot_config":815,"./notifier":788}],783:[function(t,e,r){"use strict";var n=t("d3");e.exports=function(t,e,r){var i=t.selectAll("g."+r.replace(/\s/g,".")).data(e,(function(t){return t[0].trace.uid}));i.exit().remove(),i.enter().append("g").attr("class",r),i.order();var a=t.classed("rangeplot")?"nodeRangePlot3":"node3";return i.each((function(t){t[0][a]=n.select(this)})),i}},{d3:169}],784:[function(t,e,r){"use strict";var n=t("gl-mat4");r.init2dArray=function(t,e){for(var r=new Array(t),n=0;ne/2?t-Math.round(t/e)*e:t}}},{}],786:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("./array").isArrayOrTypedArray;function a(t,e){return function(){var r,n,o,s,l,c=t;for(s=0;s/g),l=0;la||c===i||cs)&&(!e||!l(t))}:function(t,e){var l=t[0],c=t[1];if(l===i||la||c===i||cs)return!1;var u,f,h,p,d,g=r.length,m=r[0][0],v=r[0][1],y=0;for(u=1;uMath.max(f,m)||c>Math.max(h,v)))if(cu||Math.abs(n(o,h))>i)return!0;return!1},a.filter=function(t,e){var r=[t[0]],n=0,i=0;function o(o){t.push(o);var s=r.length,l=n;r.splice(i+1);for(var c=l+1;c1&&o(t.pop());return{addPt:o,raw:t,filtered:r}}},{"../constants/numerical":753,"./matrix":784}],791:[function(t,e,r){(function(r){(function(){"use strict";var n=t("./show_no_webgl_msg"),i=t("regl");e.exports=function(t,e){var a=t._fullLayout,o=!0;return a._glcanvas.each((function(n){if(!n.regl&&(!n.pick||a._has("parcoords"))){try{n.regl=i({canvas:this,attributes:{antialias:!n.pick,preserveDrawingBuffer:!0},pixelRatio:t._context.plotGlPixelRatio||r.devicePixelRatio,extensions:e||[]})}catch(t){o=!1}n.regl||(o=!1),o&&this.addEventListener("webglcontextlost",(function(e){t&&t.emit&&t.emit("plotly_webglcontextlost",{event:e,layer:n.key})}),!1)}})),o||n({container:a._glcontainer.node()}),o}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"./show_no_webgl_msg":800,regl:540}],792:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("is-mobile");e.exports=function(t){var e;if("string"!=typeof(e=t&&t.hasOwnProperty("userAgent")?t.userAgent:function(){var t;"undefined"!=typeof navigator&&(t=navigator.userAgent);t&&t.headers&&"string"==typeof t.headers["user-agent"]&&(t=t.headers["user-agent"]);return t}()))return!0;var r=i({ua:{headers:{"user-agent":e}},tablet:!0,featureDetect:!1});if(!r)for(var a=e.split(" "),o=1;o-1;s--){var l=a[s];if("Version/"===l.substr(0,8)){var c=l.substr(8).split(".")[0];if(n(c)&&(c=+c),c>=13)return!0}}}return r}},{"fast-isnumeric":241,"is-mobile":467}],793:[function(t,e,r){"use strict";e.exports=function(t,e){if(e instanceof RegExp){for(var r=e.toString(),n=0;ni.queueLength&&(t.undoQueue.queue.shift(),t.undoQueue.index--))},startSequence:function(t){t.undoQueue=t.undoQueue||{index:0,queue:[],sequence:!1},t.undoQueue.sequence=!0,t.undoQueue.beginSequence=!0},stopSequence:function(t){t.undoQueue=t.undoQueue||{index:0,queue:[],sequence:!1},t.undoQueue.sequence=!1,t.undoQueue.beginSequence=!1},undo:function(t){var e,r;if(t.framework&&t.framework.isPolar)t.framework.undo();else if(!(void 0===t.undoQueue||isNaN(t.undoQueue.index)||t.undoQueue.index<=0)){for(t.undoQueue.index--,e=t.undoQueue.queue[t.undoQueue.index],t.undoQueue.inSequence=!0,r=0;r=t.undoQueue.queue.length)){for(e=t.undoQueue.queue[t.undoQueue.index],t.undoQueue.inSequence=!0,r=0;re}function u(t,e){return t>=e}r.findBin=function(t,e,r){if(n(e.start))return r?Math.ceil((t-e.start)/e.size-1e-9)-1:Math.floor((t-e.start)/e.size+1e-9);var a,o,f=0,h=e.length,p=0,d=h>1?(e[h-1]-e[0])/(h-1):1;for(o=d>=0?r?s:l:r?u:c,t+=1e-9*d*(r?-1:1)*(d>=0?1:-1);f90&&i.log("Long binary search..."),f-1},r.sorterAsc=function(t,e){return t-e},r.sorterDes=function(t,e){return e-t},r.distinctVals=function(t,e){var n,i=(e||{}).unitMinDiff,a=t.slice();for(a.sort(r.sorterAsc),n=a.length-1;n>-1&&a[n]===o;n--);var s=1;i||(s=a[n]-a[0]||1);for(var l,c=s/(n||1)/1e4,u=[],f=0;f<=n;f++){var h=a[f],p=h-l;void 0===l?(u.push(h),l=h):p>c&&(s=Math.min(s,p),u.push(h),l=h)}return{vals:u,minDiff:s}},r.roundUp=function(t,e,r){for(var n,i=0,a=e.length-1,o=0,s=r?0:1,l=r?1:0,c=r?Math.ceil:Math.floor;i0&&(n=1),r&&n)return t.sort(e)}return n?t:t.reverse()},r.findIndexOfMin=function(t,e){e=e||a;for(var r,n=1/0,i=0;ia.length)&&(o=a.length),n(e)||(e=!1),i(a[0])){for(l=new Array(o),s=0;st.length-1)return t[t.length-1];var r=e%1;return r*t[Math.ceil(e)]+(1-r)*t[Math.floor(e)]}},{"./array":760,"fast-isnumeric":241}],802:[function(t,e,r){"use strict";var n=t("color-normalize");e.exports=function(t){return t?n(t):[0,0,0,1]}},{"color-normalize":125}],803:[function(t,e,r){"use strict";var n=t("d3"),i=t("../lib"),a=i.strTranslate,o=t("../constants/xmlns_namespaces"),s=t("../constants/alignment").LINE_SPACING;function l(t,e){return t.node().getBoundingClientRect()[e]}var c=/([^$]*)([$]+[^$]*[$]+)([^$]*)/;r.convertToTspans=function(t,e,A){var S=t.text(),C=!t.attr("data-notex")&&"undefined"!=typeof MathJax&&S.match(c),L=n.select(t.node().parentNode);if(!L.empty()){var I=t.attr("class")?t.attr("class").split(" ")[0]:"text";return I+="-math",L.selectAll("svg."+I).remove(),L.selectAll("g."+I+"-group").remove(),t.style("display",null).attr({"data-unformatted":S,"data-math":"N"}),C?(e&&e._promises||[]).push(new Promise((function(e){t.style("display","none");var r=parseInt(t.node().style.fontSize,10),o={fontSize:r};!function(t,e,r){var a,o,s,l;MathJax.Hub.Queue((function(){return o=i.extendDeepAll({},MathJax.Hub.config),s=MathJax.Hub.processSectionDelay,void 0!==MathJax.Hub.processSectionDelay&&(MathJax.Hub.processSectionDelay=0),MathJax.Hub.Config({messageStyle:"none",tex2jax:{inlineMath:[["$","$"],["\\(","\\)"]]},displayAlign:"left"})}),(function(){if("SVG"!==(a=MathJax.Hub.config.menuSettings.renderer))return MathJax.Hub.setRenderer("SVG")}),(function(){var r="math-output-"+i.randstr({},64);return l=n.select("body").append("div").attr({id:r}).style({visibility:"hidden",position:"absolute"}).style({"font-size":e.fontSize+"px"}).text(t.replace(u,"\\lt ").replace(f,"\\gt ")),MathJax.Hub.Typeset(l.node())}),(function(){var e=n.select("body").select("#MathJax_SVG_glyphs");if(l.select(".MathJax_SVG").empty()||!l.select("svg").node())i.log("There was an error in the tex syntax.",t),r();else{var o=l.select("svg").node().getBoundingClientRect();r(l.select(".MathJax_SVG"),e,o)}if(l.remove(),"SVG"!==a)return MathJax.Hub.setRenderer(a)}),(function(){return void 0!==s&&(MathJax.Hub.processSectionDelay=s),MathJax.Hub.Config(o)}))}(C[2],o,(function(n,i,o){L.selectAll("svg."+I).remove(),L.selectAll("g."+I+"-group").remove();var s=n&&n.select("svg");if(!s||!s.node())return P(),void e();var c=L.append("g").classed(I+"-group",!0).attr({"pointer-events":"none","data-unformatted":S,"data-math":"Y"});c.node().appendChild(s.node()),i&&i.node()&&s.node().insertBefore(i.node().cloneNode(!0),s.node().firstChild),s.attr({class:I,height:o.height,preserveAspectRatio:"xMinYMin meet"}).style({overflow:"visible","pointer-events":"none"});var u=t.node().style.fill||"black",f=s.select("g");f.attr({fill:u,stroke:u});var h=l(f,"width"),p=l(f,"height"),d=+t.attr("x")-h*{start:0,middle:.5,end:1}[t.attr("text-anchor")||"start"],g=-(r||l(t,"height"))/4;"y"===I[0]?(c.attr({transform:"rotate("+[-90,+t.attr("x"),+t.attr("y")]+")"+a(-h/2,g-p/2)}),s.attr({x:+t.attr("x"),y:+t.attr("y")})):"l"===I[0]?s.attr({x:t.attr("x"),y:g-p/2}):"a"===I[0]&&0!==I.indexOf("atitle")?s.attr({x:0,y:g}):s.attr({x:d,y:+t.attr("y")+g-p/2}),A&&A.call(t,c),e(c)}))}))):P(),t}function P(){L.empty()||(I=t.attr("class")+"-math",L.select("svg."+I).remove()),t.text("").style("white-space","pre"),function(t,e){e=e.replace(m," ");var r,a=!1,l=[],c=-1;function u(){c++;var e=document.createElementNS(o.svg,"tspan");n.select(e).attr({class:"line",dy:c*s+"em"}),t.appendChild(e),r=e;var i=l;if(l=[{node:e}],i.length>1)for(var a=1;a doesnt match end tag <"+t+">. Pretending it did match.",e),r=l[l.length-1].node}else i.log("Ignoring unexpected end tag .",e)}x.test(e)?u():(r=t,l=[{node:t}]);for(var C=e.split(v),L=0;L|>|>)/g;var h={sup:"font-size:70%",sub:"font-size:70%",b:"font-weight:bold",i:"font-style:italic",a:"cursor:pointer",span:"",em:"font-style:italic;font-weight:bold"},p={sub:"0.3em",sup:"-0.6em"},d={sub:"-0.21em",sup:"0.42em"},g=["http:","https:","mailto:","",void 0,":"],m=r.NEWLINES=/(\r\n?|\n)/g,v=/(<[^<>]*>)/,y=/<(\/?)([^ >]*)(\s+(.*))?>/i,x=//i;r.BR_TAG_ALL=//gi;var b=/(^|[\s"'])style\s*=\s*("([^"]*);?"|'([^']*);?')/i,_=/(^|[\s"'])href\s*=\s*("([^"]*)"|'([^']*)')/i,w=/(^|[\s"'])target\s*=\s*("([^"\s]*)"|'([^'\s]*)')/i,T=/(^|[\s"'])popup\s*=\s*("([\w=,]*)"|'([\w=,]*)')/i;function k(t,e){if(!t)return null;var r=t.match(e),n=r&&(r[3]||r[4]);return n&&E(n)}var M=/(^|;)\s*color:/;r.plainText=function(t,e){for(var r=void 0!==(e=e||{}).len&&-1!==e.len?e.len:1/0,n=void 0!==e.allowedTags?e.allowedTags:["br"],i="...".length,a=t.split(v),o=[],s="",l=0,c=0;ci?o.push(u.substr(0,d-i)+"..."):o.push(u.substr(0,d));break}s=""}}return o.join("")};var A={mu:"\u03bc",amp:"&",lt:"<",gt:">",nbsp:"\xa0",times:"\xd7",plusmn:"\xb1",deg:"\xb0"},S=/&(#\d+|#x[\da-fA-F]+|[a-z]+);/g;function E(t){return t.replace(S,(function(t,e){return("#"===e.charAt(0)?function(t){if(t>1114111)return;var e=String.fromCodePoint;if(e)return e(t);var r=String.fromCharCode;return t<=65535?r(t):r(55232+(t>>10),t%1024+56320)}("x"===e.charAt(1)?parseInt(e.substr(2),16):parseInt(e.substr(1),10)):A[e])||t}))}function C(t,e,r){var n,a,o,s=r.horizontalAlign,l=r.verticalAlign||"top",c=t.node().getBoundingClientRect(),u=e.node().getBoundingClientRect();return a="bottom"===l?function(){return c.bottom-n.height}:"middle"===l?function(){return c.top+(c.height-n.height)/2}:function(){return c.top},o="right"===s?function(){return c.right-n.width}:"center"===s?function(){return c.left+(c.width-n.width)/2}:function(){return c.left},function(){n=this.node().getBoundingClientRect();var t=o()-u.left,e=a()-u.top,s=r.gd||{};if(r.gd){s._fullLayout._calcInverseTransform(s);var l=i.apply3DTransform(s._fullLayout._invTransform)(t,e);t=l[0],e=l[1]}return this.style({top:e+"px",left:t+"px","z-index":1e3}),this}}r.convertEntities=E,r.sanitizeHTML=function(t){t=t.replace(m," ");for(var e=document.createElement("p"),r=e,i=[],a=t.split(v),o=0;oa.ts+e?l():a.timer=setTimeout((function(){l(),a.timer=null}),e)},r.done=function(t){var e=n[t];return e&&e.timer?new Promise((function(t){var r=e.onDone;e.onDone=function(){r&&r(),t(),e.onDone=null}})):Promise.resolve()},r.clear=function(t){if(t)i(n[t]),delete n[t];else for(var e in n)r.clear(e)}},{}],805:[function(t,e,r){"use strict";var n=t("fast-isnumeric");e.exports=function(t,e){if(t>0)return Math.log(t)/Math.LN10;var r=Math.log(Math.min(e[0],e[1]))/Math.LN10;return n(r)||(r=Math.log(Math.max(e[0],e[1]))/Math.LN10-6),r}},{"fast-isnumeric":241}],806:[function(t,e,r){"use strict";var n=e.exports={},i=t("../plots/geo/constants").locationmodeToLayer,a=t("topojson-client").feature;n.getTopojsonName=function(t){return[t.scope.replace(/ /g,"-"),"_",t.resolution.toString(),"m"].join("")},n.getTopojsonPath=function(t,e){return t+e+".json"},n.getTopojsonFeatures=function(t,e){var r=i[t.locationmode],n=e.objects[r];return a(e,n).features}},{"../plots/geo/constants":858,"topojson-client":579}],807:[function(t,e,r){"use strict";e.exports={moduleType:"locale",name:"en-US",dictionary:{"Click to enter Colorscale title":"Click to enter Colorscale title"},format:{date:"%m/%d/%Y"}}},{}],808:[function(t,e,r){"use strict";e.exports={moduleType:"locale",name:"en",dictionary:{"Click to enter Colorscale title":"Click to enter Colourscale title"},format:{days:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],shortDays:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],months:["January","February","March","April","May","June","July","August","September","October","November","December"],shortMonths:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"],periods:["AM","PM"],dateTime:"%a %b %e %X %Y",date:"%d/%m/%Y",time:"%H:%M:%S",decimal:".",thousands:",",grouping:[3],currency:["$",""],year:"%Y",month:"%b %Y",dayMonth:"%b %-d",dayMonthYear:"%b %-d, %Y"}}},{}],809:[function(t,e,r){"use strict";var n=t("../registry");e.exports=function(t){for(var e,r,i=n.layoutArrayContainers,a=n.layoutArrayRegexes,o=t.split("[")[0],s=0;s0&&o.log("Clearing previous rejected promises from queue."),t._promises=[]},r.cleanLayout=function(t){var e,n;t||(t={}),t.xaxis1&&(t.xaxis||(t.xaxis=t.xaxis1),delete t.xaxis1),t.yaxis1&&(t.yaxis||(t.yaxis=t.yaxis1),delete t.yaxis1),t.scene1&&(t.scene||(t.scene=t.scene1),delete t.scene1);var a=(s.subplotsRegistry.cartesian||{}).attrRegex,l=(s.subplotsRegistry.polar||{}).attrRegex,f=(s.subplotsRegistry.ternary||{}).attrRegex,h=(s.subplotsRegistry.gl3d||{}).attrRegex,g=Object.keys(t);for(e=0;e3?(z.x=1.02,z.xanchor="left"):z.x<-2&&(z.x=-.02,z.xanchor="right"),z.y>3?(z.y=1.02,z.yanchor="bottom"):z.y<-2&&(z.y=-.02,z.yanchor="top")),d(t),"rotate"===t.dragmode&&(t.dragmode="orbit"),c.clean(t),t.template&&t.template.layout&&r.cleanLayout(t.template.layout),t},r.cleanData=function(t){for(var e=0;e0)return t.substr(0,e)}r.hasParent=function(t,e){for(var r=b(e);r;){if(r in t)return!0;r=b(r)}return!1};var _=["x","y","z"];r.clearAxisTypes=function(t,e,r){for(var n=0;n1&&a.warn("Full array edits are incompatible with other edits",f);var y=r[""][""];if(c(y))e.set(null);else{if(!Array.isArray(y))return a.warn("Unrecognized full array edit value",f,y),!0;e.set(y)}return!g&&(h(m,v),p(t),!0)}var x,b,_,w,T,k,M,A,S=Object.keys(r).map(Number).sort(o),E=e.get(),C=E||[],L=u(v,f).get(),I=[],P=-1,z=C.length;for(x=0;xC.length-(M?0:1))a.warn("index out of range",f,_);else if(void 0!==k)T.length>1&&a.warn("Insertion & removal are incompatible with edits to the same index.",f,_),c(k)?I.push(_):M?("add"===k&&(k={}),C.splice(_,0,k),L&&L.splice(_,0,{})):a.warn("Unrecognized full object edit value",f,_,k),-1===P&&(P=_);else for(b=0;b=0;x--)C.splice(I[x],1),L&&L.splice(I[x],1);if(C.length?E||e.set(C):e.set(null),g)return!1;if(h(m,v),d!==i){var O;if(-1===P)O=S;else{for(z=Math.max(C.length,z),O=[],x=0;x=P);x++)O.push(_);for(x=P;x=t.data.length||i<-t.data.length)throw new Error(r+" must be valid indices for gd.data.");if(e.indexOf(i,n+1)>-1||i>=0&&e.indexOf(-t.data.length+i)>-1||i<0&&e.indexOf(t.data.length+i)>-1)throw new Error("each index in "+r+" must be unique.")}}function O(t,e,r){if(!Array.isArray(t.data))throw new Error("gd.data must be an array.");if("undefined"==typeof e)throw new Error("currentIndices is a required argument.");if(Array.isArray(e)||(e=[e]),z(t,e,"currentIndices"),"undefined"==typeof r||Array.isArray(r)||(r=[r]),"undefined"!=typeof r&&z(t,r,"newIndices"),"undefined"!=typeof r&&e.length!==r.length)throw new Error("current and new indices must be of equal length.")}function D(t,e,r,n,a){!function(t,e,r,n){var i=o.isPlainObject(n);if(!Array.isArray(t.data))throw new Error("gd.data must be an array");if(!o.isPlainObject(e))throw new Error("update must be a key:value object");if("undefined"==typeof r)throw new Error("indices must be an integer or array of integers");for(var a in z(t,r,"indices"),e){if(!Array.isArray(e[a])||e[a].length!==r.length)throw new Error("attribute "+a+" must be an array of length equal to indices array length");if(i&&(!(a in n)||!Array.isArray(n[a])||n[a].length!==e[a].length))throw new Error("when maxPoints is set as a key:value object it must contain a 1:1 corrispondence with the keys and number of traces in the update object")}}(t,e,r,n);for(var l=function(t,e,r,n){var a,l,c,u,f,h=o.isPlainObject(n),p=[];for(var d in Array.isArray(r)||(r=[r]),r=P(r,t.data.length-1),e)for(var g=0;g-1?l(r,r.replace("titlefont","title.font")):r.indexOf("titleposition")>-1?l(r,r.replace("titleposition","title.position")):r.indexOf("titleside")>-1?l(r,r.replace("titleside","title.side")):r.indexOf("titleoffset")>-1&&l(r,r.replace("titleoffset","title.offset")):l(r,r.replace("title","title.text"));function l(e,r){t[r]=t[e],delete t[e]}}function q(t,e,r){if(t=o.getGraphDiv(t),T.clearPromiseQueue(t),t.framework&&t.framework.isPolar)return Promise.resolve(t);var n={};if("string"==typeof e)n[e]=r;else{if(!o.isPlainObject(e))return o.warn("Relayout fail.",e,r),Promise.reject();n=o.extendFlat({},e)}Object.keys(n).length&&(t.changed=!0);var i=Z(t,n),a=i.flags;a.calc&&(t.calcdata=void 0);var s=[h.previousPromises];a.layoutReplot?s.push(k.layoutReplot):Object.keys(n).length&&(H(t,a,i)||h.supplyDefaults(t),a.legend&&s.push(k.doLegend),a.layoutstyle&&s.push(k.layoutStyles),a.axrange&&G(s,i.rangesAltered),a.ticks&&s.push(k.doTicksRelayout),a.modebar&&s.push(k.doModeBar),a.camera&&s.push(k.doCamera),a.colorbars&&s.push(k.doColorBars),s.push(E)),s.push(h.rehover,h.redrag),c.add(t,q,[t,i.undoit],q,[t,i.redoit]);var l=o.syncOrAsync(s,t);return l&&l.then||(l=Promise.resolve(t)),l.then((function(){return t.emit("plotly_relayout",i.eventData),t}))}function H(t,e,r){var n=t._fullLayout;if(!e.axrange)return!1;for(var i in e)if("axrange"!==i&&e[i])return!1;for(var a in r.rangesAltered){var o=d.id2name(a),s=t.layout[o],l=n[o];if(l.autorange=s.autorange,s.range&&(l.range=s.range.slice()),l.cleanRange(),l._matchGroup)for(var c in l._matchGroup)if(c!==a){var u=n[d.id2name(c)];u.autorange=l.autorange,u.range=l.range.slice(),u._input.range=l.range.slice()}}return!0}function G(t,e){var r=e?function(t){var r=[],n=!0;for(var i in e){var a=d.getFromId(t,i);if(r.push(i),-1!==(a.ticklabelposition||"").indexOf("inside")&&a._anchorAxis&&r.push(a._anchorAxis._id),a._matchGroup)for(var o in a._matchGroup)e[o]||r.push(o);a.automargin&&(n=!1)}return d.draw(t,r,{skipTitle:n})}:function(t){return d.draw(t,"redraw")};t.push(b,k.doAutoRangeAndConstraints,r,k.drawData,k.finalDraw)}var Y=/^[xyz]axis[0-9]*\.range(\[[0|1]\])?$/,W=/^[xyz]axis[0-9]*\.autorange$/,X=/^[xyz]axis[0-9]*\.domain(\[[0|1]\])?$/;function Z(t,e){var r,n,i,a=t.layout,l=t._fullLayout,c=l._guiEditing,h=N(l._preGUI,c),p=Object.keys(e),g=d.list(t),m=o.extendDeepAll({},e),v={};for(V(e),p=Object.keys(e),n=0;n0&&"string"!=typeof z.parts[D];)D--;var R=z.parts[D],F=z.parts[D-1]+"."+R,j=z.parts.slice(0,D).join("."),U=s(t.layout,j).get(),q=s(l,j).get(),H=z.get();if(void 0!==O){k[P]=O,S[P]="reverse"===R?O:B(H);var G=f.getLayoutValObject(l,z.parts);if(G&&G.impliedEdits&&null!==O)for(var Z in G.impliedEdits)E(o.relativeAttr(P,Z),G.impliedEdits[Z]);if(-1!==["width","height"].indexOf(P))if(O){E("autosize",null);var K="height"===P?"width":"height";E(K,l[K])}else l[P]=t._initialAutoSize[P];else if("autosize"===P)E("width",O?null:l.width),E("height",O?null:l.height);else if(F.match(Y))I(F),s(l,j+"._inputRange").set(null);else if(F.match(W)){I(F),s(l,j+"._inputRange").set(null);var Q=s(l,j).get();Q._inputDomain&&(Q._input.domain=Q._inputDomain.slice())}else F.match(X)&&s(l,j+"._inputDomain").set(null);if("type"===R){C=U;var $="linear"===q.type&&"log"===O,tt="log"===q.type&&"linear"===O;if($||tt){if(C&&C.range)if(q.autorange)$&&(C.range=C.range[1]>C.range[0]?[1,2]:[2,1]);else{var et=C.range[0],rt=C.range[1];$?(et<=0&&rt<=0&&E(j+".autorange",!0),et<=0?et=rt/1e6:rt<=0&&(rt=et/1e6),E(j+".range[0]",Math.log(et)/Math.LN10),E(j+".range[1]",Math.log(rt)/Math.LN10)):(E(j+".range[0]",Math.pow(10,et)),E(j+".range[1]",Math.pow(10,rt)))}else E(j+".autorange",!0);Array.isArray(l._subplots.polar)&&l._subplots.polar.length&&l[z.parts[0]]&&"radialaxis"===z.parts[1]&&delete l[z.parts[0]]._subplot.viewInitial["radialaxis.range"],u.getComponentMethod("annotations","convertCoords")(t,q,O,E),u.getComponentMethod("images","convertCoords")(t,q,O,E)}else E(j+".autorange",!0),E(j+".range",null);s(l,j+"._inputRange").set(null)}else if(R.match(A)){var nt=s(l,P).get(),it=(O||{}).type;it&&"-"!==it||(it="linear"),u.getComponentMethod("annotations","convertCoords")(t,nt,it,E),u.getComponentMethod("images","convertCoords")(t,nt,it,E)}var at=w.containerArrayMatch(P);if(at){r=at.array,n=at.index;var ot=at.property,st=G||{editType:"calc"};""!==n&&""===ot&&(w.isAddVal(O)?S[P]=null:w.isRemoveVal(O)?S[P]=(s(a,r).get()||[])[n]:o.warn("unrecognized full object value",e)),M.update(_,st),v[r]||(v[r]={});var lt=v[r][n];lt||(lt=v[r][n]={}),lt[ot]=O,delete e[P]}else"reverse"===R?(U.range?U.range.reverse():(E(j+".autorange",!0),U.range=[1,0]),q.autorange?_.calc=!0:_.plot=!0):(l._has("scatter-like")&&l._has("regl")&&"dragmode"===P&&("lasso"===O||"select"===O)&&"lasso"!==H&&"select"!==H||l._has("gl2d")?_.plot=!0:G?M.update(_,G):_.calc=!0,z.set(O))}}for(r in v){w.applyContainerArrayChanges(t,h(a,r),v[r],_,h)||(_.plot=!0)}for(var ct in L){var ut=(C=d.getFromId(t,ct))&&C._constraintGroup;if(ut)for(var ft in _.calc=!0,ut)L[ft]||(d.getFromId(t,ft)._constraintShrinkable=!0)}return(J(t)||e.height||e.width)&&(_.plot=!0),(_.plot||_.calc)&&(_.layoutReplot=!0),{flags:_,rangesAltered:L,undoit:S,redoit:k,eventData:m}}function J(t){var e=t._fullLayout,r=e.width,n=e.height;return t.layout.autosize&&h.plotAutoSize(t,t.layout,e),e.width!==r||e.height!==n}function K(t,e,n,i){if(t=o.getGraphDiv(t),T.clearPromiseQueue(t),t.framework&&t.framework.isPolar)return Promise.resolve(t);o.isPlainObject(e)||(e={}),o.isPlainObject(n)||(n={}),Object.keys(e).length&&(t.changed=!0),Object.keys(n).length&&(t.changed=!0);var a=T.coerceTraceIndices(t,i),s=U(t,o.extendFlat({},e),a),l=s.flags,u=Z(t,o.extendFlat({},n)),f=u.flags;(l.calc||f.calc)&&(t.calcdata=void 0),l.clearAxisTypes&&T.clearAxisTypes(t,a,n);var p=[];f.layoutReplot?p.push(k.layoutReplot):l.fullReplot?p.push(r.plot):(p.push(h.previousPromises),H(t,f,u)||h.supplyDefaults(t),l.style&&p.push(k.doTraceStyle),(l.colorbars||f.colorbars)&&p.push(k.doColorBars),f.legend&&p.push(k.doLegend),f.layoutstyle&&p.push(k.layoutStyles),f.axrange&&G(p,u.rangesAltered),f.ticks&&p.push(k.doTicksRelayout),f.modebar&&p.push(k.doModeBar),f.camera&&p.push(k.doCamera),p.push(E)),p.push(h.rehover,h.redrag),c.add(t,K,[t,s.undoit,u.undoit,s.traces],K,[t,s.redoit,u.redoit,s.traces]);var d=o.syncOrAsync(p,t);return d&&d.then||(d=Promise.resolve(t)),d.then((function(){return t.emit("plotly_update",{data:s.eventData,layout:u.eventData}),t}))}function Q(t){return function(e){e._fullLayout._guiEditing=!0;var r=t.apply(null,arguments);return e._fullLayout._guiEditing=!1,r}}var $=[{pattern:/^hiddenlabels/,attr:"legend.uirevision"},{pattern:/^((x|y)axis\d*)\.((auto)?range|title\.text)/},{pattern:/axis\d*\.showspikes$/,attr:"modebar.uirevision"},{pattern:/(hover|drag)mode$/,attr:"modebar.uirevision"},{pattern:/^(scene\d*)\.camera/},{pattern:/^(geo\d*)\.(projection|center|fitbounds)/},{pattern:/^(ternary\d*\.[abc]axis)\.(min|title\.text)$/},{pattern:/^(polar\d*\.radialaxis)\.((auto)?range|angle|title\.text)/},{pattern:/^(polar\d*\.angularaxis)\.rotation/},{pattern:/^(mapbox\d*)\.(center|zoom|bearing|pitch)/},{pattern:/^legend\.(x|y)$/,attr:"editrevision"},{pattern:/^(shapes|annotations)/,attr:"editrevision"},{pattern:/^title\.text$/,attr:"editrevision"}],tt=[{pattern:/^selectedpoints$/,attr:"selectionrevision"},{pattern:/(^|value\.)visible$/,attr:"legend.uirevision"},{pattern:/^dimensions\[\d+\]\.constraintrange/},{pattern:/^node\.(x|y|groups)/},{pattern:/^level$/},{pattern:/(^|value\.)name$/},{pattern:/colorbar\.title\.text$/},{pattern:/colorbar\.(x|y)$/,attr:"editrevision"}];function et(t,e){for(var r=0;r1;)if(n.pop(),void 0!==(r=s(e,n.join(".")+".uirevision").get()))return r;return e.uirevision}function nt(t,e){for(var r=0;r=i.length?i[0]:i[t]:i}function l(t){return Array.isArray(a)?t>=a.length?a[0]:a[t]:a}function c(t,e){var r=0;return function(){if(t&&++r===e)return t()}}return void 0===n._frameWaitingCnt&&(n._frameWaitingCnt=0),new Promise((function(a,u){function f(){n._currentFrame&&n._currentFrame.onComplete&&n._currentFrame.onComplete();var e=n._currentFrame=n._frameQueue.shift();if(e){var r=e.name?e.name.toString():null;t._fullLayout._currentFrame=r,n._lastFrameAt=Date.now(),n._timeToNext=e.frameOpts.duration,h.transition(t,e.frame.data,e.frame.layout,T.coerceTraceIndices(t,e.frame.traces),e.frameOpts,e.transitionOpts).then((function(){e.onComplete&&e.onComplete()})),t.emit("plotly_animatingframe",{name:r,frame:e.frame,animation:{frame:e.frameOpts,transition:e.transitionOpts}})}else t.emit("plotly_animated"),window.cancelAnimationFrame(n._animationRaf),n._animationRaf=null}function p(){t.emit("plotly_animating"),n._lastFrameAt=-1/0,n._timeToNext=0,n._runningTransitions=0,n._currentFrame=null;var e=function(){n._animationRaf=window.requestAnimationFrame(e),Date.now()-n._lastFrameAt>n._timeToNext&&f()};e()}var d,g,m=0;function v(t){return Array.isArray(i)?m>=i.length?t.transitionOpts=i[m]:t.transitionOpts=i[0]:t.transitionOpts=i,m++,t}var y=[],x=null==e,b=Array.isArray(e);if(!x&&!b&&o.isPlainObject(e))y.push({type:"object",data:v(o.extendFlat({},e))});else if(x||-1!==["string","number"].indexOf(typeof e))for(d=0;d0&&kk)&&M.push(g);y=M}}y.length>0?function(e){if(0!==e.length){for(var i=0;i=0;n--)if(o.isPlainObject(e[n])){var g=e[n].name,m=(u[g]||d[g]||{}).name,v=e[n].name,y=u[m]||d[m];m&&v&&"number"==typeof v&&y&&S<5&&(S++,o.warn('addFrames: overwriting frame "'+(u[m]||d[m]).name+'" with a frame whose name of type "number" also equates to "'+m+'". This is valid but may potentially lead to unexpected behavior since all plotly.js frame names are stored internally as strings.'),5===S&&o.warn("addFrames: This API call has yielded too many of these warnings. For the rest of this call, further warnings about numeric frame names will be suppressed.")),d[g]={name:g},p.push({frame:h.supplyFrameDefaults(e[n]),index:r&&void 0!==r[n]&&null!==r[n]?r[n]:f+n})}p.sort((function(t,e){return t.index>e.index?-1:t.index=0;n--){if("number"==typeof(i=p[n].frame).name&&o.warn("Warning: addFrames accepts frames with numeric names, but the numbers areimplicitly cast to strings"),!i.name)for(;u[i.name="frame "+t._transitionData._counter++];);if(u[i.name]){for(a=0;a=0;r--)n=e[r],a.push({type:"delete",index:n}),s.unshift({type:"insert",index:n,value:i[n]});var l=h.modifyFrames,u=h.modifyFrames,f=[t,s],p=[t,a];return c&&c.add(t,l,f,u,p),h.modifyFrames(t,a)},r.addTraces=function t(e,n,i){e=o.getGraphDiv(e);var a,s,l=[],u=r.deleteTraces,f=t,h=[e,l],p=[e,n];for(function(t,e,r){var n,i;if(!Array.isArray(t.data))throw new Error("gd.data must be an array.");if("undefined"==typeof e)throw new Error("traces must be defined.");for(Array.isArray(e)||(e=[e]),n=0;n=0&&r=0&&r=a.length)return!1;if(2===t.dimensions){if(r++,e.length===r)return t;var o=e[r];if(!_(o))return!1;t=a[i][o]}else t=a[i]}else t=a}}return t}function _(t){return t===Math.round(t)&&t>=0}function w(){var t,e,r={};for(t in d(r,o),n.subplotsRegistry){if((e=n.subplotsRegistry[t]).layoutAttributes)if(Array.isArray(e.attr))for(var i=0;i=l.length)return!1;i=(r=(n.transformsRegistry[l[c].type]||{}).attributes)&&r[e[2]],s=3}else if("area"===t.type)i=u[o];else{var f=t._module;if(f||(f=(n.modules[t.type||a.type.dflt]||{})._module),!f)return!1;if(!(i=(r=f.attributes)&&r[o])){var h=f.basePlotModule;h&&h.attributes&&(i=h.attributes[o])}i||(i=a[o])}return b(i,e,s)},r.getLayoutValObject=function(t,e){return b(function(t,e){var r,i,a,s,l=t._basePlotModules;if(l){var c;for(r=0;r=i&&(r._input||{})._templateitemname;o&&(a=i);var s,l=e+"["+a+"]";function c(){s={},o&&(s[l]={},s[l].templateitemname=o)}function u(t,e){o?n.nestedProperty(s[l],t).set(e):s[l+"."+t]=e}function f(){var t=s;return c(),t}return c(),{modifyBase:function(t,e){s[t]=e},modifyItem:u,getUpdateObj:f,applyUpdate:function(e,r){e&&u(e,r);var i=f();for(var a in i)n.nestedProperty(t,a).set(i[a])}}}},{"../lib":778,"../plots/attributes":824}],818:[function(t,e,r){"use strict";var n=t("d3"),i=t("../registry"),a=t("../plots/plots"),o=t("../lib"),s=t("../lib/clear_gl_canvases"),l=t("../components/color"),c=t("../components/drawing"),u=t("../components/titles"),f=t("../components/modebar"),h=t("../plots/cartesian/axes"),p=t("../constants/alignment"),d=t("../plots/cartesian/constraints"),g=d.enforce,m=d.clean,v=t("../plots/cartesian/autorange").doAutoRange;function y(t,e,r){for(var n=0;n=t[1]||i[1]<=t[0])&&(a[0]e[0]))return!0}return!1}function x(t){var e,i,s,u,d,g,m=t._fullLayout,v=m._size,x=v.p,_=h.list(t,"",!0);if(m._paperdiv.style({width:t._context.responsive&&m.autosize&&!t._context._hasZeroWidth&&!t.layout.width?"100%":m.width+"px",height:t._context.responsive&&m.autosize&&!t._context._hasZeroHeight&&!t.layout.height?"100%":m.height+"px"}).selectAll(".main-svg").call(c.setSize,m.width,m.height),t._context.setBackground(t,m.paper_bgcolor),r.drawMainTitle(t),f.manage(t),!m._has("cartesian"))return a.previousPromises(t);function T(t,e,r){var n=t._lw/2;return"x"===t._id.charAt(0)?e?"top"===r?e._offset-x-n:e._offset+e._length+x+n:v.t+v.h*(1-(t.position||0))+n%1:e?"right"===r?e._offset+e._length+x+n:e._offset-x-n:v.l+v.w*(t.position||0)+n%1}for(e=0;e<_.length;e++){var k=(u=_[e])._anchorAxis;u._linepositions={},u._lw=c.crispRound(t,u.linewidth,1),u._mainLinePosition=T(u,k,u.side),u._mainMirrorPosition=u.mirror&&k?T(u,k,p.OPPOSITE_SIDE[u.side]):null}var M=[],A=[],S=[],E=1===l.opacity(m.paper_bgcolor)&&1===l.opacity(m.plot_bgcolor)&&m.paper_bgcolor===m.plot_bgcolor;for(i in m._plots)if((s=m._plots[i]).mainplot)s.bg&&s.bg.remove(),s.bg=void 0;else{var C=s.xaxis.domain,L=s.yaxis.domain,I=s.plotgroup;if(y(C,L,S)){var P=I.node(),z=s.bg=o.ensureSingle(I,"rect","bg");P.insertBefore(z.node(),P.childNodes[0]),A.push(i)}else I.select("rect.bg").remove(),S.push([C,L]),E||(M.push(i),A.push(i))}var O,D,R,F,B,N,j,U,V,q,H,G,Y,W=m._bgLayer.selectAll(".bg").data(M);for(W.enter().append("rect").classed("bg",!0),W.exit().remove(),W.each((function(t){m._plots[t].bg=n.select(this)})),e=0;eT?u.push({code:"unused",traceType:y,templateCount:w,dataCount:T}):T>w&&u.push({code:"reused",traceType:y,templateCount:w,dataCount:T})}}else u.push({code:"data"});if(function t(e,r){for(var n in e)if("_"!==n.charAt(0)){var a=e[n],o=g(e,n,r);i(a)?(Array.isArray(e)&&!1===a._template&&a.templateitemname&&u.push({code:"missing",path:o,templateitemname:a.templateitemname}),t(a,o)):Array.isArray(a)&&m(a)&&t(a,o)}}({data:p,layout:h},""),u.length)return u.map(v)}},{"../lib":778,"../plots/attributes":824,"../plots/plots":891,"./plot_config":815,"./plot_schema":816,"./plot_template":817}],820:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("./plot_api"),a=t("../plots/plots"),o=t("../lib"),s=t("../snapshot/helpers"),l=t("../snapshot/tosvg"),c=t("../snapshot/svgtoimg"),u=t("../version").version,f={format:{valType:"enumerated",values:["png","jpeg","webp","svg","full-json"],dflt:"png"},width:{valType:"number",min:1},height:{valType:"number",min:1},scale:{valType:"number",min:0,dflt:1},setBackground:{valType:"any",dflt:!1},imageDataOnly:{valType:"boolean",dflt:!1}};e.exports=function(t,e){var r,h,p,d;function g(t){return!(t in e)||o.validate(e[t],f[t])}if(e=e||{},o.isPlainObject(t)?(r=t.data||[],h=t.layout||{},p=t.config||{},d={}):(t=o.getGraphDiv(t),r=o.extendDeep([],t.data),h=o.extendDeep({},t.layout),p=t._context,d=t._fullLayout||{}),!g("width")&&null!==e.width||!g("height")&&null!==e.height)throw new Error("Height and width should be pixel values.");if(!g("format"))throw new Error("Export format is not "+o.join2(f.format.values,", "," or ")+".");var m={};function v(t,r){return o.coerce(e,m,f,t,r)}var y=v("format"),x=v("width"),b=v("height"),_=v("scale"),w=v("setBackground"),T=v("imageDataOnly"),k=document.createElement("div");k.style.position="absolute",k.style.left="-5000px",document.body.appendChild(k);var M=o.extendFlat({},h);x?M.width=x:null===e.width&&n(d.width)&&(M.width=d.width),b?M.height=b:null===e.height&&n(d.height)&&(M.height=d.height);var A=o.extendFlat({},p,{_exportedPlot:!0,staticPlot:!0,setBackground:w}),S=s.getRedrawFunc(k);function E(){return new Promise((function(t){setTimeout(t,s.getDelay(k._fullLayout))}))}function C(){return new Promise((function(t,e){var r=l(k,y,_),n=k._fullLayout.width,f=k._fullLayout.height;function h(){i.purge(k),document.body.removeChild(k)}if("full-json"===y){var p=a.graphJson(k,!1,"keepdata","object",!0,!0);return p.version=u,p=JSON.stringify(p),h(),t(T?p:s.encodeJSON(p))}if(h(),"svg"===y)return t(T?r:s.encodeSVG(r));var d=document.createElement("canvas");d.id=o.randstr(),c({format:y,width:n,height:f,scale:_,canvas:d,svg:r,promise:!0}).then(t).catch(e)}))}return new Promise((function(t,e){i.plot(k,r,M,A).then(S).then(E).then(C).then((function(e){t(function(t){return T?t.replace(s.IMAGE_URL_PREFIX,""):t}(e))})).catch((function(t){e(t)}))}))}},{"../lib":778,"../plots/plots":891,"../snapshot/helpers":915,"../snapshot/svgtoimg":917,"../snapshot/tosvg":919,"../version":1370,"./plot_api":814,"fast-isnumeric":241}],821:[function(t,e,r){"use strict";var n=t("../lib"),i=t("../plots/plots"),a=t("./plot_schema"),o=t("./plot_config").dfltConfig,s=n.isPlainObject,l=Array.isArray,c=n.isArrayOrTypedArray;function u(t,e,r,i,a,o){o=o||[];for(var f=Object.keys(t),h=0;hx.length&&i.push(d("unused",a,v.concat(x.length)));var M,A,S,E,C,L=x.length,I=Array.isArray(k);if(I&&(L=Math.min(L,k.length)),2===b.dimensions)for(A=0;Ax[A].length&&i.push(d("unused",a,v.concat(A,x[A].length)));var P=x[A].length;for(M=0;M<(I?Math.min(P,k[A].length):P);M++)S=I?k[A][M]:k,E=y[A][M],C=x[A][M],n.validate(E,S)?C!==E&&C!==+E&&i.push(d("dynamic",a,v.concat(A,M),E,C)):i.push(d("value",a,v.concat(A,M),E))}else i.push(d("array",a,v.concat(A),y[A]));else for(A=0;A1&&p.push(d("object","layout"))),i.supplyDefaults(g);for(var m=g._fullData,v=r.length,y=0;y0&&Math.round(f)===f))return i;c=f}for(var h=e.calendar,p="start"===l,d="end"===l,g=t[r+"period0"],m=a(g,h)||0,v=[],y=i.length,x=0;xT;)w=o(w,-c,h);for(;w<=T;)w=o(w,c,h);_=o(w,-c,h)}else{for(w=m+(b=Math.round((T-m)/u))*u;w>T;)w-=u;for(;w<=T;)w+=u;_=w-u}v[x]=p?_:d?w:(_+w)/2}return v}},{"../../constants/numerical":753,"../../lib":778,"fast-isnumeric":241}],826:[function(t,e,r){"use strict";e.exports={xaxis:{valType:"subplotid",dflt:"x",editType:"calc+clearAxisTypes"},yaxis:{valType:"subplotid",dflt:"y",editType:"calc+clearAxisTypes"}}},{}],827:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../lib"),a=t("../../constants/numerical").FP_SAFE,o=t("../../registry"),s=t("./axis_ids"),l=s.getFromId,c=s.isLinked;function u(t,e){var r,n,a=[],o=t._fullLayout,s=h(o,e,0),l=h(o,e,1),c=p(t,e),u=c.min,d=c.max;if(0===u.length||0===d.length)return i.simpleMap(e.range,e.r2l);var g=u[0].val,m=d[0].val;for(r=1;r0&&((T=E-s(x)-l(b))>C?k/T>L&&(_=x,w=b,L=k/T):k/E>L&&(_={val:x.val,nopad:1},w={val:b.val,nopad:1},L=k/E));if(g===m){var I=g-1,P=g+1;if(A)if(0===g)a=[0,1];else{var z=(g>0?d:u).reduce((function(t,e){return Math.max(t,l(e))}),0),O=g/(1-Math.min(.5,z/E));a=g>0?[0,O]:[O,0]}else a=S?[Math.max(0,I),Math.max(1,P)]:[I,P]}else A?(_.val>=0&&(_={val:0,nopad:1}),w.val<=0&&(w={val:0,nopad:1})):S&&(_.val-L*s(_)<0&&(_={val:0,nopad:1}),w.val<=0&&(w={val:1,nopad:1})),L=(w.val-_.val-f(e,x.val,b.val))/(E-s(_)-l(w)),a=[_.val-L*s(_),w.val+L*l(w)];return v&&a.reverse(),i.simpleMap(a,e.l2r||Number)}function f(t,e,r){var n=0;if(t.rangebreaks)for(var i=t.locateBreaks(e,r),a=0;a0?r.ppadplus:r.ppadminus)||r.ppad||0),S=M((t._m>0?r.ppadminus:r.ppadplus)||r.ppad||0),E=M(r.vpadplus||r.vpad),C=M(r.vpadminus||r.vpad);if(!T){if(h=1/0,p=-1/0,w)for(i=0;i0&&(h=o),o>p&&o-a&&(h=o),o>p&&o=P;i--)I(i);return{min:m,max:y,opts:r}},concatExtremes:p};function p(t,e,r){var n,i,a,o=e._id,s=t._fullData,c=t._fullLayout,u=[],f=[];function h(t,e){for(n=0;n=r&&(c.extrapad||!o)){s=!1;break}i(e,c.val)&&c.pad<=r&&(o||!c.extrapad)&&(t.splice(l,1),l--)}if(s){var u=a&&0===e;t.push({val:e,pad:u?0:r,extrapad:!u&&o})}}function v(t){return n(t)&&Math.abs(t)=e}},{"../../constants/numerical":753,"../../lib":778,"../../registry":911,"./axis_ids":831,"fast-isnumeric":241}],828:[function(t,e,r){"use strict";var n=t("d3"),i=t("fast-isnumeric"),a=t("../../plots/plots"),o=t("../../registry"),s=t("../../lib"),l=s.strTranslate,c=t("../../lib/svg_text_utils"),u=t("../../components/titles"),f=t("../../components/color"),h=t("../../components/drawing"),p=t("./layout_attributes"),d=t("./clean_ticks"),g=t("../../constants/numerical"),m=g.ONEMAXYEAR,v=g.ONEAVGYEAR,y=g.ONEMINYEAR,x=g.ONEMAXQUARTER,b=g.ONEAVGQUARTER,_=g.ONEMINQUARTER,w=g.ONEMAXMONTH,T=g.ONEAVGMONTH,k=g.ONEMINMONTH,M=g.ONEWEEK,A=g.ONEDAY,S=A/2,E=g.ONEHOUR,C=g.ONEMIN,L=g.ONESEC,I=g.MINUS_SIGN,P=g.BADNUM,z=t("../../constants/alignment"),O=z.MID_SHIFT,D=z.CAP_SHIFT,R=z.LINE_SPACING,F=z.OPPOSITE_SIDE,B=e.exports={};B.setConvert=t("./set_convert");var N=t("./axis_autotype"),j=t("./axis_ids"),U=j.idSort,V=j.isLinked;B.id2name=j.id2name,B.name2id=j.name2id,B.cleanId=j.cleanId,B.list=j.list,B.listIds=j.listIds,B.getFromId=j.getFromId,B.getFromTrace=j.getFromTrace;var q=t("./autorange");B.getAutoRange=q.getAutoRange,B.findExtremes=q.findExtremes;function H(t){var e=1e-4*(t[1]-t[0]);return[t[0]-e,t[1]+e]}B.coerceRef=function(t,e,r,n,i,a){var o=n.charAt(n.length-1),l=r._fullLayout._subplots[o+"axis"],c=n+"ref",u={};return i||(i=l[0]||("string"==typeof a?a:a[0])),a||(a=i),l=l.concat(l.map((function(t){return t+" domain"}))),u[c]={valType:"enumerated",values:l.concat(a?"string"==typeof a?[a]:a:[]),dflt:i},s.coerce(t,e,u,c)},B.getRefType=function(t){return void 0===t?t:"paper"===t?"paper":"pixel"===t?"pixel":/( domain)$/.test(t)?"domain":"range"},B.coercePosition=function(t,e,r,n,i,a){var o,l;if("range"!==B.getRefType(n))o=s.ensureNumber,l=r(i,a);else{var c=B.getFromId(e,n);l=r(i,a=c.fraction2r(a)),o=c.cleanPos}t[i]=o(l)},B.cleanPosition=function(t,e,r){return("paper"===r||"pixel"===r?s.ensureNumber:B.getFromId(e,r).cleanPos)(t)},B.redrawComponents=function(t,e){e=e||B.listIds(t);var r=t._fullLayout;function n(n,i,a,s){for(var l=o.getComponentMethod(n,i),c={},u=0;u2e-6||((r-t._forceTick0)/t._minDtick%1+1.000001)%1>2e-6)&&(t._minDtick=0)):t._minDtick=0},B.saveRangeInitial=function(t,e){for(var r=B.list(t,"",!0),n=!1,i=0;i.3*h||u(n)||u(a))){var p=r.dtick/2;t+=t+p.8){var o=Number(r.substr(1));a.exactYears>.8&&o%12==0?t=B.tickIncrement(t,"M6","reverse")+1.5*A:a.exactMonths>.8?t=B.tickIncrement(t,"M1","reverse")+15.5*A:t-=S;var l=B.tickIncrement(t,r);if(l<=n)return l}return t}(y,t,v,c,a)),m=y,0;m<=u;)m=B.tickIncrement(m,v,!1,a);return{start:e.c2r(y,0,a),end:e.c2r(m,0,a),size:v,_dataSpan:u-c}},B.prepTicks=function(t,e){var r=s.simpleMap(t.range,t.r2l,void 0,void 0,e);if(t._dtickInit=t.dtick,t._tick0Init=t.tick0,"auto"===t.tickmode||!t.dtick){var n,a=t.nticks;a||("category"===t.type||"multicategory"===t.type?(n=t.tickfont?1.2*(t.tickfont.size||12):15,a=t._length/n):(n="y"===t._id.charAt(0)?40:80,a=s.constrain(t._length/n,4,9)+1),"radialaxis"===t._name&&(a*=2)),"array"===t.tickmode&&(a*=100),t._roughDTick=Math.abs(r[1]-r[0])/a,B.autoTicks(t,t._roughDTick),t._minDtick>0&&t.dtick<2*t._minDtick&&(t.dtick=t._minDtick,t.tick0=t.l2r(t._forceTick0))}"period"===t.ticklabelmode&&function(t){var e;function r(){return!(i(t.dtick)||"M"!==t.dtick.charAt(0))}var n=r(),a=B.getTickFormat(t);if(a){var o=t._dtickInit!==t.dtick;/%[fLQsSMX]/.test(a)||(/%[HI]/.test(a)?(e=E,o&&!n&&t.dticka&&f=o:p<=o;p=B.tickIncrement(p,t.dtick,l,t.calendar)){if(t.rangebreaks&&!l){if(p=u)break}if(C.length>g||p===L)break;L=p;var I=!1;f&&p!==(0|p)&&(I=!0),C.push({minor:I,value:p})}if(h&&function(t,e,r){for(var n=0;n0?(a=n-1,o=n):(a=n,o=n);var s,l=t[a].value,c=t[o].value,u=Math.abs(c-l),f=r||u,h=0;f>=y?h=u>=y&&u<=m?u:v:r===b&&f>=_?h=u>=_&&u<=x?u:b:f>=k?h=u>=k&&u<=w?u:T:r===M&&f>=M?h=M:f>=A?h=A:r===S&&f>=S?h=S:r===E&&f>=E&&(h=E),h>=u&&(h=u,s=!0);var p=i+h;if(e.rangebreaks&&h>0){for(var d=0,g=0;g<84;g++){var C=(g+.5)/84;e.maskBreaks(i*(1-C)+C*p)!==P&&d++}(h*=d/84)||(t[n].drop=!0),s&&u>M&&(h=u)}(h>0||0===n)&&(t[n].periodX=i+h/2)}}(C,t,t._definedDelta),t.rangebreaks){var z="y"===t._id.charAt(0),O=1;"auto"===t.tickmode&&(O=t.tickfont?t.tickfont.size:12);var D=NaN;for(d=C.length-1;d>-1;d--)if(C[d].drop)C.splice(d,1);else{C[d].value=wt(C[d].value,t);var R=t.c2p(C[d].value);(z?D>R-O:Du||Nu&&(F.periodX=u),N10||"01-01"!==n.substr(5)?t._tickround="d":t._tickround=+e.substr(1)%12==0?"y":"m";else if(e>=A&&a<=10||e>=15*A)t._tickround="d";else if(e>=C&&a<=16||e>=E)t._tickround="M";else if(e>=L&&a<=19||e>=C)t._tickround="S";else{var o=t.l2r(r+e).replace(/^-/,"").length;t._tickround=Math.max(a,o)-20,t._tickround<0&&(t._tickround=4)}}else if(i(e)||"L"===e.charAt(0)){var s=t.range.map(t.r2d||Number);i(e)||(e=Number(e.substr(1))),t._tickround=2-Math.floor(Math.log(e)/Math.LN10+.01);var l=Math.max(Math.abs(s[0]),Math.abs(s[1])),c=Math.floor(Math.log(l)/Math.LN10+.01),u=void 0===t.minexponent?3:t.minexponent;Math.abs(c)>u&&(ot(t.exponentformat)&&!st(c)?t._tickexponent=3*Math.round((c-1)/3):t._tickexponent=c)}else t._tickround=null}function it(t,e,r){var n=t.tickfont||{};return{x:e,dx:0,dy:0,text:r||"",fontSize:n.size,font:n.family,fontColor:n.color}}B.autoTicks=function(t,e){var r;function n(t){return Math.pow(t,Math.floor(Math.log(e)/Math.LN10))}if("date"===t.type){t.tick0=s.dateTick0(t.calendar,0);var a=2*e;if(a>v)e/=v,r=n(10),t.dtick="M"+12*rt(e,r,Z);else if(a>T)e/=T,t.dtick="M"+rt(e,1,J);else if(a>A){t.dtick=rt(e,A,t._hasDayOfWeekBreaks?[1,2,7,14]:Q);var o=B.getTickFormat(t),l="period"===t.ticklabelmode;l&&(t._rawTick0=t.tick0),/%[uVW]/.test(o)?t.tick0=s.dateTick0(t.calendar,2):t.tick0=s.dateTick0(t.calendar,1),l&&(t._dowTick0=t.tick0)}else a>E?t.dtick=rt(e,E,J):a>C?t.dtick=rt(e,C,K):a>L?t.dtick=rt(e,L,K):(r=n(10),t.dtick=rt(e,r,Z))}else if("log"===t.type){t.tick0=0;var c=s.simpleMap(t.range,t.r2l);if(e>.7)t.dtick=Math.ceil(e);else if(Math.abs(c[1]-c[0])<1){var u=1.5*Math.abs((c[1]-c[0])/e);e=Math.abs(Math.pow(10,c[1])-Math.pow(10,c[0]))/u,r=n(10),t.dtick="L"+rt(e,r,Z)}else t.dtick=e>.3?"D2":"D1"}else"category"===t.type||"multicategory"===t.type?(t.tick0=0,t.dtick=Math.ceil(Math.max(e,1))):_t(t)?(t.tick0=0,r=1,t.dtick=rt(e,r,et)):(t.tick0=0,r=n(10),t.dtick=rt(e,r,Z));if(0===t.dtick&&(t.dtick=1),!i(t.dtick)&&"string"!=typeof t.dtick){var f=t.dtick;throw t.dtick=1,"ax.dtick error: "+String(f)}},B.tickIncrement=function(t,e,r,a){var o=r?-1:1;if(i(e))return s.increment(t,o*e);var l=e.charAt(0),c=o*Number(e.substr(1));if("M"===l)return s.incrementMonth(t,c,a);if("L"===l)return Math.log(Math.pow(10,t)+c)/Math.LN10;if("D"===l){var u="D2"===e?tt:$,f=t+.01*o,h=s.roundUp(s.mod(f,1),u,r);return Math.floor(f)+Math.log(n.round(Math.pow(10,h),1))/Math.LN10}throw"unrecognized dtick "+String(e)},B.tickFirst=function(t,e){var r=t.r2l||Number,a=s.simpleMap(t.range,r,void 0,void 0,e),o=a[1] ")}else t._prevDateHead=l,c+="
"+l;e.text=c}(t,o,r,c):"log"===u?function(t,e,r,n,a){var o=t.dtick,l=e.x,c=t.tickformat,u="string"==typeof o&&o.charAt(0);"never"===a&&(a="");n&&"L"!==u&&(o="L3",u="L");if(c||"L"===u)e.text=lt(Math.pow(10,l),t,a,n);else if(i(o)||"D"===u&&s.mod(l+.01,1)<.1){var f=Math.round(l),h=Math.abs(f),p=t.exponentformat;"power"===p||ot(p)&&st(f)?(e.text=0===f?1:1===f?"10":"10"+(f>1?"":I)+h+"",e.fontSize*=1.25):("e"===p||"E"===p)&&h>2?e.text="1"+p+(f>0?"+":I)+h:(e.text=lt(Math.pow(10,l),t,"","fakehover"),"D1"===o&&"y"===t._id.charAt(0)&&(e.dy-=e.fontSize/6))}else{if("D"!==u)throw"unrecognized dtick "+String(o);e.text=String(Math.round(Math.pow(10,s.mod(l,1)))),e.fontSize*=.75}if("D1"===t.dtick){var d=String(e.text).charAt(0);"0"!==d&&"1"!==d||("y"===t._id.charAt(0)?e.dx-=e.fontSize/4:(e.dy+=e.fontSize/2,e.dx+=(t.range[1]>t.range[0]?1:-1)*e.fontSize*(l<0?.5:.25)))}}(t,o,0,c,g):"category"===u?function(t,e){var r=t._categories[Math.round(e.x)];void 0===r&&(r="");e.text=String(r)}(t,o):"multicategory"===u?function(t,e,r){var n=Math.round(e.x),i=t._categories[n]||[],a=void 0===i[1]?"":String(i[1]),o=void 0===i[0]?"":String(i[0]);r?e.text=o+" - "+a:(e.text=a,e.text2=o)}(t,o,r):_t(t)?function(t,e,r,n,i){if("radians"!==t.thetaunit||r)e.text=lt(e.x,t,i,n);else{var a=e.x/180;if(0===a)e.text="0";else{var o=function(t){function e(t,e){return Math.abs(t-e)<=1e-6}var r=function(t){for(var r=1;!e(Math.round(t*r)/r,t);)r*=10;return r}(t),n=t*r,i=Math.abs(function t(r,n){return e(n,0)?r:t(n,r%n)}(n,r));return[Math.round(n/i),Math.round(r/i)]}(a);if(o[1]>=100)e.text=lt(s.deg2rad(e.x),t,i,n);else{var l=e.x<0;1===o[1]?1===o[0]?e.text="\u03c0":e.text=o[0]+"\u03c0":e.text=["",o[0],"","\u2044","",o[1],"","\u03c0"].join(""),l&&(e.text=I+e.text)}}}}(t,o,r,c,g):function(t,e,r,n,i){"never"===i?i="":"all"===t.showexponent&&Math.abs(e.x/t.dtick)<1e-6&&(i="hide");e.text=lt(e.x,t,i,n)}(t,o,0,c,g),n||(t.tickprefix&&!d(t.showtickprefix)&&(o.text=t.tickprefix+o.text),t.ticksuffix&&!d(t.showticksuffix)&&(o.text+=t.ticksuffix)),"boundaries"===t.tickson||t.showdividers){var m=function(e){var r=t.l2p(e);return r>=0&&r<=t._length?e:null};o.xbnd=[m(o.x-.5),m(o.x+t.dtick-.5)]}return o},B.hoverLabelText=function(t,e,r){if(r!==P&&r!==e)return B.hoverLabelText(t,e)+" - "+B.hoverLabelText(t,r);var n="log"===t.type&&e<=0,i=B.tickText(t,t.c2l(n?-e:e),"hover").text;return n?0===e?"0":I+i:i};var at=["f","p","n","\u03bc","m","","k","M","G","T"];function ot(t){return"SI"===t||"B"===t}function st(t){return t>14||t<-15}function lt(t,e,r,n){var a=t<0,o=e._tickround,l=r||e.exponentformat||"B",c=e._tickexponent,u=B.getTickFormat(e),f=e.separatethousands;if(n){var h={exponentformat:l,minexponent:e.minexponent,dtick:"none"===e.showexponent?e.dtick:i(t)&&Math.abs(t)||1,range:"none"===e.showexponent?e.range.map(e.r2d):[0,t||1]};nt(h),o=(Number(h._tickround)||0)+4,c=h._tickexponent,e.hoverformat&&(u=e.hoverformat)}if(u)return e._numFormat(u)(t).replace(/-/g,I);var p,d=Math.pow(10,-o)/2;if("none"===l&&(c=0),(t=Math.abs(t))"+p+"":"B"===l&&9===c?t+="B":ot(l)&&(t+=at[c/3+5]));return a?I+t:t}function ct(t,e){for(var r=[],n={},i=0;i1&&r=i.min&&t=0,a=u(t,e[1])<=0;return(r||i)&&(n||a)}if(t.tickformatstops&&t.tickformatstops.length>0)switch(t.type){case"date":case"linear":for(e=0;e=o(i)))){r=n;break}break;case"log":for(e=0;e0?r.bottom-f:0,h)))),e.automargin){n={x:0,y:0,r:0,l:0,t:0,b:0};var p=[0,1];if("x"===d){if("b"===l?n[l]=e._depth:(n[l]=e._depth=Math.max(r.width>0?f-r.top:0,h),p.reverse()),r.width>0){var m=r.right-(e._offset+e._length);m>0&&(n.xr=1,n.r=m);var v=e._offset-r.left;v>0&&(n.xl=0,n.l=v)}}else if("l"===l?n[l]=e._depth=Math.max(r.height>0?f-r.left:0,h):(n[l]=e._depth=Math.max(r.height>0?r.right-f:0,h),p.reverse()),r.height>0){var y=r.bottom-(e._offset+e._length);y>0&&(n.yb=0,n.b=y);var x=e._offset-r.top;x>0&&(n.yt=1,n.t=x)}n[g]="free"===e.anchor?e.position:e._anchorAxis.domain[p[0]],e.title.text!==c._dfltTitle[d]&&(n[l]+=ht(e)+(e.title.standoff||0)),e.mirror&&"free"!==e.anchor&&((i={x:0,y:0,r:0,l:0,t:0,b:0})[u]=e.linewidth,e.mirror&&!0!==e.mirror&&(i[u]+=h),!0===e.mirror||"ticks"===e.mirror?i[g]=e._anchorAxis.domain[p[1]]:"all"!==e.mirror&&"allticks"!==e.mirror||(i[g]=[e._counterDomainMin,e._counterDomainMax][p[1]]))}K&&(s=o.getComponentMethod("rangeslider","autoMarginOpts")(t,e)),a.autoMargin(t,gt(e),n),a.autoMargin(t,mt(e),i),a.autoMargin(t,vt(e),s)})),r.skipTitle||K&&"bottom"===e.side||Z.push((function(){return function(t,e){var r,n=t._fullLayout,i=e._id,a=i.charAt(0),o=e.title.font.size;if(e.title.hasOwnProperty("standoff"))r=e._depth+e.title.standoff+ht(e);else{var s=-1!==(e.ticklabelposition||"").indexOf("inside");if("multicategory"===e.type)r=e._depth;else{var l=1.5*o;s&&(l=.5*o,"outside"===e.ticks&&(l+=e.ticklen)),r=10+l+(e.linewidth?e.linewidth-1:0)}s||(r+="x"===a?"top"===e.side?o*(e.showticklabels?1:0):o*(e.showticklabels?1.5:.5):"right"===e.side?o*(e.showticklabels?1:.5):o*(e.showticklabels?.5:0))}var c,f,p,d,g=B.getPxPosition(t,e);"x"===a?(f=e._offset+e._length/2,p="top"===e.side?g-r:g+r):(p=e._offset+e._length/2,f="right"===e.side?g+r:g-r,c={rotate:"-90",offset:0});if("multicategory"!==e.type){var m=e._selections[e._id+"tick"];if(d={selection:m,side:e.side},m&&m.node()&&m.node().parentNode){var v=h.getTranslate(m.node().parentNode);d.offsetLeft=v.x,d.offsetTop=v.y}e.title.hasOwnProperty("standoff")&&(d.pad=0)}return u.draw(t,i+"title",{propContainer:e,propName:e._name+".title.text",placeholder:n._dfltTitle[a],avoid:d,transform:c,attributes:{x:f,y:p,"text-anchor":"middle"}})}(t,e)})),s.syncOrAsync(Z)}}function Q(t){var r=p+(t||"tick");return w[r]||(w[r]=function(t,e){var r,n,i,a;t._selections[e].size()?(r=1/0,n=-1/0,i=1/0,a=-1/0,t._selections[e].each((function(){var t=dt(this),e=h.bBox(t.node().parentNode);r=Math.min(r,e.top),n=Math.max(n,e.bottom),i=Math.min(i,e.left),a=Math.max(a,e.right)}))):(r=0,n=0,i=0,a=0);return{top:r,bottom:n,left:i,right:a,height:n-r,width:a-i}}(e,r)),w[r]}},B.getTickSigns=function(t){var e=t._id.charAt(0),r={x:"top",y:"right"}[e],n=t.side===r?1:-1,i=[-1,1,n,-n];return"inside"!==t.ticks==("x"===e)&&(i=i.map((function(t){return-t}))),t.side&&i.push({l:-1,t:-1,r:1,b:1}[t.side.charAt(0)]),i},B.makeTransTickFn=function(t){return"x"===t._id.charAt(0)?function(e){return l(t._offset+t.l2p(e.x),0)}:function(e){return l(0,t._offset+t.l2p(e.x))}},B.makeTransTickLabelFn=function(t){var e=function(t){var e=t.ticklabelposition||"",r=function(t){return-1!==e.indexOf(t)},n=r("top"),i=r("left"),a=r("right"),o=r("bottom"),s=r("inside"),l=o||i||n||a;if(!l&&!s)return[0,0];var c=t.side,u=l?(t.tickwidth||0)/2:0,f=3,h=t.tickfont?t.tickfont.size:12;(o||n)&&(u+=h*D,f+=(t.linewidth||0)/2);(i||a)&&(u+=(t.linewidth||0)/2,f+=3);s&&"top"===c&&(f-=h*(1-D));(i||n)&&(u=-u);"bottom"!==c&&"right"!==c||(f=-f);return[l?u:0,s?f:0]}(t),r=e[0],n=e[1];return"x"===t._id.charAt(0)?function(e){return l(r+t._offset+t.l2p(ut(e)),n)}:function(e){return l(n,r+t._offset+t.l2p(ut(e)))}},B.makeTickPath=function(t,e,r,n){n=void 0!==n?n:t.ticklen;var i=t._id.charAt(0),a=(t.linewidth||1)/2;return"x"===i?"M0,"+(e+a*r)+"v"+n*r:"M"+(e+a*r)+",0h"+n*r},B.makeLabelFns=function(t,e,r){var n=t.ticklabelposition||"",a=function(t){return-1!==n.indexOf(t)},o=a("top"),l=a("left"),c=a("right"),u=a("bottom")||l||o||c,f=a("inside"),h="inside"===n&&"inside"===t.ticks||!f&&"outside"===t.ticks&&"boundaries"!==t.tickson,p=0,d=0,g=h?t.ticklen:0;if(f?g*=-1:u&&(g=0),h&&(p+=g,r)){var m=s.deg2rad(r);p=g*Math.cos(m)+1,d=g*Math.sin(m)}t.showticklabels&&(h||t.showline)&&(p+=.2*t.tickfont.size);var v,y,x,b,_,w={labelStandoff:p+=(t.linewidth||1)/2*(f?-1:1),labelShift:d},T=0,k=t.side,M=t._id.charAt(0),A=t.tickangle;if("x"===M)b=(_=!f&&"bottom"===k||f&&"top"===k)?1:-1,f&&(b*=-1),v=d*b,y=e+p*b,x=_?1:-.2,90===Math.abs(A)&&(f?x+=O:x=-90===A&&"bottom"===k?D:90===A&&"top"===k?O:.5,T=O/2*(A/90)),w.xFn=function(t){return t.dx+v+T*t.fontSize},w.yFn=function(t){return t.dy+y+t.fontSize*x},w.anchorFn=function(t,e){if(u){if(l)return"end";if(c)return"start"}return i(e)&&0!==e&&180!==e?e*b<0!==f?"end":"start":"middle"},w.heightFn=function(e,r,n){return r<-60||r>60?-.5*n:"top"===t.side!==f?-n:0};else if("y"===M){if(b=(_=!f&&"left"===k||f&&"right"===k)?1:-1,f&&(b*=-1),v=p,y=d*b,x=0,f||90!==Math.abs(A)||(x=-90===A&&"left"===k||90===A&&"right"===k?D:.5),f){var S=i(A)?+A:0;if(0!==S){var E=s.deg2rad(S);T=Math.abs(Math.sin(E))*D*b,x=0}}w.xFn=function(t){return t.dx+e-(v+t.fontSize*x)*b+T*t.fontSize},w.yFn=function(t){return t.dy+y+t.fontSize*O},w.anchorFn=function(t,e){return i(e)&&90===Math.abs(e)?"middle":_?"end":"start"},w.heightFn=function(e,r,n){return"right"===t.side&&(r*=-1),r<-30?-n:r<30?-.5*n:0}}return w},B.drawTicks=function(t,e,r){r=r||{};var n=e._id+"tick",i=r.vals;"period"===e.ticklabelmode&&(i=i.slice()).shift();var a=r.layer.selectAll("path."+n).data(e.ticks?i:[],ft);a.exit().remove(),a.enter().append("path").classed(n,1).classed("ticks",1).classed("crisp",!1!==r.crisp).call(f.stroke,e.tickcolor).style("stroke-width",h.crispRound(t,e.tickwidth,1)+"px").attr("d",r.path),a.attr("transform",r.transFn)},B.drawGrid=function(t,e,r){r=r||{};var n=e._id+"grid",i=r.vals,a=r.counterAxis;if(!1===e.showgrid)i=[];else if(a&&B.shouldShowZeroLine(t,e,a))for(var o="array"===e.tickmode,s=0;so||i.lefto||i.top+(e.tickangle?0:t.fontSize/4)1)for(n=1;n2*o}(i,e))return"date";var m="strict"!==r.autotypenumbers;return function(t,e){for(var r=t.length,n=f(r),i=0,o=0,s={},u=0;u2*i}(i,m)?"category":function(t,e){for(var r=t.length,n=0;n=2){var l,c,u="";if(2===o.length)for(l=0;l<2;l++)if(c=y(o[l])){u=d;break}var f=i("pattern",u);if(f===d)for(l=0;l<2;l++)(c=y(o[l]))&&(e.bounds[l]=o[l]=c-1);if(f)for(l=0;l<2;l++)switch(c=o[l],f){case d:if(!n(c))return void(e.enabled=!1);if((c=+c)!==Math.floor(c)||c<0||c>=7)return void(e.enabled=!1);e.bounds[l]=o[l]=c;break;case g:if(!n(c))return void(e.enabled=!1);if((c=+c)<0||c>24)return void(e.enabled=!1);e.bounds[l]=o[l]=c}if(!1===r.autorange){var h=r.range;if(h[0]h[1])return void(e.enabled=!1)}else if(o[0]>h[0]&&o[1]n?1:-1:+(t.substr(1)||1)-+(e.substr(1)||1)},r.ref2id=function(t){return!!/^[xyz]/.test(t)&&t.split(" ")[0]},r.isLinked=function(t,e){return a(e,t._axisMatchGroups)||a(e,t._axisConstraintGroups)}},{"../../registry":911,"./constants":834}],832:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){if("category"===e.type){var i,a=t.categoryarray,o=Array.isArray(a)&&a.length>0;o&&(i="array");var s,l=r("categoryorder",i);"array"===l&&(s=r("categoryarray")),o||"array"!==l||(l=e.categoryorder="trace"),"trace"===l?e._initialCategories=[]:"array"===l?e._initialCategories=s.slice():(s=function(t,e){var r,n,i,a=e.dataAttr||t._id.charAt(0),o={};if(e.axData)r=e.axData;else for(r=[],n=0;nn?i.substr(n):a.substr(r))+o:i+a+t*e:o}function m(t,e){for(var r=e._size,n=r.h/r.w,i={},a=Object.keys(t),o=0;oc*x)||T)for(r=0;rz&&FI&&(I=F);h/=(I-L)/(2*P),L=l.l2r(L),I=l.l2r(I),l.range=l._input.range=S=0?Math.min(t,.9):1/(1/Math.max(t,-.3)+3.222))}function B(t,e,r,n,i){return t.append("path").attr("class","zoombox").style({fill:e>.2?"rgba(0,0,0,0)":"rgba(255,255,255,0)","stroke-width":0}).attr("transform",l(r,n)).attr("d",i+"Z")}function N(t,e,r){return t.append("path").attr("class","zoombox-corners").style({fill:u.background,stroke:u.defaultLine,"stroke-width":1,opacity:0}).attr("transform",l(e,r)).attr("d","M0,0Z")}function j(t,e,r,n,i,a){t.attr("d",n+"M"+r.l+","+r.t+"v"+r.h+"h"+r.w+"v-"+r.h+"h-"+r.w+"Z"),U(t,e,i,a)}function U(t,e,r,n){r||(t.transition().style("fill",n>.2?"rgba(0,0,0,0.4)":"rgba(255,255,255,0.3)").duration(200),e.transition().style("opacity",1).duration(200))}function V(t){n.select(t).selectAll(".zoombox,.js-zoombox-backdrop,.js-zoombox-menu,.zoombox-corners").remove()}function q(t){I&&t.data&&t._context.showTips&&(s.notifier(s._(t,"Double-click to zoom back out"),"long"),I=!1)}function H(t){var e=Math.floor(Math.min(t.b-t.t,t.r-t.l,L)/2);return"M"+(t.l-3.5)+","+(t.t-.5+e)+"h3v"+-e+"h"+e+"v-3h-"+(e+3)+"ZM"+(t.r+3.5)+","+(t.t-.5+e)+"h-3v"+-e+"h"+-e+"v-3h"+(e+3)+"ZM"+(t.r+3.5)+","+(t.b+.5-e)+"h-3v"+e+"h"+-e+"v3h"+(e+3)+"ZM"+(t.l-3.5)+","+(t.b+.5-e)+"h3v"+e+"h"+e+"v3h-"+(e+3)+"Z"}function G(t,e,r,n,i){for(var a,o,l,c,u=!1,f={},h={},p=(i||{}).xaHash,d=(i||{}).yaHash,g=0;g=0)i._fullLayout._deactivateShape(i);else{var a=i._fullLayout.clickmode;if(V(i),2!==t||mt||qt(),gt)a.indexOf("select")>-1&&A(r,i,Z,J,e.id,Lt),a.indexOf("event")>-1&&h.click(i,r,e.id);else if(1===t&&mt){var s=d?P:I,l="s"===d||"w"===m?0:1,u=s._name+".range["+l+"]",f=function(t,e){var r,i=t.range[e],a=Math.abs(i-t.range[1-e]);return"date"===t.type?i:"log"===t.type?(r=Math.ceil(Math.max(0,-Math.log(a)/Math.LN10))+3,n.format("."+r+"g")(Math.pow(10,i))):(r=Math.floor(Math.log(Math.abs(i))/Math.LN10)-Math.floor(Math.log(a)/Math.LN10)+4,n.format("."+String(r)+"g")(i))}(s,l),p="left",g="middle";if(s.fixedrange)return;d?(g="n"===d?"top":"bottom","right"===s.side&&(p="right")):"e"===m&&(p="right"),i._context.showAxisRangeEntryBoxes&&n.select(xt).call(c.makeEditable,{gd:i,immediate:!0,background:i._fullLayout.paper_bgcolor,text:String(f),fill:s.tickfont?s.tickfont.color:"#444",horizontalAlign:p,verticalAlign:g}).on("edit",(function(t){var e=s.d2r(t);void 0!==e&&o.call("_guiRelayout",i,u,e)}))}}}function zt(e,r){if(t._transitioningWithDuration)return!1;var n=Math.max(0,Math.min($,ht*e+bt)),i=Math.max(0,Math.min(tt,pt*r+_t)),a=Math.abs(n-bt),o=Math.abs(i-_t);function s(){At="",wt.r=wt.l,wt.t=wt.b,Et.attr("d","M0,0Z")}if(wt.l=Math.min(bt,n),wt.r=Math.max(bt,n),wt.t=Math.min(_t,i),wt.b=Math.max(_t,i),et.isSubplotConstrained)a>L||o>L?(At="xy",a/$>o/tt?(o=a*tt/$,_t>i?wt.t=_t-o:wt.b=_t+o):(a=o*$/tt,bt>n?wt.l=bt-a:wt.r=bt+a),Et.attr("d",H(wt))):s();else if(rt.isSubplotConstrained)if(a>L||o>L){At="xy";var l=Math.min(wt.l/$,(tt-wt.b)/tt),c=Math.max(wt.r/$,(tt-wt.t)/tt);wt.l=l*$,wt.r=c*$,wt.b=(1-l)*tt,wt.t=(1-c)*tt,Et.attr("d",H(wt))}else s();else!it||o0){var u;if(rt.isSubplotConstrained||!nt&&1===it.length){for(u=0;ug[1]-1/4096&&(e.domain=s),i.noneOrAll(t.domain,e.domain,s)}return r("layer"),e}},{"../../lib":778,"fast-isnumeric":241}],846:[function(t,e,r){"use strict";var n=t("../../constants/alignment").FROM_BL;e.exports=function(t,e,r){void 0===r&&(r=n[t.constraintoward||"center"]);var i=[t.r2l(t.range[0]),t.r2l(t.range[1])],a=i[0]+(i[1]-i[0])*r;t.range=t._input.range=[t.l2r(a+(i[0]-a)*e),t.l2r(a+(i[1]-a)*e)],t.setScale()}},{"../../constants/alignment":745}],847:[function(t,e,r){"use strict";var n=t("polybooljs"),i=t("../../registry"),a=t("../../components/drawing").dashStyle,o=t("../../components/color"),s=t("../../components/fx"),l=t("../../components/fx/helpers").makeEventData,c=t("../../components/dragelement/helpers"),u=c.freeMode,f=c.rectMode,h=c.drawMode,p=c.openMode,d=c.selectMode,g=t("../../components/shapes/draw_newshape/display_outlines"),m=t("../../components/shapes/draw_newshape/helpers").handleEllipse,v=t("../../components/shapes/draw_newshape/newshapes"),y=t("../../lib"),x=t("../../lib/polygon"),b=t("../../lib/throttle"),_=t("./axis_ids").getFromId,w=t("../../lib/clear_gl_canvases"),T=t("../../plot_api/subroutines").redrawReglTraces,k=t("./constants"),M=k.MINSELECT,A=x.filter,S=x.tester,E=t("./handle_outline").clearSelect,C=t("./helpers"),L=C.p2r,I=C.axValue,P=C.getTransform;function z(t,e,r,n,i,a,o){var s,l,c,u,f,h,d,m,v,y=e._hoverdata,x=e._fullLayout.clickmode.indexOf("event")>-1,b=[];if(function(t){return t&&Array.isArray(t)&&!0!==t[0].hoverOnBox}(y)){F(t,e,a);var _=function(t,e){var r,n,i=t[0],a=-1,o=[];for(n=0;n0?function(t,e){var r,n,i,a=[];for(i=0;i0&&a.push(r);if(1===a.length&&a[0]===e.searchInfo&&(n=e.searchInfo.cd[0].trace).selectedpoints.length===e.pointNumbers.length){for(i=0;i1)return!1;if((i+=r.selectedpoints.length)>1)return!1}return 1===i}(s)&&(h=j(_))){for(o&&o.remove(),v=0;v=0&&n._fullLayout._deactivateShape(n),h(e)){var a=n._fullLayout._zoomlayer.selectAll(".select-outline-"+r.id);if(a&&n._fullLayout._drawing){var o=v(a,t);o&&i.call("_guiRelayout",n,{shapes:o}),n._fullLayout._drawing=!1}}r.selection={},r.selection.selectionDefs=t.selectionDefs=[],r.selection.mergedPolygons=t.mergedPolygons=[]}function N(t,e,r,n){var i,a,o,s=[],l=e.map((function(t){return t._id})),c=r.map((function(t){return t._id}));for(o=0;o0?n[0]:r;return!!e.selectedpoints&&e.selectedpoints.indexOf(i)>-1}function U(t,e,r){var n,a,o,s;for(n=0;n=0)C._fullLayout._deactivateShape(C);else if(!_){var r=O.clickmode;b.done(gt).then((function(){if(b.clear(gt),2===t){for(ft.remove(),$=0;$-1&&z(e,C,i.xaxes,i.yaxes,i.subplot,i,ft),"event"===r&&C.emit("plotly_selected",void 0);s.click(C,e)})).catch(y.error)}},i.doneFn=function(){dt.remove(),b.done(gt).then((function(){b.clear(gt),i.gd.emit("plotly_selected",et),Q&&i.selectionDefs&&(Q.subtract=ut,i.selectionDefs.push(Q),i.mergedPolygons.length=0,[].push.apply(i.mergedPolygons,K)),i.doneFnCompleted&&i.doneFnCompleted(mt)})).catch(y.error),_&&B(i)}},clearSelect:E,clearSelectionsCache:B,selectOnClick:z}},{"../../components/color":643,"../../components/dragelement/helpers":661,"../../components/drawing":665,"../../components/fx":683,"../../components/fx/helpers":679,"../../components/shapes/draw_newshape/display_outlines":728,"../../components/shapes/draw_newshape/helpers":729,"../../components/shapes/draw_newshape/newshapes":730,"../../lib":778,"../../lib/clear_gl_canvases":762,"../../lib/polygon":790,"../../lib/throttle":804,"../../plot_api/subroutines":818,"../../registry":911,"./axis_ids":831,"./constants":834,"./handle_outline":838,"./helpers":839,polybooljs:517}],848:[function(t,e,r){"use strict";var n=t("d3"),i=t("d3-time-format").utcFormat,a=t("fast-isnumeric"),o=t("../../lib"),s=o.cleanNumber,l=o.ms2DateTime,c=o.dateTime2ms,u=o.ensureNumber,f=o.isArrayOrTypedArray,h=t("../../constants/numerical"),p=h.FP_SAFE,d=h.BADNUM,g=h.LOG_CLIP,m=h.ONEWEEK,v=h.ONEDAY,y=h.ONEHOUR,x=h.ONEMIN,b=h.ONESEC,_=t("./axis_ids"),w=t("./constants"),T=w.HOUR_PATTERN,k=w.WEEKDAY_PATTERN;function M(t){return Math.pow(10,t)}function A(t){return null!=t}e.exports=function(t,e){e=e||{};var r=t._id||"x",h=r.charAt(0);function S(e,r){if(e>0)return Math.log(e)/Math.LN10;if(e<=0&&r&&t.range&&2===t.range.length){var n=t.range[0],i=t.range[1];return.5*(n+i-2*g*Math.abs(n-i))}return d}function E(e,r,n,i){if((i||{}).msUTC&&a(e))return+e;var s=c(e,n||t.calendar);if(s===d){if(!a(e))return d;e=+e;var l=Math.floor(10*o.mod(e+.05,1)),u=Math.round(e-l/10);s=c(new Date(u))+l/10}return s}function C(e,r,n){return l(e,r,n||t.calendar)}function L(e){return t._categories[Math.round(e)]}function I(e){if(A(e)){if(void 0===t._categoriesMap&&(t._categoriesMap={}),void 0!==t._categoriesMap[e])return t._categoriesMap[e];t._categories.push("number"==typeof e?String(e):e);var r=t._categories.length-1;return t._categoriesMap[e]=r,r}return d}function P(e){if(t._categoriesMap)return t._categoriesMap[e]}function z(t){var e=P(t);return void 0!==e?e:a(t)?+t:void 0}function O(t){return a(t)?+t:P(t)}function D(t,e,r){return n.round(r+e*t,2)}function R(t,e,r){return(t-r)/e}var F=function(e){return a(e)?D(e,t._m,t._b):d},B=function(e){return R(e,t._m,t._b)};if(t.rangebreaks){var N="y"===h;F=function(e){if(!a(e))return d;var r=t._rangebreaks.length;if(!r)return D(e,t._m,t._b);var n=N;t.range[0]>t.range[1]&&(n=!n);for(var i=n?-1:1,o=i*e,s=0,l=0;lu)){s=o<(c+u)/2?l:l+1;break}s=l+1}var f=t._B[s]||0;return isFinite(f)?D(e,t._m2,f):0},B=function(e){var r=t._rangebreaks.length;if(!r)return R(e,t._m,t._b);for(var n=0,i=0;it._rangebreaks[i].pmax&&(n=i+1);return R(e,t._m2,t._B[n])}}t.c2l="log"===t.type?S:u,t.l2c="log"===t.type?M:u,t.l2p=F,t.p2l=B,t.c2p="log"===t.type?function(t,e){return F(S(t,e))}:F,t.p2c="log"===t.type?function(t){return M(B(t))}:B,-1!==["linear","-"].indexOf(t.type)?(t.d2r=t.r2d=t.d2c=t.r2c=t.d2l=t.r2l=s,t.c2d=t.c2r=t.l2d=t.l2r=u,t.d2p=t.r2p=function(e){return t.l2p(s(e))},t.p2d=t.p2r=B,t.cleanPos=u):"log"===t.type?(t.d2r=t.d2l=function(t,e){return S(s(t),e)},t.r2d=t.r2c=function(t){return M(s(t))},t.d2c=t.r2l=s,t.c2d=t.l2r=u,t.c2r=S,t.l2d=M,t.d2p=function(e,r){return t.l2p(t.d2r(e,r))},t.p2d=function(t){return M(B(t))},t.r2p=function(e){return t.l2p(s(e))},t.p2r=B,t.cleanPos=u):"date"===t.type?(t.d2r=t.r2d=o.identity,t.d2c=t.r2c=t.d2l=t.r2l=E,t.c2d=t.c2r=t.l2d=t.l2r=C,t.d2p=t.r2p=function(e,r,n){return t.l2p(E(e,0,n))},t.p2d=t.p2r=function(t,e,r){return C(B(t),e,r)},t.cleanPos=function(e){return o.cleanDate(e,d,t.calendar)}):"category"===t.type?(t.d2c=t.d2l=I,t.r2d=t.c2d=t.l2d=L,t.d2r=t.d2l_noadd=z,t.r2c=function(e){var r=O(e);return void 0!==r?r:t.fraction2r(.5)},t.l2r=t.c2r=u,t.r2l=O,t.d2p=function(e){return t.l2p(t.r2c(e))},t.p2d=function(t){return L(B(t))},t.r2p=t.d2p,t.p2r=B,t.cleanPos=function(t){return"string"==typeof t&&""!==t?t:u(t)}):"multicategory"===t.type&&(t.r2d=t.c2d=t.l2d=L,t.d2r=t.d2l_noadd=z,t.r2c=function(e){var r=z(e);return void 0!==r?r:t.fraction2r(.5)},t.r2c_just_indices=P,t.l2r=t.c2r=u,t.r2l=z,t.d2p=function(e){return t.l2p(t.r2c(e))},t.p2d=function(t){return L(B(t))},t.r2p=t.d2p,t.p2r=B,t.cleanPos=function(t){return Array.isArray(t)||"string"==typeof t&&""!==t?t:u(t)},t.setupMultiCategory=function(n){var i,a,s=t._traceIndices,l=t._matchGroup;if(l&&0===t._categories.length)for(var c in l)if(c!==r){var u=e[_.id2name(c)];s=s.concat(u._traceIndices)}var p=[[0,{}],[0,{}]],d=[];for(i=0;ip&&(s[n]=p),s[0]===s[1]){var c=Math.max(1,Math.abs(1e-6*s[0]));s[0]-=c,s[1]+=c}}else o.nestedProperty(t,e).set(i)},t.setScale=function(r){var n=e._size;if(t.overlaying){var i=_.getFromId({_fullLayout:e},t.overlaying);t.domain=i.domain}var a=r&&t._r?"_r":"range",o=t.calendar;t.cleanRange(a);var s,l,c=t.r2l(t[a][0],o),u=t.r2l(t[a][1],o),f="y"===h;if((f?(t._offset=n.t+(1-t.domain[1])*n.h,t._length=n.h*(t.domain[1]-t.domain[0]),t._m=t._length/(c-u),t._b=-t._m*u):(t._offset=n.l+t.domain[0]*n.w,t._length=n.w*(t.domain[1]-t.domain[0]),t._m=t._length/(u-c),t._b=-t._m*c),t._rangebreaks=[],t._lBreaks=0,t._m2=0,t._B=[],t.rangebreaks)&&(t._rangebreaks=t.locateBreaks(Math.min(c,u),Math.max(c,u)),t._rangebreaks.length)){for(s=0;su&&(p=!p),p&&t._rangebreaks.reverse();var d=p?-1:1;for(t._m2=d*t._length/(Math.abs(u-c)-t._lBreaks),t._B.push(-t._m2*(f?u:c)),s=0;si&&(i+=7,ai&&(i+=24,a=n&&a=n&&e=s.min&&(ts.max&&(s.max=n),i=!1)}i&&c.push({min:t,max:n})}};for(n=0;nr.duration?(!function(){for(var r={},n=0;n rect").call(o.setTranslate,0,0).call(o.setScale,1,1),t.plot.call(o.setTranslate,e._offset,r._offset).call(o.setScale,1,1);var n=t.plot.selectAll(".scatterlayer .trace");n.selectAll(".point").call(o.setPointGroupScale,1,1),n.selectAll(".textpoint").call(o.setTextPointsScale,1,1),n.call(o.hideOutsideRangePoints,t)}function m(e,r){var n=e.plotinfo,i=n.xaxis,l=n.yaxis,c=i._length,u=l._length,f=!!e.xr1,h=!!e.yr1,p=[];if(f){var d=a.simpleMap(e.xr0,i.r2l),g=a.simpleMap(e.xr1,i.r2l),m=d[1]-d[0],v=g[1]-g[0];p[0]=(d[0]*(1-r)+r*g[0]-d[0])/(d[1]-d[0])*c,p[2]=c*(1-r+r*v/m),i.range[0]=i.l2r(d[0]*(1-r)+r*g[0]),i.range[1]=i.l2r(d[1]*(1-r)+r*g[1])}else p[0]=0,p[2]=c;if(h){var y=a.simpleMap(e.yr0,l.r2l),x=a.simpleMap(e.yr1,l.r2l),b=y[1]-y[0],_=x[1]-x[0];p[1]=(y[1]*(1-r)+r*x[1]-y[1])/(y[0]-y[1])*u,p[3]=u*(1-r+r*_/b),l.range[0]=i.l2r(y[0]*(1-r)+r*x[0]),l.range[1]=l.l2r(y[1]*(1-r)+r*x[1])}else p[1]=0,p[3]=u;s.drawOne(t,i,{skipTitle:!0}),s.drawOne(t,l,{skipTitle:!0}),s.redrawComponents(t,[i._id,l._id]);var w=f?c/p[2]:1,T=h?u/p[3]:1,k=f?p[0]:0,M=h?p[1]:0,A=f?p[0]/p[2]*c:0,S=h?p[1]/p[3]*u:0,E=i._offset-A,C=l._offset-S;n.clipRect.call(o.setTranslate,k,M).call(o.setScale,1/w,1/T),n.plot.call(o.setTranslate,E,C).call(o.setScale,w,T),o.setPointGroupScale(n.zoomScalePts,1/w,1/T),o.setTextPointsScale(n.zoomScaleTxt,1/w,1/T)}s.redrawComponents(t)}},{"../../components/drawing":665,"../../lib":778,"../../registry":911,"./axes":828,d3:169}],853:[function(t,e,r){"use strict";var n=t("../../registry").traceIs,i=t("./axis_autotype");function a(t){return{v:"x",h:"y"}[t.orientation||"v"]}function o(t,e){var r=a(t),i=n(t,"box-violin"),o=n(t._fullInput||{},"candlestick");return i&&!o&&e===r&&void 0===t[r]&&void 0===t[r+"0"]}e.exports=function(t,e,r,s){r("autotypenumbers",s.autotypenumbersDflt),"-"===r("type",(s.splomStash||{}).type)&&(!function(t,e){if("-"!==t.type)return;var r,s=t._id,l=s.charAt(0);-1!==s.indexOf("scene")&&(s=l);var c=function(t,e,r){for(var n=0;n0&&(i["_"+r+"axes"]||{})[e])return i;if((i[r+"axis"]||r)===e){if(o(i,r))return i;if((i[r]||[]).length||i[r+"0"])return i}}}(e,s,l);if(!c)return;if("histogram"===c.type&&l==={v:"y",h:"x"}[c.orientation||"v"])return void(t.type="linear");var u=l+"calendar",f=c[u],h={noMultiCategory:!n(c,"cartesian")||n(c,"noMultiCategory")};"box"===c.type&&c._hasPreCompStats&&l==={h:"x",v:"y"}[c.orientation||"v"]&&(h.noMultiCategory=!0);if(h.autotypenumbers=t.autotypenumbers,o(c,l)){var p=a(c),d=[];for(r=0;r0?".":"")+a;i.isPlainObject(o)?l(o,e,s,n+1):e(s,a,o)}}))}r.manageCommandObserver=function(t,e,n,o){var s={},l=!0;e&&e._commandObserver&&(s=e._commandObserver),s.cache||(s.cache={}),s.lookupTable={};var c=r.hasSimpleAPICommandBindings(t,n,s.lookupTable);if(e&&e._commandObserver){if(c)return s;if(e._commandObserver.remove)return e._commandObserver.remove(),e._commandObserver=null,s}if(c){a(t,c,s.cache),s.check=function(){if(l){var e=a(t,c,s.cache);return e.changed&&o&&void 0!==s.lookupTable[e.value]&&(s.disable(),Promise.resolve(o({value:e.value,type:c.type,prop:c.prop,traces:c.traces,index:s.lookupTable[e.value]})).then(s.enable,s.enable)),e.changed}};for(var u=["plotly_relayout","plotly_redraw","plotly_restyle","plotly_update","plotly_animatingframe","plotly_afterplot"],f=0;f0&&i<0&&(i+=360);var s=(i-n)/4;return{type:"Polygon",coordinates:[[[n,a],[n,o],[n+s,o],[n+2*s,o],[n+3*s,o],[i,o],[i,a],[i-s,a],[i-2*s,a],[i-3*s,a],[n,a]]]}}e.exports=function(t){return new w(t)},T.plot=function(t,e,r){var n=this,i=e[this.id],a=[],o=!1;for(var s in y.layerNameToAdjective)if("frame"!==s&&i["show"+s]){o=!0;break}for(var l=0;l0&&a._module.calcGeoJSON(i,e)}if(!this.updateProjection(t,e)){this.viewInitial&&this.scope===r.scope||this.saveViewInitial(r),this.scope=r.scope,this.updateBaseLayers(e,r),this.updateDims(e,r),this.updateFx(e,r),u.generalUpdatePerTraceModule(this.graphDiv,this,t,r);var o=this.layers.frontplot.select(".scatterlayer");this.dataPoints.point=o.selectAll(".point"),this.dataPoints.text=o.selectAll("text"),this.dataPaths.line=o.selectAll(".js-line");var s=this.layers.backplot.select(".choroplethlayer");this.dataPaths.choropleth=s.selectAll("path"),this.render()}},T.updateProjection=function(t,e){var r=this.graphDiv,o=e[this.id],s=e._size,l=o.domain,c=o.projection,u=o.lonaxis,f=o.lataxis,p=u._ax,d=f._ax,g=this.projection=function(t){for(var e=t.projection.type,r=n.geo[y.projNames[e]](),i=t._isClipped?y.lonaxisSpan[e]/2:null,a=["center","rotate","parallels","clipExtent"],o=function(t){return t?r:[]},s=0;si*Math.PI/180}return!1},r.getPath=function(){return n.geo.path().projection(r)},r.getBounds=function(t){return r.getPath().bounds(t)},r.fitExtent=function(t,e){var n=t[1][0]-t[0][0],i=t[1][1]-t[0][1],a=r.clipExtent&&r.clipExtent();r.scale(150).translate([0,0]),a&&r.clipExtent(null);var o=r.getBounds(e),s=Math.min(n/(o[1][0]-o[0][0]),i/(o[1][1]-o[0][1])),l=+t[0][0]+(n-s*(o[1][0]+o[0][0]))/2,c=+t[0][1]+(i-s*(o[1][1]+o[0][1]))/2;return a&&r.clipExtent(a),r.scale(150*s).translate([l,c])},r.precision(y.precision),i&&r.clipAngle(i-y.clipPad);return r}(o),m=[[s.l+s.w*l.x[0],s.t+s.h*(1-l.y[1])],[s.l+s.w*l.x[1],s.t+s.h*(1-l.y[0])]],v=o.center||{},x=c.rotation||{},b=u.range||[],_=f.range||[];if(o.fitbounds){p._length=m[1][0]-m[0][0],d._length=m[1][1]-m[0][1],p.range=h(r,p),d.range=h(r,d);var w=(p.range[0]+p.range[1])/2,T=(d.range[0]+d.range[1])/2;if(o._isScoped)v={lon:w,lat:T};else if(o._isClipped){v={lon:w,lat:T},x={lon:w,lat:T,roll:x.roll};var M=c.type,A=y.lonaxisSpan[M]/2||180,S=y.lataxisSpan[M]/2||90;b=[w-A,w+A],_=[T-S,T+S]}else v={lon:w,lat:T},x={lon:w,lat:x.lat,roll:x.roll}}g.center([v.lon-x.lon,v.lat-x.lat]).rotate([-x.lon,-x.lat,x.roll]).parallels(c.parallels);var E=k(b,_);g.fitExtent(m,E);var C=this.bounds=g.getBounds(E),L=this.fitScale=g.scale(),I=g.translate();if(!isFinite(C[0][0])||!isFinite(C[0][1])||!isFinite(C[1][0])||!isFinite(C[1][1])||isNaN(I[0])||isNaN(I[0])){for(var P=["fitbounds","projection.rotation","center","lonaxis.range","lataxis.range"],z="Invalid geo settings, relayout'ing to default view.",O={},D=0;D-1&&m(n.event,a,[r.xaxis],[r.yaxis],r.id,f),l.indexOf("event")>-1&&c.click(a,n.event))}))}function h(t){return r.projection.invert([t[0]+r.xaxis._offset,t[1]+r.yaxis._offset])}},T.makeFramework=function(){var t=this,e=t.graphDiv,r=e._fullLayout,i="clip"+r._uid+t.id;t.clipDef=r._clips.append("clipPath").attr("id",i),t.clipRect=t.clipDef.append("rect"),t.framework=n.select(t.container).append("g").attr("class","geo "+t.id).call(l.setClipUrl,i,e),t.project=function(e){var r=t.projection(e);return r?[r[0]-t.xaxis._offset,r[1]-t.yaxis._offset]:[null,null]},t.xaxis={_id:"x",c2p:function(e){return t.project(e)[0]}},t.yaxis={_id:"y",c2p:function(e){return t.project(e)[1]}},t.mockAxis={type:"linear",showexponent:"all",exponentformat:"B"},f.setConvert(t.mockAxis,r)},T.saveViewInitial=function(t){var e,r=t.center||{},n=t.projection,i=n.rotation||{};this.viewInitial={fitbounds:t.fitbounds,"projection.scale":n.scale},e=t._isScoped?{"center.lon":r.lon,"center.lat":r.lat}:t._isClipped?{"projection.rotation.lon":i.lon,"projection.rotation.lat":i.lat}:{"center.lon":r.lon,"center.lat":r.lat,"projection.rotation.lon":i.lon},a.extendFlat(this.viewInitial,e)},T.render=function(){var t,e=this.projection,r=e.getPath();function n(t){var r=e(t.lonlat);return r?o(r[0],r[1]):null}function i(t){return e.isLonLatOverEdges(t.lonlat)?"none":null}for(t in this.basePaths)this.basePaths[t].attr("d",r);for(t in this.dataPaths)this.dataPaths[t].attr("d",(function(t){return r(t.geojson)}));for(t in this.dataPoints)this.dataPoints[t].attr("display",i).attr("transform",n)}},{"../../components/color":643,"../../components/dragelement":662,"../../components/drawing":665,"../../components/fx":683,"../../lib":778,"../../lib/geo_location_utils":771,"../../lib/topojson_utils":806,"../../registry":911,"../cartesian/autorange":827,"../cartesian/axes":828,"../cartesian/select":847,"../plots":891,"./constants":858,"./projections":863,"./zoom":864,d3:169,"topojson-client":579}],860:[function(t,e,r){"use strict";var n=t("../../plots/get_data").getSubplotCalcData,i=t("../../lib").counterRegex,a=t("./geo"),o="geo",s=i(o),l={};l.geo={valType:"subplotid",dflt:o,editType:"calc"},e.exports={attr:o,name:o,idRoot:o,idRegex:s,attrRegex:s,attributes:l,layoutAttributes:t("./layout_attributes"),supplyLayoutDefaults:t("./layout_defaults"),plot:function(t){for(var e=t._fullLayout,r=t.calcdata,i=e._subplots.geo,s=0;s0&&L<0&&(L+=360);var I,P,z,O=(C+L)/2;if(!p){var D=d?f.projRotate:[O,0,0];I=r("projection.rotation.lon",D[0]),r("projection.rotation.lat",D[1]),r("projection.rotation.roll",D[2]),r("showcoastlines",!d&&y)&&(r("coastlinecolor"),r("coastlinewidth")),r("showocean",!!y&&void 0)&&r("oceancolor")}(p?(P=-96.6,z=38.7):(P=d?O:I,z=(E[0]+E[1])/2),r("center.lon",P),r("center.lat",z),g)&&r("projection.parallels",f.projParallels||[0,60]);r("projection.scale"),r("showland",!!y&&void 0)&&r("landcolor"),r("showlakes",!!y&&void 0)&&r("lakecolor"),r("showrivers",!!y&&void 0)&&(r("rivercolor"),r("riverwidth")),r("showcountries",d&&"usa"!==u&&y)&&(r("countrycolor"),r("countrywidth")),("usa"===u||"north america"===u&&50===c)&&(r("showsubunits",y),r("subunitcolor"),r("subunitwidth")),d||r("showframe",y)&&(r("framecolor"),r("framewidth")),r("bgcolor"),r("fitbounds")&&(delete e.projection.scale,d?(delete e.center.lon,delete e.center.lat):m?(delete e.center.lon,delete e.center.lat,delete e.projection.rotation.lon,delete e.projection.rotation.lat,delete e.lonaxis.range,delete e.lataxis.range):(delete e.center.lon,delete e.center.lat,delete e.projection.rotation.lon))}e.exports=function(t,e,r){i(t,e,r,{type:"geo",attributes:s,handleDefaults:c,fullData:r,partition:"y"})}},{"../../lib":778,"../get_data":865,"../subplot_defaults":905,"./constants":858,"./layout_attributes":861}],863:[function(t,e,r){"use strict";e.exports=function(t){function e(t,e){return{type:"Feature",id:t.id,properties:t.properties,geometry:r(t.geometry,e)}}function r(e,n){if(!e)return null;if("GeometryCollection"===e.type)return{type:"GeometryCollection",geometries:object.geometries.map((function(t){return r(t,n)}))};if(!c.hasOwnProperty(e.type))return null;var i=c[e.type];return t.geo.stream(e,n(i)),i.result()}t.geo.project=function(t,e){var i=e.stream;if(!i)throw new Error("not yet supported");return(t&&n.hasOwnProperty(t.type)?n[t.type]:r)(t,i)};var n={Feature:e,FeatureCollection:function(t,r){return{type:"FeatureCollection",features:t.features.map((function(t){return e(t,r)}))}}},i=[],a=[],o={point:function(t,e){i.push([t,e])},result:function(){var t=i.length?i.length<2?{type:"Point",coordinates:i[0]}:{type:"MultiPoint",coordinates:i}:null;return i=[],t}},s={lineStart:u,point:function(t,e){i.push([t,e])},lineEnd:function(){i.length&&(a.push(i),i=[])},result:function(){var t=a.length?a.length<2?{type:"LineString",coordinates:a[0]}:{type:"MultiLineString",coordinates:a}:null;return a=[],t}},l={polygonStart:u,lineStart:u,point:function(t,e){i.push([t,e])},lineEnd:function(){var t=i.length;if(t){do{i.push(i[0].slice())}while(++t<4);a.push(i),i=[]}},polygonEnd:u,result:function(){if(!a.length)return null;var t=[],e=[];return a.forEach((function(r){!function(t){if((e=t.length)<4)return!1;var e,r=0,n=t[e-1][1]*t[0][0]-t[e-1][0]*t[0][1];for(;++rn^p>n&&r<(h-c)*(n-u)/(p-u)+c&&(i=!i)}return i}(t[0],r))return t.push(e),!0}))||t.push([e])})),a=[],t.length?t.length>1?{type:"MultiPolygon",coordinates:t}:{type:"Polygon",coordinates:t[0]}:null}},c={Point:o,MultiPoint:o,LineString:s,MultiLineString:s,Polygon:l,MultiPolygon:l,Sphere:l};function u(){}var f=1e-6,h=Math.PI,p=h/2,d=(Math.sqrt(h),h/180),g=180/h;function m(t){return t>1?p:t<-1?-p:Math.asin(t)}function v(t){return t>1?0:t<-1?h:Math.acos(t)}var y=t.geo.projection,x=t.geo.projectionMutator;function b(t,e){var r=(2+p)*Math.sin(e);e/=2;for(var n=0,i=1/0;n<10&&Math.abs(i)>f;n++){var a=Math.cos(e);e-=i=(e+Math.sin(e)*(a+2)-r)/(2*a*(1+a))}return[2/Math.sqrt(h*(4+h))*t*(1+Math.cos(e)),2*Math.sqrt(h/(4+h))*Math.sin(e)]}t.geo.interrupt=function(e){var r,n=[[[[-h,0],[0,p],[h,0]]],[[[-h,0],[0,-p],[h,0]]]];function i(t,r){for(var i=r<0?-1:1,a=n[+(r<0)],o=0,s=a.length-1;oa[o][2][0];++o);var l=e(t-a[o][1][0],r);return l[0]+=e(a[o][1][0],i*r>i*a[o][0][1]?a[o][0][1]:r)[0],l}function a(){r=n.map((function(t){return t.map((function(t){var r,n=e(t[0][0],t[0][1])[0],i=e(t[2][0],t[2][1])[0],a=e(t[1][0],t[0][1])[1],o=e(t[1][0],t[1][1])[1];return a>o&&(r=a,a=o,o=r),[[n,a],[i,o]]}))}))}e.invert&&(i.invert=function(t,a){for(var o=r[+(a<0)],s=n[+(a<0)],l=0,u=o.length;l=0;--i){var p;o=180*(p=n[1][i])[0][0]/h,s=180*p[0][1]/h,c=180*p[1][1]/h,u=180*p[2][0]/h,f=180*p[2][1]/h;r.push(l([[u-e,f-e],[u-e,c+e],[o+e,c+e],[o+e,s-e]],30))}return{type:"Polygon",coordinates:[t.merge(r)]}}(),a)},i},o.lobes=function(t){return arguments.length?(n=t.map((function(t){return t.map((function(t){return[[t[0][0]*h/180,t[0][1]*h/180],[t[1][0]*h/180,t[1][1]*h/180],[t[2][0]*h/180,t[2][1]*h/180]]}))})),a(),o):n.map((function(t){return t.map((function(t){return[[180*t[0][0]/h,180*t[0][1]/h],[180*t[1][0]/h,180*t[1][1]/h],[180*t[2][0]/h,180*t[2][1]/h]]}))}))},o},b.invert=function(t,e){var r=.5*e*Math.sqrt((4+h)/h),n=m(r),i=Math.cos(n);return[t/(2/Math.sqrt(h*(4+h))*(1+i)),m((n+r*(i+2))/(2+p))]},(t.geo.eckert4=function(){return y(b)}).raw=b;var _=t.geo.azimuthalEqualArea.raw;function w(t,e){if(arguments.length<2&&(e=t),1===e)return _;if(e===1/0)return T;function r(r,n){var i=_(r/e,n);return i[0]*=t,i}return r.invert=function(r,n){var i=_.invert(r/t,n);return i[0]*=e,i},r}function T(t,e){return[t*Math.cos(e)/Math.cos(e/=2),2*Math.sin(e)]}function k(t,e){return[3*t/(2*h)*Math.sqrt(h*h/3-e*e),e]}function M(t,e){return[t,1.25*Math.log(Math.tan(h/4+.4*e))]}function A(t){return function(e){var r,n=t*Math.sin(e),i=30;do{e-=r=(e+Math.sin(e)-n)/(1+Math.cos(e))}while(Math.abs(r)>f&&--i>0);return e/2}}T.invert=function(t,e){var r=2*m(e/2);return[t*Math.cos(r/2)/Math.cos(r),r]},(t.geo.hammer=function(){var t=2,e=x(w),r=e(t);return r.coefficient=function(r){return arguments.length?e(t=+r):t},r}).raw=w,k.invert=function(t,e){return[2/3*h*t/Math.sqrt(h*h/3-e*e),e]},(t.geo.kavrayskiy7=function(){return y(k)}).raw=k,M.invert=function(t,e){return[t,2.5*Math.atan(Math.exp(.8*e))-.625*h]},(t.geo.miller=function(){return y(M)}).raw=M,A(h);var S=function(t,e,r){var n=A(r);function i(r,i){return[t*r*Math.cos(i=n(i)),e*Math.sin(i)]}return i.invert=function(n,i){var a=m(i/e);return[n/(t*Math.cos(a)),m((2*a+Math.sin(2*a))/r)]},i}(Math.SQRT2/p,Math.SQRT2,h);function E(t,e){var r=e*e,n=r*r;return[t*(.8707-.131979*r+n*(n*(.003971*r-.001529*n)-.013791)),e*(1.007226+r*(.015085+n*(.028874*r-.044475-.005916*n)))]}(t.geo.mollweide=function(){return y(S)}).raw=S,E.invert=function(t,e){var r,n=e,i=25;do{var a=n*n,o=a*a;n-=r=(n*(1.007226+a*(.015085+o*(.028874*a-.044475-.005916*o)))-e)/(1.007226+a*(.045255+o*(.259866*a-.311325-.005916*11*o)))}while(Math.abs(r)>f&&--i>0);return[t/(.8707+(a=n*n)*(a*(a*a*a*(.003971-.001529*a)-.013791)-.131979)),n]},(t.geo.naturalEarth=function(){return y(E)}).raw=E;var C=[[.9986,-.062],[1,0],[.9986,.062],[.9954,.124],[.99,.186],[.9822,.248],[.973,.31],[.96,.372],[.9427,.434],[.9216,.4958],[.8962,.5571],[.8679,.6176],[.835,.6769],[.7986,.7346],[.7597,.7903],[.7186,.8435],[.6732,.8936],[.6213,.9394],[.5722,.9761],[.5322,1]];function L(t,e){var r,n=Math.min(18,36*Math.abs(e)/h),i=Math.floor(n),a=n-i,o=(r=C[i])[0],s=r[1],l=(r=C[++i])[0],c=r[1],u=(r=C[Math.min(19,++i)])[0],f=r[1];return[t*(l+a*(u-o)/2+a*a*(u-2*l+o)/2),(e>0?p:-p)*(c+a*(f-s)/2+a*a*(f-2*c+s)/2)]}function I(t,e){return[t*Math.cos(e),e]}function P(t,e){var r,n=Math.cos(e),i=(r=v(n*Math.cos(t/=2)))?r/Math.sin(r):1;return[2*n*Math.sin(t)*i,Math.sin(e)*i]}function z(t,e){var r=P(t,e);return[(r[0]+t/p)/2,(r[1]+e)/2]}C.forEach((function(t){t[1]*=1.0144})),L.invert=function(t,e){var r=e/p,n=90*r,i=Math.min(18,Math.abs(n/5)),a=Math.max(0,Math.floor(i));do{var o=C[a][1],s=C[a+1][1],l=C[Math.min(19,a+2)][1],c=l-o,u=l-2*s+o,f=2*(Math.abs(r)-s)/c,h=u/c,m=f*(1-h*f*(1-2*h*f));if(m>=0||1===a){n=(e>=0?5:-5)*(m+i);var v,y=50;do{m=(i=Math.min(18,Math.abs(n)/5))-(a=Math.floor(i)),o=C[a][1],s=C[a+1][1],l=C[Math.min(19,a+2)][1],n-=(v=(e>=0?p:-p)*(s+m*(l-o)/2+m*m*(l-2*s+o)/2)-e)*g}while(Math.abs(v)>1e-12&&--y>0);break}}while(--a>=0);var x=C[a][0],b=C[a+1][0],_=C[Math.min(19,a+2)][0];return[t/(b+m*(_-x)/2+m*m*(_-2*b+x)/2),n*d]},(t.geo.robinson=function(){return y(L)}).raw=L,I.invert=function(t,e){return[t/Math.cos(e),e]},(t.geo.sinusoidal=function(){return y(I)}).raw=I,P.invert=function(t,e){if(!(t*t+4*e*e>h*h+f)){var r=t,n=e,i=25;do{var a,o=Math.sin(r),s=Math.sin(r/2),l=Math.cos(r/2),c=Math.sin(n),u=Math.cos(n),p=Math.sin(2*n),d=c*c,g=u*u,m=s*s,y=1-g*l*l,x=y?v(u*l)*Math.sqrt(a=1/y):a=0,b=2*x*u*s-t,_=x*c-e,w=a*(g*m+x*u*l*d),T=a*(.5*o*p-2*x*c*s),k=.25*a*(p*s-x*c*g*o),M=a*(d*l+x*m*u),A=T*k-M*w;if(!A)break;var S=(_*T-b*M)/A,E=(b*k-_*w)/A;r-=S,n-=E}while((Math.abs(S)>f||Math.abs(E)>f)&&--i>0);return[r,n]}},(t.geo.aitoff=function(){return y(P)}).raw=P,z.invert=function(t,e){var r=t,n=e,i=25;do{var a,o=Math.cos(n),s=Math.sin(n),l=Math.sin(2*n),c=s*s,u=o*o,h=Math.sin(r),d=Math.cos(r/2),g=Math.sin(r/2),m=g*g,y=1-u*d*d,x=y?v(o*d)*Math.sqrt(a=1/y):a=0,b=.5*(2*x*o*g+r/p)-t,_=.5*(x*s+n)-e,w=.5*a*(u*m+x*o*d*c)+.5/p,T=a*(h*l/4-x*s*g),k=.125*a*(l*g-x*s*u*h),M=.5*a*(c*d+x*m*o)+.5,A=T*k-M*w,S=(_*T-b*M)/A,E=(b*k-_*w)/A;r-=S,n-=E}while((Math.abs(S)>f||Math.abs(E)>f)&&--i>0);return[r,n]},(t.geo.winkel3=function(){return y(z)}).raw=z}},{}],864:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../registry"),o=Math.PI/180,s=180/Math.PI,l={cursor:"pointer"},c={cursor:"auto"};function u(t,e){return n.behavior.zoom().translate(e.translate()).scale(e.scale())}function f(t,e,r){var n=t.id,o=t.graphDiv,s=o.layout,l=s[n],c=o._fullLayout,u=c[n],f={},h={};function p(t,e){f[n+"."+t]=i.nestedProperty(l,t).get(),a.call("_storeDirectGUIEdit",s,c._preGUI,f);var r=i.nestedProperty(u,t);r.get()!==e&&(r.set(e),i.nestedProperty(l,t).set(e),h[n+"."+t]=e)}r(p),p("projection.scale",e.scale()/t.fitScale),p("fitbounds",!1),o.emit("plotly_relayout",h)}function h(t,e){var r=u(0,e);function i(r){var n=e.invert(t.midPt);r("center.lon",n[0]),r("center.lat",n[1])}return r.on("zoomstart",(function(){n.select(this).style(l)})).on("zoom",(function(){e.scale(n.event.scale).translate(n.event.translate),t.render();var r=e.invert(t.midPt);t.graphDiv.emit("plotly_relayouting",{"geo.projection.scale":e.scale()/t.fitScale,"geo.center.lon":r[0],"geo.center.lat":r[1]})})).on("zoomend",(function(){n.select(this).style(c),f(t,e,i)})),r}function p(t,e){var r,i,a,o,s,h,p,d,g,m=u(0,e);function v(t){return e.invert(t)}function y(r){var n=e.rotate(),i=e.invert(t.midPt);r("projection.rotation.lon",-n[0]),r("center.lon",i[0]),r("center.lat",i[1])}return m.on("zoomstart",(function(){n.select(this).style(l),r=n.mouse(this),i=e.rotate(),a=e.translate(),o=i,s=v(r)})).on("zoom",(function(){if(h=n.mouse(this),function(t){var r=v(t);if(!r)return!0;var n=e(r);return Math.abs(n[0]-t[0])>2||Math.abs(n[1]-t[1])>2}(r))return m.scale(e.scale()),void m.translate(e.translate());e.scale(n.event.scale),e.translate([a[0],n.event.translate[1]]),s?v(h)&&(d=v(h),p=[o[0]+(d[0]-s[0]),i[1],i[2]],e.rotate(p),o=p):s=v(r=h),g=!0,t.render();var l=e.rotate(),c=e.invert(t.midPt);t.graphDiv.emit("plotly_relayouting",{"geo.projection.scale":e.scale()/t.fitScale,"geo.center.lon":c[0],"geo.center.lat":c[1],"geo.projection.rotation.lon":-l[0]})})).on("zoomend",(function(){n.select(this).style(c),g&&f(t,e,y)})),m}function d(t,e){var r,i={r:e.rotate(),k:e.scale()},a=u(0,e),o=function(t){var e=0,r=arguments.length,i=[];for(;++ed?(a=(f>0?90:-90)-p,i=0):(a=Math.asin(f/d)*s-p,i=Math.sqrt(d*d-f*f));var g=180-a-2*p,m=(Math.atan2(h,u)-Math.atan2(c,i))*s,v=(Math.atan2(h,u)-Math.atan2(c,-i))*s;return b(r[0],r[1],a,m)<=b(r[0],r[1],g,v)?[a,m,r[2]]:[g,v,r[2]]}function b(t,e,r,n){var i=_(r-t),a=_(n-e);return Math.sqrt(i*i+a*a)}function _(t){return(t%360+540)%360-180}function w(t,e,r){var n=r*o,i=t.slice(),a=0===e?1:0,s=2===e?1:2,l=Math.cos(n),c=Math.sin(n);return i[a]=t[a]*l-t[s]*c,i[s]=t[s]*l+t[a]*c,i}function T(t){return[Math.atan2(2*(t[0]*t[1]+t[2]*t[3]),1-2*(t[1]*t[1]+t[2]*t[2]))*s,Math.asin(Math.max(-1,Math.min(1,2*(t[0]*t[2]-t[3]*t[1]))))*s,Math.atan2(2*(t[0]*t[3]+t[1]*t[2]),1-2*(t[2]*t[2]+t[3]*t[3]))*s]}function k(t,e){for(var r=0,n=0,i=t.length;nMath.abs(s)?(c.boxEnd[1]=c.boxStart[1]+Math.abs(a)*_*(s>=0?1:-1),c.boxEnd[1]l[3]&&(c.boxEnd[1]=l[3],c.boxEnd[0]=c.boxStart[0]+(l[3]-c.boxStart[1])/Math.abs(_))):(c.boxEnd[0]=c.boxStart[0]+Math.abs(s)/_*(a>=0?1:-1),c.boxEnd[0]l[2]&&(c.boxEnd[0]=l[2],c.boxEnd[1]=c.boxStart[1]+(l[2]-c.boxStart[0])*Math.abs(_)))}}else c.boxEnabled?(a=c.boxStart[0]!==c.boxEnd[0],s=c.boxStart[1]!==c.boxEnd[1],a||s?(a&&(m(0,c.boxStart[0],c.boxEnd[0]),t.xaxis.autorange=!1),s&&(m(1,c.boxStart[1],c.boxEnd[1]),t.yaxis.autorange=!1),t.relayoutCallback()):t.glplot.setDirty(),c.boxEnabled=!1,c.boxInited=!1):c.boxInited&&(c.boxInited=!1);break;case"pan":c.boxEnabled=!1,c.boxInited=!1,e?(c.panning||(c.dragStart[0]=n,c.dragStart[1]=i),Math.abs(c.dragStart[0]-n).999&&(g="turntable"):g="turntable")}else g="turntable";r("dragmode",g),r("hovermode",n.getDfltFromLayout("hovermode"))}e.exports=function(t,e,r){var i=e._basePlotModules.length>1;o(t,e,r,{type:"gl3d",attributes:l,handleDefaults:u,fullLayout:e,font:e.font,fullData:r,getDfltFromLayout:function(e){if(!i)return n.validate(t[e],l[e])?t[e]:void 0},autotypenumbersDflt:e.autotypenumbers,paper_bgcolor:e.paper_bgcolor,calendar:e.calendar})}},{"../../../components/color":643,"../../../lib":778,"../../../registry":911,"../../get_data":865,"../../subplot_defaults":905,"./axis_defaults":873,"./layout_attributes":876}],876:[function(t,e,r){"use strict";var n=t("./axis_attributes"),i=t("../../domain").attributes,a=t("../../../lib/extend").extendFlat,o=t("../../../lib").counterRegex;function s(t,e,r){return{x:{valType:"number",dflt:t,editType:"camera"},y:{valType:"number",dflt:e,editType:"camera"},z:{valType:"number",dflt:r,editType:"camera"},editType:"camera"}}e.exports={_arrayAttrRegexps:[o("scene",".annotations",!0)],bgcolor:{valType:"color",dflt:"rgba(0,0,0,0)",editType:"plot"},camera:{up:a(s(0,0,1),{}),center:a(s(0,0,0),{}),eye:a(s(1.25,1.25,1.25),{}),projection:{type:{valType:"enumerated",values:["perspective","orthographic"],dflt:"perspective",editType:"calc"},editType:"calc"},editType:"camera"},domain:i({name:"scene",editType:"plot"}),aspectmode:{valType:"enumerated",values:["auto","cube","data","manual"],dflt:"auto",editType:"plot",impliedEdits:{"aspectratio.x":void 0,"aspectratio.y":void 0,"aspectratio.z":void 0}},aspectratio:{x:{valType:"number",min:0,editType:"plot",impliedEdits:{"^aspectmode":"manual"}},y:{valType:"number",min:0,editType:"plot",impliedEdits:{"^aspectmode":"manual"}},z:{valType:"number",min:0,editType:"plot",impliedEdits:{"^aspectmode":"manual"}},editType:"plot",impliedEdits:{aspectmode:"manual"}},xaxis:n,yaxis:n,zaxis:n,dragmode:{valType:"enumerated",values:["orbit","turntable","zoom","pan",!1],editType:"plot"},hovermode:{valType:"enumerated",values:["closest",!1],dflt:"closest",editType:"modebar"},uirevision:{valType:"any",editType:"none"},editType:"plot",_deprecated:{cameraposition:{valType:"info_array",editType:"camera"}}}},{"../../../lib":778,"../../../lib/extend":768,"../../domain":855,"./axis_attributes":872}],877:[function(t,e,r){"use strict";var n=t("../../../lib/str2rgbarray"),i=["xaxis","yaxis","zaxis"];function a(){this.enabled=[!0,!0,!0],this.colors=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.drawSides=[!0,!0,!0],this.lineWidth=[1,1,1]}a.prototype.merge=function(t){for(var e=0;e<3;++e){var r=t[i[e]];r.visible?(this.enabled[e]=r.showspikes,this.colors[e]=n(r.spikecolor),this.drawSides[e]=r.spikesides,this.lineWidth[e]=r.spikethickness):(this.enabled[e]=!1,this.drawSides[e]=!1)}},e.exports=function(t){var e=new a;return e.merge(t),e}},{"../../../lib/str2rgbarray":802}],878:[function(t,e,r){"use strict";e.exports=function(t){for(var e=t.axesOptions,r=t.glplot.axesPixels,s=t.fullSceneLayout,l=[[],[],[]],c=0;c<3;++c){var u=s[a[c]];if(u._length=(r[c].hi-r[c].lo)*r[c].pixelsPerDataUnit/t.dataScale[c],Math.abs(u._length)===1/0||isNaN(u._length))l[c]=[];else{u._input_range=u.range.slice(),u.range[0]=r[c].lo/t.dataScale[c],u.range[1]=r[c].hi/t.dataScale[c],u._m=1/(t.dataScale[c]*r[c].pixelsPerDataUnit),u.range[0]===u.range[1]&&(u.range[0]-=1,u.range[1]+=1);var f=u.tickmode;if("auto"===u.tickmode){u.tickmode="linear";var h=u.nticks||i.constrain(u._length/40,4,9);n.autoTicks(u,Math.abs(u.range[1]-u.range[0])/h)}for(var p=n.calcTicks(u,{msUTC:!0}),d=0;d/g," "));l[c]=p,u.tickmode=f}}e.ticks=l;for(c=0;c<3;++c){o[c]=.5*(t.glplot.bounds[0][c]+t.glplot.bounds[1][c]);for(d=0;d<2;++d)e.bounds[d][c]=t.glplot.bounds[d][c]}t.contourLevels=function(t){for(var e=new Array(3),r=0;r<3;++r){for(var n=t[r],i=new Array(n.length),a=0;ar.deltaY?1.1:1/1.1,a=t.glplot.getAspectratio();t.glplot.setAspectratio({x:n*a.x,y:n*a.y,z:n*a.z})}i(t)}}),!!c&&{passive:!1}),t.glplot.canvas.addEventListener("mousemove",(function(){if(!1!==t.fullSceneLayout.dragmode&&0!==t.camera.mouseListener.buttons){var e=n();t.graphDiv.emit("plotly_relayouting",e)}})),t.staticMode||t.glplot.canvas.addEventListener("webglcontextlost",(function(r){e&&e.emit&&e.emit("plotly_webglcontextlost",{event:r,layer:t.id})}),!1)),t.glplot.oncontextloss=function(){t.recoverContext()},t.glplot.onrender=function(){t.render()},!0},w.render=function(){var t,e=this,r=e.graphDiv,n=e.svgContainer,i=e.container.getBoundingClientRect();r._fullLayout._calcInverseTransform(r);var a=r._fullLayout._invScaleX,o=r._fullLayout._invScaleY,s=i.width*a,l=i.height*o;n.setAttributeNS(null,"viewBox","0 0 "+s+" "+l),n.setAttributeNS(null,"width",s),n.setAttributeNS(null,"height",l),b(e),e.glplot.axes.update(e.axesOptions);for(var c,u=Object.keys(e.traces),h=null,g=e.glplot.selection,m=0;m")):"isosurface"===t.type||"volume"===t.type?(k.valueLabel=p.tickText(e._mockAxis,e._mockAxis.d2l(g.traceCoordinate[3]),"hover").text,E.push("value: "+k.valueLabel),g.textLabel&&E.push(g.textLabel),_=E.join("
")):_=g.textLabel;var C={x:g.traceCoordinate[0],y:g.traceCoordinate[1],z:g.traceCoordinate[2],data:w._input,fullData:w,curveNumber:w.index,pointNumber:T};d.appendArrayPointValue(C,w,T),t._module.eventData&&(C=w._module.eventData(C,g,w,{},T));var L={points:[C]};e.fullSceneLayout.hovermode&&d.loneHover({trace:w,x:(.5+.5*x[0]/x[3])*s,y:(.5-.5*x[1]/x[3])*l,xLabel:k.xLabel,yLabel:k.yLabel,zLabel:k.zLabel,text:_,name:h.name,color:d.castHoverOption(w,T,"bgcolor")||h.color,borderColor:d.castHoverOption(w,T,"bordercolor"),fontFamily:d.castHoverOption(w,T,"font.family"),fontSize:d.castHoverOption(w,T,"font.size"),fontColor:d.castHoverOption(w,T,"font.color"),nameLength:d.castHoverOption(w,T,"namelength"),textAlign:d.castHoverOption(w,T,"align"),hovertemplate:f.castOption(w,T,"hovertemplate"),hovertemplateLabels:f.extendFlat({},C,k),eventData:[C]},{container:n,gd:r}),g.buttons&&g.distance<5?r.emit("plotly_click",L):r.emit("plotly_hover",L),c=L}else d.loneUnhover(n),r.emit("plotly_unhover",c);e.drawAnnotations(e)},w.recoverContext=function(){var t=this;t.glplot.dispose();var e=function(){t.glplot.gl.isContextLost()?requestAnimationFrame(e):t.initializeGLPlot()?t.plot.apply(t,t.plotArgs):f.error("Catastrophic and unrecoverable WebGL error. Context lost.")};requestAnimationFrame(e)};var k=["xaxis","yaxis","zaxis"];function M(t,e,r){for(var n=t.fullSceneLayout,i=0;i<3;i++){var a=k[i],o=a.charAt(0),s=n[a],l=e[o],c=e[o+"calendar"],u=e["_"+o+"length"];if(f.isArrayOrTypedArray(l))for(var h,p=0;p<(u||l.length);p++)if(f.isArrayOrTypedArray(l[p]))for(var d=0;dm[1][a])m[0][a]=-1,m[1][a]=1;else{var C=m[1][a]-m[0][a];m[0][a]-=C/32,m[1][a]+=C/32}if("reversed"===s.autorange){var L=m[0][a];m[0][a]=m[1][a],m[1][a]=L}}else{var I=s.range;m[0][a]=s.r2l(I[0]),m[1][a]=s.r2l(I[1])}m[0][a]===m[1][a]&&(m[0][a]-=1,m[1][a]+=1),v[a]=m[1][a]-m[0][a],this.glplot.setBounds(a,{min:m[0][a]*h[a],max:m[1][a]*h[a]})}var P=c.aspectmode;if("cube"===P)d=[1,1,1];else if("manual"===P){var z=c.aspectratio;d=[z.x,z.y,z.z]}else{if("auto"!==P&&"data"!==P)throw new Error("scene.js aspectRatio was not one of the enumerated types");var O=[1,1,1];for(a=0;a<3;++a){var D=y[l=(s=c[k[a]]).type];O[a]=Math.pow(D.acc,1/D.count)/h[a]}d="data"===P||Math.max.apply(null,O)/Math.min.apply(null,O)<=4?O:[1,1,1]}c.aspectratio.x=u.aspectratio.x=d[0],c.aspectratio.y=u.aspectratio.y=d[1],c.aspectratio.z=u.aspectratio.z=d[2],this.glplot.setAspectratio(c.aspectratio),this.viewInitial.aspectratio||(this.viewInitial.aspectratio={x:c.aspectratio.x,y:c.aspectratio.y,z:c.aspectratio.z}),this.viewInitial.aspectmode||(this.viewInitial.aspectmode=c.aspectmode);var R=c.domain||null,F=e._size||null;if(R&&F){var B=this.container.style;B.position="absolute",B.left=F.l+R.x[0]*F.w+"px",B.top=F.t+(1-R.y[1])*F.h+"px",B.width=F.w*(R.x[1]-R.x[0])+"px",B.height=F.h*(R.y[1]-R.y[0])+"px"}this.glplot.redraw()}},w.destroy=function(){this.glplot&&(this.camera.mouseListener.enabled=!1,this.container.removeEventListener("wheel",this.camera.wheelListener),this.camera=null,this.glplot.dispose(),this.container.parentNode.removeChild(this.container),this.glplot=null)},w.getCamera=function(){var t;return this.camera.view.recalcMatrix(this.camera.view.lastT()),{up:{x:(t=this.camera).up[0],y:t.up[1],z:t.up[2]},center:{x:t.center[0],y:t.center[1],z:t.center[2]},eye:{x:t.eye[0],y:t.eye[1],z:t.eye[2]},projection:{type:!0===t._ortho?"orthographic":"perspective"}}},w.setViewport=function(t){var e,r=t.camera;this.camera.lookAt.apply(this,[[(e=r).eye.x,e.eye.y,e.eye.z],[e.center.x,e.center.y,e.center.z],[e.up.x,e.up.y,e.up.z]]),this.glplot.setAspectratio(t.aspectratio),"orthographic"===r.projection.type!==this.camera._ortho&&(this.glplot.redraw(),this.glplot.clearRGBA(),this.glplot.dispose(),this.initializeGLPlot())},w.isCameraChanged=function(t){var e=this.getCamera(),r=f.nestedProperty(t,this.id+".camera").get();function n(t,e,r,n){var i=["up","center","eye"],a=["x","y","z"];return e[i[r]]&&t[i[r]][a[n]]===e[i[r]][a[n]]}var i=!1;if(void 0===r)i=!0;else{for(var a=0;a<3;a++)for(var o=0;o<3;o++)if(!n(e,r,a,o)){i=!0;break}(!r.projection||e.projection&&e.projection.type!==r.projection.type)&&(i=!0)}return i},w.isAspectChanged=function(t){var e=this.glplot.getAspectratio(),r=f.nestedProperty(t,this.id+".aspectratio").get();return void 0===r||r.x!==e.x||r.y!==e.y||r.z!==e.z},w.saveLayout=function(t){var e,r,n,i,a,o,s=this.fullLayout,l=this.isCameraChanged(t),c=this.isAspectChanged(t),h=l||c;if(h){var p={};if(l&&(e=this.getCamera(),n=(r=f.nestedProperty(t,this.id+".camera")).get(),p[this.id+".camera"]=n),c&&(i=this.glplot.getAspectratio(),o=(a=f.nestedProperty(t,this.id+".aspectratio")).get(),p[this.id+".aspectratio"]=o),u.call("_storeDirectGUIEdit",t,s._preGUI,p),l)r.set(e),f.nestedProperty(s,this.id+".camera").set(e);if(c)a.set(i),f.nestedProperty(s,this.id+".aspectratio").set(i),this.glplot.redraw()}return h},w.updateFx=function(t,e){var r=this.camera;if(r)if("orbit"===t)r.mode="orbit",r.keyBindingMode="rotate";else if("turntable"===t){r.up=[0,0,1],r.mode="turntable",r.keyBindingMode="rotate";var n=this.graphDiv,i=n._fullLayout,a=this.fullSceneLayout.camera,o=a.up.x,s=a.up.y,l=a.up.z;if(l/Math.sqrt(o*o+s*s+l*l)<.999){var c=this.id+".camera.up",h={x:0,y:0,z:1},p={};p[c]=h;var d=n.layout;u.call("_storeDirectGUIEdit",d,i._preGUI,p),a.up=h,f.nestedProperty(d,c).set(h)}}else r.keyBindingMode=t;this.fullSceneLayout.hovermode=e},w.toImage=function(t){t||(t="png"),this.staticMode&&this.container.appendChild(n),this.glplot.redraw();var e=this.glplot.gl,r=e.drawingBufferWidth,i=e.drawingBufferHeight;e.bindFramebuffer(e.FRAMEBUFFER,null);var a=new Uint8Array(r*i*4);e.readPixels(0,0,r,i,e.RGBA,e.UNSIGNED_BYTE,a),function(t,e,r){for(var n=0,i=r-1;n0)for(var s=255/o,l=0;l<3;++l)t[a+l]=Math.min(s*t[a+l],255)}}(a,r,i);var o=document.createElement("canvas");o.width=r,o.height=i;var s,l=o.getContext("2d"),c=l.createImageData(r,i);switch(c.data.set(a),l.putImageData(c,0,0),t){case"jpeg":s=o.toDataURL("image/jpeg");break;case"webp":s=o.toDataURL("image/webp");break;default:s=o.toDataURL("image/png")}return this.staticMode&&this.container.removeChild(n),s},w.setConvert=function(){for(var t=0;t<3;t++){var e=this.fullSceneLayout[k[t]];p.setConvert(e,this.fullLayout),e.setScale=f.noop}},w.make4thDimension=function(){var t=this.graphDiv._fullLayout;this._mockAxis={type:"linear",showexponent:"all",exponentformat:"B"},p.setConvert(this._mockAxis,t)},e.exports=_},{"../../components/fx":683,"../../lib":778,"../../lib/show_no_webgl_msg":800,"../../lib/str2rgbarray":802,"../../plots/cartesian/axes":828,"../../registry":911,"./layout/convert":874,"./layout/spikes":877,"./layout/tick_marks":878,"./project":879,"gl-plot3d":321,"has-passive-events":441,"webgl-context":606}],881:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){n=n||t.length;for(var i=new Array(n),a=0;a\xa9 OpenStreetMap
',tiles:["https://a.tile.openstreetmap.org/{z}/{x}/{y}.png","https://b.tile.openstreetmap.org/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-osm-tiles",type:"raster",source:"plotly-osm-tiles",minzoom:0,maxzoom:22}]},"white-bg":{id:"white-bg",version:8,sources:{},layers:[{id:"white-bg",type:"background",paint:{"background-color":"#FFFFFF"},minzoom:0,maxzoom:22}]},"carto-positron":{id:"carto-positron",version:8,sources:{"plotly-carto-positron":{type:"raster",attribution:'\xa9 CARTO',tiles:["https://cartodb-basemaps-c.global.ssl.fastly.net/light_all/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-carto-positron",type:"raster",source:"plotly-carto-positron",minzoom:0,maxzoom:22}]},"carto-darkmatter":{id:"carto-darkmatter",version:8,sources:{"plotly-carto-darkmatter":{type:"raster",attribution:'\xa9 CARTO',tiles:["https://cartodb-basemaps-c.global.ssl.fastly.net/dark_all/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-carto-darkmatter",type:"raster",source:"plotly-carto-darkmatter",minzoom:0,maxzoom:22}]},"stamen-terrain":{id:"stamen-terrain",version:8,sources:{"plotly-stamen-terrain":{type:"raster",attribution:'Map tiles by Stamen Design, under CC BY 3.0 | Data by OpenStreetMap, under ODbL.',tiles:["https://stamen-tiles.a.ssl.fastly.net/terrain/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-stamen-terrain",type:"raster",source:"plotly-stamen-terrain",minzoom:0,maxzoom:22}]},"stamen-toner":{id:"stamen-toner",version:8,sources:{"plotly-stamen-toner":{type:"raster",attribution:'Map tiles by Stamen Design, under CC BY 3.0 | Data by OpenStreetMap, under ODbL.',tiles:["https://stamen-tiles.a.ssl.fastly.net/toner/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-stamen-toner",type:"raster",source:"plotly-stamen-toner",minzoom:0,maxzoom:22}]},"stamen-watercolor":{id:"stamen-watercolor",version:8,sources:{"plotly-stamen-watercolor":{type:"raster",attribution:'Map tiles by Stamen Design, under CC BY 3.0 | Data by OpenStreetMap, under CC BY SA.',tiles:["https://stamen-tiles.a.ssl.fastly.net/watercolor/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-stamen-watercolor",type:"raster",source:"plotly-stamen-watercolor",minzoom:0,maxzoom:22}]}},i=Object.keys(n);e.exports={requiredVersion:"1.10.1",styleUrlPrefix:"mapbox://styles/mapbox/",styleUrlSuffix:"v9",styleValuesMapbox:["basic","streets","outdoors","light","dark","satellite","satellite-streets"],styleValueDflt:"basic",stylesNonMapbox:n,styleValuesNonMapbox:i,traceLayerPrefix:"plotly-trace-layer-",layoutLayerPrefix:"plotly-layout-layer-",wrongVersionErrorMsg:["Your custom plotly.js bundle is not using the correct mapbox-gl version","Please install mapbox-gl@1.10.1."].join("\n"),noAccessTokenErrorMsg:["Missing Mapbox access token.","Mapbox trace type require a Mapbox access token to be registered.","For example:"," Plotly.plot(gd, data, layout, { mapboxAccessToken: 'my-access-token' });","More info here: https://www.mapbox.com/help/define-access-token/"].join("\n"),missingStyleErrorMsg:["No valid mapbox style found, please set `mapbox.style` to one of:",i.join(", "),"or register a Mapbox access token to use a Mapbox-served style."].join("\n"),multipleTokensErrorMsg:["Set multiple mapbox access token across different mapbox subplot,","using first token found as mapbox-gl does not allow multipleaccess tokens on the same page."].join("\n"),mapOnErrorMsg:"Mapbox error.",mapboxLogo:{path0:"m 10.5,1.24 c -5.11,0 -9.25,4.15 -9.25,9.25 0,5.1 4.15,9.25 9.25,9.25 5.1,0 9.25,-4.15 9.25,-9.25 0,-5.11 -4.14,-9.25 -9.25,-9.25 z m 4.39,11.53 c -1.93,1.93 -4.78,2.31 -6.7,2.31 -0.7,0 -1.41,-0.05 -2.1,-0.16 0,0 -1.02,-5.64 2.14,-8.81 0.83,-0.83 1.95,-1.28 3.13,-1.28 1.27,0 2.49,0.51 3.39,1.42 1.84,1.84 1.89,4.75 0.14,6.52 z",path1:"M 10.5,-0.01 C 4.7,-0.01 0,4.7 0,10.49 c 0,5.79 4.7,10.5 10.5,10.5 5.8,0 10.5,-4.7 10.5,-10.5 C 20.99,4.7 16.3,-0.01 10.5,-0.01 Z m 0,19.75 c -5.11,0 -9.25,-4.15 -9.25,-9.25 0,-5.1 4.14,-9.26 9.25,-9.26 5.11,0 9.25,4.15 9.25,9.25 0,5.13 -4.14,9.26 -9.25,9.26 z",path2:"M 14.74,6.25 C 12.9,4.41 9.98,4.35 8.23,6.1 5.07,9.27 6.09,14.91 6.09,14.91 c 0,0 5.64,1.02 8.81,-2.14 C 16.64,11 16.59,8.09 14.74,6.25 Z m -2.27,4.09 -0.91,1.87 -0.9,-1.87 -1.86,-0.91 1.86,-0.9 0.9,-1.87 0.91,1.87 1.86,0.9 z",polygon:"11.56,12.21 10.66,10.34 8.8,9.43 10.66,8.53 11.56,6.66 12.47,8.53 14.33,9.43 12.47,10.34"},styleRules:{map:"overflow:hidden;position:relative;","missing-css":"display:none;",canary:"background-color:salmon;","ctrl-bottom-left":"position: absolute; pointer-events: none; z-index: 2; bottom: 0; left: 0;","ctrl-bottom-right":"position: absolute; pointer-events: none; z-index: 2; right: 0; bottom: 0;",ctrl:"clear: both; pointer-events: auto; transform: translate(0, 0);","ctrl-attrib.mapboxgl-compact .mapboxgl-ctrl-attrib-inner":"display: none;","ctrl-attrib.mapboxgl-compact:hover .mapboxgl-ctrl-attrib-inner":"display: block; margin-top:2px","ctrl-attrib.mapboxgl-compact:hover":"padding: 2px 24px 2px 4px; visibility: visible; margin-top: 6px;","ctrl-attrib.mapboxgl-compact::after":'content: ""; cursor: pointer; position: absolute; background-image: url(\'data:image/svg+xml;charset=utf-8,%3Csvg viewBox="0 0 20 20" xmlns="http://www.w3.org/2000/svg"%3E %3Cpath fill="%23333333" fill-rule="evenodd" d="M4,10a6,6 0 1,0 12,0a6,6 0 1,0 -12,0 M9,7a1,1 0 1,0 2,0a1,1 0 1,0 -2,0 M9,10a1,1 0 1,1 2,0l0,3a1,1 0 1,1 -2,0"/%3E %3C/svg%3E\'); background-color: rgba(255, 255, 255, 0.5); width: 24px; height: 24px; box-sizing: border-box; border-radius: 12px;',"ctrl-attrib.mapboxgl-compact":"min-height: 20px; padding: 0; margin: 10px; position: relative; background-color: #fff; border-radius: 3px 12px 12px 3px;","ctrl-bottom-right > .mapboxgl-ctrl-attrib.mapboxgl-compact::after":"bottom: 0; right: 0","ctrl-bottom-left > .mapboxgl-ctrl-attrib.mapboxgl-compact::after":"bottom: 0; left: 0","ctrl-bottom-left .mapboxgl-ctrl":"margin: 0 0 10px 10px; float: left;","ctrl-bottom-right .mapboxgl-ctrl":"margin: 0 10px 10px 0; float: right;","ctrl-attrib":"color: rgba(0, 0, 0, 0.75); text-decoration: none; font-size: 12px","ctrl-attrib a":"color: rgba(0, 0, 0, 0.75); text-decoration: none; font-size: 12px","ctrl-attrib a:hover":"color: inherit; text-decoration: underline;","ctrl-attrib .mapbox-improve-map":"font-weight: bold; margin-left: 2px;","attrib-empty":"display: none;","ctrl-logo":'display:block; width: 21px; height: 21px; background-image: url(\'data:image/svg+xml;charset=utf-8,%3C?xml version="1.0" encoding="utf-8"?%3E %3Csvg version="1.1" id="Layer_1" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" x="0px" y="0px" viewBox="0 0 21 21" style="enable-background:new 0 0 21 21;" xml:space="preserve"%3E%3Cg transform="translate(0,0.01)"%3E%3Cpath d="m 10.5,1.24 c -5.11,0 -9.25,4.15 -9.25,9.25 0,5.1 4.15,9.25 9.25,9.25 5.1,0 9.25,-4.15 9.25,-9.25 0,-5.11 -4.14,-9.25 -9.25,-9.25 z m 4.39,11.53 c -1.93,1.93 -4.78,2.31 -6.7,2.31 -0.7,0 -1.41,-0.05 -2.1,-0.16 0,0 -1.02,-5.64 2.14,-8.81 0.83,-0.83 1.95,-1.28 3.13,-1.28 1.27,0 2.49,0.51 3.39,1.42 1.84,1.84 1.89,4.75 0.14,6.52 z" style="opacity:0.9;fill:%23ffffff;enable-background:new" class="st0"/%3E%3Cpath d="M 10.5,-0.01 C 4.7,-0.01 0,4.7 0,10.49 c 0,5.79 4.7,10.5 10.5,10.5 5.8,0 10.5,-4.7 10.5,-10.5 C 20.99,4.7 16.3,-0.01 10.5,-0.01 Z m 0,19.75 c -5.11,0 -9.25,-4.15 -9.25,-9.25 0,-5.1 4.14,-9.26 9.25,-9.26 5.11,0 9.25,4.15 9.25,9.25 0,5.13 -4.14,9.26 -9.25,9.26 z" style="opacity:0.35;enable-background:new" class="st1"/%3E%3Cpath d="M 14.74,6.25 C 12.9,4.41 9.98,4.35 8.23,6.1 5.07,9.27 6.09,14.91 6.09,14.91 c 0,0 5.64,1.02 8.81,-2.14 C 16.64,11 16.59,8.09 14.74,6.25 Z m -2.27,4.09 -0.91,1.87 -0.9,-1.87 -1.86,-0.91 1.86,-0.9 0.9,-1.87 0.91,1.87 1.86,0.9 z" style="opacity:0.35;enable-background:new" class="st1"/%3E%3Cpolygon points="11.56,12.21 10.66,10.34 8.8,9.43 10.66,8.53 11.56,6.66 12.47,8.53 14.33,9.43 12.47,10.34 " style="opacity:0.9;fill:%23ffffff;enable-background:new" class="st0"/%3E%3C/g%3E%3C/svg%3E\')'}}},{}],884:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t,e){var r=t.split(" "),i=r[0],a=r[1],o=n.isArrayOrTypedArray(e)?n.mean(e):e,s=.5+o/100,l=1.5+o/100,c=["",""],u=[0,0];switch(i){case"top":c[0]="top",u[1]=-l;break;case"bottom":c[0]="bottom",u[1]=l}switch(a){case"left":c[1]="right",u[0]=-s;break;case"right":c[1]="left",u[0]=s}return{anchor:c[0]&&c[1]?c.join("-"):c[0]?c[0]:c[1]?c[1]:"center",offset:u}}},{"../../lib":778}],885:[function(t,e,r){"use strict";var n=t("mapbox-gl"),i=t("../../lib"),a=i.strTranslate,o=i.strScale,s=t("../../plots/get_data").getSubplotCalcData,l=t("../../constants/xmlns_namespaces"),c=t("d3"),u=t("../../components/drawing"),f=t("../../lib/svg_text_utils"),h=t("./mapbox"),p=r.constants=t("./constants");function d(t){return"string"==typeof t&&(-1!==p.styleValuesMapbox.indexOf(t)||0===t.indexOf("mapbox://"))}r.name="mapbox",r.attr="subplot",r.idRoot="mapbox",r.idRegex=r.attrRegex=i.counterRegex("mapbox"),r.attributes={subplot:{valType:"subplotid",dflt:"mapbox",editType:"calc"}},r.layoutAttributes=t("./layout_attributes"),r.supplyLayoutDefaults=t("./layout_defaults"),r.plot=function(t){var e=t._fullLayout,r=t.calcdata,a=e._subplots.mapbox;if(n.version!==p.requiredVersion)throw new Error(p.wrongVersionErrorMsg);var o=function(t,e){var r=t._fullLayout;if(""===t._context.mapboxAccessToken)return"";for(var n=[],a=[],o=!1,s=!1,l=0;l1&&i.warn(p.multipleTokensErrorMsg),n[0]):(a.length&&i.log(["Listed mapbox access token(s)",a.join(","),"but did not use a Mapbox map style, ignoring token(s)."].join(" ")),"")}(t,a);n.accessToken=o;for(var l=0;l_/2){var w=v.split("|").join("
");x.text(w).attr("data-unformatted",w).call(f.convertToTspans,t),b=u.bBox(x.node())}x.attr("transform",a(-3,8-b.height)),y.insert("rect",".static-attribution").attr({x:-b.width-6,y:-b.height-3,width:b.width+6,height:b.height+3,fill:"rgba(255, 255, 255, 0.75)"});var T=1;b.width+6>_&&(T=_/(b.width+6));var k=[n.l+n.w*h.x[1],n.t+n.h*(1-h.y[0])];y.attr("transform",a(k[0],k[1])+o(T))}},r.updateFx=function(t){for(var e=t._fullLayout,r=e._subplots.mapbox,n=0;n0){for(var r=0;r0}function u(t){var e={},r={};switch(t.type){case"circle":n.extendFlat(r,{"circle-radius":t.circle.radius,"circle-color":t.color,"circle-opacity":t.opacity});break;case"line":n.extendFlat(r,{"line-width":t.line.width,"line-color":t.color,"line-opacity":t.opacity,"line-dasharray":t.line.dash});break;case"fill":n.extendFlat(r,{"fill-color":t.color,"fill-outline-color":t.fill.outlinecolor,"fill-opacity":t.opacity});break;case"symbol":var i=t.symbol,o=a(i.textposition,i.iconsize);n.extendFlat(e,{"icon-image":i.icon+"-15","icon-size":i.iconsize/10,"text-field":i.text,"text-size":i.textfont.size,"text-anchor":o.anchor,"text-offset":o.offset,"symbol-placement":i.placement}),n.extendFlat(r,{"icon-color":t.color,"text-color":i.textfont.color,"text-opacity":t.opacity});break;case"raster":n.extendFlat(r,{"raster-fade-duration":0,"raster-opacity":t.opacity})}return{layout:e,paint:r}}l.update=function(t){this.visible?this.needsNewImage(t)?this.updateImage(t):this.needsNewSource(t)?(this.removeLayer(),this.updateSource(t),this.updateLayer(t)):this.needsNewLayer(t)?this.updateLayer(t):this.updateStyle(t):(this.updateSource(t),this.updateLayer(t)),this.visible=c(t)},l.needsNewImage=function(t){return this.subplot.map.getSource(this.idSource)&&"image"===this.sourceType&&"image"===t.sourcetype&&(this.source!==t.source||JSON.stringify(this.coordinates)!==JSON.stringify(t.coordinates))},l.needsNewSource=function(t){return this.sourceType!==t.sourcetype||JSON.stringify(this.source)!==JSON.stringify(t.source)||this.layerType!==t.type},l.needsNewLayer=function(t){return this.layerType!==t.type||this.below!==this.subplot.belowLookup["layout-"+this.index]},l.lookupBelow=function(){return this.subplot.belowLookup["layout-"+this.index]},l.updateImage=function(t){this.subplot.map.getSource(this.idSource).updateImage({url:t.source,coordinates:t.coordinates});var e=this.findFollowingMapboxLayerId(this.lookupBelow());null!==e&&this.subplot.map.moveLayer(this.idLayer,e)},l.updateSource=function(t){var e=this.subplot.map;if(e.getSource(this.idSource)&&e.removeSource(this.idSource),this.sourceType=t.sourcetype,this.source=t.source,c(t)){var r=function(t){var e,r=t.sourcetype,n=t.source,a={type:r};"geojson"===r?e="data":"vector"===r?e="string"==typeof n?"url":"tiles":"raster"===r?(e="tiles",a.tileSize=256):"image"===r&&(e="url",a.coordinates=t.coordinates);a[e]=n,t.sourceattribution&&(a.attribution=i(t.sourceattribution));return a}(t);e.addSource(this.idSource,r)}},l.findFollowingMapboxLayerId=function(t){if("traces"===t)for(var e=this.subplot.getMapLayers(),r=0;r1)for(r=0;r-1&&v(e.originalEvent,n,[r.xaxis],[r.yaxis],r.id,t),i.indexOf("event")>-1&&c.click(n,e.originalEvent)}}},_.updateFx=function(t){var e=this,r=e.map,n=e.gd;if(!e.isStatic){var a,o=t.dragmode;a=f(o)?function(t,r){(t.range={})[e.id]=[c([r.xmin,r.ymin]),c([r.xmax,r.ymax])]}:function(t,r,n){(t.lassoPoints={})[e.id]=n.filtered.map(c)};var s=e.dragOptions;e.dragOptions=i.extendDeep(s||{},{dragmode:t.dragmode,element:e.div,gd:n,plotinfo:{id:e.id,domain:t[e.id].domain,xaxis:e.xaxis,yaxis:e.yaxis,fillRangeItems:a},xaxes:[e.xaxis],yaxes:[e.yaxis],subplot:e.id}),r.off("click",e.onClickInPanHandler),p(o)||h(o)?(r.dragPan.disable(),r.on("zoomstart",e.clearSelect),e.dragOptions.prepFn=function(t,r,n){d(t,r,n,e.dragOptions,o)},l.init(e.dragOptions)):(r.dragPan.enable(),r.off("zoomstart",e.clearSelect),e.div.onmousedown=null,e.onClickInPanHandler=e.onClickInPanFn(e.dragOptions),r.on("click",e.onClickInPanHandler))}function c(t){var r=e.map.unproject(t);return[r.lng,r.lat]}},_.updateFramework=function(t){var e=t[this.id].domain,r=t._size,n=this.div.style;n.width=r.w*(e.x[1]-e.x[0])+"px",n.height=r.h*(e.y[1]-e.y[0])+"px",n.left=r.l+e.x[0]*r.w+"px",n.top=r.t+(1-e.y[1])*r.h+"px",this.xaxis._offset=r.l+e.x[0]*r.w,this.xaxis._length=r.w*(e.x[1]-e.x[0]),this.yaxis._offset=r.t+(1-e.y[1])*r.h,this.yaxis._length=r.h*(e.y[1]-e.y[0])},_.updateLayers=function(t){var e,r=t[this.id].layers,n=this.layerList;if(r.length!==n.length){for(e=0;e=e.width-20?(a["text-anchor"]="start",a.x=5):(a["text-anchor"]="end",a.x=e._paper.attr("width")-7),r.attr(a);var o=r.select(".js-link-to-tool"),s=r.select(".js-link-spacer"),l=r.select(".js-sourcelinks");t._context.showSources&&t._context.showSources(t),t._context.showLink&&function(t,e){e.text("");var r=e.append("a").attr({"xlink:xlink:href":"#",class:"link--impt link--embedview","font-weight":"bold"}).text(t._context.linkText+" "+String.fromCharCode(187));if(t._context.sendData)r.on("click",(function(){x.sendDataToCloud(t)}));else{var n=window.location.pathname.split("/"),i=window.location.search;r.attr({"xlink:xlink:show":"new","xlink:xlink:href":"/"+n[2].split(".")[0]+"/"+n[1]+i})}}(t,o),s.text(o.text()&&l.text()?" - ":"")}},x.sendDataToCloud=function(t){var e=(window.PLOTLYENV||{}).BASE_URL||t._context.plotlyServerURL;if(e){t.emit("plotly_beforeexport");var r=n.select(t).append("div").attr("id","hiddenform").style("display","none"),i=r.append("form").attr({action:e+"/external",method:"post",target:"_blank"});return i.append("input").attr({type:"text",name:"data"}).node().value=x.graphJson(t,!1,"keepdata"),i.node().submit(),r.remove(),t.emit("plotly_afterexport"),!1}};var w=["days","shortDays","months","shortMonths","periods","dateTime","date","time","decimal","thousands","grouping","currency"],T=["year","month","dayMonth","dayMonthYear"];function k(t,e){var r=t._context.locale;r||(r="en-US");var n=!1,i={};function a(t){for(var r=!0,a=0;a1&&O.length>1){for(o.getComponentMethod("grid","sizeDefaults")(u,l),s=0;s15&&O.length>15&&0===l.shapes.length&&0===l.images.length,l._hasCartesian=l._has("cartesian"),l._hasGeo=l._has("geo"),l._hasGL3D=l._has("gl3d"),l._hasGL2D=l._has("gl2d"),l._hasTernary=l._has("ternary"),l._hasPie=l._has("pie"),x.linkSubplots(h,l,f,a),x.cleanPlot(h,l,f,a);var N=!(!a._has||!a._has("gl2d")),j=!(!l._has||!l._has("gl2d")),U=!(!a._has||!a._has("cartesian"))||N,V=!(!l._has||!l._has("cartesian"))||j;U&&!V?a._bgLayer.remove():V&&!U&&(l._shouldCreateBgLayer=!0),a._zoomlayer&&!t._dragging&&p({_fullLayout:a}),function(t,e){var r,n=[];e.meta&&(r=e._meta={meta:e.meta,layout:{meta:e.meta}});for(var i=0;i0){var f=1-2*s;n=Math.round(f*n),i=Math.round(f*i)}}var h=x.layoutAttributes.width.min,p=x.layoutAttributes.height.min;n1,g=!e.height&&Math.abs(r.height-i)>1;(g||d)&&(d&&(r.width=n),g&&(r.height=i)),t._initialAutoSize||(t._initialAutoSize={width:n,height:i}),x.sanitizeMargins(r)},x.supplyLayoutModuleDefaults=function(t,e,r,n){var i,a,s,l=o.componentsRegistry,u=e._basePlotModules,f=o.subplotsRegistry.cartesian;for(i in l)(s=l[i]).includeBasePlot&&s.includeBasePlot(t,e);for(var h in u.length||u.push(f),e._has("cartesian")&&(o.getComponentMethod("grid","contentDefaults")(t,e),f.finalizeSubplots(t,e)),e._subplots)e._subplots[h].sort(c.subplotSort);for(a=0;a1&&(r.l/=g,r.r/=g)}if(f){var m=(r.t+r.b)/f;m>1&&(r.t/=m,r.b/=m)}var v=void 0!==r.xl?r.xl:r.x,y=void 0!==r.xr?r.xr:r.x,b=void 0!==r.yt?r.yt:r.y,_=void 0!==r.yb?r.yb:r.y;h[e]={l:{val:v,size:r.l+d},r:{val:y,size:r.r+d},b:{val:_,size:r.b+d},t:{val:b,size:r.t+d}},p[e]=1}else delete h[e],delete p[e];if(!n._replotting)return x.doAutoMargin(t)}},x.doAutoMargin=function(t){var e=t._fullLayout,r=e.width,n=e.height;e._size||(e._size={}),C(e);var i=e._size,s=e.margin,l=c.extendFlat({},i),u=s.l,f=s.r,p=s.t,d=s.b,g=e._pushmargin,m=e._pushmarginIds;if(!1!==e.margin.autoexpand){for(var v in g)m[v]||delete g[v];for(var y in g.base={l:{val:0,size:u},r:{val:1,size:f},t:{val:1,size:p},b:{val:0,size:d}},g){var b=g[y].l||{},_=g[y].b||{},w=b.val,T=b.size,k=_.val,M=_.size;for(var A in g){if(a(T)&&g[A].r){var S=g[A].r.val,E=g[A].r.size;if(S>w){var L=(T*S+(E-r)*w)/(S-w),I=(E*(1-w)+(T-r)*(1-S))/(S-w);L+I>u+f&&(u=L,f=I)}}if(a(M)&&g[A].t){var P=g[A].t.val,z=g[A].t.size;if(P>k){var O=(M*P+(z-n)*k)/(P-k),D=(z*(1-k)+(M-n)*(1-P))/(P-k);O+D>d+p&&(d=O,p=D)}}}}}var R=c.constrain(r-s.l-s.r,2,64),F=c.constrain(n-s.t-s.b,2,64),B=Math.max(0,r-R),N=Math.max(0,n-F);if(B){var j=(u+f)/B;j>1&&(u/=j,f/=j)}if(N){var U=(d+p)/N;U>1&&(d/=U,p/=U)}if(i.l=Math.round(u),i.r=Math.round(f),i.t=Math.round(p),i.b=Math.round(d),i.p=Math.round(s.pad),i.w=Math.round(r)-i.l-i.r,i.h=Math.round(n)-i.t-i.b,!e._replotting&&x.didMarginChange(l,i)){"_redrawFromAutoMarginCount"in e?e._redrawFromAutoMarginCount++:e._redrawFromAutoMarginCount=1;var V=3*(1+Object.keys(m).length);if(e._redrawFromAutoMarginCount0&&(t._transitioningWithDuration=!0),t._transitionData._interruptCallbacks.push((function(){n=!0})),r.redraw&&t._transitionData._interruptCallbacks.push((function(){return o.call("redraw",t)})),t._transitionData._interruptCallbacks.push((function(){t.emit("plotly_transitioninterrupted",[])}));var a=0,s=0;function l(){return a++,function(){s++,n||s!==a||function(e){if(!t._transitionData)return;(function(t){if(t)for(;t.length;)t.shift()})(t._transitionData._interruptCallbacks),Promise.resolve().then((function(){if(r.redraw)return o.call("redraw",t)})).then((function(){t._transitioning=!1,t._transitioningWithDuration=!1,t.emit("plotly_transitioned",[])})).then(e)}(i)}}r.runFn(l),setTimeout(l())}))}],a=c.syncOrAsync(i,t);return a&&a.then||(a=Promise.resolve()),a.then((function(){return t}))}x.didMarginChange=function(t,e){for(var r=0;r1)return!0}return!1},x.graphJson=function(t,e,r,n,i,a){(i&&e&&!t._fullData||i&&!e&&!t._fullLayout)&&x.supplyDefaults(t);var o=i?t._fullData:t.data,s=i?t._fullLayout:t.layout,l=(t._transitionData||{})._frames;function u(t,e){if("function"==typeof t)return e?"_function_":null;if(c.isPlainObject(t)){var n,i={};return Object.keys(t).sort().forEach((function(a){if(-1===["_","["].indexOf(a.charAt(0)))if("function"!=typeof t[a]){if("keepdata"===r){if("src"===a.substr(a.length-3))return}else if("keepstream"===r){if("string"==typeof(n=t[a+"src"])&&n.indexOf(":")>0&&!c.isPlainObject(t.stream))return}else if("keepall"!==r&&"string"==typeof(n=t[a+"src"])&&n.indexOf(":")>0)return;i[a]=u(t[a],e)}else e&&(i[a]="_function")})),i}return Array.isArray(t)?t.map((function(t){return u(t,e)})):c.isTypedArray(t)?c.simpleMap(t,c.identity):c.isJSDate(t)?c.ms2DateTimeLocal(+t):t}var f={data:(o||[]).map((function(t){var r=u(t);return e&&delete r.fit,r}))};if(!e&&(f.layout=u(s),i)){var h=s._size;f.layout.computed={margin:{b:h.b,l:h.l,r:h.r,t:h.t}}}return t.framework&&t.framework.isPolar&&(f=t.framework.getConfig()),l&&(f.frames=u(l)),a&&(f.config=u(t._context,!0)),"object"===n?f:JSON.stringify(f)},x.modifyFrames=function(t,e){var r,n,i,a=t._transitionData._frames,o=t._transitionData._frameHash;for(r=0;r=0;a--)if(s[a].enabled){r._indexToPoints=s[a]._indexToPoints;break}n&&n.calc&&(o=n.calc(t,r))}Array.isArray(o)&&o[0]||(o=[{x:f,y:f}]),o[0].t||(o[0].t={}),o[0].trace=r,d[e]=o}}for(z(l,u,p),i=0;i1e-10?t:0}function h(t,e,r){e=e||0,r=r||0;for(var n=t.length,i=new Array(n),a=0;a0?r:1/0})),i=n.mod(r+1,e.length);return[e[r],e[i]]},findIntersectionXY:c,findXYatLength:function(t,e,r,n){var i=-e*r,a=e*e+1,o=2*(e*i-r),s=i*i+r*r-t*t,l=Math.sqrt(o*o-4*a*s),c=(-o+l)/(2*a),u=(-o-l)/(2*a);return[[c,e*c+i+n],[u,e*u+i+n]]},clampTiny:f,pathPolygon:function(t,e,r,n,i,a){return"M"+h(u(t,e,r,n),i,a).join("L")},pathPolygonAnnulus:function(t,e,r,n,i,a,o){var s,l;t=0?h.angularAxis.domain:n.extent(T),E=Math.abs(T[1]-T[0]);M&&!k&&(E=0);var C=S.slice();A&&k&&(C[1]+=E);var L=h.angularAxis.ticksCount||4;L>8&&(L=L/(L/8)+L%8),h.angularAxis.ticksStep&&(L=(C[1]-C[0])/L);var I=h.angularAxis.ticksStep||(C[1]-C[0])/(L*(h.minorTicks+1));w&&(I=Math.max(Math.round(I),1)),C[2]||(C[2]=I);var P=n.range.apply(this,C);if(P=P.map((function(t,e){return parseFloat(t.toPrecision(12))})),s=n.scale.linear().domain(C.slice(0,2)).range("clockwise"===h.direction?[0,360]:[360,0]),u.layout.angularAxis.domain=s.domain(),u.layout.angularAxis.endPadding=A?E:0,"undefined"==typeof(t=n.select(this).select("svg.chart-root"))||t.empty()){var z=(new DOMParser).parseFromString("' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '","application/xml"),O=this.appendChild(this.ownerDocument.importNode(z.documentElement,!0));t=n.select(O)}t.select(".guides-group").style({"pointer-events":"none"}),t.select(".angular.axis-group").style({"pointer-events":"none"}),t.select(".radial.axis-group").style({"pointer-events":"none"});var D,R=t.select(".chart-group"),F={fill:"none",stroke:h.tickColor},B={"font-size":h.font.size,"font-family":h.font.family,fill:h.font.color,"text-shadow":["-1px 0px","1px -1px","-1px 1px","1px 1px"].map((function(t,e){return" "+t+" 0 "+h.font.outlineColor})).join(",")};if(h.showLegend){D=t.select(".legend-group").attr({transform:"translate("+[x,h.margin.top]+")"}).style({display:"block"});var N=p.map((function(t,e){var r=o.util.cloneJson(t);return r.symbol="DotPlot"===t.geometry?t.dotType||"circle":"LinePlot"!=t.geometry?"square":"line",r.visibleInLegend="undefined"==typeof t.visibleInLegend||t.visibleInLegend,r.color="LinePlot"===t.geometry?t.strokeColor:t.color,r}));o.Legend().config({data:p.map((function(t,e){return t.name||"Element"+e})),legendConfig:i({},o.Legend.defaultConfig().legendConfig,{container:D,elements:N,reverseOrder:h.legend.reverseOrder})})();var j=D.node().getBBox();x=Math.min(h.width-j.width-h.margin.left-h.margin.right,h.height-h.margin.top-h.margin.bottom)/2,x=Math.max(10,x),_=[h.margin.left+x,h.margin.top+x],r.range([0,x]),u.layout.radialAxis.domain=r.domain(),D.attr("transform","translate("+[_[0]+x,_[1]-x]+")")}else D=t.select(".legend-group").style({display:"none"});t.attr({width:h.width,height:h.height}).style({opacity:h.opacity}),R.attr("transform","translate("+_+")").style({cursor:"crosshair"});var U=[(h.width-(h.margin.left+h.margin.right+2*x+(j?j.width:0)))/2,(h.height-(h.margin.top+h.margin.bottom+2*x))/2];if(U[0]=Math.max(0,U[0]),U[1]=Math.max(0,U[1]),t.select(".outer-group").attr("transform","translate("+U+")"),h.title&&h.title.text){var V=t.select("g.title-group text").style(B).text(h.title.text),q=V.node().getBBox();V.attr({x:_[0]-q.width/2,y:_[1]-x-20})}var H=t.select(".radial.axis-group");if(h.radialAxis.gridLinesVisible){var G=H.selectAll("circle.grid-circle").data(r.ticks(5));G.enter().append("circle").attr({class:"grid-circle"}).style(F),G.attr("r",r),G.exit().remove()}H.select("circle.outside-circle").attr({r:x}).style(F);var Y=t.select("circle.background-circle").attr({r:x}).style({fill:h.backgroundColor,stroke:h.stroke});function W(t,e){return s(t)%360+h.orientation}if(h.radialAxis.visible){var X=n.svg.axis().scale(r).ticks(5).tickSize(5);H.call(X).attr({transform:"rotate("+h.radialAxis.orientation+")"}),H.selectAll(".domain").style(F),H.selectAll("g>text").text((function(t,e){return this.textContent+h.radialAxis.ticksSuffix})).style(B).style({"text-anchor":"start"}).attr({x:0,y:0,dx:0,dy:0,transform:function(t,e){return"horizontal"===h.radialAxis.tickOrientation?"rotate("+-h.radialAxis.orientation+") translate("+[0,B["font-size"]]+")":"translate("+[0,B["font-size"]]+")"}}),H.selectAll("g>line").style({stroke:"black"})}var Z=t.select(".angular.axis-group").selectAll("g.angular-tick").data(P),J=Z.enter().append("g").classed("angular-tick",!0);Z.attr({transform:function(t,e){return"rotate("+W(t)+")"}}).style({display:h.angularAxis.visible?"block":"none"}),Z.exit().remove(),J.append("line").classed("grid-line",!0).classed("major",(function(t,e){return e%(h.minorTicks+1)==0})).classed("minor",(function(t,e){return!(e%(h.minorTicks+1)==0)})).style(F),J.selectAll(".minor").style({stroke:h.minorTickColor}),Z.select("line.grid-line").attr({x1:h.tickLength?x-h.tickLength:0,x2:x}).style({display:h.angularAxis.gridLinesVisible?"block":"none"}),J.append("text").classed("axis-text",!0).style(B);var K=Z.select("text.axis-text").attr({x:x+h.labelOffset,dy:a+"em",transform:function(t,e){var r=W(t),n=x+h.labelOffset,i=h.angularAxis.tickOrientation;return"horizontal"==i?"rotate("+-r+" "+n+" 0)":"radial"==i?r<270&&r>90?"rotate(180 "+n+" 0)":null:"rotate("+(r<=180&&r>0?-90:90)+" "+n+" 0)"}}).style({"text-anchor":"middle",display:h.angularAxis.labelsVisible?"block":"none"}).text((function(t,e){return e%(h.minorTicks+1)!=0?"":w?w[t]+h.angularAxis.ticksSuffix:t+h.angularAxis.ticksSuffix})).style(B);h.angularAxis.rewriteTicks&&K.text((function(t,e){return e%(h.minorTicks+1)!=0?"":h.angularAxis.rewriteTicks(this.textContent,e)}));var Q=n.max(R.selectAll(".angular-tick text")[0].map((function(t,e){return t.getCTM().e+t.getBBox().width})));D.attr({transform:"translate("+[x+Q,h.margin.top]+")"});var $=t.select("g.geometry-group").selectAll("g").size()>0,tt=t.select("g.geometry-group").selectAll("g.geometry").data(p);if(tt.enter().append("g").attr({class:function(t,e){return"geometry geometry"+e}}),tt.exit().remove(),p[0]||$){var et=[];p.forEach((function(t,e){var n={};n.radialScale=r,n.angularScale=s,n.container=tt.filter((function(t,r){return r==e})),n.geometry=t.geometry,n.orientation=h.orientation,n.direction=h.direction,n.index=e,et.push({data:t,geometryConfig:n})}));var rt=n.nest().key((function(t,e){return"undefined"!=typeof t.data.groupId||"unstacked"})).entries(et),nt=[];rt.forEach((function(t,e){"unstacked"===t.key?nt=nt.concat(t.values.map((function(t,e){return[t]}))):nt.push(t.values)})),nt.forEach((function(t,e){var r;r=Array.isArray(t)?t[0].geometryConfig.geometry:t.geometryConfig.geometry;var n=t.map((function(t,e){return i(o[r].defaultConfig(),t)}));o[r]().config(n)()}))}var it,at,ot=t.select(".guides-group"),st=t.select(".tooltips-group"),lt=o.tooltipPanel().config({container:st,fontSize:8})(),ct=o.tooltipPanel().config({container:st,fontSize:8})(),ut=o.tooltipPanel().config({container:st,hasTick:!0})();if(!k){var ft=ot.select("line").attr({x1:0,y1:0,y2:0}).style({stroke:"grey","pointer-events":"none"});R.on("mousemove.angular-guide",(function(t,e){var r=o.util.getMousePos(Y).angle;ft.attr({x2:-x,transform:"rotate("+r+")"}).style({opacity:.5});var n=(r+180+360-h.orientation)%360;it=s.invert(n);var i=o.util.convertToCartesian(x+12,r+180);lt.text(o.util.round(it)).move([i[0]+_[0],i[1]+_[1]])})).on("mouseout.angular-guide",(function(t,e){ot.select("line").style({opacity:0})}))}var ht=ot.select("circle").style({stroke:"grey",fill:"none"});R.on("mousemove.radial-guide",(function(t,e){var n=o.util.getMousePos(Y).radius;ht.attr({r:n}).style({opacity:.5}),at=r.invert(o.util.getMousePos(Y).radius);var i=o.util.convertToCartesian(n,h.radialAxis.orientation);ct.text(o.util.round(at)).move([i[0]+_[0],i[1]+_[1]])})).on("mouseout.radial-guide",(function(t,e){ht.style({opacity:0}),ut.hide(),lt.hide(),ct.hide()})),t.selectAll(".geometry-group .mark").on("mouseover.tooltip",(function(e,r){var i=n.select(this),a=this.style.fill,s="black",l=this.style.opacity||1;if(i.attr({"data-opacity":l}),a&&"none"!==a){i.attr({"data-fill":a}),s=n.hsl(a).darker().toString(),i.style({fill:s,opacity:1});var c={t:o.util.round(e[0]),r:o.util.round(e[1])};k&&(c.t=w[e[0]]);var u="t: "+c.t+", r: "+c.r,f=this.getBoundingClientRect(),h=t.node().getBoundingClientRect(),p=[f.left+f.width/2-U[0]-h.left,f.top+f.height/2-U[1]-h.top];ut.config({color:s}).text(u),ut.move(p)}else a=this.style.stroke||"black",i.attr({"data-stroke":a}),s=n.hsl(a).darker().toString(),i.style({stroke:s,opacity:1})})).on("mousemove.tooltip",(function(t,e){if(0!=n.event.which)return!1;n.select(this).attr("data-fill")&&ut.show()})).on("mouseout.tooltip",(function(t,e){ut.hide();var r=n.select(this),i=r.attr("data-fill");i?r.style({fill:i,opacity:r.attr("data-opacity")}):r.style({stroke:r.attr("data-stroke"),opacity:r.attr("data-opacity")})}))}))}(c),this},h.config=function(t){if(!arguments.length)return l;var e=o.util.cloneJson(t);return e.data.forEach((function(t,e){l.data[e]||(l.data[e]={}),i(l.data[e],o.Axis.defaultConfig().data[0]),i(l.data[e],t)})),i(l.layout,o.Axis.defaultConfig().layout),i(l.layout,e.layout),this},h.getLiveConfig=function(){return u},h.getinputConfig=function(){return c},h.radialScale=function(t){return r},h.angularScale=function(t){return s},h.svg=function(){return t},n.rebind(h,f,"on"),h},o.Axis.defaultConfig=function(t,e){return{data:[{t:[1,2,3,4],r:[10,11,12,13],name:"Line1",geometry:"LinePlot",color:null,strokeDash:"solid",strokeColor:null,strokeSize:"1",visibleInLegend:!0,opacity:1}],layout:{defaultColorRange:n.scale.category10().range(),title:null,height:450,width:500,margin:{top:40,right:40,bottom:40,left:40},font:{size:12,color:"gray",outlineColor:"white",family:"Tahoma, sans-serif"},direction:"clockwise",orientation:0,labelOffset:10,radialAxis:{domain:null,orientation:-45,ticksSuffix:"",visible:!0,gridLinesVisible:!0,tickOrientation:"horizontal",rewriteTicks:null},angularAxis:{domain:[0,360],ticksSuffix:"",visible:!0,gridLinesVisible:!0,labelsVisible:!0,tickOrientation:"horizontal",rewriteTicks:null,ticksCount:null,ticksStep:null},minorTicks:0,tickLength:null,tickColor:"silver",minorTickColor:"#eee",backgroundColor:"none",needsEndSpacing:null,showLegend:!0,legend:{reverseOrder:!1},opacity:1}}},o.util={},o.DATAEXTENT="dataExtent",o.AREA="AreaChart",o.LINE="LinePlot",o.DOT="DotPlot",o.BAR="BarChart",o.util._override=function(t,e){for(var r in t)r in e&&(e[r]=t[r])},o.util._extend=function(t,e){for(var r in t)e[r]=t[r]},o.util._rndSnd=function(){return 2*Math.random()-1+(2*Math.random()-1)+(2*Math.random()-1)},o.util.dataFromEquation2=function(t,e){var r=e||6;return n.range(0,360+r,r).map((function(e,r){var n=e*Math.PI/180;return[e,t(n)]}))},o.util.dataFromEquation=function(t,e,r){var i=e||6,a=[],o=[];n.range(0,360+i,i).forEach((function(e,r){var n=e*Math.PI/180,i=t(n);a.push(e),o.push(i)}));var s={t:a,r:o};return r&&(s.name=r),s},o.util.ensureArray=function(t,e){if("undefined"==typeof t)return null;var r=[].concat(t);return n.range(e).map((function(t,e){return r[e]||r[0]}))},o.util.fillArrays=function(t,e,r){return e.forEach((function(e,n){t[e]=o.util.ensureArray(t[e],r)})),t},o.util.cloneJson=function(t){return JSON.parse(JSON.stringify(t))},o.util.validateKeys=function(t,e){"string"==typeof e&&(e=e.split("."));var r=e.shift();return t[r]&&(!e.length||objHasKeys(t[r],e))},o.util.sumArrays=function(t,e){return n.zip(t,e).map((function(t,e){return n.sum(t)}))},o.util.arrayLast=function(t){return t[t.length-1]},o.util.arrayEqual=function(t,e){for(var r=Math.max(t.length,e.length,1);r-- >=0&&t[r]===e[r];);return-2===r},o.util.flattenArray=function(t){for(var e=[];!o.util.arrayEqual(e,t);)e=t,t=[].concat.apply([],t);return t},o.util.deduplicate=function(t){return t.filter((function(t,e,r){return r.indexOf(t)==e}))},o.util.convertToCartesian=function(t,e){var r=e*Math.PI/180;return[t*Math.cos(r),t*Math.sin(r)]},o.util.round=function(t,e){var r=e||2,n=Math.pow(10,r);return Math.round(t*n)/n},o.util.getMousePos=function(t){var e=n.mouse(t.node()),r=e[0],i=e[1],a={};return a.x=r,a.y=i,a.pos=e,a.angle=180*(Math.atan2(i,r)+Math.PI)/Math.PI,a.radius=Math.sqrt(r*r+i*i),a},o.util.duplicatesCount=function(t){for(var e,r={},n={},i=0,a=t.length;i0)){var l=n.select(this.parentNode).selectAll("path.line").data([0]);l.enter().insert("path"),l.attr({class:"line",d:u(s),transform:function(t,r){return"rotate("+(e.orientation+90)+")"},"pointer-events":"none"}).style({fill:function(t,e){return d.fill(r,i,a)},"fill-opacity":0,stroke:function(t,e){return d.stroke(r,i,a)},"stroke-width":function(t,e){return d["stroke-width"](r,i,a)},"stroke-dasharray":function(t,e){return d["stroke-dasharray"](r,i,a)},opacity:function(t,e){return d.opacity(r,i,a)},display:function(t,e){return d.display(r,i,a)}})}};var f=e.angularScale.range(),h=Math.abs(f[1]-f[0])/o[0].length*Math.PI/180,p=n.svg.arc().startAngle((function(t){return-h/2})).endAngle((function(t){return h/2})).innerRadius((function(t){return e.radialScale(l+(t[2]||0))})).outerRadius((function(t){return e.radialScale(l+(t[2]||0))+e.radialScale(t[1])}));c.arc=function(t,r,i){n.select(this).attr({class:"mark arc",d:p,transform:function(t,r){return"rotate("+(e.orientation+s(t[0])+90)+")"}})};var d={fill:function(e,r,n){return t[n].data.color},stroke:function(e,r,n){return t[n].data.strokeColor},"stroke-width":function(e,r,n){return t[n].data.strokeSize+"px"},"stroke-dasharray":function(e,n,i){return r[t[i].data.strokeDash]},opacity:function(e,r,n){return t[n].data.opacity},display:function(e,r,n){return"undefined"==typeof t[n].data.visible||t[n].data.visible?"block":"none"}},g=n.select(this).selectAll("g.layer").data(o);g.enter().append("g").attr({class:"layer"});var m=g.selectAll("path.mark").data((function(t,e){return t}));m.enter().append("path").attr({class:"mark"}),m.style(d).each(c[e.geometryType]),m.exit().remove(),g.exit().remove()}))}return a.config=function(e){return arguments.length?(e.forEach((function(e,r){t[r]||(t[r]={}),i(t[r],o.PolyChart.defaultConfig()),i(t[r],e)})),this):t},a.getColorScale=function(){},n.rebind(a,e,"on"),a},o.PolyChart.defaultConfig=function(){return{data:{name:"geom1",t:[[1,2,3,4]],r:[[1,2,3,4]],dotType:"circle",dotSize:64,dotVisible:!1,barWidth:20,color:"#ffa500",strokeSize:1,strokeColor:"silver",strokeDash:"solid",opacity:1,index:0,visible:!0,visibleInLegend:!0},geometryConfig:{geometry:"LinePlot",geometryType:"arc",direction:"clockwise",orientation:0,container:"body",radialScale:null,angularScale:null,colorScale:n.scale.category20()}}},o.BarChart=function(){return o.PolyChart()},o.BarChart.defaultConfig=function(){return{geometryConfig:{geometryType:"bar"}}},o.AreaChart=function(){return o.PolyChart()},o.AreaChart.defaultConfig=function(){return{geometryConfig:{geometryType:"arc"}}},o.DotPlot=function(){return o.PolyChart()},o.DotPlot.defaultConfig=function(){return{geometryConfig:{geometryType:"dot",dotType:"circle"}}},o.LinePlot=function(){return o.PolyChart()},o.LinePlot.defaultConfig=function(){return{geometryConfig:{geometryType:"line"}}},o.Legend=function(){var t=o.Legend.defaultConfig(),e=n.dispatch("hover");function r(){var e=t.legendConfig,a=t.data.map((function(t,r){return[].concat(t).map((function(t,n){var a=i({},e.elements[r]);return a.name=t,a.color=[].concat(e.elements[r].color)[n],a}))})),o=n.merge(a);o=o.filter((function(t,r){return e.elements[r]&&(e.elements[r].visibleInLegend||"undefined"==typeof e.elements[r].visibleInLegend)})),e.reverseOrder&&(o=o.reverse());var s=e.container;("string"==typeof s||s.nodeName)&&(s=n.select(s));var l=o.map((function(t,e){return t.color})),c=e.fontSize,u=null==e.isContinuous?"number"==typeof o[0]:e.isContinuous,f=u?e.height:c*o.length,h=s.classed("legend-group",!0).selectAll("svg").data([0]),p=h.enter().append("svg").attr({width:300,height:f+c,xmlns:"http://www.w3.org/2000/svg","xmlns:xlink":"http://www.w3.org/1999/xlink",version:"1.1"});p.append("g").classed("legend-axis",!0),p.append("g").classed("legend-marks",!0);var d=n.range(o.length),g=n.scale[u?"linear":"ordinal"]().domain(d).range(l),m=n.scale[u?"linear":"ordinal"]().domain(d)[u?"range":"rangePoints"]([0,f]);if(u){var v=h.select(".legend-marks").append("defs").append("linearGradient").attr({id:"grad1",x1:"0%",y1:"0%",x2:"0%",y2:"100%"}).selectAll("stop").data(l);v.enter().append("stop"),v.attr({offset:function(t,e){return e/(l.length-1)*100+"%"}}).style({"stop-color":function(t,e){return t}}),h.append("rect").classed("legend-mark",!0).attr({height:e.height,width:e.colorBandWidth,fill:"url(#grad1)"})}else{var y=h.select(".legend-marks").selectAll("path.legend-mark").data(o);y.enter().append("path").classed("legend-mark",!0),y.attr({transform:function(t,e){return"translate("+[c/2,m(e)+c/2]+")"},d:function(t,e){var r,i,a,o=t.symbol;return a=3*(i=c),"line"===(r=o)?"M"+[[-i/2,-i/12],[i/2,-i/12],[i/2,i/12],[-i/2,i/12]]+"Z":-1!=n.svg.symbolTypes.indexOf(r)?n.svg.symbol().type(r).size(a)():n.svg.symbol().type("square").size(a)()},fill:function(t,e){return g(e)}}),y.exit().remove()}var x=n.svg.axis().scale(m).orient("right"),b=h.select("g.legend-axis").attr({transform:"translate("+[u?e.colorBandWidth:c,c/2]+")"}).call(x);return b.selectAll(".domain").style({fill:"none",stroke:"none"}),b.selectAll("line").style({fill:"none",stroke:u?e.textColor:"none"}),b.selectAll("text").style({fill:e.textColor,"font-size":e.fontSize}).text((function(t,e){return o[e].name})),r}return r.config=function(e){return arguments.length?(i(t,e),this):t},n.rebind(r,e,"on"),r},o.Legend.defaultConfig=function(t,e){return{data:["a","b","c"],legendConfig:{elements:[{symbol:"line",color:"red"},{symbol:"square",color:"yellow"},{symbol:"diamond",color:"limegreen"}],height:150,colorBandWidth:30,fontSize:12,container:"body",isContinuous:null,textColor:"grey",reverseOrder:!1}}},o.tooltipPanel=function(){var t,e,r,a={container:null,hasTick:!1,fontSize:12,color:"white",padding:5},s="tooltip-"+o.tooltipPanel.uid++,l=10,c=function(){var n=(t=a.container.selectAll("g."+s).data([0])).enter().append("g").classed(s,!0).style({"pointer-events":"none",display:"none"});return r=n.append("path").style({fill:"white","fill-opacity":.9}).attr({d:"M0 0"}),e=n.append("text").attr({dx:a.padding+l,dy:.3*+a.fontSize}),c};return c.text=function(i){var o=n.hsl(a.color).l,s=o>=.5?"#aaa":"white",u=o>=.5?"black":"white",f=i||"";e.style({fill:u,"font-size":a.fontSize+"px"}).text(f);var h=a.padding,p=e.node().getBBox(),d={fill:a.color,stroke:s,"stroke-width":"2px"},g=p.width+2*h+l,m=p.height+2*h;return r.attr({d:"M"+[[l,-m/2],[l,-m/4],[a.hasTick?0:l,0],[l,m/4],[l,m/2],[g,m/2],[g,-m/2]].join("L")+"Z"}).style(d),t.attr({transform:"translate("+[l,-m/2+2*h]+")"}),t.style({display:"block"}),c},c.move=function(e){if(t)return t.attr({transform:"translate("+[e[0],e[1]]+")"}).style({display:"block"}),c},c.hide=function(){if(t)return t.style({display:"none"}),c},c.show=function(){if(t)return t.style({display:"block"}),c},c.config=function(t){return i(a,t),c},c},o.tooltipPanel.uid=1,o.adapter={},o.adapter.plotly=function(){var t={convert:function(t,e){var r={};if(t.data&&(r.data=t.data.map((function(t,r){var n=i({},t);return[[n,["marker","color"],["color"]],[n,["marker","opacity"],["opacity"]],[n,["marker","line","color"],["strokeColor"]],[n,["marker","line","dash"],["strokeDash"]],[n,["marker","line","width"],["strokeSize"]],[n,["marker","symbol"],["dotType"]],[n,["marker","size"],["dotSize"]],[n,["marker","barWidth"],["barWidth"]],[n,["line","interpolation"],["lineInterpolation"]],[n,["showlegend"],["visibleInLegend"]]].forEach((function(t,r){o.util.translator.apply(null,t.concat(e))})),e||delete n.marker,e&&delete n.groupId,e?("LinePlot"===n.geometry?(n.type="scatter",!0===n.dotVisible?(delete n.dotVisible,n.mode="lines+markers"):n.mode="lines"):"DotPlot"===n.geometry?(n.type="scatter",n.mode="markers"):"AreaChart"===n.geometry?n.type="area":"BarChart"===n.geometry&&(n.type="bar"),delete n.geometry):("scatter"===n.type?"lines"===n.mode?n.geometry="LinePlot":"markers"===n.mode?n.geometry="DotPlot":"lines+markers"===n.mode&&(n.geometry="LinePlot",n.dotVisible=!0):"area"===n.type?n.geometry="AreaChart":"bar"===n.type&&(n.geometry="BarChart"),delete n.mode,delete n.type),n})),!e&&t.layout&&"stack"===t.layout.barmode)){var a=o.util.duplicates(r.data.map((function(t,e){return t.geometry})));r.data.forEach((function(t,e){var n=a.indexOf(t.geometry);-1!=n&&(r.data[e].groupId=n)}))}if(t.layout){var s=i({},t.layout);if([[s,["plot_bgcolor"],["backgroundColor"]],[s,["showlegend"],["showLegend"]],[s,["radialaxis"],["radialAxis"]],[s,["angularaxis"],["angularAxis"]],[s.angularaxis,["showline"],["gridLinesVisible"]],[s.angularaxis,["showticklabels"],["labelsVisible"]],[s.angularaxis,["nticks"],["ticksCount"]],[s.angularaxis,["tickorientation"],["tickOrientation"]],[s.angularaxis,["ticksuffix"],["ticksSuffix"]],[s.angularaxis,["range"],["domain"]],[s.angularaxis,["endpadding"],["endPadding"]],[s.radialaxis,["showline"],["gridLinesVisible"]],[s.radialaxis,["tickorientation"],["tickOrientation"]],[s.radialaxis,["ticksuffix"],["ticksSuffix"]],[s.radialaxis,["range"],["domain"]],[s.angularAxis,["showline"],["gridLinesVisible"]],[s.angularAxis,["showticklabels"],["labelsVisible"]],[s.angularAxis,["nticks"],["ticksCount"]],[s.angularAxis,["tickorientation"],["tickOrientation"]],[s.angularAxis,["ticksuffix"],["ticksSuffix"]],[s.angularAxis,["range"],["domain"]],[s.angularAxis,["endpadding"],["endPadding"]],[s.radialAxis,["showline"],["gridLinesVisible"]],[s.radialAxis,["tickorientation"],["tickOrientation"]],[s.radialAxis,["ticksuffix"],["ticksSuffix"]],[s.radialAxis,["range"],["domain"]],[s.font,["outlinecolor"],["outlineColor"]],[s.legend,["traceorder"],["reverseOrder"]],[s,["labeloffset"],["labelOffset"]],[s,["defaultcolorrange"],["defaultColorRange"]]].forEach((function(t,r){o.util.translator.apply(null,t.concat(e))})),e?("undefined"!=typeof s.tickLength&&(s.angularaxis.ticklen=s.tickLength,delete s.tickLength),s.tickColor&&(s.angularaxis.tickcolor=s.tickColor,delete s.tickColor)):(s.angularAxis&&"undefined"!=typeof s.angularAxis.ticklen&&(s.tickLength=s.angularAxis.ticklen),s.angularAxis&&"undefined"!=typeof s.angularAxis.tickcolor&&(s.tickColor=s.angularAxis.tickcolor)),s.legend&&"boolean"!=typeof s.legend.reverseOrder&&(s.legend.reverseOrder="normal"!=s.legend.reverseOrder),s.legend&&"boolean"==typeof s.legend.traceorder&&(s.legend.traceorder=s.legend.traceorder?"reversed":"normal",delete s.legend.reverseOrder),s.margin&&"undefined"!=typeof s.margin.t){var l=["t","r","b","l","pad"],c=["top","right","bottom","left","pad"],u={};n.entries(s.margin).forEach((function(t,e){u[c[l.indexOf(t.key)]]=t.value})),s.margin=u}e&&(delete s.needsEndSpacing,delete s.minorTickColor,delete s.minorTicks,delete s.angularaxis.ticksCount,delete s.angularaxis.ticksCount,delete s.angularaxis.ticksStep,delete s.angularaxis.rewriteTicks,delete s.angularaxis.nticks,delete s.radialaxis.ticksCount,delete s.radialaxis.ticksCount,delete s.radialaxis.ticksStep,delete s.radialaxis.rewriteTicks,delete s.radialaxis.nticks),r.layout=s}return r}};return t}},{"../../../constants/alignment":745,"../../../lib":778,d3:169}],901:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../../lib"),a=t("../../../components/color"),o=t("./micropolar"),s=t("./undo_manager"),l=i.extendDeepAll,c=e.exports={};c.framework=function(t){var e,r,i,a,u,f=new s;function h(r,s){return s&&(u=s),n.select(n.select(u).node().parentNode).selectAll(".svg-container>*:not(.chart-root)").remove(),e=e?l(e,r):r,i||(i=o.Axis()),a=o.adapter.plotly().convert(e),i.config(a).render(u),t.data=e.data,t.layout=e.layout,c.fillLayout(t),e}return h.isPolar=!0,h.svg=function(){return i.svg()},h.getConfig=function(){return e},h.getLiveConfig=function(){return o.adapter.plotly().convert(i.getLiveConfig(),!0)},h.getLiveScales=function(){return{t:i.angularScale(),r:i.radialScale()}},h.setUndoPoint=function(){var t,n,i=this,a=o.util.cloneJson(e);t=a,n=r,f.add({undo:function(){n&&i(n)},redo:function(){i(t)}}),r=o.util.cloneJson(a)},h.undo=function(){f.undo()},h.redo=function(){f.redo()},h},c.fillLayout=function(t){var e=n.select(t).selectAll(".plot-container"),r=e.selectAll(".svg-container"),i=t.framework&&t.framework.svg&&t.framework.svg(),o={width:800,height:600,paper_bgcolor:a.background,_container:e,_paperdiv:r,_paper:i};t._fullLayout=l(o,t.layout)}},{"../../../components/color":643,"../../../lib":778,"./micropolar":900,"./undo_manager":902,d3:169}],902:[function(t,e,r){"use strict";e.exports=function(){var t,e=[],r=-1,n=!1;function i(t,e){return t?(n=!0,t[e](),n=!1,this):this}return{add:function(t){return n||(e.splice(r+1,e.length-r),e.push(t),r=e.length-1),this},setCallback:function(e){t=e},undo:function(){var n=e[r];return n?(i(n,"undo"),r-=1,t&&t(n.undo),this):this},redo:function(){var n=e[r+1];return n?(i(n,"redo"),r+=1,t&&t(n.redo),this):this},clear:function(){e=[],r=-1},hasUndo:function(){return-1!==r},hasRedo:function(){return r=90||s>90&&l>=450?1:u<=0&&h<=0?0:Math.max(u,h);e=s<=180&&l>=180||s>180&&l>=540?-1:c>=0&&f>=0?0:Math.min(c,f);r=s<=270&&l>=270||s>270&&l>=630?-1:u>=0&&h>=0?0:Math.min(u,h);n=l>=360?1:c<=0&&f<=0?0:Math.max(c,f);return[e,r,n,i]}(p),b=x[2]-x[0],_=x[3]-x[1],w=h/f,T=Math.abs(_/b);w>T?(d=f,y=(h-(g=f*T))/n.h/2,m=[o[0],o[1]],v=[s[0]+y,s[1]-y]):(g=h,y=(f-(d=h/T))/n.w/2,m=[o[0]+y,o[1]-y],v=[s[0],s[1]]),this.xLength2=d,this.yLength2=g,this.xDomain2=m,this.yDomain2=v;var k=this.xOffset2=n.l+n.w*m[0],M=this.yOffset2=n.t+n.h*(1-v[1]),A=this.radius=d/b,S=this.innerRadius=e.hole*A,E=this.cx=k-A*x[0],C=this.cy=M+A*x[3],P=this.cxx=E-k,z=this.cyy=C-M;this.radialAxis=this.mockAxis(t,e,i,{_id:"x",side:{counterclockwise:"top",clockwise:"bottom"}[i.side],_realSide:i.side,domain:[S/n.w,A/n.w]}),this.angularAxis=this.mockAxis(t,e,a,{side:"right",domain:[0,Math.PI],autorange:!1}),this.doAutoRange(t,e),this.updateAngularAxis(t,e),this.updateRadialAxis(t,e),this.updateRadialAxisTitle(t,e),this.xaxis=this.mockCartesianAxis(t,e,{_id:"x",domain:m}),this.yaxis=this.mockCartesianAxis(t,e,{_id:"y",domain:v});var O=this.pathSubplot();this.clipPaths.forTraces.select("path").attr("d",O).attr("transform",l(P,z)),r.frontplot.attr("transform",l(k,M)).call(u.setClipUrl,this._hasClipOnAxisFalse?null:this.clipIds.forTraces,this.gd),r.bg.attr("d",O).attr("transform",l(E,C)).call(c.fill,e.bgcolor)},O.mockAxis=function(t,e,r,n){var i=o.extendFlat({},r,n);return d(i,e,t),i},O.mockCartesianAxis=function(t,e,r){var n=this,i=r._id,a=o.extendFlat({type:"linear"},r);p(a,t);var s={x:[0,2],y:[1,3]};return a.setRange=function(){var t=n.sectorBBox,r=s[i],o=n.radialAxis._rl,l=(o[1]-o[0])/(1-e.hole);a.range=[t[r[0]]*l,t[r[1]]*l]},a.isPtWithinRange="x"===i?function(t){return n.isPtInside(t)}:function(){return!0},a.setRange(),a.setScale(),a},O.doAutoRange=function(t,e){var r=this.gd,n=this.radialAxis,i=e.radialaxis;n.setScale(),g(r,n);var a=n.range;i.range=a.slice(),i._input.range=a.slice(),n._rl=[n.r2l(a[0],null,"gregorian"),n.r2l(a[1],null,"gregorian")]},O.updateRadialAxis=function(t,e){var r=this,n=r.gd,i=r.layers,a=r.radius,u=r.innerRadius,f=r.cx,p=r.cy,d=e.radialaxis,g=L(e.sector[0],360),m=r.radialAxis,v=u90&&g<=270&&(m.tickangle=180);var y=function(t){return l(m.l2p(t.x)+u,0)},x=D(d);if(r.radialTickLayout!==x&&(i["radial-axis"].selectAll(".xtick").remove(),r.radialTickLayout=x),v){m.setScale();var b=h.calcTicks(m),_=h.clipEnds(m,b),w=h.getTickSigns(m)[2];h.drawTicks(n,m,{vals:b,layer:i["radial-axis"],path:h.makeTickPath(m,0,w),transFn:y,crisp:!1}),h.drawGrid(n,m,{vals:_,layer:i["radial-grid"],path:function(t){return r.pathArc(m.r2p(t.x)+u)},transFn:o.noop,crisp:!1}),h.drawLabels(n,m,{vals:b,layer:i["radial-axis"],transFn:y,labelFns:h.makeLabelFns(m,0)})}var T=r.radialAxisAngle=r.vangles?P(R(I(d.angle),r.vangles)):d.angle,k=l(f,p),M=k+s(-T);F(i["radial-axis"],v&&(d.showticklabels||d.ticks),{transform:M}),F(i["radial-grid"],v&&d.showgrid,{transform:k}),F(i["radial-line"].select("line"),v&&d.showline,{x1:u,y1:0,x2:a,y2:0,transform:M}).attr("stroke-width",d.linewidth).call(c.stroke,d.linecolor)},O.updateRadialAxisTitle=function(t,e,r){var n=this.gd,i=this.radius,a=this.cx,o=this.cy,s=e.radialaxis,l=this.id+"title",c=void 0!==r?r:this.radialAxisAngle,f=I(c),h=Math.cos(f),p=Math.sin(f),d=0;if(s.title){var g=u.bBox(this.layers["radial-axis"].node()).height,m=s.title.font.size;d="counterclockwise"===s.side?-g-.4*m:g+.8*m}this.layers["radial-axis-title"]=x.draw(n,l,{propContainer:s,propName:this.id+".radialaxis.title",placeholder:C(n,"Click to enter radial axis title"),attributes:{x:a+i/2*h+d*p,y:o-i/2*p+d*h,"text-anchor":"middle"},transform:{rotate:-c}})},O.updateAngularAxis=function(t,e){var r=this,n=r.gd,i=r.layers,a=r.radius,u=r.innerRadius,f=r.cx,p=r.cy,d=e.angularaxis,g=r.angularAxis;r.fillViewInitialKey("angularaxis.rotation",d.rotation),g.setGeometry(),g.setScale();var m=function(t){return g.t2g(t.x)};"linear"===g.type&&"radians"===g.thetaunit&&(g.tick0=P(g.tick0),g.dtick=P(g.dtick));var v=function(t){return l(f+a*Math.cos(t),p-a*Math.sin(t))},y=h.makeLabelFns(g,0).labelStandoff,x={xFn:function(t){var e=m(t);return Math.cos(e)*y},yFn:function(t){var e=m(t),r=Math.sin(e)>0?.2:1;return-Math.sin(e)*(y+t.fontSize*r)+Math.abs(Math.cos(e))*(t.fontSize*A)},anchorFn:function(t){var e=m(t),r=Math.cos(e);return Math.abs(r)<.1?"middle":r>0?"start":"end"},heightFn:function(t,e,r){var n=m(t);return-.5*(1+Math.sin(n))*r}},b=D(d);r.angularTickLayout!==b&&(i["angular-axis"].selectAll("."+g._id+"tick").remove(),r.angularTickLayout=b);var _,w=h.calcTicks(g);if("linear"===e.gridshape?(_=w.map(m),o.angleDelta(_[0],_[1])<0&&(_=_.slice().reverse())):_=null,r.vangles=_,"category"===g.type&&(w=w.filter((function(t){return o.isAngleInsideSector(m(t),r.sectorInRad)}))),g.visible){var T="inside"===g.ticks?-1:1,k=(g.linewidth||1)/2;h.drawTicks(n,g,{vals:w,layer:i["angular-axis"],path:"M"+T*k+",0h"+T*g.ticklen,transFn:function(t){var e=m(t);return v(e)+s(-P(e))},crisp:!1}),h.drawGrid(n,g,{vals:w,layer:i["angular-grid"],path:function(t){var e=m(t),r=Math.cos(e),n=Math.sin(e);return"M"+[f+u*r,p-u*n]+"L"+[f+a*r,p-a*n]},transFn:o.noop,crisp:!1}),h.drawLabels(n,g,{vals:w,layer:i["angular-axis"],repositionOnUpdate:!0,transFn:function(t){return v(m(t))},labelFns:x})}F(i["angular-line"].select("path"),d.showline,{d:r.pathSubplot(),transform:l(f,p)}).attr("stroke-width",d.linewidth).call(c.stroke,d.linecolor)},O.updateFx=function(t,e){this.gd._context.staticPlot||(this.updateAngularDrag(t),this.updateRadialDrag(t,e,0),this.updateRadialDrag(t,e,1),this.updateMainDrag(t))},O.updateMainDrag=function(t){var e,r,s=this,c=s.gd,u=s.layers,f=t._zoomlayer,h=S.MINZOOM,p=S.OFFEDGE,d=s.radius,g=s.innerRadius,x=s.cx,T=s.cy,k=s.cxx,M=s.cyy,A=s.sectorInRad,C=s.vangles,L=s.radialAxis,I=E.clampTiny,P=E.findXYatLength,z=E.findEnclosingVertexAngles,O=S.cornerHalfWidth,D=S.cornerLen/2,R=m.makeDragger(u,"path","maindrag","crosshair");n.select(R).attr("d",s.pathSubplot()).attr("transform",l(x,T));var F,B,N,j,U,V,q,H,G,Y={element:R,gd:c,subplot:s.id,plotinfo:{id:s.id,xaxis:s.xaxis,yaxis:s.yaxis},xaxes:[s.xaxis],yaxes:[s.yaxis]};function W(t,e){return Math.sqrt(t*t+e*e)}function X(t,e){return W(t-k,e-M)}function Z(t,e){return Math.atan2(M-e,t-k)}function J(t,e){return[t*Math.cos(e),t*Math.sin(-e)]}function K(t,e){if(0===t)return s.pathSector(2*O);var r=D/t,n=e-r,i=e+r,a=Math.max(0,Math.min(t,d)),o=a-O,l=a+O;return"M"+J(o,n)+"A"+[o,o]+" 0,0,0 "+J(o,i)+"L"+J(l,i)+"A"+[l,l]+" 0,0,1 "+J(l,n)+"Z"}function Q(t,e,r){if(0===t)return s.pathSector(2*O);var n,i,a=J(t,e),o=J(t,r),l=I((a[0]+o[0])/2),c=I((a[1]+o[1])/2);if(l&&c){var u=c/l,f=-1/u,h=P(O,u,l,c);n=P(D,f,h[0][0],h[0][1]),i=P(D,f,h[1][0],h[1][1])}else{var p,d;c?(p=D,d=O):(p=O,d=D),n=[[l-p,c-d],[l+p,c-d]],i=[[l-p,c+d],[l+p,c+d]]}return"M"+n.join("L")+"L"+i.reverse().join("L")+"Z"}function $(t,e){return e=Math.max(Math.min(e,d),g),th?(t-1&&1===t&&_(e,c,[s.xaxis],[s.yaxis],s.id,Y),r.indexOf("event")>-1&&y.click(c,e,s.id)}Y.prepFn=function(t,n,a){var l=c._fullLayout.dragmode,u=R.getBoundingClientRect();c._fullLayout._calcInverseTransform(c);var h=c._fullLayout._invTransform;e=c._fullLayout._invScaleX,r=c._fullLayout._invScaleY;var p=o.apply3DTransform(h)(n-u.left,a-u.top);if(F=p[0],B=p[1],C){var g=E.findPolygonOffset(d,A[0],A[1],C);F+=k+g[0],B+=M+g[1]}switch(l){case"zoom":Y.moveFn=C?nt:et,Y.clickFn=ot,Y.doneFn=it,function(){N=null,j=null,U=s.pathSubplot(),V=!1;var t=c._fullLayout[s.id];q=i(t.bgcolor).getLuminance(),(H=m.makeZoombox(f,q,x,T,U)).attr("fill-rule","evenodd"),G=m.makeCorners(f,x,T),w(c)}();break;case"select":case"lasso":b(t,n,a,Y,l)}},R.onmousemove=function(t){y.hover(c,t,s.id),c._fullLayout._lasthover=R,c._fullLayout._hoversubplot=s.id},R.onmouseout=function(t){c._dragging||v.unhover(c,t)},v.init(Y)},O.updateRadialDrag=function(t,e,r){var i=this,c=i.gd,u=i.layers,f=i.radius,h=i.innerRadius,p=i.cx,d=i.cy,g=i.radialAxis,y=S.radialDragBoxSize,x=y/2;if(g.visible){var b,_,T,A=I(i.radialAxisAngle),E=g._rl,C=E[0],L=E[1],z=E[r],O=.75*(E[1]-E[0])/(1-e.hole)/f;r?(b=p+(f+x)*Math.cos(A),_=d-(f+x)*Math.sin(A),T="radialdrag"):(b=p+(h-x)*Math.cos(A),_=d-(h-x)*Math.sin(A),T="radialdrag-inner");var D,B,N,j=m.makeRectDragger(u,T,"crosshair",-x,-x,y,y),U={element:j,gd:c};F(n.select(j),g.visible&&h0==(r?N>C:Nn?function(t){return t<=0}:function(t){return t>=0};t.c2g=function(r){var n=t.c2l(r)-e;return(s(n)?n:0)+o},t.g2c=function(r){return t.l2c(r+e-o)},t.g2p=function(t){return t*a},t.c2p=function(e){return t.g2p(t.c2g(e))}}}(t,e);break;case"angularaxis":!function(t,e){var r=t.type;if("linear"===r){var i=t.d2c,s=t.c2d;t.d2c=function(t,e){return function(t,e){return"degrees"===e?a(t):t}(i(t),e)},t.c2d=function(t,e){return s(function(t,e){return"degrees"===e?o(t):t}(t,e))}}t.makeCalcdata=function(e,i){var a,o,s=e[i],l=e._length,c=function(r){return t.d2c(r,e.thetaunit)};if(s){if(n.isTypedArray(s)&&"linear"===r){if(l===s.length)return s;if(s.subarray)return s.subarray(0,l)}for(a=new Array(l),o=0;o0){for(var n=[],i=0;i=u&&(p.min=0,g.min=0,m.min=0,t.aaxis&&delete t.aaxis.min,t.baxis&&delete t.baxis.min,t.caxis&&delete t.caxis.min)}function d(t,e,r,n){var i=f[e._name];function o(r,n){return a.coerce(t,e,i,r,n)}o("uirevision",n.uirevision),e.type="linear";var h=o("color"),p=h!==i.color.dflt?h:r.font.color,d=e._name.charAt(0).toUpperCase(),g="Component "+d,m=o("title.text",g);e._hovertitle=m===g?m:d,a.coerceFont(o,"title.font",{family:r.font.family,size:Math.round(1.2*r.font.size),color:p}),o("min"),c(t,e,o,"linear"),s(t,e,o,"linear",{}),l(t,e,o,{outerTicks:!0}),o("showticklabels")&&(a.coerceFont(o,"tickfont",{family:r.font.family,size:r.font.size,color:p}),o("tickangle"),o("tickformat")),u(t,e,o,{dfltColor:h,bgColor:r.bgColor,blend:60,showLine:!0,showGrid:!0,noZeroLine:!0,attributes:i}),o("hoverformat"),o("layer")}e.exports=function(t,e,r){o(t,e,r,{type:"ternary",attributes:f,handleDefaults:p,font:e.font,paper_bgcolor:e.paper_bgcolor})}},{"../../components/color":643,"../../lib":778,"../../plot_api/plot_template":817,"../cartesian/line_grid_defaults":844,"../cartesian/tick_label_defaults":849,"../cartesian/tick_mark_defaults":850,"../cartesian/tick_value_defaults":851,"../subplot_defaults":905,"./layout_attributes":908}],910:[function(t,e,r){"use strict";var n=t("d3"),i=t("tinycolor2"),a=t("../../registry"),o=t("../../lib"),s=o.strTranslate,l=o._,c=t("../../components/color"),u=t("../../components/drawing"),f=t("../cartesian/set_convert"),h=t("../../lib/extend").extendFlat,p=t("../plots"),d=t("../cartesian/axes"),g=t("../../components/dragelement"),m=t("../../components/fx"),v=t("../../components/dragelement/helpers"),y=v.freeMode,x=v.rectMode,b=t("../../components/titles"),_=t("../cartesian/select").prepSelect,w=t("../cartesian/select").selectOnClick,T=t("../cartesian/select").clearSelect,k=t("../cartesian/select").clearSelectionsCache,M=t("../cartesian/constants");function A(t,e){this.id=t.id,this.graphDiv=t.graphDiv,this.init(e),this.makeFramework(e),this.aTickLayout=null,this.bTickLayout=null,this.cTickLayout=null}e.exports=A;var S=A.prototype;S.init=function(t){this.container=t._ternarylayer,this.defs=t._defs,this.layoutId=t._uid,this.traceHash={},this.layers={}},S.plot=function(t,e){var r=e[this.id],n=e._size;this._hasClipOnAxisFalse=!1;for(var i=0;iE*b?i=(a=b)*E:a=(i=x)/E,o=v*i/x,l=y*a/b,r=e.l+e.w*g-i/2,n=e.t+e.h*(1-m)-a/2,p.x0=r,p.y0=n,p.w=i,p.h=a,p.sum=_,p.xaxis={type:"linear",range:[w+2*k-_,_-w-2*T],domain:[g-o/2,g+o/2],_id:"x"},f(p.xaxis,p.graphDiv._fullLayout),p.xaxis.setScale(),p.xaxis.isPtWithinRange=function(t){return t.a>=p.aaxis.range[0]&&t.a<=p.aaxis.range[1]&&t.b>=p.baxis.range[1]&&t.b<=p.baxis.range[0]&&t.c>=p.caxis.range[1]&&t.c<=p.caxis.range[0]},p.yaxis={type:"linear",range:[w,_-T-k],domain:[m-l/2,m+l/2],_id:"y"},f(p.yaxis,p.graphDiv._fullLayout),p.yaxis.setScale(),p.yaxis.isPtWithinRange=function(){return!0};var M=p.yaxis.domain[0],A=p.aaxis=h({},t.aaxis,{range:[w,_-T-k],side:"left",tickangle:(+t.aaxis.tickangle||0)-30,domain:[M,M+l*E],anchor:"free",position:0,_id:"y",_length:i});f(A,p.graphDiv._fullLayout),A.setScale();var S=p.baxis=h({},t.baxis,{range:[_-w-k,T],side:"bottom",domain:p.xaxis.domain,anchor:"free",position:0,_id:"x",_length:i});f(S,p.graphDiv._fullLayout),S.setScale();var C=p.caxis=h({},t.caxis,{range:[_-w-T,k],side:"right",tickangle:(+t.caxis.tickangle||0)+30,domain:[M,M+l*E],anchor:"free",position:0,_id:"y",_length:i});f(C,p.graphDiv._fullLayout),C.setScale();var L="M"+r+","+(n+a)+"h"+i+"l-"+i/2+",-"+a+"Z";p.clipDef.select("path").attr("d",L),p.layers.plotbg.select("path").attr("d",L);var I="M0,"+a+"h"+i+"l-"+i/2+",-"+a+"Z";p.clipDefRelative.select("path").attr("d",I);var P=s(r,n);p.plotContainer.selectAll(".scatterlayer,.maplayer").attr("transform",P),p.clipDefRelative.select("path").attr("transform",null);var z=s(r-S._offset,n+a);p.layers.baxis.attr("transform",z),p.layers.bgrid.attr("transform",z);var O=s(r+i/2,n)+"rotate(30)"+s(0,-A._offset);p.layers.aaxis.attr("transform",O),p.layers.agrid.attr("transform",O);var D=s(r+i/2,n)+"rotate(-30)"+s(0,-C._offset);p.layers.caxis.attr("transform",D),p.layers.cgrid.attr("transform",D),p.drawAxes(!0),p.layers.aline.select("path").attr("d",A.showline?"M"+r+","+(n+a)+"l"+i/2+",-"+a:"M0,0").call(c.stroke,A.linecolor||"#000").style("stroke-width",(A.linewidth||0)+"px"),p.layers.bline.select("path").attr("d",S.showline?"M"+r+","+(n+a)+"h"+i:"M0,0").call(c.stroke,S.linecolor||"#000").style("stroke-width",(S.linewidth||0)+"px"),p.layers.cline.select("path").attr("d",C.showline?"M"+(r+i/2)+","+n+"l"+i/2+","+a:"M0,0").call(c.stroke,C.linecolor||"#000").style("stroke-width",(C.linewidth||0)+"px"),p.graphDiv._context.staticPlot||p.initInteractions(),u.setClipUrl(p.layers.frontplot,p._hasClipOnAxisFalse?null:p.clipId,p.graphDiv)},S.drawAxes=function(t){var e=this.graphDiv,r=this.id.substr(7)+"title",n=this.layers,i=this.aaxis,a=this.baxis,o=this.caxis;if(this.drawAx(i),this.drawAx(a),this.drawAx(o),t){var s=Math.max(i.showticklabels?i.tickfont.size/2:0,(o.showticklabels?.75*o.tickfont.size:0)+("outside"===o.ticks?.87*o.ticklen:0)),c=(a.showticklabels?a.tickfont.size:0)+("outside"===a.ticks?a.ticklen:0)+3;n["a-title"]=b.draw(e,"a"+r,{propContainer:i,propName:this.id+".aaxis.title",placeholder:l(e,"Click to enter Component A title"),attributes:{x:this.x0+this.w/2,y:this.y0-i.title.font.size/3-s,"text-anchor":"middle"}}),n["b-title"]=b.draw(e,"b"+r,{propContainer:a,propName:this.id+".baxis.title",placeholder:l(e,"Click to enter Component B title"),attributes:{x:this.x0-c,y:this.y0+this.h+.83*a.title.font.size+c,"text-anchor":"middle"}}),n["c-title"]=b.draw(e,"c"+r,{propContainer:o,propName:this.id+".caxis.title",placeholder:l(e,"Click to enter Component C title"),attributes:{x:this.x0+this.w+c,y:this.y0+this.h+.83*o.title.font.size+c,"text-anchor":"middle"}})}},S.drawAx=function(t){var e,r=this.graphDiv,n=t._name,i=n.charAt(0),a=t._id,s=this.layers[n],l=i+"tickLayout",c=(e=t).ticks+String(e.ticklen)+String(e.showticklabels);this[l]!==c&&(s.selectAll("."+a+"tick").remove(),this[l]=c),t.setScale();var u=d.calcTicks(t),f=d.clipEnds(t,u),h=d.makeTransTickFn(t),p=d.getTickSigns(t)[2],g=o.deg2rad(30),m=p*(t.linewidth||1)/2,v=p*t.ticklen,y=this.w,x=this.h,b="b"===i?"M0,"+m+"l"+Math.sin(g)*v+","+Math.cos(g)*v:"M"+m+",0l"+Math.cos(g)*v+","+-Math.sin(g)*v,_={a:"M0,0l"+x+",-"+y/2,b:"M0,0l-"+y/2+",-"+x,c:"M0,0l-"+x+","+y/2}[i];d.drawTicks(r,t,{vals:"inside"===t.ticks?f:u,layer:s,path:b,transFn:h,crisp:!1}),d.drawGrid(r,t,{vals:f,layer:this.layers[i+"grid"],path:_,transFn:h,crisp:!1}),d.drawLabels(r,t,{vals:u,layer:s,transFn:h,labelFns:d.makeLabelFns(t,0,30)})};var C=M.MINZOOM/2+.87,L="m-0.87,.5h"+C+"v3h-"+(C+5.2)+"l"+(C/2+2.6)+",-"+(.87*C+4.5)+"l2.6,1.5l-"+C/2+","+.87*C+"Z",I="m0.87,.5h-"+C+"v3h"+(C+5.2)+"l-"+(C/2+2.6)+",-"+(.87*C+4.5)+"l-2.6,1.5l"+C/2+","+.87*C+"Z",P="m0,1l"+C/2+","+.87*C+"l2.6,-1.5l-"+(C/2+2.6)+",-"+(.87*C+4.5)+"l-"+(C/2+2.6)+","+(.87*C+4.5)+"l2.6,1.5l"+C/2+",-"+.87*C+"Z",z=!0;function O(t){n.select(t).selectAll(".zoombox,.js-zoombox-backdrop,.js-zoombox-menu,.zoombox-corners").remove()}S.clearSelect=function(){k(this.dragOptions),T(this.dragOptions.gd)},S.initInteractions=function(){var t,e,r,n,f,h,p,d,v,b,T,k,A=this,S=A.layers.plotbg.select("path").node(),C=A.graphDiv,D=C._fullLayout._zoomlayer;function R(t){var e={};return e[A.id+".aaxis.min"]=t.a,e[A.id+".baxis.min"]=t.b,e[A.id+".caxis.min"]=t.c,e}function F(t,e){var r=C._fullLayout.clickmode;O(C),2===t&&(C.emit("plotly_doubleclick",null),a.call("_guiRelayout",C,R({a:0,b:0,c:0}))),r.indexOf("select")>-1&&1===t&&w(e,C,[A.xaxis],[A.yaxis],A.id,A.dragOptions),r.indexOf("event")>-1&&m.click(C,e,A.id)}function B(t,e){return 1-e/A.h}function N(t,e){return 1-(t+(A.h-e)/Math.sqrt(3))/A.w}function j(t,e){return(t-(A.h-e)/Math.sqrt(3))/A.w}function U(i,a){var o=r+i*t,s=n+a*e,l=Math.max(0,Math.min(1,B(0,n),B(0,s))),c=Math.max(0,Math.min(1,N(r,n),N(o,s))),u=Math.max(0,Math.min(1,j(r,n),j(o,s))),g=(l/2+u)*A.w,m=(1-l/2-c)*A.w,y=(g+m)/2,x=m-g,_=(1-l)*A.h,w=_-x/E;x.2?"rgba(0,0,0,0.4)":"rgba(255,255,255,0.3)").duration(200),k.transition().style("opacity",1).duration(200),b=!0),C.emit("plotly_relayouting",R(p))}function V(){O(C),p!==f&&(a.call("_guiRelayout",C,R(p)),z&&C.data&&C._context.showTips&&(o.notifier(l(C,"Double-click to zoom back out"),"long"),z=!1))}function q(t,e){var r=t/A.xaxis._m,n=e/A.yaxis._m,i=[(p={a:f.a-n,b:f.b+(r+n)/2,c:f.c-(r-n)/2}).a,p.b,p.c].sort(o.sorterAsc),a=i.indexOf(p.a),l=i.indexOf(p.b),c=i.indexOf(p.c);i[0]<0&&(i[1]+i[0]/2<0?(i[2]+=i[0]+i[1],i[0]=i[1]=0):(i[2]+=i[0]/2,i[1]+=i[0]/2,i[0]=0),p={a:i[a],b:i[l],c:i[c]},e=(f.a-p.a)*A.yaxis._m,t=(f.c-p.c-f.b+p.b)*A.xaxis._m);var h=s(A.x0+t,A.y0+e);A.plotContainer.selectAll(".scatterlayer,.maplayer").attr("transform",h);var d=s(-t,-e);A.clipDefRelative.select("path").attr("transform",d),A.aaxis.range=[p.a,A.sum-p.b-p.c],A.baxis.range=[A.sum-p.a-p.c,p.b],A.caxis.range=[A.sum-p.a-p.b,p.c],A.drawAxes(!1),A._hasClipOnAxisFalse&&A.plotContainer.select(".scatterlayer").selectAll(".trace").call(u.hideOutsideRangePoints,A),C.emit("plotly_relayouting",R(p))}function H(){a.call("_guiRelayout",C,R(p))}this.dragOptions={element:S,gd:C,plotinfo:{id:A.id,domain:C._fullLayout[A.id].domain,xaxis:A.xaxis,yaxis:A.yaxis},subplot:A.id,prepFn:function(a,l,u){A.dragOptions.xaxes=[A.xaxis],A.dragOptions.yaxes=[A.yaxis],t=C._fullLayout._invScaleX,e=C._fullLayout._invScaleY;var g=A.dragOptions.dragmode=C._fullLayout.dragmode;y(g)?A.dragOptions.minDrag=1:A.dragOptions.minDrag=void 0,"zoom"===g?(A.dragOptions.moveFn=U,A.dragOptions.clickFn=F,A.dragOptions.doneFn=V,function(t,e,a){var l=S.getBoundingClientRect();r=e-l.left,n=a-l.top,C._fullLayout._calcInverseTransform(C);var u=C._fullLayout._invTransform,g=o.apply3DTransform(u)(r,n);r=g[0],n=g[1],f={a:A.aaxis.range[0],b:A.baxis.range[1],c:A.caxis.range[1]},p=f,h=A.aaxis.range[1]-f.a,d=i(A.graphDiv._fullLayout[A.id].bgcolor).getLuminance(),v="M0,"+A.h+"L"+A.w/2+", 0L"+A.w+","+A.h+"Z",b=!1,T=D.append("path").attr("class","zoombox").attr("transform",s(A.x0,A.y0)).style({fill:d>.2?"rgba(0,0,0,0)":"rgba(255,255,255,0)","stroke-width":0}).attr("d",v),k=D.append("path").attr("class","zoombox-corners").attr("transform",s(A.x0,A.y0)).style({fill:c.background,stroke:c.defaultLine,"stroke-width":1,opacity:0}).attr("d","M0,0Z"),A.clearSelect(C)}(0,l,u)):"pan"===g?(A.dragOptions.moveFn=q,A.dragOptions.clickFn=F,A.dragOptions.doneFn=H,f={a:A.aaxis.range[0],b:A.baxis.range[1],c:A.caxis.range[1]},p=f,A.clearSelect(C)):(x(g)||y(g))&&_(a,l,u,A.dragOptions,g)}},S.onmousemove=function(t){m.hover(C,t,A.id),C._fullLayout._lasthover=S,C._fullLayout._hoversubplot=A.id},S.onmouseout=function(t){C._dragging||g.unhover(C,t)},g.init(this.dragOptions)}},{"../../components/color":643,"../../components/dragelement":662,"../../components/dragelement/helpers":661,"../../components/drawing":665,"../../components/fx":683,"../../components/titles":738,"../../lib":778,"../../lib/extend":768,"../../registry":911,"../cartesian/axes":828,"../cartesian/constants":834,"../cartesian/select":847,"../cartesian/set_convert":848,"../plots":891,d3:169,tinycolor2:576}],911:[function(t,e,r){"use strict";var n=t("./lib/loggers"),i=t("./lib/noop"),a=t("./lib/push_unique"),o=t("./lib/is_plain_object"),s=t("./lib/dom").addStyleRule,l=t("./lib/extend"),c=t("./plots/attributes"),u=t("./plots/layout_attributes"),f=l.extendFlat,h=l.extendDeepAll;function p(t){var e=t.name,i=t.categories,a=t.meta;if(r.modules[e])n.log("Type "+e+" already registered");else{r.subplotsRegistry[t.basePlotModule.name]||function(t){var e=t.name;if(r.subplotsRegistry[e])return void n.log("Plot type "+e+" already registered.");for(var i in v(t),r.subplotsRegistry[e]=t,r.componentsRegistry)b(i,t.name)}(t.basePlotModule);for(var o={},l=0;l-1&&(f[p[r]].title={text:""});for(r=0;r")?"":e.html(t).text()}));return e.remove(),r}(T),T=(T=T.replace(/&(?!\w+;|\#[0-9]+;| \#x[0-9A-F]+;)/g,"&")).replace(c,"'"),i.isIE()&&(T=(T=(T=T.replace(/"/gi,"'")).replace(/(\('#)([^']*)('\))/gi,'("#$2")')).replace(/(\\')/gi,'"')),T}},{"../components/color":643,"../components/drawing":665,"../constants/xmlns_namespaces":754,"../lib":778,d3:169}],920:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t,e){for(var r=0;rf+c||!n(u))}for(var p=0;pa))return e}return void 0!==r?r:t.dflt},r.coerceColor=function(t,e,r){return i(e).isValid()?e:void 0!==r?r:t.dflt},r.coerceEnumerated=function(t,e,r){return t.coerceNumber&&(e=+e),-1!==t.values.indexOf(e)?e:void 0!==r?r:t.dflt},r.getValue=function(t,e){var r;return Array.isArray(t)?e0?i+=a:e<0&&(i-=a)}return n.inbox(r-e,i-e,b+(i-e)/(i-r)-1)}"h"===m.orientation?(a=r,s=e,u="y",f="x",h=S,p=A):(a=e,s=r,u="x",f="y",p=S,h=A);var E=t[u+"a"],C=t[f+"a"];d=Math.abs(E.r2c(E.range[1])-E.r2c(E.range[0]));var L=n.getDistanceFunction(i,h,p,(function(t){return(h(t)+p(t))/2}));if(n.getClosest(g,L,t),!1!==t.index&&g[t.index].p!==c){y||(T=function(t){return Math.min(_(t),t.p-v.bargroupwidth/2)},k=function(t){return Math.max(w(t),t.p+v.bargroupwidth/2)});var I=g[t.index],P=m.base?I.b+I.s:I.s;t[f+"0"]=t[f+"1"]=C.c2p(I[f],!0),t[f+"LabelVal"]=P;var z=v.extents[v.extents.round(I.p)];t[u+"0"]=E.c2p(y?T(I):z[0],!0),t[u+"1"]=E.c2p(y?k(I):z[1],!0);var O=void 0!==I.orig_p;return t[u+"LabelVal"]=O?I.orig_p:I.p,t.labelLabel=l(E,t[u+"LabelVal"]),t.valueLabel=l(C,t[f+"LabelVal"]),t.baseLabel=l(C,I.b),t.spikeDistance=(S(I)+function(t){return M(_(t),w(t))}(I))/2-b,t[u+"Spike"]=E.c2p(I.p,!0),o(I,m,t),t.hovertemplate=m.hovertemplate,t}}function f(t,e){var r=e.mcc||t.marker.color,n=e.mlcc||t.marker.line.color,i=s(t,e);return a.opacity(r)?r:a.opacity(n)&&i?n:void 0}e.exports={hoverPoints:function(t,e,r,n){var a=u(t,e,r,n);if(a){var o=a.cd,s=o[0].trace,l=o[a.index];return a.color=f(s,l),i.getComponentMethod("errorbars","hoverInfo")(l,s,a),[a]}},hoverOnBars:u,getTraceColor:f}},{"../../components/color":643,"../../components/fx":683,"../../constants/numerical":753,"../../lib":778,"../../plots/cartesian/axes":828,"../../registry":911,"./helpers":927}],929:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults").supplyDefaults,crossTraceDefaults:t("./defaults").crossTraceDefaults,supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc"),crossTraceCalc:t("./cross_trace_calc").crossTraceCalc,colorbar:t("../scatter/marker_colorbar"),arraysToCalcdata:t("./arrays_to_calcdata"),plot:t("./plot").plot,style:t("./style").style,styleOnSelect:t("./style").styleOnSelect,hoverPoints:t("./hover").hoverPoints,eventData:t("./event_data"),selectPoints:t("./select"),moduleType:"trace",name:"bar",basePlotModule:t("../../plots/cartesian"),categories:["bar-like","cartesian","svg","bar","oriented","errorBarsOK","showLegend","zoomScale"],animatable:!0,meta:{}}},{"../../plots/cartesian":841,"../scatter/marker_colorbar":1205,"./arrays_to_calcdata":920,"./attributes":921,"./calc":922,"./cross_trace_calc":924,"./defaults":925,"./event_data":926,"./hover":928,"./layout_attributes":930,"./layout_defaults":931,"./plot":932,"./select":933,"./style":935}],930:[function(t,e,r){"use strict";e.exports={barmode:{valType:"enumerated",values:["stack","group","overlay","relative"],dflt:"group",editType:"calc"},barnorm:{valType:"enumerated",values:["","fraction","percent"],dflt:"",editType:"calc"},bargap:{valType:"number",min:0,max:1,editType:"calc"},bargroupgap:{valType:"number",min:0,max:1,dflt:0,editType:"calc"}}},{}],931:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../plots/cartesian/axes"),a=t("../../lib"),o=t("./layout_attributes");e.exports=function(t,e,r){function s(r,n){return a.coerce(t,e,o,r,n)}for(var l=!1,c=!1,u=!1,f={},h=s("barmode"),p=0;p0}function S(t){return"auto"===t?0:t}function E(t,e){var r=Math.PI/180*e,n=Math.abs(Math.sin(r)),i=Math.abs(Math.cos(r));return{x:t.width*i+t.height*n,y:t.width*n+t.height*i}}function C(t,e,r,n,i,a){var o=!!a.isHorizontal,s=!!a.constrained,l=a.angle||0,c=a.anchor||"end",u="end"===c,f="start"===c,h=((a.leftToRight||0)+1)/2,p=1-h,d=i.width,g=i.height,m=Math.abs(e-t),v=Math.abs(n-r),y=m>2*_&&v>2*_?_:0;m-=2*y,v-=2*y;var x=S(l);"auto"!==l||d<=m&&g<=v||!(d>m||g>v)||(d>v||g>m)&&d.01?H:function(t,e,r){return r&&t===e?t:Math.abs(t-e)>=2?H(t):t>e?Math.ceil(t):Math.floor(t)};B=G(B,N,D),N=G(N,B,D),j=G(j,U,!D),U=G(U,j,!D)}var Y=M(a.ensureSingle(P,"path"),I,m,v);if(Y.style("vector-effect","non-scaling-stroke").attr("d",isNaN((N-B)*(U-j))||V&&t._context.staticPlot?"M0,0Z":"M"+B+","+j+"V"+U+"H"+N+"V"+j+"Z").call(l.setClipUrl,e.layerClipId,t),!I.uniformtext.mode&&R){var W=l.makePointStyleFns(f);l.singlePointStyle(c,Y,f,W,t)}!function(t,e,r,n,i,s,c,f,p,m,v){var w,T=e.xaxis,A=e.yaxis,L=t._fullLayout;function I(e,r,n){return a.ensureSingle(e,"text").text(r).attr({class:"bartext bartext-"+w,"text-anchor":"middle","data-notex":1}).call(l.font,n).call(o.convertToTspans,t)}var P=n[0].trace,z="h"===P.orientation,O=function(t,e,r,n,i){var o,s=e[0].trace;o=s.texttemplate?function(t,e,r,n,i){var o=e[0].trace,s=a.castOption(o,r,"texttemplate");if(!s)return"";var l,c,f,h,p="waterfall"===o.type,d="funnel"===o.type;"h"===o.orientation?(l="y",c=i,f="x",h=n):(l="x",c=n,f="y",h=i);function g(t){return u(h,+t,!0).text}var m=e[r],v={};v.label=m.p,v.labelLabel=v[l+"Label"]=(y=m.p,u(c,y,!0).text);var y;var x=a.castOption(o,m.i,"text");(0===x||x)&&(v.text=x);v.value=m.s,v.valueLabel=v[f+"Label"]=g(m.s);var _={};b(_,o,m.i),p&&(v.delta=+m.rawS||m.s,v.deltaLabel=g(v.delta),v.final=m.v,v.finalLabel=g(v.final),v.initial=v.final-v.delta,v.initialLabel=g(v.initial));d&&(v.value=m.s,v.valueLabel=g(v.value),v.percentInitial=m.begR,v.percentInitialLabel=a.formatPercent(m.begR),v.percentPrevious=m.difR,v.percentPreviousLabel=a.formatPercent(m.difR),v.percentTotal=m.sumR,v.percenTotalLabel=a.formatPercent(m.sumR));var w=a.castOption(o,m.i,"customdata");w&&(v.customdata=w);return a.texttemplateString(s,v,t._d3locale,_,v,o._meta||{})}(t,e,r,n,i):s.textinfo?function(t,e,r,n){var i=t[0].trace,o="h"===i.orientation,s="waterfall"===i.type,l="funnel"===i.type;function c(t){return u(o?r:n,+t,!0).text}var f,h=i.textinfo,p=t[e],d=h.split("+"),g=[],m=function(t){return-1!==d.indexOf(t)};m("label")&&g.push((v=t[e].p,u(o?n:r,v,!0).text));var v;m("text")&&(0===(f=a.castOption(i,p.i,"text"))||f)&&g.push(f);if(s){var y=+p.rawS||p.s,x=p.v,b=x-y;m("initial")&&g.push(c(b)),m("delta")&&g.push(c(y)),m("final")&&g.push(c(x))}if(l){m("value")&&g.push(c(p.s));var _=0;m("percent initial")&&_++,m("percent previous")&&_++,m("percent total")&&_++;var w=_>1;m("percent initial")&&(f=a.formatPercent(p.begR),w&&(f+=" of initial"),g.push(f)),m("percent previous")&&(f=a.formatPercent(p.difR),w&&(f+=" of previous"),g.push(f)),m("percent total")&&(f=a.formatPercent(p.sumR),w&&(f+=" of total"),g.push(f))}return g.join("
")}(e,r,n,i):g.getValue(s.text,r);return g.coerceString(y,o)}(L,n,i,T,A);w=function(t,e){var r=g.getValue(t.textposition,e);return g.coerceEnumerated(x,r)}(P,i);var D="stack"===m.mode||"relative"===m.mode,R=n[i],F=!D||R._outmost;if(!O||"none"===w||(R.isBlank||s===c||f===p)&&("auto"===w||"inside"===w))return void r.select("text").remove();var B=L.font,N=d.getBarColor(n[i],P),j=d.getInsideTextFont(P,i,B,N),U=d.getOutsideTextFont(P,i,B),V=r.datum();z?"log"===T.type&&V.s0<=0&&(s=T.range[0]=G*(Z/Y):Z>=Y*(X/G);G>0&&Y>0&&(J||K||Q)?w="inside":(w="outside",q.remove(),q=null)}else w="inside";if(!q){W=a.ensureUniformFontSize(t,"outside"===w?U:j);var $=(q=I(r,O,W)).attr("transform");if(q.attr("transform",""),H=l.bBox(q.node()),G=H.width,Y=H.height,q.attr("transform",$),G<=0||Y<=0)return void q.remove()}var tt,et,rt=P.textangle;"outside"===w?(et="both"===P.constraintext||"outside"===P.constraintext,tt=function(t,e,r,n,i,a){var o,s=!!a.isHorizontal,l=!!a.constrained,c=a.angle||0,u=i.width,f=i.height,h=Math.abs(e-t),p=Math.abs(n-r);o=s?p>2*_?_:0:h>2*_?_:0;var d=1;l&&(d=s?Math.min(1,p/f):Math.min(1,h/u));var g=S(c),m=E(i,g),v=(s?m.x:m.y)/2,y=(i.left+i.right)/2,x=(i.top+i.bottom)/2,b=(t+e)/2,w=(r+n)/2,T=0,M=0,A=s?k(e,t):k(r,n);s?(b=e-A*o,T=A*v):(w=n+A*o,M=-A*v);return{textX:y,textY:x,targetX:b,targetY:w,anchorX:T,anchorY:M,scale:d,rotate:g}}(s,c,f,p,H,{isHorizontal:z,constrained:et,angle:rt})):(et="both"===P.constraintext||"inside"===P.constraintext,tt=C(s,c,f,p,H,{isHorizontal:z,constrained:et,angle:rt,anchor:P.insidetextanchor}));tt.fontSize=W.size,h(P.type,tt,L),R.transform=tt,M(q,L,m,v).attr("transform",a.getTextTransform(tt))}(t,e,P,r,p,B,N,j,U,m,v),e.layerClipId&&l.hideOutsideRangePoint(c,P.select("text"),w,L,f.xcalendar,f.ycalendar)}));var j=!1===f.cliponaxis;l.setClipUrl(c,j?null:e.layerClipId,t)}));c.getComponentMethod("errorbars","plot")(t,P,e,m)},toMoveInsideBar:C}},{"../../components/color":643,"../../components/drawing":665,"../../components/fx/helpers":679,"../../lib":778,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"../../registry":911,"./attributes":921,"./constants":923,"./helpers":927,"./style":935,"./uniform_text":937,d3:169,"fast-isnumeric":241}],933:[function(t,e,r){"use strict";function n(t,e,r,n,i){var a=e.c2p(n?t.s0:t.p0,!0),o=e.c2p(n?t.s1:t.p1,!0),s=r.c2p(n?t.p0:t.s0,!0),l=r.c2p(n?t.p1:t.s1,!0);return i?[(a+o)/2,(s+l)/2]:n?[o,(s+l)/2]:[(a+o)/2,l]}e.exports=function(t,e){var r,i=t.cd,a=t.xaxis,o=t.yaxis,s=i[0].trace,l="funnel"===s.type,c="h"===s.orientation,u=[];if(!1===e)for(r=0;r1||0===i.bargap&&0===i.bargroupgap&&!t[0].trace.marker.line.width)&&n.select(this).attr("shape-rendering","crispEdges")})),e.selectAll("g.points").each((function(e){d(n.select(this),e[0].trace,t)})),s.getComponentMethod("errorbars","style")(e)},styleTextPoints:g,styleOnSelect:function(t,e,r){var i=e[0].trace;i.selectedpoints?function(t,e,r){a.selectedPointStyle(t.selectAll("path"),e),function(t,e,r){t.each((function(t){var i,s=n.select(this);if(t.selected){i=o.ensureUniformFontSize(r,m(s,t,e,r));var l=e.selected.textfont&&e.selected.textfont.color;l&&(i.color=l),a.font(s,i)}else a.selectedTextStyle(s,e)}))}(t.selectAll("text"),e,r)}(r,i,t):(d(r,i,t),s.getComponentMethod("errorbars","style")(r))},getInsideTextFont:y,getOutsideTextFont:x,getBarColor:_,resizeText:l}},{"../../components/color":643,"../../components/drawing":665,"../../lib":778,"../../registry":911,"./attributes":921,"./helpers":927,"./uniform_text":937,d3:169}],936:[function(t,e,r){"use strict";var n=t("../../components/color"),i=t("../../components/colorscale/helpers").hasColorscale,a=t("../../components/colorscale/defaults");e.exports=function(t,e,r,o,s){r("marker.color",o),i(t,"marker")&&a(t,e,s,r,{prefix:"marker.",cLetter:"c"}),r("marker.line.color",n.defaultLine),i(t,"marker.line")&&a(t,e,s,r,{prefix:"marker.line.",cLetter:"c"}),r("marker.line.width"),r("marker.opacity"),r("selected.marker.color"),r("unselected.marker.color")}},{"../../components/color":643,"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654}],937:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib");function a(t){return"_"+t+"Text_minsize"}e.exports={recordMinTextSize:function(t,e,r){if(r.uniformtext.mode){var n=a(t),i=r.uniformtext.minsize,o=e.scale*e.fontSize;e.hide=oh.range[1]&&(x+=Math.PI);if(n.getClosest(c,(function(t){return g(y,x,[t.rp0,t.rp1],[t.thetag0,t.thetag1],d)?m+Math.min(1,Math.abs(t.thetag1-t.thetag0)/v)-1+(t.rp1-y)/(t.rp1-t.rp0)-1:1/0}),t),!1!==t.index){var b=c[t.index];t.x0=t.x1=b.ct[0],t.y0=t.y1=b.ct[1];var _=i.extendFlat({},b,{r:b.s,theta:b.p});return o(b,u,t),s(_,u,f,t),t.hovertemplate=u.hovertemplate,t.color=a(u,b),t.xLabelVal=t.yLabelVal=void 0,b.s<0&&(t.idealAlign="left"),[t]}}},{"../../components/fx":683,"../../lib":778,"../../plots/polar/helpers":893,"../bar/hover":928,"../scatterpolar/hover":1265}],942:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"barpolar",basePlotModule:t("../../plots/polar"),categories:["polar","bar","showLegend"],attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./calc").crossTraceCalc,plot:t("./plot"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("../scatterpolar/format_labels"),style:t("../bar/style").style,styleOnSelect:t("../bar/style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("../bar/select"),meta:{}}},{"../../plots/polar":894,"../bar/select":933,"../bar/style":935,"../scatter/marker_colorbar":1205,"../scatterpolar/format_labels":1264,"./attributes":938,"./calc":939,"./defaults":940,"./hover":941,"./layout_attributes":943,"./layout_defaults":944,"./plot":945}],943:[function(t,e,r){"use strict";e.exports={barmode:{valType:"enumerated",values:["stack","overlay"],dflt:"stack",editType:"calc"},bargap:{valType:"number",dflt:.1,min:0,max:1,editType:"calc"}}},{}],944:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e,r){var a,o={};function s(r,o){return n.coerce(t[a]||{},e[a],i,r,o)}for(var l=0;l0?(c=o,u=l):(c=l,u=o);var f=[s.findEnclosingVertexAngles(c,t.vangles)[0],(c+u)/2,s.findEnclosingVertexAngles(u,t.vangles)[1]];return s.pathPolygonAnnulus(n,i,c,u,f,e,r)};return function(t,n,i,o){return a.pathAnnulus(t,n,i,o,e,r)}}(e),p=e.layers.frontplot.select("g.barlayer");a.makeTraceGroups(p,r,"trace bars").each((function(){var r=n.select(this),s=a.ensureSingle(r,"g","points").selectAll("g.point").data(a.identity);s.enter().append("g").style("vector-effect","non-scaling-stroke").style("stroke-miterlimit",2).classed("point",!0),s.exit().remove(),s.each((function(t){var e,r=n.select(this),o=t.rp0=u.c2p(t.s0),s=t.rp1=u.c2p(t.s1),p=t.thetag0=f.c2g(t.p0),d=t.thetag1=f.c2g(t.p1);if(i(o)&&i(s)&&i(p)&&i(d)&&o!==s&&p!==d){var g=u.c2g(t.s1),m=(p+d)/2;t.ct=[l.c2p(g*Math.cos(m)),c.c2p(g*Math.sin(m))],e=h(o,s,p,d)}else e="M0,0Z";a.ensureSingle(r,"path").attr("d",e)})),o.setClipUrl(r,e._hasClipOnAxisFalse?e.clipIds.forTraces:null,t)}))}},{"../../components/drawing":665,"../../lib":778,"../../plots/polar/helpers":893,d3:169,"fast-isnumeric":241}],946:[function(t,e,r){"use strict";var n=t("../scatter/attributes"),i=t("../bar/attributes"),a=t("../../components/color/attributes"),o=t("../../plots/template_attributes").hovertemplateAttrs,s=t("../../lib/extend").extendFlat,l=n.marker,c=l.line;e.exports={y:{valType:"data_array",editType:"calc+clearAxisTypes"},x:{valType:"data_array",editType:"calc+clearAxisTypes"},x0:{valType:"any",editType:"calc+clearAxisTypes"},y0:{valType:"any",editType:"calc+clearAxisTypes"},dx:{valType:"number",editType:"calc"},dy:{valType:"number",editType:"calc"},xperiod:n.xperiod,yperiod:n.yperiod,xperiod0:n.xperiod0,yperiod0:n.yperiod0,xperiodalignment:n.xperiodalignment,yperiodalignment:n.yperiodalignment,name:{valType:"string",editType:"calc+clearAxisTypes"},q1:{valType:"data_array",editType:"calc+clearAxisTypes"},median:{valType:"data_array",editType:"calc+clearAxisTypes"},q3:{valType:"data_array",editType:"calc+clearAxisTypes"},lowerfence:{valType:"data_array",editType:"calc"},upperfence:{valType:"data_array",editType:"calc"},notched:{valType:"boolean",editType:"calc"},notchwidth:{valType:"number",min:0,max:.5,dflt:.25,editType:"calc"},notchspan:{valType:"data_array",editType:"calc"},boxpoints:{valType:"enumerated",values:["all","outliers","suspectedoutliers",!1],editType:"calc"},jitter:{valType:"number",min:0,max:1,editType:"calc"},pointpos:{valType:"number",min:-2,max:2,editType:"calc"},boxmean:{valType:"enumerated",values:[!0,"sd",!1],editType:"calc"},mean:{valType:"data_array",editType:"calc"},sd:{valType:"data_array",editType:"calc"},orientation:{valType:"enumerated",values:["v","h"],editType:"calc+clearAxisTypes"},quartilemethod:{valType:"enumerated",values:["linear","exclusive","inclusive"],dflt:"linear",editType:"calc"},width:{valType:"number",min:0,dflt:0,editType:"calc"},marker:{outliercolor:{valType:"color",dflt:"rgba(0, 0, 0, 0)",editType:"style"},symbol:s({},l.symbol,{arrayOk:!1,editType:"plot"}),opacity:s({},l.opacity,{arrayOk:!1,dflt:1,editType:"style"}),size:s({},l.size,{arrayOk:!1,editType:"calc"}),color:s({},l.color,{arrayOk:!1,editType:"style"}),line:{color:s({},c.color,{arrayOk:!1,dflt:a.defaultLine,editType:"style"}),width:s({},c.width,{arrayOk:!1,dflt:0,editType:"style"}),outliercolor:{valType:"color",editType:"style"},outlierwidth:{valType:"number",min:0,dflt:1,editType:"style"},editType:"style"},editType:"plot"},line:{color:{valType:"color",editType:"style"},width:{valType:"number",min:0,dflt:2,editType:"style"},editType:"plot"},fillcolor:n.fillcolor,whiskerwidth:{valType:"number",min:0,max:1,dflt:.5,editType:"calc"},offsetgroup:i.offsetgroup,alignmentgroup:i.alignmentgroup,selected:{marker:n.selected.marker,editType:"style"},unselected:{marker:n.unselected.marker,editType:"style"},text:s({},n.text,{}),hovertext:s({},n.hovertext,{}),hovertemplate:o({}),hoveron:{valType:"flaglist",flags:["boxes","points"],dflt:"boxes+points",editType:"style"}}},{"../../components/color/attributes":642,"../../lib/extend":768,"../../plots/template_attributes":906,"../bar/attributes":921,"../scatter/attributes":1187}],947:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../plots/cartesian/axes"),a=t("../../plots/cartesian/align_period"),o=t("../../lib"),s=t("../../constants/numerical").BADNUM,l=o._;e.exports=function(t,e){var r,c,y,x,b,_,w,T=t._fullLayout,k=i.getFromId(t,e.xaxis||"x"),M=i.getFromId(t,e.yaxis||"y"),A=[],S="violin"===e.type?"_numViolins":"_numBoxes";"h"===e.orientation?(y=k,x="x",b=M,_="y",w=!!e.yperiodalignment):(y=M,x="y",b=k,_="x",w=!!e.xperiodalignment);var E,C,L,I,P,z,O=function(t,e,r,i){var s,l=e+"0"in t,c="d"+e in t;if(e in t||l&&c){var u=r.makeCalcdata(t,e);return[a(t,r,e,u),u]}s=l?t[e+"0"]:"name"in t&&("category"===r.type||n(t.name)&&-1!==["linear","log"].indexOf(r.type)||o.isDateTime(t.name)&&"date"===r.type)?t.name:i;for(var f="multicategory"===r.type?r.r2c_just_indices(s):r.d2c(s,0,t[e+"calendar"]),h=t._length,p=new Array(h),d=0;dE.uf};if(e._hasPreCompStats){var U=e[x],V=function(t){return y.d2c((e[t]||[])[r])},q=1/0,H=-1/0;for(r=0;r=E.q1&&E.q3>=E.med){var Y=V("lowerfence");E.lf=Y!==s&&Y<=E.q1?Y:p(E,L,I);var W=V("upperfence");E.uf=W!==s&&W>=E.q3?W:d(E,L,I);var X=V("mean");E.mean=X!==s?X:I?o.mean(L,I):(E.q1+E.q3)/2;var Z=V("sd");E.sd=X!==s&&Z>=0?Z:I?o.stdev(L,I,E.mean):E.q3-E.q1,E.lo=g(E),E.uo=m(E);var J=V("notchspan");J=J!==s&&J>0?J:v(E,I),E.ln=E.med-J,E.un=E.med+J;var K=E.lf,Q=E.uf;e.boxpoints&&L.length&&(K=Math.min(K,L[0]),Q=Math.max(Q,L[I-1])),e.notched&&(K=Math.min(K,E.ln),Q=Math.max(Q,E.un)),E.min=K,E.max=Q}else{var $;o.warn(["Invalid input - make sure that q1 <= median <= q3","q1 = "+E.q1,"median = "+E.med,"q3 = "+E.q3].join("\n")),$=E.med!==s?E.med:E.q1!==s?E.q3!==s?(E.q1+E.q3)/2:E.q1:E.q3!==s?E.q3:0,E.med=$,E.q1=E.q3=$,E.lf=E.uf=$,E.mean=E.sd=$,E.ln=E.un=$,E.min=E.max=$}q=Math.min(q,E.min),H=Math.max(H,E.max),E.pts2=C.filter(j),A.push(E)}}e._extremes[y._id]=i.findExtremes(y,[q,H],{padded:!0})}else{var tt=y.makeCalcdata(e,x),et=function(t,e){for(var r=t.length,n=new Array(r+1),i=0;i=0&&it0){var ut,ft;if((E={}).pos=E[_]=B[r],C=E.pts=nt[r].sort(f),I=(L=E[x]=C.map(h)).length,E.min=L[0],E.max=L[I-1],E.mean=o.mean(L,I),E.sd=o.stdev(L,I,E.mean),E.med=o.interp(L,.5),I%2&&(lt||ct))lt?(ut=L.slice(0,I/2),ft=L.slice(I/2+1)):ct&&(ut=L.slice(0,I/2+1),ft=L.slice(I/2)),E.q1=o.interp(ut,.5),E.q3=o.interp(ft,.5);else E.q1=o.interp(L,.25),E.q3=o.interp(L,.75);E.lf=p(E,L,I),E.uf=d(E,L,I),E.lo=g(E),E.uo=m(E);var ht=v(E,I);E.ln=E.med-ht,E.un=E.med+ht,at=Math.min(at,E.ln),ot=Math.max(ot,E.un),E.pts2=C.filter(j),A.push(E)}e._extremes[y._id]=i.findExtremes(y,e.notched?tt.concat([at,ot]):tt,{padded:!0})}return function(t,e){if(o.isArrayOrTypedArray(e.selectedpoints))for(var r=0;r0?(A[0].t={num:T[S],dPos:N,posLetter:_,valLetter:x,labels:{med:l(t,"median:"),min:l(t,"min:"),q1:l(t,"q1:"),q3:l(t,"q3:"),max:l(t,"max:"),mean:"sd"===e.boxmean?l(t,"mean \xb1 \u03c3:"):l(t,"mean:"),lf:l(t,"lower fence:"),uf:l(t,"upper fence:")}},T[S]++,A):[{t:{empty:!0}}]};var c={text:"tx",hovertext:"htx"};function u(t,e,r){for(var n in c)o.isArrayOrTypedArray(e[n])&&(Array.isArray(r)?o.isArrayOrTypedArray(e[n][r[0]])&&(t[c[n]]=e[n][r[0]][r[1]]):t[c[n]]=e[n][r])}function f(t,e){return t.v-e.v}function h(t){return t.v}function p(t,e,r){return 0===r?t.q1:Math.min(t.q1,e[Math.min(o.findBin(2.5*t.q1-1.5*t.q3,e,!0)+1,r-1)])}function d(t,e,r){return 0===r?t.q3:Math.max(t.q3,e[Math.max(o.findBin(2.5*t.q3-1.5*t.q1,e),0)])}function g(t){return 4*t.q1-3*t.q3}function m(t){return 4*t.q3-3*t.q1}function v(t,e){return 0===e?0:1.57*(t.q3-t.q1)/Math.sqrt(e)}},{"../../constants/numerical":753,"../../lib":778,"../../plots/cartesian/align_period":825,"../../plots/cartesian/axes":828,"fast-isnumeric":241}],948:[function(t,e,r){"use strict";var n=t("../../plots/cartesian/axes"),i=t("../../lib"),a=t("../../plots/cartesian/constraints").getAxisGroup,o=["v","h"];function s(t,e,r,o){var s,l,c,u=e.calcdata,f=e._fullLayout,h=o._id,p=h.charAt(0),d=[],g=0;for(s=0;s1,b=1-f[t+"gap"],_=1-f[t+"groupgap"];for(s=0;s0){var H=E.pointpos,G=E.jitter,Y=E.marker.size/2,W=0;H+G>=0&&((W=V*(H+G))>A?(q=!0,j=Y,B=W):W>R&&(j=Y,B=A)),W<=A&&(B=A);var X=0;H-G<=0&&((X=-V*(H-G))>S?(q=!0,U=Y,N=X):X>F&&(U=Y,N=S)),X<=S&&(N=S)}else B=A,N=S;var Z=new Array(c.length);for(l=0;l0?(m="v",v=x>0?Math.min(_,b):Math.min(b)):x>0?(m="h",v=Math.min(_)):v=0;if(v){e._length=v;var S=r("orientation",m);e._hasPreCompStats?"v"===S&&0===x?(r("x0",0),r("dx",1)):"h"===S&&0===y&&(r("y0",0),r("dy",1)):"v"===S&&0===x?r("x0"):"h"===S&&0===y&&r("y0"),i.getComponentMethod("calendars","handleTraceDefaults")(t,e,["x","y"],a)}else e.visible=!1}function f(t,e,r,i){var a=i.prefix,o=n.coerce2(t,e,c,"marker.outliercolor"),s=r("marker.line.outliercolor"),l="outliers";e._hasPreCompStats?l="all":(o||s)&&(l="suspectedoutliers");var u=r(a+"points",l);u?(r("jitter","all"===u?.3:0),r("pointpos","all"===u?-1.5:0),r("marker.symbol"),r("marker.opacity"),r("marker.size"),r("marker.color",e.line.color),r("marker.line.color"),r("marker.line.width"),"suspectedoutliers"===u&&(r("marker.line.outliercolor",e.marker.color),r("marker.line.outlierwidth")),r("selected.marker.color"),r("unselected.marker.color"),r("selected.marker.size"),r("unselected.marker.size"),r("text"),r("hovertext")):delete e.marker;var f=r("hoveron");"all"!==f&&-1===f.indexOf("points")||r("hovertemplate"),n.coerceSelectionMarkerOpacity(e,r)}e.exports={supplyDefaults:function(t,e,r,i){function s(r,i){return n.coerce(t,e,c,r,i)}if(u(t,e,s,i),!1!==e.visible){o(t,e,i,s);var l=e._hasPreCompStats;l&&(s("lowerfence"),s("upperfence")),s("line.color",(t.marker||{}).color||r),s("line.width"),s("fillcolor",a.addOpacity(e.line.color,.5));var h=!1;if(l){var p=s("mean"),d=s("sd");p&&p.length&&(h=!0,d&&d.length&&(h="sd"))}s("boxmean",h),s("whiskerwidth"),s("width"),s("quartilemethod");var g=!1;if(l){var m=s("notchspan");m&&m.length&&(g=!0)}else n.validate(t.notchwidth,c.notchwidth)&&(g=!0);s("notched",g)&&s("notchwidth"),f(t,e,s,{prefix:"box"})}},crossTraceDefaults:function(t,e){var r,i;function a(t){return n.coerce(i._input,i,c,t)}for(var o=0;ot.lo&&(x.so=!0)}return a}));h.enter().append("path").classed("point",!0),h.exit().remove(),h.call(a.translatePoints,o,s)}function l(t,e,r,a){var o,s,l=e.val,c=e.pos,u=!!c.rangebreaks,f=a.bPos,h=a.bPosPxOffset||0,p=r.boxmean||(r.meanline||{}).visible;Array.isArray(a.bdPos)?(o=a.bdPos[0],s=a.bdPos[1]):(o=a.bdPos,s=a.bdPos);var d=t.selectAll("path.mean").data("box"===r.type&&r.boxmean||"violin"===r.type&&r.box.visible&&r.meanline.visible?i.identity:[]);d.enter().append("path").attr("class","mean").style({fill:"none","vector-effect":"non-scaling-stroke"}),d.exit().remove(),d.each((function(t){var e=c.c2l(t.pos+f,!0),i=c.l2p(e-o)+h,a=c.l2p(e+s)+h,d=u?(i+a)/2:c.l2p(e)+h,g=l.c2p(t.mean,!0),m=l.c2p(t.mean-t.sd,!0),v=l.c2p(t.mean+t.sd,!0);"h"===r.orientation?n.select(this).attr("d","M"+g+","+i+"V"+a+("sd"===p?"m0,0L"+m+","+d+"L"+g+","+i+"L"+v+","+d+"Z":"")):n.select(this).attr("d","M"+i+","+g+"H"+a+("sd"===p?"m0,0L"+d+","+m+"L"+i+","+g+"L"+d+","+v+"Z":""))}))}e.exports={plot:function(t,e,r,a){var c=e.xaxis,u=e.yaxis;i.makeTraceGroups(a,r,"trace boxes").each((function(t){var e,r,i=n.select(this),a=t[0],f=a.t,h=a.trace;(f.wdPos=f.bdPos*h.whiskerwidth,!0!==h.visible||f.empty)?i.remove():("h"===h.orientation?(e=u,r=c):(e=c,r=u),o(i,{pos:e,val:r},h,f),s(i,{x:c,y:u},h,f),l(i,{pos:e,val:r},h,f))}))},plotBoxAndWhiskers:o,plotPoints:s,plotBoxMean:l}},{"../../components/drawing":665,"../../lib":778,d3:169}],956:[function(t,e,r){"use strict";e.exports=function(t,e){var r,n,i=t.cd,a=t.xaxis,o=t.yaxis,s=[];if(!1===e)for(r=0;r=10)return null;for(var i=1/0,a=-1/0,o=e.length,s=0;s0?Math.floor:Math.ceil,P=C>0?Math.ceil:Math.floor,z=C>0?Math.min:Math.max,O=C>0?Math.max:Math.min,D=I(S+L),R=P(E-L),F=[[f=A(S)]];for(a=D;a*C=0;i--)a[u-i]=t[f][i],o[u-i]=e[f][i];for(s.push({x:a,y:o,bicubic:l}),i=f,a=[],o=[];i>=0;i--)a[f-i]=t[i][0],o[f-i]=e[i][0];return s.push({x:a,y:o,bicubic:c}),s}},{}],970:[function(t,e,r){"use strict";var n=t("../../plots/cartesian/axes"),i=t("../../lib/extend").extendFlat;e.exports=function(t,e,r){var a,o,s,l,c,u,f,h,p,d,g,m,v,y,x=t["_"+e],b=t[e+"axis"],_=b._gridlines=[],w=b._minorgridlines=[],T=b._boundarylines=[],k=t["_"+r],M=t[r+"axis"];"array"===b.tickmode&&(b.tickvals=x.slice());var A=t._xctrl,S=t._yctrl,E=A[0].length,C=A.length,L=t._a.length,I=t._b.length;n.prepTicks(b),"array"===b.tickmode&&delete b.tickvals;var P=b.smoothing?3:1;function z(n){var i,a,o,s,l,c,u,f,p,d,g,m,v=[],y=[],x={};if("b"===e)for(a=t.b2j(n),o=Math.floor(Math.max(0,Math.min(I-2,a))),s=a-o,x.length=I,x.crossLength=L,x.xy=function(e){return t.evalxy([],e,a)},x.dxy=function(e,r){return t.dxydi([],e,o,r,s)},i=0;i0&&(p=t.dxydi([],i-1,o,0,s),v.push(l[0]+p[0]/3),y.push(l[1]+p[1]/3),d=t.dxydi([],i-1,o,1,s),v.push(f[0]-d[0]/3),y.push(f[1]-d[1]/3)),v.push(f[0]),y.push(f[1]),l=f;else for(i=t.a2i(n),c=Math.floor(Math.max(0,Math.min(L-2,i))),u=i-c,x.length=L,x.crossLength=I,x.xy=function(e){return t.evalxy([],i,e)},x.dxy=function(e,r){return t.dxydj([],c,e,u,r)},a=0;a0&&(g=t.dxydj([],c,a-1,u,0),v.push(l[0]+g[0]/3),y.push(l[1]+g[1]/3),m=t.dxydj([],c,a-1,u,1),v.push(f[0]-m[0]/3),y.push(f[1]-m[1]/3)),v.push(f[0]),y.push(f[1]),l=f;return x.axisLetter=e,x.axis=b,x.crossAxis=M,x.value=n,x.constvar=r,x.index=h,x.x=v,x.y=y,x.smoothing=M.smoothing,x}function O(n){var i,a,o,s,l,c=[],u=[],f={};if(f.length=x.length,f.crossLength=k.length,"b"===e)for(o=Math.max(0,Math.min(I-2,n)),l=Math.min(1,Math.max(0,n-o)),f.xy=function(e){return t.evalxy([],e,n)},f.dxy=function(e,r){return t.dxydi([],e,o,r,l)},i=0;ix.length-1||_.push(i(O(o),{color:b.gridcolor,width:b.gridwidth}));for(h=u;hx.length-1||g<0||g>x.length-1))for(m=x[s],v=x[g],a=0;ax[x.length-1]||w.push(i(z(d),{color:b.minorgridcolor,width:b.minorgridwidth}));b.startline&&T.push(i(O(0),{color:b.startlinecolor,width:b.startlinewidth})),b.endline&&T.push(i(O(x.length-1),{color:b.endlinecolor,width:b.endlinewidth}))}else{for(l=5e-15,u=(c=[Math.floor((x[x.length-1]-b.tick0)/b.dtick*(1+l)),Math.ceil((x[0]-b.tick0)/b.dtick/(1+l))].sort((function(t,e){return t-e})))[0],f=c[1],h=u;h<=f;h++)p=b.tick0+b.dtick*h,_.push(i(z(p),{color:b.gridcolor,width:b.gridwidth}));for(h=u-1;hx[x.length-1]||w.push(i(z(d),{color:b.minorgridcolor,width:b.minorgridwidth}));b.startline&&T.push(i(z(x[0]),{color:b.startlinecolor,width:b.startlinewidth})),b.endline&&T.push(i(z(x[x.length-1]),{color:b.endlinecolor,width:b.endlinewidth}))}}},{"../../lib/extend":768,"../../plots/cartesian/axes":828}],971:[function(t,e,r){"use strict";var n=t("../../plots/cartesian/axes"),i=t("../../lib/extend").extendFlat;e.exports=function(t,e){var r,a,o,s=e._labels=[],l=e._gridlines;for(r=0;re.length&&(t=t.slice(0,e.length)):t=[],i=0;i90&&(p-=180,l=-l),{angle:p,flip:l,p:t.c2p(n,e,r),offsetMultplier:c}}},{}],985:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/drawing"),a=t("./map_1d_array"),o=t("./makepath"),s=t("./orient_text"),l=t("../../lib/svg_text_utils"),c=t("../../lib"),u=c.strRotate,f=c.strTranslate,h=t("../../constants/alignment");function p(t,e,r,i,s,l){var c="const-"+s+"-lines",u=r.selectAll("."+c).data(l);u.enter().append("path").classed(c,!0).style("vector-effect","non-scaling-stroke"),u.each((function(r){var i=r,s=i.x,l=i.y,c=a([],s,t.c2p),u=a([],l,e.c2p),f="M"+o(c,u,i.smoothing);n.select(this).attr("d",f).style("stroke-width",i.width).style("stroke",i.color).style("fill","none")})),u.exit().remove()}function d(t,e,r,a,o,c,h,p){var d=c.selectAll("text."+p).data(h);d.enter().append("text").classed(p,!0);var g=0,m={};return d.each((function(o,c){var h;if("auto"===o.axis.tickangle)h=s(a,e,r,o.xy,o.dxy);else{var p=(o.axis.tickangle+180)*Math.PI/180;h=s(a,e,r,o.xy,[Math.cos(p),Math.sin(p)])}c||(m={angle:h.angle,flip:h.flip});var d=(o.endAnchor?-1:1)*h.flip,v=n.select(this).attr({"text-anchor":d>0?"start":"end","data-notex":1}).call(i.font,o.font).text(o.text).call(l.convertToTspans,t),y=i.bBox(this);v.attr("transform",f(h.p[0],h.p[1])+u(h.angle)+f(o.axis.labelpadding*d,.3*y.height)),g=Math.max(g,y.width+o.axis.labelpadding)})),d.exit().remove(),m.maxExtent=g,m}e.exports=function(t,e,r,i){var l=e.xaxis,u=e.yaxis,f=t._fullLayout._clips;c.makeTraceGroups(i,r,"trace").each((function(e){var r=n.select(this),i=e[0],h=i.trace,g=h.aaxis,m=h.baxis,y=c.ensureSingle(r,"g","minorlayer"),x=c.ensureSingle(r,"g","majorlayer"),b=c.ensureSingle(r,"g","boundarylayer"),_=c.ensureSingle(r,"g","labellayer");r.style("opacity",h.opacity),p(l,u,x,g,"a",g._gridlines),p(l,u,x,m,"b",m._gridlines),p(l,u,y,g,"a",g._minorgridlines),p(l,u,y,m,"b",m._minorgridlines),p(l,u,b,g,"a-boundary",g._boundarylines),p(l,u,b,m,"b-boundary",m._boundarylines);var w=d(t,l,u,h,i,_,g._labels,"a-label"),T=d(t,l,u,h,i,_,m._labels,"b-label");!function(t,e,r,n,i,a,o,l){var u,f,h,p,d=c.aggNums(Math.min,null,r.a),g=c.aggNums(Math.max,null,r.a),m=c.aggNums(Math.min,null,r.b),y=c.aggNums(Math.max,null,r.b);u=.5*(d+g),f=m,h=r.ab2xy(u,f,!0),p=r.dxyda_rough(u,f),void 0===o.angle&&c.extendFlat(o,s(r,i,a,h,r.dxydb_rough(u,f)));v(t,e,r,n,h,p,r.aaxis,i,a,o,"a-title"),u=d,f=.5*(m+y),h=r.ab2xy(u,f,!0),p=r.dxydb_rough(u,f),void 0===l.angle&&c.extendFlat(l,s(r,i,a,h,r.dxyda_rough(u,f)));v(t,e,r,n,h,p,r.baxis,i,a,l,"b-title")}(t,_,h,i,l,u,w,T),function(t,e,r,n,i){var s,l,u,f,h=r.select("#"+t._clipPathId);h.size()||(h=r.append("clipPath").classed("carpetclip",!0));var p=c.ensureSingle(h,"path","carpetboundary"),d=e.clipsegments,g=[];for(f=0;f90&&y<270,b=n.select(this);b.text(h.title.text).call(l.convertToTspans,t),x&&(_=(-l.lineCount(b)+m)*g*a-_),b.attr("transform",f(e.p[0],e.p[1])+u(e.angle)+f(0,_)).attr("text-anchor","middle").call(i.font,h.title.font)})),b.exit().remove()}},{"../../components/drawing":665,"../../constants/alignment":745,"../../lib":778,"../../lib/svg_text_utils":803,"./makepath":982,"./map_1d_array":983,"./orient_text":984,d3:169}],986:[function(t,e,r){"use strict";var n=t("./constants"),i=t("../../lib/search").findBin,a=t("./compute_control_points"),o=t("./create_spline_evaluator"),s=t("./create_i_derivative_evaluator"),l=t("./create_j_derivative_evaluator");e.exports=function(t){var e=t._a,r=t._b,c=e.length,u=r.length,f=t.aaxis,h=t.baxis,p=e[0],d=e[c-1],g=r[0],m=r[u-1],v=e[e.length-1]-e[0],y=r[r.length-1]-r[0],x=v*n.RELATIVE_CULL_TOLERANCE,b=y*n.RELATIVE_CULL_TOLERANCE;p-=x,d+=x,g-=b,m+=b,t.isVisible=function(t,e){return t>p&&tg&&ed||em},t.setScale=function(){var e=t._x,r=t._y,n=a(t._xctrl,t._yctrl,e,r,f.smoothing,h.smoothing);t._xctrl=n[0],t._yctrl=n[1],t.evalxy=o([t._xctrl,t._yctrl],c,u,f.smoothing,h.smoothing),t.dxydi=s([t._xctrl,t._yctrl],f.smoothing,h.smoothing),t.dxydj=l([t._xctrl,t._yctrl],f.smoothing,h.smoothing)},t.i2a=function(t){var r=Math.max(0,Math.floor(t[0]),c-2),n=t[0]-r;return(1-n)*e[r]+n*e[r+1]},t.j2b=function(t){var e=Math.max(0,Math.floor(t[1]),c-2),n=t[1]-e;return(1-n)*r[e]+n*r[e+1]},t.ij2ab=function(e){return[t.i2a(e[0]),t.j2b(e[1])]},t.a2i=function(t){var r=Math.max(0,Math.min(i(t,e),c-2)),n=e[r],a=e[r+1];return Math.max(0,Math.min(c-1,r+(t-n)/(a-n)))},t.b2j=function(t){var e=Math.max(0,Math.min(i(t,r),u-2)),n=r[e],a=r[e+1];return Math.max(0,Math.min(u-1,e+(t-n)/(a-n)))},t.ab2ij=function(e){return[t.a2i(e[0]),t.b2j(e[1])]},t.i2c=function(e,r){return t.evalxy([],e,r)},t.ab2xy=function(n,i,a){if(!a&&(ne[c-1]|ir[u-1]))return[!1,!1];var o=t.a2i(n),s=t.b2j(i),l=t.evalxy([],o,s);if(a){var f,h,p,d,g=0,m=0,v=[];ne[c-1]?(f=c-2,h=1,g=(n-e[c-1])/(e[c-1]-e[c-2])):h=o-(f=Math.max(0,Math.min(c-2,Math.floor(o)))),ir[u-1]?(p=u-2,d=1,m=(i-r[u-1])/(r[u-1]-r[u-2])):d=s-(p=Math.max(0,Math.min(u-2,Math.floor(s)))),g&&(t.dxydi(v,f,p,h,d),l[0]+=v[0]*g,l[1]+=v[1]*g),m&&(t.dxydj(v,f,p,h,d),l[0]+=v[0]*m,l[1]+=v[1]*m)}return l},t.c2p=function(t,e,r){return[e.c2p(t[0]),r.c2p(t[1])]},t.p2x=function(t,e,r){return[e.p2c(t[0]),r.p2c(t[1])]},t.dadi=function(t){var r=Math.max(0,Math.min(e.length-2,t));return e[r+1]-e[r]},t.dbdj=function(t){var e=Math.max(0,Math.min(r.length-2,t));return r[e+1]-r[e]},t.dxyda=function(e,r,n,i){var a=t.dxydi(null,e,r,n,i),o=t.dadi(e,n);return[a[0]/o,a[1]/o]},t.dxydb=function(e,r,n,i){var a=t.dxydj(null,e,r,n,i),o=t.dbdj(r,i);return[a[0]/o,a[1]/o]},t.dxyda_rough=function(e,r,n){var i=v*(n||.1),a=t.ab2xy(e+i,r,!0),o=t.ab2xy(e-i,r,!0);return[.5*(a[0]-o[0])/i,.5*(a[1]-o[1])/i]},t.dxydb_rough=function(e,r,n){var i=y*(n||.1),a=t.ab2xy(e,r+i,!0),o=t.ab2xy(e,r-i,!0);return[.5*(a[0]-o[0])/i,.5*(a[1]-o[1])/i]},t.dpdx=function(t){return t._m},t.dpdy=function(t){return t._m}}},{"../../lib/search":798,"./compute_control_points":974,"./constants":975,"./create_i_derivative_evaluator":976,"./create_j_derivative_evaluator":977,"./create_spline_evaluator":978}],987:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t,e,r){var i,a,o,s=[],l=[],c=t[0].length,u=t.length;function f(e,r){var n,i=0,a=0;return e>0&&void 0!==(n=t[r][e-1])&&(a++,i+=n),e0&&void 0!==(n=t[r-1][e])&&(a++,i+=n),r0&&a0&&i1e-5);return n.log("Smoother converged to",k,"after",M,"iterations"),t}},{"../../lib":778}],988:[function(t,e,r){"use strict";var n=t("../../lib").isArray1D;e.exports=function(t,e,r){var i=r("x"),a=i&&i.length,o=r("y"),s=o&&o.length;if(!a&&!s)return!1;if(e._cheater=!i,a&&!n(i)||s&&!n(o))e._length=null;else{var l=a?i.length:1/0;s&&(l=Math.min(l,o.length)),e.a&&e.a.length&&(l=Math.min(l,e.a.length)),e.b&&e.b.length&&(l=Math.min(l,e.b.length)),e._length=l}return!0}},{"../../lib":778}],989:[function(t,e,r){"use strict";var n=t("../../plots/template_attributes").hovertemplateAttrs,i=t("../scattergeo/attributes"),a=t("../../components/colorscale/attributes"),o=t("../../plots/attributes"),s=t("../../components/color/attributes").defaultLine,l=t("../../lib/extend").extendFlat,c=i.marker.line;e.exports=l({locations:{valType:"data_array",editType:"calc"},locationmode:i.locationmode,z:{valType:"data_array",editType:"calc"},geojson:l({},i.geojson,{}),featureidkey:i.featureidkey,text:l({},i.text,{}),hovertext:l({},i.hovertext,{}),marker:{line:{color:l({},c.color,{dflt:s}),width:l({},c.width,{dflt:1}),editType:"calc"},opacity:{valType:"number",arrayOk:!0,min:0,max:1,dflt:1,editType:"style"},editType:"calc"},selected:{marker:{opacity:i.selected.marker.opacity,editType:"plot"},editType:"plot"},unselected:{marker:{opacity:i.unselected.marker.opacity,editType:"plot"},editType:"plot"},hoverinfo:l({},o.hoverinfo,{editType:"calc",flags:["location","z","text","name"]}),hovertemplate:n(),showlegend:l({},o.showlegend,{dflt:!1})},a("",{cLetter:"z",editTypeOverride:"calc"}))},{"../../components/color/attributes":642,"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../scattergeo/attributes":1229}],990:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../constants/numerical").BADNUM,a=t("../../components/colorscale/calc"),o=t("../scatter/arrays_to_calcdata"),s=t("../scatter/calc_selection");function l(t){return t&&"string"==typeof t}e.exports=function(t,e){var r,c=e._length,u=new Array(c);r=e.geojson?function(t){return l(t)||n(t)}:l;for(var f=0;f")}(t,f,o),[t]}},{"../../lib":778,"../../plots/cartesian/axes":828,"./attributes":989}],994:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../heatmap/colorbar"),calc:t("./calc"),calcGeoJSON:t("./plot").calcGeoJSON,plot:t("./plot").plot,style:t("./style").style,styleOnSelect:t("./style").styleOnSelect,hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("./select"),moduleType:"trace",name:"choropleth",basePlotModule:t("../../plots/geo"),categories:["geo","noOpacity","showLegend"],meta:{}}},{"../../plots/geo":860,"../heatmap/colorbar":1068,"./attributes":989,"./calc":990,"./defaults":991,"./event_data":992,"./hover":993,"./plot":995,"./select":996,"./style":997}],995:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../lib/geo_location_utils"),o=t("../../lib/topojson_utils").getTopojsonFeatures,s=t("../../plots/cartesian/autorange").findExtremes,l=t("./style").style;e.exports={calcGeoJSON:function(t,e){for(var r=t[0].trace,n=e[r.geo],i=n._subplot,l=r.locationmode,c=r._length,u="geojson-id"===l?a.extractTraceFeature(t):o(r,i.topojson),f=[],h=[],p=0;p=0;n--){var i=r[n].id;if("string"==typeof i&&0===i.indexOf("water"))for(var a=n+1;a=0;r--)t.removeLayer(e[r][1])},s.dispose=function(){var t=this.subplot.map;this._removeLayers(),t.removeSource(this.sourceId)},e.exports=function(t,e){var r=e[0].trace,i=new o(t,r.uid),a=i.sourceId,s=n(e),l=i.below=t.belowLookup["trace-"+r.uid];return t.map.addSource(a,{type:"geojson",data:s.geojson}),i._addLayers(s,l),e[0].trace._glTrace=i,i}},{"../../plots/mapbox/constants":883,"./convert":999}],1003:[function(t,e,r){"use strict";var n=t("../../components/colorscale/attributes"),i=t("../../plots/template_attributes").hovertemplateAttrs,a=t("../mesh3d/attributes"),o=t("../../plots/attributes"),s=t("../../lib/extend").extendFlat,l={x:{valType:"data_array",editType:"calc+clearAxisTypes"},y:{valType:"data_array",editType:"calc+clearAxisTypes"},z:{valType:"data_array",editType:"calc+clearAxisTypes"},u:{valType:"data_array",editType:"calc"},v:{valType:"data_array",editType:"calc"},w:{valType:"data_array",editType:"calc"},sizemode:{valType:"enumerated",values:["scaled","absolute"],editType:"calc",dflt:"scaled"},sizeref:{valType:"number",editType:"calc",min:0},anchor:{valType:"enumerated",editType:"calc",values:["tip","tail","cm","center"],dflt:"cm"},text:{valType:"string",dflt:"",arrayOk:!0,editType:"calc"},hovertext:{valType:"string",dflt:"",arrayOk:!0,editType:"calc"},hovertemplate:i({editType:"calc"},{keys:["norm"]}),showlegend:s({},o.showlegend,{dflt:!1})};s(l,n("",{colorAttr:"u/v/w norm",showScaleDflt:!0,editTypeOverride:"calc"}));["opacity","lightposition","lighting"].forEach((function(t){l[t]=a[t]})),l.hoverinfo=s({},o.hoverinfo,{editType:"calc",flags:["x","y","z","u","v","w","norm","text","name"],dflt:"x+y+z+norm+text+name"}),l.transforms=void 0,e.exports=l},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../mesh3d/attributes":1128}],1004:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc");e.exports=function(t,e){for(var r=e.u,i=e.v,a=e.w,o=Math.min(e.x.length,e.y.length,e.z.length,r.length,i.length,a.length),s=-1/0,l=1/0,c=0;co.level||o.starts.length&&a===o.level)}break;case"constraint":if(n.prefixBoundary=!1,n.edgepaths.length)return;var s=n.x.length,l=n.y.length,c=-1/0,u=1/0;for(r=0;r":p>c&&(n.prefixBoundary=!0);break;case"<":(pc||n.starts.length&&h===u)&&(n.prefixBoundary=!0);break;case"][":f=Math.min(p[0],p[1]),h=Math.max(p[0],p[1]),fc&&(n.prefixBoundary=!0)}}}},{}],1011:[function(t,e,r){"use strict";var n=t("../../components/colorscale"),i=t("./make_color_map"),a=t("./end_plus");e.exports={min:"zmin",max:"zmax",calc:function(t,e,r){var o=e.contours,s=e.line,l=o.size||1,c=o.coloring,u=i(e,{isColorbar:!0});if("heatmap"===c){var f=n.extractOpts(e);r._fillgradient=f.reversescale?n.flipScale(f.colorscale):f.colorscale,r._zrange=[f.min,f.max]}else"fill"===c&&(r._fillcolor=u);r._line={color:"lines"===c?u:s.color,width:!1!==o.showlines?s.width:0,dash:s.dash},r._levels={start:o.start,end:a(o),size:l}}}},{"../../components/colorscale":655,"./end_plus":1019,"./make_color_map":1024}],1012:[function(t,e,r){"use strict";e.exports={BOTTOMSTART:[1,9,13,104,713],TOPSTART:[4,6,7,104,713],LEFTSTART:[8,12,14,208,1114],RIGHTSTART:[2,3,11,208,1114],NEWDELTA:[null,[-1,0],[0,-1],[-1,0],[1,0],null,[0,-1],[-1,0],[0,1],[0,1],null,[0,1],[1,0],[1,0],[0,-1]],CHOOSESADDLE:{104:[4,1],208:[2,8],713:[7,13],1114:[11,14]},SADDLEREMAINDER:{1:4,2:8,4:1,7:13,8:2,11:14,13:7,14:11},LABELDISTANCE:2,LABELINCREASE:10,LABELMIN:3,LABELMAX:10,LABELOPTIMIZER:{EDGECOST:1,ANGLECOST:1,NEIGHBORCOST:5,SAMELEVELFACTOR:10,SAMELEVELDISTANCE:5,MAXCOST:100,INITIALSEARCHPOINTS:10,ITERATIONS:5}}},{}],1013:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("./label_defaults"),a=t("../../components/color"),o=a.addOpacity,s=a.opacity,l=t("../../constants/filter_ops"),c=l.CONSTRAINT_REDUCTION,u=l.COMPARISON_OPS2;e.exports=function(t,e,r,a,l,f){var h,p,d,g=e.contours,m=r("contours.operation");(g._operation=c[m],function(t,e){var r;-1===u.indexOf(e.operation)?(t("contours.value",[0,1]),Array.isArray(e.value)?e.value.length>2?e.value=e.value.slice(2):0===e.length?e.value=[0,1]:e.length<2?(r=parseFloat(e.value[0]),e.value=[r,r+1]):e.value=[parseFloat(e.value[0]),parseFloat(e.value[1])]:n(e.value)&&(r=parseFloat(e.value),e.value=[r,r+1])):(t("contours.value",0),n(e.value)||(Array.isArray(e.value)?e.value=parseFloat(e.value[0]):e.value=0))}(r,g),"="===m?h=g.showlines=!0:(h=r("contours.showlines"),d=r("fillcolor",o((t.line||{}).color||l,.5))),h)&&(p=r("line.color",d&&s(d)?o(e.fillcolor,1):l),r("line.width",2),r("line.dash"));r("line.smoothing"),i(r,a,p,f)}},{"../../components/color":643,"../../constants/filter_ops":749,"./label_defaults":1023,"fast-isnumeric":241}],1014:[function(t,e,r){"use strict";var n=t("../../constants/filter_ops"),i=t("fast-isnumeric");function a(t,e){var r,a=Array.isArray(e);function o(t){return i(t)?+t:null}return-1!==n.COMPARISON_OPS2.indexOf(t)?r=o(a?e[0]:e):-1!==n.INTERVAL_OPS.indexOf(t)?r=a?[o(e[0]),o(e[1])]:[o(e),o(e)]:-1!==n.SET_OPS.indexOf(t)&&(r=a?e.map(o):[o(e)]),r}function o(t){return function(e){e=a(t,e);var r=Math.min(e[0],e[1]),n=Math.max(e[0],e[1]);return{start:r,end:n,size:n-r}}}function s(t){return function(e){return{start:e=a(t,e),end:1/0,size:1/0}}}e.exports={"[]":o("[]"),"][":o("]["),">":s(">"),"<":s("<"),"=":s("=")}},{"../../constants/filter_ops":749,"fast-isnumeric":241}],1015:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){var i=n("contours.start"),a=n("contours.end"),o=!1===i||!1===a,s=r("contours.size");!(o?e.autocontour=!0:r("autocontour",!1))&&s||r("ncontours")}},{}],1016:[function(t,e,r){"use strict";var n=t("../../lib");function i(t){return n.extendFlat({},t,{edgepaths:n.extendDeep([],t.edgepaths),paths:n.extendDeep([],t.paths),starts:n.extendDeep([],t.starts)})}e.exports=function(t,e){var r,a,o,s=function(t){return t.reverse()},l=function(t){return t};switch(e){case"=":case"<":return t;case">":for(1!==t.length&&n.warn("Contour data invalid for the specified inequality operation."),a=t[0],r=0;r1e3){n.warn("Too many contours, clipping at 1000",t);break}return l}},{"../../lib":778,"./constraint_mapping":1014,"./end_plus":1019}],1019:[function(t,e,r){"use strict";e.exports=function(t){return t.end+t.size/1e6}},{}],1020:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./constants");function a(t,e,r,n){return Math.abs(t[0]-e[0])20&&e?208===t||1114===t?n=0===r[0]?1:-1:a=0===r[1]?1:-1:-1!==i.BOTTOMSTART.indexOf(t)?a=1:-1!==i.LEFTSTART.indexOf(t)?n=1:-1!==i.TOPSTART.indexOf(t)?a=-1:n=-1;return[n,a]}(f,r,e),p=[s(t,e,[-h[0],-h[1]])],d=t.z.length,g=t.z[0].length,m=e.slice(),v=h.slice();for(c=0;c<1e4;c++){if(f>20?(f=i.CHOOSESADDLE[f][(h[0]||h[1])<0?0:1],t.crossings[u]=i.SADDLEREMAINDER[f]):delete t.crossings[u],!(h=i.NEWDELTA[f])){n.log("Found bad marching index:",f,e,t.level);break}p.push(s(t,e,h)),e[0]+=h[0],e[1]+=h[1],u=e.join(","),a(p[p.length-1],p[p.length-2],o,l)&&p.pop();var y=h[0]&&(e[0]<0||e[0]>g-2)||h[1]&&(e[1]<0||e[1]>d-2);if(e[0]===m[0]&&e[1]===m[1]&&h[0]===v[0]&&h[1]===v[1]||r&&y)break;f=t.crossings[u]}1e4===c&&n.log("Infinite loop in contour?");var x,b,_,w,T,k,M,A,S,E,C,L,I,P,z,O=a(p[0],p[p.length-1],o,l),D=0,R=.2*t.smoothing,F=[],B=0;for(c=1;c=B;c--)if((x=F[c])=B&&x+F[b]A&&S--,t.edgepaths[S]=C.concat(p,E));break}V||(t.edgepaths[A]=p.concat(E))}for(A=0;At?0:1)+(e[0][1]>t?0:2)+(e[1][1]>t?0:4)+(e[1][0]>t?0:8);return 5===r||10===r?t>(e[0][0]+e[0][1]+e[1][0]+e[1][1])/4?5===r?713:1114:5===r?104:208:15===r?0:r}e.exports=function(t){var e,r,a,o,s,l,c,u,f,h=t[0].z,p=h.length,d=h[0].length,g=2===p||2===d;for(r=0;r=0&&(n=y,s=l):Math.abs(r[1]-n[1])<.01?Math.abs(r[1]-y[1])<.01&&(y[0]-r[0])*(n[0]-y[0])>=0&&(n=y,s=l):i.log("endpt to newendpt is not vert. or horz.",r,n,y)}if(r=n,s>=0)break;f+="L"+n}if(s===t.edgepaths.length){i.log("unclosed perimeter path");break}h=s,(d=-1===p.indexOf(h))&&(h=p[0],f+="Z")}for(h=0;hn.center?n.right-s:s-n.left)/(u+Math.abs(Math.sin(c)*o)),p=(l>n.middle?n.bottom-l:l-n.top)/(Math.abs(f)+Math.cos(c)*o);if(h<1||p<1)return 1/0;var d=v.EDGECOST*(1/(h-1)+1/(p-1));d+=v.ANGLECOST*c*c;for(var g=s-u,m=l-f,y=s+u,x=l+f,b=0;b2*v.MAXCOST)break;p&&(s/=2),l=(o=c-s/2)+1.5*s}if(h<=v.MAXCOST)return u},r.addLabelData=function(t,e,r,n){var i=e.fontSize,a=e.width+i/3,o=Math.max(0,e.height-i/3),s=t.x,l=t.y,c=t.theta,u=Math.sin(c),f=Math.cos(c),h=function(t,e){return[s+t*f-e*u,l+t*u+e*f]},p=[h(-a/2,-o/2),h(-a/2,o/2),h(a/2,o/2),h(a/2,-o/2)];r.push({text:e.text,x:s,y:l,dy:e.dy,theta:c,level:e.level,width:a,height:o}),n.push(p)},r.drawLabels=function(t,e,r,a,o){var l=t.selectAll("text").data(e,(function(t){return t.text+","+t.x+","+t.y+","+t.theta}));if(l.exit().remove(),l.enter().append("text").attr({"data-notex":1,"text-anchor":"middle"}).each((function(t){var e=t.x+Math.sin(t.theta)*t.dy,i=t.y-Math.cos(t.theta)*t.dy;n.select(this).text(t.text).attr({x:e,y:i,transform:"rotate("+180*t.theta/Math.PI+" "+e+" "+i+")"}).call(s.convertToTspans,r)})),o){for(var c="",u=0;ur.end&&(r.start=r.end=(r.start+r.end)/2),t._input.contours||(t._input.contours={}),i.extendFlat(t._input.contours,{start:r.start,end:r.end,size:r.size}),t._input.autocontour=!0}else if("constraint"!==r.type){var c,u=r.start,f=r.end,h=t._input.contours;if(u>f&&(r.start=h.start=f,f=r.end=h.end=u,u=r.start),!(r.size>0))c=u===f?1:a(u,f,t.ncontours).dtick,h.size=r.size=c}}},{"../../lib":778,"../../plots/cartesian/axes":828}],1028:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/drawing"),a=t("../heatmap/style"),o=t("./make_color_map");e.exports=function(t){var e=n.select(t).selectAll("g.contour");e.style("opacity",(function(t){return t[0].trace.opacity})),e.each((function(t){var e=n.select(this),r=t[0].trace,a=r.contours,s=r.line,l=a.size||1,c=a.start,u="constraint"===a.type,f=!u&&"lines"===a.coloring,h=!u&&"fill"===a.coloring,p=f||h?o(r):null;e.selectAll("g.contourlevel").each((function(t){n.select(this).selectAll("path").call(i.lineGroupStyle,s.width,f?p(t.level):s.color,s.dash)}));var d=a.labelfont;if(e.selectAll("g.contourlabels text").each((function(t){i.font(n.select(this),{family:d.family,size:d.size,color:d.color||(f?p(t.level):s.color)})})),u)e.selectAll("g.contourfill path").style("fill",r.fillcolor);else if(h){var g;e.selectAll("g.contourfill path").style("fill",(function(t){return void 0===g&&(g=t.level),p(t.level+.5*l)})),void 0===g&&(g=c),e.selectAll("g.contourbg path").style("fill",p(g-.5*l))}})),a(t)}},{"../../components/drawing":665,"../heatmap/style":1077,"./make_color_map":1024,d3:169}],1029:[function(t,e,r){"use strict";var n=t("../../components/colorscale/defaults"),i=t("./label_defaults");e.exports=function(t,e,r,a,o){var s,l=r("contours.coloring"),c="";"fill"===l&&(s=r("contours.showlines")),!1!==s&&("lines"!==l&&(c=r("line.color","#000")),r("line.width",.5),r("line.dash")),"none"!==l&&(!0!==t.showlegend&&(e.showlegend=!1),e._dfltShowLegend=!1,n(t,e,a,r,{prefix:"",cLetter:"z"})),r("line.smoothing"),i(r,a,c,o)}},{"../../components/colorscale/defaults":653,"./label_defaults":1023}],1030:[function(t,e,r){"use strict";var n=t("../heatmap/attributes"),i=t("../contour/attributes"),a=t("../../components/colorscale/attributes"),o=t("../../lib/extend").extendFlat,s=i.contours;e.exports=o({carpet:{valType:"string",editType:"calc"},z:n.z,a:n.x,a0:n.x0,da:n.dx,b:n.y,b0:n.y0,db:n.dy,text:n.text,hovertext:n.hovertext,transpose:n.transpose,atype:n.xtype,btype:n.ytype,fillcolor:i.fillcolor,autocontour:i.autocontour,ncontours:i.ncontours,contours:{type:s.type,start:s.start,end:s.end,size:s.size,coloring:{valType:"enumerated",values:["fill","lines","none"],dflt:"fill",editType:"calc"},showlines:s.showlines,showlabels:s.showlabels,labelfont:s.labelfont,labelformat:s.labelformat,operation:s.operation,value:s.value,editType:"calc",impliedEdits:{autocontour:!1}},line:{color:i.line.color,width:i.line.width,dash:i.line.dash,smoothing:i.line.smoothing,editType:"plot"},transforms:void 0},a("",{cLetter:"z",autoColorDflt:!1}))},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../contour/attributes":1008,"../heatmap/attributes":1065}],1031:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc"),i=t("../../lib"),a=t("../heatmap/convert_column_xyz"),o=t("../heatmap/clean_2d_array"),s=t("../heatmap/interp2d"),l=t("../heatmap/find_empties"),c=t("../heatmap/make_bound_array"),u=t("./defaults"),f=t("../carpet/lookup_carpetid"),h=t("../contour/set_contours");e.exports=function(t,e){var r=e._carpetTrace=f(t,e);if(r&&r.visible&&"legendonly"!==r.visible){if(!e.a||!e.b){var p=t.data[r.index],d=t.data[e.index];d.a||(d.a=p.a),d.b||(d.b=p.b),u(d,e,e._defaultColor,t._fullLayout)}var g=function(t,e){var r,u,f,h,p,d,g,m=e._carpetTrace,v=m.aaxis,y=m.baxis;v._minDtick=0,y._minDtick=0,i.isArray1D(e.z)&&a(e,v,y,"a","b",["z"]);r=e._a=e._a||e.a,h=e._b=e._b||e.b,r=r?v.makeCalcdata(e,"_a"):[],h=h?y.makeCalcdata(e,"_b"):[],u=e.a0||0,f=e.da||1,p=e.b0||0,d=e.db||1,g=e._z=o(e._z||e.z,e.transpose),e._emptypoints=l(g),s(g,e._emptypoints);var x=i.maxRowLength(g),b="scaled"===e.xtype?"":r,_=c(e,b,u,f,x,v),w="scaled"===e.ytype?"":h,T=c(e,w,p,d,g.length,y),k={a:_,b:T,z:g};"levels"===e.contours.type&&"none"!==e.contours.coloring&&n(t,e,{vals:g,containerStr:"",cLetter:"z"});return[k]}(t,e);return h(e,e._z),g}}},{"../../components/colorscale/calc":651,"../../lib":778,"../carpet/lookup_carpetid":981,"../contour/set_contours":1027,"../heatmap/clean_2d_array":1067,"../heatmap/convert_column_xyz":1069,"../heatmap/find_empties":1071,"../heatmap/interp2d":1074,"../heatmap/make_bound_array":1075,"./defaults":1032}],1032:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../heatmap/xyz_defaults"),a=t("./attributes"),o=t("../contour/constraint_defaults"),s=t("../contour/contours_defaults"),l=t("../contour/style_defaults");e.exports=function(t,e,r,c){function u(r,i){return n.coerce(t,e,a,r,i)}if(u("carpet"),t.a&&t.b){if(!i(t,e,u,c,"a","b"))return void(e.visible=!1);u("text"),"constraint"===u("contours.type")?o(t,e,u,c,r,{hasHover:!1}):(s(t,e,u,(function(r){return n.coerce2(t,e,a,r)})),l(t,e,u,c,{hasHover:!1}))}else e._defaultColor=r,e._length=null}},{"../../lib":778,"../contour/constraint_defaults":1013,"../contour/contours_defaults":1015,"../contour/style_defaults":1029,"../heatmap/xyz_defaults":1079,"./attributes":1030}],1033:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../contour/colorbar"),calc:t("./calc"),plot:t("./plot"),style:t("../contour/style"),moduleType:"trace",name:"contourcarpet",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","carpet","contour","symbols","showLegend","hasLines","carpetDependent","noHover","noSortingByValue"],meta:{}}},{"../../plots/cartesian":841,"../contour/colorbar":1011,"../contour/style":1028,"./attributes":1030,"./calc":1031,"./defaults":1032,"./plot":1034}],1034:[function(t,e,r){"use strict";var n=t("d3"),i=t("../carpet/map_1d_array"),a=t("../carpet/makepath"),o=t("../../components/drawing"),s=t("../../lib"),l=t("../contour/make_crossings"),c=t("../contour/find_all_paths"),u=t("../contour/plot"),f=t("../contour/constants"),h=t("../contour/convert_to_constraints"),p=t("../contour/empty_pathinfo"),d=t("../contour/close_boundaries"),g=t("../carpet/lookup_carpetid"),m=t("../carpet/axis_aligned_line");function v(t,e,r){var n=t.getPointAtLength(e),i=t.getPointAtLength(r),a=i.x-n.x,o=i.y-n.y,s=Math.sqrt(a*a+o*o);return[a/s,o/s]}function y(t){var e=Math.sqrt(t[0]*t[0]+t[1]*t[1]);return[t[0]/e,t[1]/e]}function x(t,e){var r=Math.abs(t[0]*e[0]+t[1]*e[1]);return Math.sqrt(1-r*r)/r}e.exports=function(t,e,r,b){var _=e.xaxis,w=e.yaxis;s.makeTraceGroups(b,r,"contour").each((function(r){var b=n.select(this),T=r[0],k=T.trace,M=k._carpetTrace=g(t,k),A=t.calcdata[M.index][0];if(M.visible&&"legendonly"!==M.visible){var S=T.a,E=T.b,C=k.contours,L=p(C,e,T),I="constraint"===C.type,P=C._operation,z=I?"="===P?"lines":"fill":C.coloring,O=[[S[0],E[E.length-1]],[S[S.length-1],E[E.length-1]],[S[S.length-1],E[0]],[S[0],E[0]]];l(L);var D=1e-8*(S[S.length-1]-S[0]),R=1e-8*(E[E.length-1]-E[0]);c(L,D,R);var F,B,N,j,U=L;"constraint"===C.type&&(U=h(L,P)),function(t,e){var r,n,i,a,o,s,l,c,u;for(r=0;r=0;j--)F=A.clipsegments[j],B=i([],F.x,_.c2p),N=i([],F.y,w.c2p),B.reverse(),N.reverse(),V.push(a(B,N,F.bicubic));var q="M"+V.join("L")+"Z";!function(t,e,r,n,o,l){var c,u,f,h,p=s.ensureSingle(t,"g","contourbg").selectAll("path").data("fill"!==l||o?[]:[0]);p.enter().append("path"),p.exit().remove();var d=[];for(h=0;h=0&&(h=C,d=g):Math.abs(f[1]-h[1])=0&&(h=C,d=g):s.log("endpt to newendpt is not vert. or horz.",f,h,C)}if(d>=0)break;y+=S(f,h),f=h}if(d===e.edgepaths.length){s.log("unclosed perimeter path");break}u=d,(b=-1===x.indexOf(u))&&(u=x[0],y+=S(f,h)+"Z",f=null)}for(u=0;um&&(n.max=m);n.len=n.max-n.min}(this,r,t,n,c,e.height),!(n.len<(e.width+e.height)*f.LABELMIN)))for(var i=Math.min(Math.ceil(n.len/P),f.LABELMAX),a=0;a0?+p[u]:0),f.push({type:"Feature",geometry:{type:"Point",coordinates:v},properties:y})}}var b=o.extractOpts(e),_=b.reversescale?o.flipScale(b.colorscale):b.colorscale,w=_[0][1],T=["interpolate",["linear"],["heatmap-density"],0,a.opacity(w)<1?w:a.addOpacity(w,0)];for(u=1;u<_.length;u++)T.push(_[u][0],_[u][1]);var k=["interpolate",["linear"],["get","z"],b.min,0,b.max,1];return i.extendFlat(c.heatmap.paint,{"heatmap-weight":d?k:1/(b.max-b.min),"heatmap-color":T,"heatmap-radius":g?{type:"identity",property:"r"}:e.radius,"heatmap-opacity":e.opacity}),c.geojson={type:"FeatureCollection",features:f},c.heatmap.layout.visibility="visible",c}},{"../../components/color":643,"../../components/colorscale":655,"../../constants/numerical":753,"../../lib":778,"../../lib/geojson_utils":772,"fast-isnumeric":241}],1038:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../components/colorscale/defaults"),a=t("./attributes");e.exports=function(t,e,r,o){function s(r,i){return n.coerce(t,e,a,r,i)}var l=s("lon")||[],c=s("lat")||[],u=Math.min(l.length,c.length);u?(e._length=u,s("z"),s("radius"),s("below"),s("text"),s("hovertext"),s("hovertemplate"),i(t,e,o,s,{prefix:"",cLetter:"z"})):e.visible=!1}},{"../../components/colorscale/defaults":653,"../../lib":778,"./attributes":1035}],1039:[function(t,e,r){"use strict";e.exports=function(t,e){return t.lon=e.lon,t.lat=e.lat,t.z=e.z,t}},{}],1040:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../plots/cartesian/axes"),a=t("../scattermapbox/hover");e.exports=function(t,e,r){var o=a(t,e,r);if(o){var s=o[0],l=s.cd,c=l[0].trace,u=l[s.index];if(delete s.color,"z"in u){var f=s.subplot.mockAxis;s.z=u.z,s.zLabel=i.tickText(f,f.c2l(u.z),"hover").text}return s.extraText=function(t,e,r){if(t.hovertemplate)return;var i=(e.hi||t.hoverinfo).split("+"),a=-1!==i.indexOf("all"),o=-1!==i.indexOf("lon"),s=-1!==i.indexOf("lat"),l=e.lonlat,c=[];function u(t){return t+"\xb0"}a||o&&s?c.push("("+u(l[0])+", "+u(l[1])+")"):o?c.push(r.lon+u(l[0])):s&&c.push(r.lat+u(l[1]));(a||-1!==i.indexOf("text"))&&n.fillText(e,t,c);return c.join("
")}(c,u,l[0].t.labels),[s]}}},{"../../lib":778,"../../plots/cartesian/axes":828,"../scattermapbox/hover":1257}],1041:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../heatmap/colorbar"),formatLabels:t("../scattermapbox/format_labels"),calc:t("./calc"),plot:t("./plot"),hoverPoints:t("./hover"),eventData:t("./event_data"),getBelow:function(t,e){for(var r=e.getMapLayers(),n=0;n=0;r--)t.removeLayer(e[r][1])},o.dispose=function(){var t=this.subplot.map;this._removeLayers(),t.removeSource(this.sourceId)},e.exports=function(t,e){var r=e[0].trace,i=new a(t,r.uid),o=i.sourceId,s=n(e),l=i.below=t.belowLookup["trace-"+r.uid];return t.map.addSource(o,{type:"geojson",data:s.geojson}),i._addLayers(s,l),i}},{"../../plots/mapbox/constants":883,"./convert":1037}],1043:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t,e){for(var r=0;r"),s.color=function(t,e){var r=t.marker,i=e.mc||r.color,a=e.mlc||r.line.color,o=e.mlw||r.line.width;if(n(i))return i;if(n(a)&&o)return a}(c,f),[s]}}},{"../../components/color":643,"../../lib":778,"../bar/hover":928}],1051:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults").supplyDefaults,crossTraceDefaults:t("./defaults").crossTraceDefaults,supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc"),crossTraceCalc:t("./cross_trace_calc"),plot:t("./plot"),style:t("./style").style,hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("../bar/select"),moduleType:"trace",name:"funnel",basePlotModule:t("../../plots/cartesian"),categories:["bar-like","cartesian","svg","oriented","showLegend","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"../bar/select":933,"./attributes":1044,"./calc":1045,"./cross_trace_calc":1047,"./defaults":1048,"./event_data":1049,"./hover":1050,"./layout_attributes":1052,"./layout_defaults":1053,"./plot":1054,"./style":1055}],1052:[function(t,e,r){"use strict";e.exports={funnelmode:{valType:"enumerated",values:["stack","group","overlay"],dflt:"stack",editType:"calc"},funnelgap:{valType:"number",min:0,max:1,editType:"calc"},funnelgroupgap:{valType:"number",min:0,max:1,dflt:0,editType:"calc"}}},{}],1053:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e,r){var a=!1;function o(r,a){return n.coerce(t,e,i,r,a)}for(var s=0;s path").each((function(t){if(!t.isBlank){var e=s.marker;n.select(this).call(a.fill,t.mc||e.color).call(a.stroke,t.mlc||e.line.color).call(i.dashLine,e.line.dash,t.mlw||e.line.width).style("opacity",s.selectedpoints&&!t.selected?o:1)}})),c(r,s,t),r.selectAll(".regions").each((function(){n.select(this).selectAll("path").style("stroke-width",0).call(a.fill,s.connector.fillcolor)})),r.selectAll(".lines").each((function(){var t=s.connector.line;i.lineGroupStyle(n.select(this).selectAll("path"),t.width,t.color,t.dash)}))}))}}},{"../../components/color":643,"../../components/drawing":665,"../../constants/interactions":752,"../bar/style":935,"../bar/uniform_text":937,d3:169}],1056:[function(t,e,r){"use strict";var n=t("../pie/attributes"),i=t("../../plots/attributes"),a=t("../../plots/domain").attributes,o=t("../../plots/template_attributes").hovertemplateAttrs,s=t("../../plots/template_attributes").texttemplateAttrs,l=t("../../lib/extend").extendFlat;e.exports={labels:n.labels,label0:n.label0,dlabel:n.dlabel,values:n.values,marker:{colors:n.marker.colors,line:{color:l({},n.marker.line.color,{dflt:null}),width:l({},n.marker.line.width,{dflt:1}),editType:"calc"},editType:"calc"},text:n.text,hovertext:n.hovertext,scalegroup:l({},n.scalegroup,{}),textinfo:l({},n.textinfo,{flags:["label","text","value","percent"]}),texttemplate:s({editType:"plot"},{keys:["label","color","value","text","percent"]}),hoverinfo:l({},i.hoverinfo,{flags:["label","text","value","percent","name"]}),hovertemplate:o({},{keys:["label","color","value","text","percent"]}),textposition:l({},n.textposition,{values:["inside","none"],dflt:"inside"}),textfont:n.textfont,insidetextfont:n.insidetextfont,title:{text:n.title.text,font:n.title.font,position:l({},n.title.position,{values:["top left","top center","top right"],dflt:"top center"}),editType:"plot"},domain:a({name:"funnelarea",trace:!0,editType:"calc"}),aspectratio:{valType:"number",min:0,dflt:1,editType:"plot"},baseratio:{valType:"number",min:0,max:1,dflt:.333,editType:"plot"}}},{"../../lib/extend":768,"../../plots/attributes":824,"../../plots/domain":855,"../../plots/template_attributes":906,"../pie/attributes":1161}],1057:[function(t,e,r){"use strict";var n=t("../../plots/plots");r.name="funnelarea",r.plot=function(t,e,i,a){n.plotBasePlot(r.name,t,e,i,a)},r.clean=function(t,e,i,a){n.cleanBasePlot(r.name,t,e,i,a)}},{"../../plots/plots":891}],1058:[function(t,e,r){"use strict";var n=t("../pie/calc");e.exports={calc:function(t,e){return n.calc(t,e)},crossTraceCalc:function(t){n.crossTraceCalc(t,{type:"funnelarea"})}}},{"../pie/calc":1163}],1059:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes"),a=t("../../plots/domain").defaults,o=t("../bar/defaults").handleText,s=t("../pie/defaults").handleLabelsAndValues;e.exports=function(t,e,r,l){function c(r,a){return n.coerce(t,e,i,r,a)}var u=c("labels"),f=c("values"),h=s(u,f),p=h.len;if(e._hasLabels=h.hasLabels,e._hasValues=h.hasValues,!e._hasLabels&&e._hasValues&&(c("label0"),c("dlabel")),p){e._length=p,c("marker.line.width")&&c("marker.line.color",l.paper_bgcolor),c("marker.colors"),c("scalegroup");var d,g=c("text"),m=c("texttemplate");if(m||(d=c("textinfo",Array.isArray(g)?"text+percent":"percent")),c("hovertext"),c("hovertemplate"),m||d&&"none"!==d){var v=c("textposition");o(t,e,l,c,v,{moduleHasSelected:!1,moduleHasUnselected:!1,moduleHasConstrain:!1,moduleHasCliponaxis:!1,moduleHasTextangle:!1,moduleHasInsideanchor:!1})}a(e,l,c),c("title.text")&&(c("title.position"),n.coerceFont(c,"title.font",l.font)),c("aspectratio"),c("baseratio")}else e.visible=!1}},{"../../lib":778,"../../plots/domain":855,"../bar/defaults":925,"../pie/defaults":1164,"./attributes":1056}],1060:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"funnelarea",basePlotModule:t("./base_plot"),categories:["pie-like","funnelarea","showLegend"],attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./calc").crossTraceCalc,plot:t("./plot"),style:t("./style"),styleOne:t("../pie/style_one"),meta:{}}},{"../pie/style_one":1172,"./attributes":1056,"./base_plot":1057,"./calc":1058,"./defaults":1059,"./layout_attributes":1061,"./layout_defaults":1062,"./plot":1063,"./style":1064}],1061:[function(t,e,r){"use strict";var n=t("../pie/layout_attributes").hiddenlabels;e.exports={hiddenlabels:n,funnelareacolorway:{valType:"colorlist",editType:"calc"},extendfunnelareacolors:{valType:"boolean",dflt:!0,editType:"calc"}}},{"../pie/layout_attributes":1168}],1062:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e){function r(r,a){return n.coerce(t,e,i,r,a)}r("hiddenlabels"),r("funnelareacolorway",e.colorway),r("extendfunnelareacolors")}},{"../../lib":778,"./layout_attributes":1061}],1063:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/drawing"),a=t("../../lib"),o=a.strScale,s=a.strTranslate,l=t("../../lib/svg_text_utils"),c=t("../bar/plot").toMoveInsideBar,u=t("../bar/uniform_text"),f=u.recordMinTextSize,h=u.clearMinTextSize,p=t("../pie/helpers"),d=t("../pie/plot"),g=d.attachFxHandlers,m=d.determineInsideTextFont,v=d.layoutAreas,y=d.prerenderTitles,x=d.positionTitleOutside,b=d.formatSliceLabel;function _(t,e){return"l"+(e[0]-t[0])+","+(e[1]-t[1])}e.exports=function(t,e){var r=t._fullLayout;h("funnelarea",r),y(e,t),v(e,r._size),a.makeTraceGroups(r._funnelarealayer,e,"trace").each((function(e){var u=n.select(this),h=e[0],d=h.trace;!function(t){if(!t.length)return;var e=t[0],r=e.trace,n=r.aspectratio,i=r.baseratio;i>.999&&(i=.999);var a,o=Math.pow(i,2),s=e.vTotal,l=s,c=s*o/(1-o)/s;function u(){var t,e={x:t=Math.sqrt(c),y:-t};return[e.x,e.y]}var f,h,p=[];for(p.push(u()),f=t.length-1;f>-1;f--)if(!(h=t[f]).hidden){var d=h.v/l;c+=d,p.push(u())}var g=1/0,m=-1/0;for(f=0;f-1;f--)if(!(h=t[f]).hidden){var M=p[k+=1][0],A=p[k][1];h.TL=[-M,A],h.TR=[M,A],h.BL=w,h.BR=T,h.pxmid=(S=h.TR,E=h.BR,[.5*(S[0]+E[0]),.5*(S[1]+E[1])]),w=h.TL,T=h.TR}var S,E}(e),u.each((function(){var u=n.select(this).selectAll("g.slice").data(e);u.enter().append("g").classed("slice",!0),u.exit().remove(),u.each((function(o,s){if(o.hidden)n.select(this).selectAll("path,g").remove();else{o.pointNumber=o.i,o.curveNumber=d.index;var u=h.cx,v=h.cy,y=n.select(this),x=y.selectAll("path.surface").data([o]);x.enter().append("path").classed("surface",!0).style({"pointer-events":"all"}),y.call(g,t,e);var w="M"+(u+o.TR[0])+","+(v+o.TR[1])+_(o.TR,o.BR)+_(o.BR,o.BL)+_(o.BL,o.TL)+"Z";x.attr("d",w),b(t,o,h);var T=p.castOption(d.textposition,o.pts),k=y.selectAll("g.slicetext").data(o.text&&"none"!==T?[0]:[]);k.enter().append("g").classed("slicetext",!0),k.exit().remove(),k.each((function(){var h=a.ensureSingle(n.select(this),"text","",(function(t){t.attr("data-notex",1)})),p=a.ensureUniformFontSize(t,m(d,o,r.font));h.text(o.text).attr({class:"slicetext",transform:"","text-anchor":"middle"}).call(i.font,p).call(l.convertToTspans,t);var g,y,x,b=i.bBox(h.node()),_=Math.min(o.BL[1],o.BR[1])+v,w=Math.max(o.TL[1],o.TR[1])+v;y=Math.max(o.TL[0],o.BL[0])+u,x=Math.min(o.TR[0],o.BR[0])+u,(g=c(y,x,_,w,b,{isHorizontal:!0,constrained:!0,angle:0,anchor:"middle"})).fontSize=p.size,f(d.type,g,r),e[s].transform=g,h.attr("transform",a.getTextTransform(g))}))}}));var v=n.select(this).selectAll("g.titletext").data(d.title.text?[0]:[]);v.enter().append("g").classed("titletext",!0),v.exit().remove(),v.each((function(){var e=a.ensureSingle(n.select(this),"text","",(function(t){t.attr("data-notex",1)})),c=d.title.text;d._meta&&(c=a.templateString(c,d._meta)),e.text(c).attr({class:"titletext",transform:"","text-anchor":"middle"}).call(i.font,d.title.font).call(l.convertToTspans,t);var u=x(h,r._size);e.attr("transform",s(u.x,u.y)+o(Math.min(1,u.scale))+s(u.tx,u.ty))}))}))}))}},{"../../components/drawing":665,"../../lib":778,"../../lib/svg_text_utils":803,"../bar/plot":932,"../bar/uniform_text":937,"../pie/helpers":1166,"../pie/plot":1170,d3:169}],1064:[function(t,e,r){"use strict";var n=t("d3"),i=t("../pie/style_one"),a=t("../bar/uniform_text").resizeText;e.exports=function(t){var e=t._fullLayout._funnelarealayer.selectAll(".trace");a(t,e,"funnelarea"),e.each((function(t){var e=t[0].trace,r=n.select(this);r.style({opacity:e.opacity}),r.selectAll("path.surface").each((function(t){n.select(this).call(i,t,e)}))}))}},{"../bar/uniform_text":937,"../pie/style_one":1172,d3:169}],1065:[function(t,e,r){"use strict";var n=t("../scatter/attributes"),i=t("../../plots/attributes"),a=t("../../plots/template_attributes").hovertemplateAttrs,o=t("../../components/colorscale/attributes"),s=(t("../../constants/docs").FORMAT_LINK,t("../../lib/extend").extendFlat);e.exports=s({z:{valType:"data_array",editType:"calc"},x:s({},n.x,{impliedEdits:{xtype:"array"}}),x0:s({},n.x0,{impliedEdits:{xtype:"scaled"}}),dx:s({},n.dx,{impliedEdits:{xtype:"scaled"}}),y:s({},n.y,{impliedEdits:{ytype:"array"}}),y0:s({},n.y0,{impliedEdits:{ytype:"scaled"}}),dy:s({},n.dy,{impliedEdits:{ytype:"scaled"}}),xperiod:s({},n.xperiod,{impliedEdits:{xtype:"scaled"}}),yperiod:s({},n.yperiod,{impliedEdits:{ytype:"scaled"}}),xperiod0:s({},n.xperiod0,{impliedEdits:{xtype:"scaled"}}),yperiod0:s({},n.yperiod0,{impliedEdits:{ytype:"scaled"}}),xperiodalignment:s({},n.xperiodalignment,{impliedEdits:{xtype:"scaled"}}),yperiodalignment:s({},n.yperiodalignment,{impliedEdits:{ytype:"scaled"}}),text:{valType:"data_array",editType:"calc"},hovertext:{valType:"data_array",editType:"calc"},transpose:{valType:"boolean",dflt:!1,editType:"calc"},xtype:{valType:"enumerated",values:["array","scaled"],editType:"calc+clearAxisTypes"},ytype:{valType:"enumerated",values:["array","scaled"],editType:"calc+clearAxisTypes"},zsmooth:{valType:"enumerated",values:["fast","best",!1],dflt:!1,editType:"calc"},hoverongaps:{valType:"boolean",dflt:!0,editType:"none"},connectgaps:{valType:"boolean",editType:"calc"},xgap:{valType:"number",dflt:0,min:0,editType:"plot"},ygap:{valType:"number",dflt:0,min:0,editType:"plot"},zhoverformat:{valType:"string",dflt:"",editType:"none"},hovertemplate:a(),showlegend:s({},i.showlegend,{dflt:!1})},{transforms:void 0},o("",{cLetter:"z",autoColorDflt:!1}))},{"../../components/colorscale/attributes":650,"../../constants/docs":748,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../scatter/attributes":1187}],1066:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib"),a=t("../../plots/cartesian/axes"),o=t("../../plots/cartesian/align_period"),s=t("../histogram2d/calc"),l=t("../../components/colorscale/calc"),c=t("./convert_column_xyz"),u=t("./clean_2d_array"),f=t("./interp2d"),h=t("./find_empties"),p=t("./make_bound_array"),d=t("../../constants/numerical").BADNUM;function g(t){for(var e=[],r=t.length,n=0;nD){z("x scale is not linear");break}}if(x.length&&"fast"===I){var R=(x[x.length-1]-x[0])/(x.length-1),F=Math.abs(R/100);for(k=0;kF){z("y scale is not linear");break}}}var B=i.maxRowLength(T),N="scaled"===e.xtype?"":r,j=p(e,N,m,v,B,A),U="scaled"===e.ytype?"":x,V=p(e,U,b,_,T.length,S);L||(e._extremes[A._id]=a.findExtremes(A,j),e._extremes[S._id]=a.findExtremes(S,V));var q={x:j,y:V,z:T,text:e._text||e.text,hovertext:e._hovertext||e.hovertext};if(e.xperiodalignment&&y&&(q.orig_x=y),e.yperiodalignment&&w&&(q.orig_y=w),N&&N.length===j.length-1&&(q.xCenter=N),U&&U.length===V.length-1&&(q.yCenter=U),C&&(q.xRanges=M.xRanges,q.yRanges=M.yRanges,q.pts=M.pts),E||l(t,e,{vals:T,cLetter:"z"}),E&&e.contours&&"heatmap"===e.contours.coloring){var H={type:"contour"===e.type?"heatmap":"histogram2d",xcalendar:e.xcalendar,ycalendar:e.ycalendar};q.xfill=p(H,N,m,v,B,A),q.yfill=p(H,U,b,_,T.length,S)}return[q]}},{"../../components/colorscale/calc":651,"../../constants/numerical":753,"../../lib":778,"../../plots/cartesian/align_period":825,"../../plots/cartesian/axes":828,"../../registry":911,"../histogram2d/calc":1098,"./clean_2d_array":1067,"./convert_column_xyz":1069,"./find_empties":1071,"./interp2d":1074,"./make_bound_array":1075}],1067:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../lib"),a=t("../../constants/numerical").BADNUM;e.exports=function(t,e,r,o){var s,l,c,u,f,h;function p(t){if(n(t))return+t}if(e&&e.transpose){for(s=0,f=0;f=0;o--)(s=((f[[(r=(a=h[o])[0])-1,i=a[1]]]||g)[2]+(f[[r+1,i]]||g)[2]+(f[[r,i-1]]||g)[2]+(f[[r,i+1]]||g)[2])/20)&&(l[a]=[r,i,s],h.splice(o,1),c=!0);if(!c)throw"findEmpties iterated with no new neighbors";for(a in l)f[a]=l[a],u.push(l[a])}return u.sort((function(t,e){return e[2]-t[2]}))}},{"../../lib":778}],1072:[function(t,e,r){"use strict";var n=t("../../components/fx"),i=t("../../lib"),a=t("../../plots/cartesian/axes"),o=t("../../components/colorscale").extractOpts;e.exports=function(t,e,r,s,l,c){var u,f,h,p,d=t.cd[0],g=d.trace,m=t.xa,v=t.ya,y=d.x,x=d.y,b=d.z,_=d.xCenter,w=d.yCenter,T=d.zmask,k=g.zhoverformat,M=y,A=x;if(!1!==t.index){try{h=Math.round(t.index[1]),p=Math.round(t.index[0])}catch(e){return void i.error("Error hovering on heatmap, pointNumber must be [row,col], found:",t.index)}if(h<0||h>=b[0].length||p<0||p>b.length)return}else{if(n.inbox(e-y[0],e-y[y.length-1],0)>0||n.inbox(r-x[0],r-x[x.length-1],0)>0)return;if(c){var S;for(M=[2*y[0]-y[1]],S=1;Sg&&(v=Math.max(v,Math.abs(t[a][o]-d)/(m-g))))}return v}e.exports=function(t,e){var r,i=1;for(o(t,e),r=0;r.01;r++)i=o(t,e,a(i));return i>.01&&n.log("interp2d didn't converge quickly",i),t}},{"../../lib":778}],1075:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib").isArrayOrTypedArray;e.exports=function(t,e,r,a,o,s){var l,c,u,f=[],h=n.traceIs(t,"contour"),p=n.traceIs(t,"histogram"),d=n.traceIs(t,"gl2d");if(i(e)&&e.length>1&&!p&&"category"!==s.type){var g=e.length;if(!(g<=o))return h?e.slice(0,o):e.slice(0,o+1);if(h||d)f=e.slice(0,o);else if(1===o)f=[e[0]-.5,e[0]+.5];else{for(f=[1.5*e[0]-.5*e[1]],u=1;u0;)h=p.c2p(T[y]),y--;for(h0;)v=d.c2p(k[y]),y--;if(v0&&(a=!0);for(var l=0;la){var o=a-r[t];return r[t]=a,o}}return 0},max:function(t,e,r,i){var a=i[e];if(n(a)){if(a=Number(a),!n(r[t]))return r[t]=a,a;if(r[t]c?t>o?t>1.1*i?i:t>1.1*a?a:o:t>s?s:t>l?l:c:Math.pow(10,Math.floor(Math.log(t)/Math.LN10))}function p(t,e,r,n,a,s){if(n&&t>o){var l=d(e,a,s),c=d(r,a,s),u=t===i?0:1;return l[u]!==c[u]}return Math.floor(r/t)-Math.floor(e/t)>.1}function d(t,e,r){var n=e.c2d(t,i,r).split("-");return""===n[0]&&(n.unshift(),n[0]="-"+n[0]),n}e.exports=function(t,e,r,n,a){var s,l,c=-1.1*e,h=-.1*e,p=t-h,d=r[0],g=r[1],m=Math.min(f(d+h,d+p,n,a),f(g+h,g+p,n,a)),v=Math.min(f(d+c,d+h,n,a),f(g+c,g+h,n,a));if(m>v&&vo){var y=s===i?1:6,x=s===i?"M12":"M1";return function(e,r){var o=n.c2d(e,i,a),s=o.indexOf("-",y);s>0&&(o=o.substr(0,s));var c=n.d2c(o,0,a);if(cr.r2l(B)&&(j=o.tickIncrement(j,b.size,!0,p)),O.start=r.l2r(j),F||i.nestedProperty(e,v+".start").set(O.start)}var U=b.end,V=r.r2l(z.end),q=void 0!==V;if((b.endFound||q)&&V!==r.r2l(U)){var H=q?V:i.aggNums(Math.max,null,d);O.end=r.l2r(H),q||i.nestedProperty(e,v+".start").set(O.end)}var G="autobin"+s;return!1===e._input[G]&&(e._input[v]=i.extendFlat({},e[v]||{}),delete e._input[G],delete e[G]),[O,d]}e.exports={calc:function(t,e){var r,a,p,d,g=[],m=[],v=o.getFromId(t,"h"===e.orientation?e.yaxis:e.xaxis),y="h"===e.orientation?"y":"x",x={x:"y",y:"x"}[y],b=e[y+"calendar"],_=e.cumulative,w=h(t,e,v,y),T=w[0],k=w[1],M="string"==typeof T.size,A=[],S=M?A:T,E=[],C=[],L=[],I=0,P=e.histnorm,z=e.histfunc,O=-1!==P.indexOf("density");_.enabled&&O&&(P=P.replace(/ ?density$/,""),O=!1);var D,R="max"===z||"min"===z?null:0,F=l.count,B=c[P],N=!1,j=function(t){return v.r2c(t,0,b)};for(i.isArrayOrTypedArray(e[x])&&"count"!==z&&(D=e[x],N="avg"===z,F=l[z]),r=j(T.start),p=j(T.end)+(r-o.tickIncrement(r,T.size,!1,b))/1e6;r=0&&d=0;n--)s(n);else if("increasing"===e){for(n=1;n=0;n--)t[n]+=t[n+1];"exclude"===r&&(t.push(0),t.shift())}}(m,_.direction,_.currentbin);var J=Math.min(g.length,m.length),K=[],Q=0,$=J-1;for(r=0;r=Q;r--)if(m[r]){$=r;break}for(r=Q;r<=$;r++)if(n(g[r])&&n(m[r])){var tt={p:g[r],s:m[r],b:0};_.enabled||(tt.pts=L[r],G?tt.ph0=tt.ph1=L[r].length?k[L[r][0]]:g[r]:(e._computePh=!0,tt.ph0=q(A[r]),tt.ph1=q(A[r+1],!0))),K.push(tt)}return 1===K.length&&(K[0].width1=o.tickIncrement(K[0].p,T.size,!1,b)-K[0].p),s(K,e),i.isArrayOrTypedArray(e.selectedpoints)&&i.tagSelected(K,e,X),K},calcAllAutoBins:h}},{"../../lib":778,"../../plots/cartesian/axes":828,"../../registry":911,"../bar/arrays_to_calcdata":920,"./average":1085,"./bin_functions":1087,"./bin_label_vals":1088,"./norm_functions":1096,"fast-isnumeric":241}],1090:[function(t,e,r){"use strict";e.exports={eventDataKeys:["binNumber"]}},{}],1091:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../plots/cartesian/axis_ids"),a=t("../../registry").traceIs,o=t("../bar/defaults").handleGroupingDefaults,s=n.nestedProperty,l=t("../../plots/cartesian/constraints").getAxisGroup,c=[{aStr:{x:"xbins.start",y:"ybins.start"},name:"start"},{aStr:{x:"xbins.end",y:"ybins.end"},name:"end"},{aStr:{x:"xbins.size",y:"ybins.size"},name:"size"},{aStr:{x:"nbinsx",y:"nbinsy"},name:"nbins"}],u=["x","y"];e.exports=function(t,e){var r,f,h,p,d,g,m,v=e._histogramBinOpts={},y=[],x={},b=[];function _(t,e){return n.coerce(r._input,r,r._module.attributes,t,e)}function w(t){return"v"===t.orientation?"x":"y"}function T(t,r,a){var o=t.uid+"__"+a;r||(r=o);var s=function(t,r){return i.getFromTrace({_fullLayout:e},t,r).type}(t,a),l=t[a+"calendar"]||"",c=v[r],u=!0;c&&(s===c.axType&&l===c.calendar?(u=!1,c.traces.push(t),c.dirs.push(a)):(r=o,s!==c.axType&&n.warn(["Attempted to group the bins of trace",t.index,"set on a","type:"+s,"axis","with bins on","type:"+c.axType,"axis."].join(" ")),l!==c.calendar&&n.warn(["Attempted to group the bins of trace",t.index,"set with a",l,"calendar","with bins",c.calendar?"on a "+c.calendar+" calendar":"w/o a set calendar"].join(" ")))),u&&(v[r]={traces:[t],dirs:[a],axType:s,calendar:t[a+"calendar"]||""}),t["_"+a+"bingroup"]=r}for(d=0;dS&&T.splice(S,T.length-S),A.length>S&&A.splice(S,A.length-S);var E=[],C=[],L=[],I="string"==typeof w.size,P="string"==typeof M.size,z=[],O=[],D=I?z:w,R=P?O:M,F=0,B=[],N=[],j=e.histnorm,U=e.histfunc,V=-1!==j.indexOf("density"),q="max"===U||"min"===U?null:0,H=a.count,G=o[j],Y=!1,W=[],X=[],Z="z"in e?e.z:"marker"in e&&Array.isArray(e.marker.color)?e.marker.color:"";Z&&"count"!==U&&(Y="avg"===U,H=a[U]);var J=w.size,K=x(w.start),Q=x(w.end)+(K-i.tickIncrement(K,J,!1,v))/1e6;for(r=K;r=0&&p=0&&d0||n.inbox(r-o.y0,r-(o.y0+o.h*s.dy),0)>0)){var u,f=Math.floor((e-o.x0)/s.dx),h=Math.floor(Math.abs(r-o.y0)/s.dy);if(s._hasZ?u=o.z[h][f]:s._hasSource&&(u=s._canvas.el.getContext("2d").getImageData(f,h,1,1).data),u){var p,d=o.hi||s.hoverinfo;if(d){var g=d.split("+");-1!==g.indexOf("all")&&(g=["color"]),-1!==g.indexOf("color")&&(p=!0)}var m,v=a.colormodel[s.colormodel],y=v.colormodel||s.colormodel,x=y.length,b=s._scaler(u),_=v.suffix,w=[];(s.hovertemplate||p)&&(w.push("["+[b[0]+_[0],b[1]+_[1],b[2]+_[2]].join(", ")),4===x&&w.push(", "+b[3]+_[3]),w.push("]"),w=w.join(""),t.extraText=y.toUpperCase()+": "+w),Array.isArray(s.hovertext)&&Array.isArray(s.hovertext[h])?m=s.hovertext[h][f]:Array.isArray(s.text)&&Array.isArray(s.text[h])&&(m=s.text[h][f]);var T=c.c2p(o.y0+(h+.5)*s.dy),k=o.x0+(f+.5)*s.dx,M=o.y0+(h+.5)*s.dy,A="["+u.slice(0,s.colormodel.length).join(", ")+"]";return[i.extendFlat(t,{index:[h,f],x0:l.c2p(o.x0+f*s.dx),x1:l.c2p(o.x0+(f+1)*s.dx),y0:T,y1:T,color:b,xVal:k,xLabelVal:k,yVal:M,yLabelVal:M,zLabelVal:A,text:m,hovertemplateLabels:{zLabel:A,colorLabel:w,"color[0]Label":b[0]+_[0],"color[1]Label":b[1]+_[1],"color[2]Label":b[2]+_[2],"color[3]Label":b[3]+_[3]}})]}}}},{"../../components/fx":683,"../../lib":778,"./constants":1108}],1113:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc"),plot:t("./plot"),style:t("./style"),hoverPoints:t("./hover"),eventData:t("./event_data"),moduleType:"trace",name:"image",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","2dMap","noSortingByValue"],animatable:!1,meta:{}}},{"../../plots/cartesian":841,"./attributes":1106,"./calc":1107,"./defaults":1109,"./event_data":1110,"./hover":1112,"./plot":1114,"./style":1115}],1114:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=i.strTranslate,o=t("../../constants/xmlns_namespaces"),s=t("./constants"),l=i.isIOS()||i.isSafari()||i.isIE();e.exports=function(t,e,r,c){var u=e.xaxis,f=e.yaxis,h=!(l||t._context._exportedPlot);i.makeTraceGroups(c,r,"im").each((function(e){var r=n.select(this),l=e[0],c=l.trace,p=h&&!c._hasZ&&c._hasSource&&"linear"===u.type&&"linear"===f.type;c._fastImage=p;var d,g,m,v,y,x,b=l.z,_=l.x0,w=l.y0,T=l.w,k=l.h,M=c.dx,A=c.dy;for(x=0;void 0===d&&x0;)g=u.c2p(_+x*M),x--;for(x=0;void 0===v&&x0;)y=f.c2p(w+x*A),x--;if(gP[0];if(z||O){var D=d+S/2,R=v+E/2;L+="transform:"+a(D+"px",R+"px")+"scale("+(z?-1:1)+","+(O?-1:1)+")"+a(-D+"px",-R+"px")+";"}}C.attr("style",L);var F=new Promise((function(t){if(c._hasZ)t();else if(c._hasSource)if(c._canvas&&c._canvas.el.width===T&&c._canvas.el.height===k&&c._canvas.source===c.source)t();else{var e=document.createElement("canvas");e.width=T,e.height=k;var r=e.getContext("2d");c._image=c._image||new Image;var n=c._image;n.onload=function(){r.drawImage(n,0,0),c._canvas={el:e,source:c.source},t()},n.setAttribute("src",c.source)}})).then((function(){var t;if(c._hasZ)t=B((function(t,e){return b[e][t]})).toDataURL("image/png");else if(c._hasSource)if(p)t=c.source;else{var e=c._canvas.el.getContext("2d").getImageData(0,0,T,k).data;t=B((function(t,r){var n=4*(r*T+t);return[e[n],e[n+1],e[n+2],e[n+3]]})).toDataURL("image/png")}C.attr({"xlink:href":t,height:E,width:S,x:d,y:v})}));t._promises.push(F)}function B(t){var e=document.createElement("canvas");e.width=S,e.height=E;var r,n=e.getContext("2d"),a=function(t){return i.constrain(Math.round(u.c2p(_+t*M)-d),0,S)},o=function(t){return i.constrain(Math.round(f.c2p(w+t*A)-v),0,E)},h=s.colormodel[c.colormodel],p=h.colormodel||c.colormodel,g=h.fmt;for(x=0;x0}function _(t){t.each((function(t){m.stroke(n.select(this),t.line.color)})).each((function(t){m.fill(n.select(this),t.color)})).style("stroke-width",(function(t){return t.line.width}))}function w(t,e,r){var n=t._fullLayout,a=i.extendFlat({type:"linear",ticks:"outside",range:r,showline:!0},e),o={type:"linear",_id:"x"+e._id},s={letter:"x",font:n.font,noHover:!0,noTickson:!0};function l(t,e){return i.coerce(a,o,g,t,e)}return p(a,o,l,s,n),d(a,o,l,s),o}function T(t,e,r){return[Math.min(e/t.width,r/t.height),t,e+"x"+r]}function k(t,e,r,i){var a=document.createElementNS("http://www.w3.org/2000/svg","text"),o=n.select(a);return o.text(t).attr("x",0).attr("y",0).attr("text-anchor",r).attr("data-unformatted",t).call(f.convertToTspans,i).call(c.font,e),c.bBox(o.node())}function M(t,e,r,n,a,o){var s="_cache"+e;t[s]&&t[s].key===a||(t[s]={key:a,value:r});var l=i.aggNums(o,null,[t[s].value,n],2);return t[s].value=l,l}e.exports=function(t,e,r,p){var d,g=t._fullLayout;b(r)&&p&&(d=p()),i.makeTraceGroups(g._indicatorlayer,e,"trace").each((function(e){var p,A,S,E,C,L=e[0].trace,I=n.select(this),P=L._hasGauge,z=L._isAngular,O=L._isBullet,D=L.domain,R={w:g._size.w*(D.x[1]-D.x[0]),h:g._size.h*(D.y[1]-D.y[0]),l:g._size.l+g._size.w*D.x[0],r:g._size.r+g._size.w*(1-D.x[1]),t:g._size.t+g._size.h*(1-D.y[1]),b:g._size.b+g._size.h*D.y[0]},F=R.l+R.w/2,B=R.t+R.h/2,N=Math.min(R.w/2,R.h),j=u.innerRadius*N,U=L.align||"center";if(A=B,P){if(z&&(p=F,A=B+N/2,S=function(t){return function(t,e){var r=Math.sqrt(t.width/2*(t.width/2)+t.height*t.height);return[e/r,t,e]}(t,.9*j)}),O){var V=u.bulletPadding,q=1-u.bulletNumberDomainSize+V;p=R.l+(q+(1-q)*y[U])*R.w,S=function(t){return T(t,(u.bulletNumberDomainSize-V)*R.w,R.h)}}}else p=R.l+y[U]*R.w,S=function(t){return T(t,R.w,R.h)};!function(t,e,r,s){var l,u,p,d=r[0].trace,g=s.numbersX,_=s.numbersY,T=d.align||"center",A=v[T],S=s.transitionOpts,E=s.onComplete,C=i.ensureSingle(e,"g","numbers"),L=[];d._hasNumber&&L.push("number");d._hasDelta&&(L.push("delta"),"left"===d.delta.position&&L.reverse());var I=C.selectAll("text").data(L);function P(e,r,n,i){if(!e.match("s")||n>=0==i>=0||r(n).slice(-1).match(x)||r(i).slice(-1).match(x))return r;var a=e.slice().replace("s","f").replace(/\d+/,(function(t){return parseInt(t)-1})),o=w(t,{tickformat:a});return function(t){return Math.abs(t)<1?h.tickText(o,t).text:r(t)}}I.enter().append("text"),I.attr("text-anchor",(function(){return A})).attr("class",(function(t){return t})).attr("x",null).attr("y",null).attr("dx",null).attr("dy",null),I.exit().remove();var z,O=d.mode+d.align;d._hasDelta&&(z=function(){var e=w(t,{tickformat:d.delta.valueformat},d._range);e.setScale(),h.prepTicks(e);var i=function(t){return h.tickText(e,t).text},a=function(t){return d.delta.relative?t.relativeDelta:t.delta},o=function(t,e){return 0===t||"number"!=typeof t||isNaN(t)?"-":(t>0?d.delta.increasing.symbol:d.delta.decreasing.symbol)+e(t)},s=function(t){return t.delta>=0?d.delta.increasing.color:d.delta.decreasing.color};void 0===d._deltaLastValue&&(d._deltaLastValue=a(r[0]));var l=C.select("text.delta");function p(){l.text(o(a(r[0]),i)).call(m.fill,s(r[0])).call(f.convertToTspans,t)}return l.call(c.font,d.delta.font).call(m.fill,s({delta:d._deltaLastValue})),b(S)?l.transition().duration(S.duration).ease(S.easing).tween("text",(function(){var t=n.select(this),e=a(r[0]),l=d._deltaLastValue,c=P(d.delta.valueformat,i,l,e),u=n.interpolateNumber(l,e);return d._deltaLastValue=e,function(e){t.text(o(u(e),c)),t.call(m.fill,s({delta:u(e)}))}})).each("end",(function(){p(),E&&E()})).each("interrupt",(function(){p(),E&&E()})):p(),u=k(o(a(r[0]),i),d.delta.font,A,t),l}(),O+=d.delta.position+d.delta.font.size+d.delta.font.family+d.delta.valueformat,O+=d.delta.increasing.symbol+d.delta.decreasing.symbol,p=u);d._hasNumber&&(!function(){var e=w(t,{tickformat:d.number.valueformat},d._range);e.setScale(),h.prepTicks(e);var i=function(t){return h.tickText(e,t).text},a=d.number.suffix,o=d.number.prefix,s=C.select("text.number");function u(){var e="number"==typeof r[0].y?o+i(r[0].y)+a:"-";s.text(e).call(c.font,d.number.font).call(f.convertToTspans,t)}b(S)?s.transition().duration(S.duration).ease(S.easing).each("end",(function(){u(),E&&E()})).each("interrupt",(function(){u(),E&&E()})).attrTween("text",(function(){var t=n.select(this),e=n.interpolateNumber(r[0].lastY,r[0].y);d._lastValue=r[0].y;var s=P(d.number.valueformat,i,r[0].lastY,r[0].y);return function(r){t.text(o+s(e(r))+a)}})):u(),l=k(o+i(r[0].y)+a,d.number.font,A,t)}(),O+=d.number.font.size+d.number.font.family+d.number.valueformat+d.number.suffix+d.number.prefix,p=l);if(d._hasDelta&&d._hasNumber){var D,R,F=[(l.left+l.right)/2,(l.top+l.bottom)/2],B=[(u.left+u.right)/2,(u.top+u.bottom)/2],N=.75*d.delta.font.size;"left"===d.delta.position&&(D=M(d,"deltaPos",0,-1*(l.width*y[d.align]+u.width*(1-y[d.align])+N),O,Math.min),R=F[1]-B[1],p={width:l.width+u.width+N,height:Math.max(l.height,u.height),left:u.left+D,right:l.right,top:Math.min(l.top,u.top+R),bottom:Math.max(l.bottom,u.bottom+R)}),"right"===d.delta.position&&(D=M(d,"deltaPos",0,l.width*(1-y[d.align])+u.width*y[d.align]+N,O,Math.max),R=F[1]-B[1],p={width:l.width+u.width+N,height:Math.max(l.height,u.height),left:l.left,right:u.right+D,top:Math.min(l.top,u.top+R),bottom:Math.max(l.bottom,u.bottom+R)}),"bottom"===d.delta.position&&(D=null,R=u.height,p={width:Math.max(l.width,u.width),height:l.height+u.height,left:Math.min(l.left,u.left),right:Math.max(l.right,u.right),top:l.bottom-l.height,bottom:l.bottom+u.height}),"top"===d.delta.position&&(D=null,R=l.top,p={width:Math.max(l.width,u.width),height:l.height+u.height,left:Math.min(l.left,u.left),right:Math.max(l.right,u.right),top:l.bottom-l.height-u.height,bottom:l.bottom}),z.attr({dx:D,dy:R})}(d._hasNumber||d._hasDelta)&&C.attr("transform",(function(){var t=s.numbersScaler(p);O+=t[2];var e,r=M(d,"numbersScale",1,t[0],O,Math.min);d._scaleNumbers||(r=1),e=d._isAngular?_-r*p.bottom:_-r*(p.top+p.bottom)/2,d._numbersTop=r*p.top+e;var n=p[T];"center"===T&&(n=(p.left+p.right)/2);var i=g-r*n;return i=M(d,"numbersTranslate",0,i,O,Math.max),o(i,e)+a(r)}))}(t,I,e,{numbersX:p,numbersY:A,numbersScaler:S,transitionOpts:r,onComplete:d}),P&&(E={range:L.gauge.axis.range,color:L.gauge.bgcolor,line:{color:L.gauge.bordercolor,width:0},thickness:1},C={range:L.gauge.axis.range,color:"rgba(0, 0, 0, 0)",line:{color:L.gauge.bordercolor,width:L.gauge.borderwidth},thickness:1});var H=I.selectAll("g.angular").data(z?e:[]);H.exit().remove();var G=I.selectAll("g.angularaxis").data(z?e:[]);G.exit().remove(),z&&function(t,e,r,i){var a,c,u,f,p=r[0].trace,d=i.size,g=i.radius,m=i.innerRadius,v=i.gaugeBg,y=i.gaugeOutline,x=[d.l+d.w/2,d.t+d.h/2+g/2],T=i.gauge,k=i.layer,M=i.transitionOpts,A=i.onComplete,S=Math.PI/2;function E(t){var e=p.gauge.axis.range[0],r=(t-e)/(p.gauge.axis.range[1]-e)*Math.PI-S;return r<-S?-S:r>S?S:r}function C(t){return n.svg.arc().innerRadius((m+g)/2-t/2*(g-m)).outerRadius((m+g)/2+t/2*(g-m)).startAngle(-S)}function L(t){t.attr("d",(function(t){return C(t.thickness).startAngle(E(t.range[0])).endAngle(E(t.range[1]))()}))}T.enter().append("g").classed("angular",!0),T.attr("transform",o(x[0],x[1])),k.enter().append("g").classed("angularaxis",!0).classed("crisp",!0),k.selectAll("g.xangularaxistick,path,text").remove(),(a=w(t,p.gauge.axis)).type="linear",a.range=p.gauge.axis.range,a._id="xangularaxis",a.setScale();var I=function(t){return(a.range[0]-t.x)/(a.range[1]-a.range[0])*Math.PI+Math.PI},P={},z=h.makeLabelFns(a,0).labelStandoff;P.xFn=function(t){var e=I(t);return Math.cos(e)*z},P.yFn=function(t){var e=I(t),r=Math.sin(e)>0?.2:1;return-Math.sin(e)*(z+t.fontSize*r)+Math.abs(Math.cos(e))*(t.fontSize*l)},P.anchorFn=function(t){var e=I(t),r=Math.cos(e);return Math.abs(r)<.1?"middle":r>0?"start":"end"},P.heightFn=function(t,e,r){var n=I(t);return-.5*(1+Math.sin(n))*r};var O=function(t){return o(x[0]+g*Math.cos(t),x[1]-g*Math.sin(t))};u=function(t){return O(I(t))};if(c=h.calcTicks(a),f=h.getTickSigns(a)[2],a.visible){f="inside"===a.ticks?-1:1;var D=(a.linewidth||1)/2;h.drawTicks(t,a,{vals:c,layer:k,path:"M"+f*D+",0h"+f*a.ticklen,transFn:function(t){var e=I(t);return O(e)+"rotate("+-s(e)+")"}}),h.drawLabels(t,a,{vals:c,layer:k,transFn:u,labelFns:P})}var R=[v].concat(p.gauge.steps),F=T.selectAll("g.bg-arc").data(R);F.enter().append("g").classed("bg-arc",!0).append("path"),F.select("path").call(L).call(_),F.exit().remove();var B=C(p.gauge.bar.thickness),N=T.selectAll("g.value-arc").data([p.gauge.bar]);N.enter().append("g").classed("value-arc",!0).append("path");var j=N.select("path");b(M)?(j.transition().duration(M.duration).ease(M.easing).each("end",(function(){A&&A()})).each("interrupt",(function(){A&&A()})).attrTween("d",(U=B,V=E(r[0].lastY),q=E(r[0].y),function(){var t=n.interpolate(V,q);return function(e){return U.endAngle(t(e))()}})),p._lastValue=r[0].y):j.attr("d","number"==typeof r[0].y?B.endAngle(E(r[0].y)):"M0,0Z");var U,V,q;j.call(_),N.exit().remove(),R=[];var H=p.gauge.threshold.value;H&&R.push({range:[H,H],color:p.gauge.threshold.color,line:{color:p.gauge.threshold.line.color,width:p.gauge.threshold.line.width},thickness:p.gauge.threshold.thickness});var G=T.selectAll("g.threshold-arc").data(R);G.enter().append("g").classed("threshold-arc",!0).append("path"),G.select("path").call(L).call(_),G.exit().remove();var Y=T.selectAll("g.gauge-outline").data([y]);Y.enter().append("g").classed("gauge-outline",!0).append("path"),Y.select("path").call(L).call(_),Y.exit().remove()}(t,0,e,{radius:N,innerRadius:j,gauge:H,layer:G,size:R,gaugeBg:E,gaugeOutline:C,transitionOpts:r,onComplete:d});var Y=I.selectAll("g.bullet").data(O?e:[]);Y.exit().remove();var W=I.selectAll("g.bulletaxis").data(O?e:[]);W.exit().remove(),O&&function(t,e,r,n){var i,a,s,l,c,f=r[0].trace,p=n.gauge,d=n.layer,g=n.gaugeBg,v=n.gaugeOutline,y=n.size,x=f.domain,T=n.transitionOpts,k=n.onComplete;p.enter().append("g").classed("bullet",!0),p.attr("transform",o(y.l,y.t)),d.enter().append("g").classed("bulletaxis",!0).classed("crisp",!0),d.selectAll("g.xbulletaxistick,path,text").remove();var M=y.h,A=f.gauge.bar.thickness*M,S=x.x[0],E=x.x[0]+(x.x[1]-x.x[0])*(f._hasNumber||f._hasDelta?1-u.bulletNumberDomainSize:1);(i=w(t,f.gauge.axis))._id="xbulletaxis",i.domain=[S,E],i.setScale(),a=h.calcTicks(i),s=h.makeTransTickFn(i),l=h.getTickSigns(i)[2],c=y.t+y.h,i.visible&&(h.drawTicks(t,i,{vals:"inside"===i.ticks?h.clipEnds(i,a):a,layer:d,path:h.makeTickPath(i,c,l),transFn:s}),h.drawLabels(t,i,{vals:a,layer:d,transFn:s,labelFns:h.makeLabelFns(i,c)}));function C(t){t.attr("width",(function(t){return Math.max(0,i.c2p(t.range[1])-i.c2p(t.range[0]))})).attr("x",(function(t){return i.c2p(t.range[0])})).attr("y",(function(t){return.5*(1-t.thickness)*M})).attr("height",(function(t){return t.thickness*M}))}var L=[g].concat(f.gauge.steps),I=p.selectAll("g.bg-bullet").data(L);I.enter().append("g").classed("bg-bullet",!0).append("rect"),I.select("rect").call(C).call(_),I.exit().remove();var P=p.selectAll("g.value-bullet").data([f.gauge.bar]);P.enter().append("g").classed("value-bullet",!0).append("rect"),P.select("rect").attr("height",A).attr("y",(M-A)/2).call(_),b(T)?P.select("rect").transition().duration(T.duration).ease(T.easing).each("end",(function(){k&&k()})).each("interrupt",(function(){k&&k()})).attr("width",Math.max(0,i.c2p(Math.min(f.gauge.axis.range[1],r[0].y)))):P.select("rect").attr("width","number"==typeof r[0].y?Math.max(0,i.c2p(Math.min(f.gauge.axis.range[1],r[0].y))):0);P.exit().remove();var z=r.filter((function(){return f.gauge.threshold.value})),O=p.selectAll("g.threshold-bullet").data(z);O.enter().append("g").classed("threshold-bullet",!0).append("line"),O.select("line").attr("x1",i.c2p(f.gauge.threshold.value)).attr("x2",i.c2p(f.gauge.threshold.value)).attr("y1",(1-f.gauge.threshold.thickness)/2*M).attr("y2",(1-(1-f.gauge.threshold.thickness)/2)*M).call(m.stroke,f.gauge.threshold.line.color).style("stroke-width",f.gauge.threshold.line.width),O.exit().remove();var D=p.selectAll("g.gauge-outline").data([v]);D.enter().append("g").classed("gauge-outline",!0).append("rect"),D.select("rect").call(C).call(_),D.exit().remove()}(t,0,e,{gauge:Y,layer:W,size:R,gaugeBg:E,gaugeOutline:C,transitionOpts:r,onComplete:d});var X=I.selectAll("text.title").data(e);X.exit().remove(),X.enter().append("text").classed("title",!0),X.attr("text-anchor",(function(){return O?v.right:v[L.title.align]})).text(L.title.text).call(c.font,L.title.font).call(f.convertToTspans,t),X.attr("transform",(function(){var t,e=R.l+R.w*y[L.title.align],r=u.titlePadding,n=c.bBox(X.node());if(P){if(z)if(L.gauge.axis.visible)t=c.bBox(G.node()).top-r-n.bottom;else t=R.t+R.h/2-N/2-n.bottom-r;O&&(t=A-(n.top+n.bottom)/2,e=R.l-u.bulletPadding*R.w)}else t=L._numbersTop-r-n.bottom;return o(e,t)}))}))}},{"../../components/color":643,"../../components/drawing":665,"../../constants/alignment":745,"../../lib":778,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"../../plots/cartesian/axis_defaults":830,"../../plots/cartesian/layout_attributes":842,"../../plots/cartesian/position_defaults":845,"./constants":1119,d3:169}],1123:[function(t,e,r){"use strict";var n=t("../../components/colorscale/attributes"),i=t("../../plots/template_attributes").hovertemplateAttrs,a=t("../mesh3d/attributes"),o=t("../../plots/attributes"),s=t("../../lib/extend").extendFlat,l=t("../../plot_api/edit_types").overrideAll;var c=e.exports=l(s({x:{valType:"data_array"},y:{valType:"data_array"},z:{valType:"data_array"},value:{valType:"data_array"},isomin:{valType:"number"},isomax:{valType:"number"},surface:{show:{valType:"boolean",dflt:!0},count:{valType:"integer",dflt:2,min:1},fill:{valType:"number",min:0,max:1,dflt:1},pattern:{valType:"flaglist",flags:["A","B","C","D","E"],extras:["all","odd","even"],dflt:"all"}},spaceframe:{show:{valType:"boolean",dflt:!1},fill:{valType:"number",min:0,max:1,dflt:.15}},slices:{x:{show:{valType:"boolean",dflt:!1},locations:{valType:"data_array",dflt:[]},fill:{valType:"number",min:0,max:1,dflt:1}},y:{show:{valType:"boolean",dflt:!1},locations:{valType:"data_array",dflt:[]},fill:{valType:"number",min:0,max:1,dflt:1}},z:{show:{valType:"boolean",dflt:!1},locations:{valType:"data_array",dflt:[]},fill:{valType:"number",min:0,max:1,dflt:1}}},caps:{x:{show:{valType:"boolean",dflt:!0},fill:{valType:"number",min:0,max:1,dflt:1}},y:{show:{valType:"boolean",dflt:!0},fill:{valType:"number",min:0,max:1,dflt:1}},z:{show:{valType:"boolean",dflt:!0},fill:{valType:"number",min:0,max:1,dflt:1}}},text:{valType:"string",dflt:"",arrayOk:!0},hovertext:{valType:"string",dflt:"",arrayOk:!0},hovertemplate:i(),showlegend:s({},o.showlegend,{dflt:!1})},n("",{colorAttr:"`value`",showScaleDflt:!0,editTypeOverride:"calc"}),{opacity:a.opacity,lightposition:a.lightposition,lighting:a.lighting,flatshading:a.flatshading,contour:a.contour,hoverinfo:s({},o.hoverinfo)}),"calc","nested");c.flatshading.dflt=!0,c.lighting.facenormalsepsilon.dflt=0,c.x.editType=c.y.editType=c.z.editType=c.value.editType="calc+clearAxisTypes",c.transforms=void 0},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plot_api/edit_types":810,"../../plots/attributes":824,"../../plots/template_attributes":906,"../mesh3d/attributes":1128}],1124:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc"),i=t("../streamtube/calc").processGrid,a=t("../streamtube/calc").filter;e.exports=function(t,e){e._len=Math.min(e.x.length,e.y.length,e.z.length,e.value.length),e._x=a(e.x,e._len),e._y=a(e.y,e._len),e._z=a(e.z,e._len),e._value=a(e.value,e._len);var r=i(e);e._gridFill=r.fill,e._Xs=r.Xs,e._Ys=r.Ys,e._Zs=r.Zs,e._len=r.len;for(var o=1/0,s=-1/0,l=0;l0;r--){var n=Math.min(e[r],e[r-1]),i=Math.max(e[r],e[r-1]);if(i>n&&n-1}function R(t,e){return null===t?e:t}function F(e,r,n){L();var i,a,o,l=[r],c=[n];if(s>=1)l=[r],c=[n];else if(s>0){var u=function(t,e){var r=t[0],n=t[1],i=t[2],a=function(t,e,r){for(var n=[],i=0;i-1?n[p]:C(d,g,v);h[p]=x>-1?x:P(d,g,v,R(e,y))}i=h[0],a=h[1],o=h[2],t._meshI.push(i),t._meshJ.push(a),t._meshK.push(o),++m}}function B(t,e,r,n){var i=t[3];in&&(i=n);for(var a=(t[3]-i)/(t[3]-e[3]+1e-9),o=[],s=0;s<4;s++)o[s]=(1-a)*t[s]+a*e[s];return o}function N(t,e,r){return t>=e&&t<=r}function j(t){var e=.001*(E-S);return t>=S-e&&t<=E+e}function U(e){for(var r=[],n=0;n<4;n++){var i=e[n];r.push([t._x[i],t._y[i],t._z[i],t._value[i]])}return r}function V(t,e,r,n,i,a){a||(a=1),r=[-1,-1,-1];var o=!1,s=[N(e[0][3],n,i),N(e[1][3],n,i),N(e[2][3],n,i)];if(!s[0]&&!s[1]&&!s[2])return!1;var l=function(t,e,r){return j(e[0][3])&&j(e[1][3])&&j(e[2][3])?(F(t,e,r),!0):a<3&&V(t,e,r,S,E,++a)};if(s[0]&&s[1]&&s[2])return l(t,e,r)||o;var c=!1;return[[0,1,2],[2,0,1],[1,2,0]].forEach((function(a){if(s[a[0]]&&s[a[1]]&&!s[a[2]]){var u=e[a[0]],f=e[a[1]],h=e[a[2]],p=B(h,u,n,i),d=B(h,f,n,i);o=l(t,[d,p,u],[-1,-1,r[a[0]]])||o,o=l(t,[u,f,d],[r[a[0]],r[a[1]],-1])||o,c=!0}})),c||[[0,1,2],[1,2,0],[2,0,1]].forEach((function(a){if(s[a[0]]&&!s[a[1]]&&!s[a[2]]){var u=e[a[0]],f=e[a[1]],h=e[a[2]],p=B(f,u,n,i),d=B(h,u,n,i);o=l(t,[d,p,u],[-1,-1,r[a[0]]])||o,c=!0}})),o}function q(t,e,r,n){var i=!1,a=U(e),o=[N(a[0][3],r,n),N(a[1][3],r,n),N(a[2][3],r,n),N(a[3][3],r,n)];if(!(o[0]||o[1]||o[2]||o[3]))return i;if(o[0]&&o[1]&&o[2]&&o[3])return g&&(i=function(t,e,r){var n=function(n,i,a){F(t,[e[n],e[i],e[a]],[r[n],r[i],r[a]])};n(0,1,2),n(3,0,1),n(2,3,0),n(1,2,3)}(t,a,e)||i),i;var s=!1;return[[0,1,2,3],[3,0,1,2],[2,3,0,1],[1,2,3,0]].forEach((function(l){if(o[l[0]]&&o[l[1]]&&o[l[2]]&&!o[l[3]]){var c=a[l[0]],u=a[l[1]],f=a[l[2]],h=a[l[3]];if(g)i=F(t,[c,u,f],[e[l[0]],e[l[1]],e[l[2]]])||i;else{var p=B(h,c,r,n),d=B(h,u,r,n),m=B(h,f,r,n);i=F(null,[p,d,m],[-1,-1,-1])||i}s=!0}})),s?i:([[0,1,2,3],[1,2,3,0],[2,3,0,1],[3,0,1,2],[0,2,3,1],[1,3,2,0]].forEach((function(l){if(o[l[0]]&&o[l[1]]&&!o[l[2]]&&!o[l[3]]){var c=a[l[0]],u=a[l[1]],f=a[l[2]],h=a[l[3]],p=B(f,c,r,n),d=B(f,u,r,n),m=B(h,u,r,n),v=B(h,c,r,n);g?(i=F(t,[c,v,p],[e[l[0]],-1,-1])||i,i=F(t,[u,d,m],[e[l[1]],-1,-1])||i):i=function(t,e,r){var n=function(n,i,a){F(t,[e[n],e[i],e[a]],[r[n],r[i],r[a]])};n(0,1,2),n(2,3,0)}(null,[p,d,m,v],[-1,-1,-1,-1])||i,s=!0}})),s||[[0,1,2,3],[1,2,3,0],[2,3,0,1],[3,0,1,2]].forEach((function(l){if(o[l[0]]&&!o[l[1]]&&!o[l[2]]&&!o[l[3]]){var c=a[l[0]],u=a[l[1]],f=a[l[2]],h=a[l[3]],p=B(u,c,r,n),d=B(f,c,r,n),m=B(h,c,r,n);g?(i=F(t,[c,p,d],[e[l[0]],-1,-1])||i,i=F(t,[c,d,m],[e[l[0]],-1,-1])||i,i=F(t,[c,m,p],[e[l[0]],-1,-1])||i):i=F(null,[p,d,m],[-1,-1,-1])||i,s=!0}})),i)}function H(t,e,r,n,i,a,o,s,l,c,u){var f=!1;return d&&(D(t,"A")&&(f=q(null,[e,r,n,a],c,u)||f),D(t,"B")&&(f=q(null,[r,n,i,l],c,u)||f),D(t,"C")&&(f=q(null,[r,a,o,l],c,u)||f),D(t,"D")&&(f=q(null,[n,a,s,l],c,u)||f),D(t,"E")&&(f=q(null,[r,n,a,l],c,u)||f)),g&&(f=q(t,[r,n,a,l],c,u)||f),f}function G(t,e,r,n,i,a,o,s){return[!0===s[0]||V(t,U([e,r,n]),[e,r,n],a,o),!0===s[1]||V(t,U([n,i,e]),[n,i,e],a,o)]}function Y(t,e,r,n,i,a,o,s,l){return s?G(t,e,r,i,n,a,o,l):G(t,r,i,n,e,a,o,l)}function W(t,e,r,n,i,a,o){var s,l,c,u,f=!1,h=function(){f=V(t,[s,l,c],[-1,-1,-1],i,a)||f,f=V(t,[c,u,s],[-1,-1,-1],i,a)||f},p=o[0],d=o[1],g=o[2];return p&&(s=z(U([k(e,r-0,n-0)])[0],U([k(e-1,r-0,n-0)])[0],p),l=z(U([k(e,r-0,n-1)])[0],U([k(e-1,r-0,n-1)])[0],p),c=z(U([k(e,r-1,n-1)])[0],U([k(e-1,r-1,n-1)])[0],p),u=z(U([k(e,r-1,n-0)])[0],U([k(e-1,r-1,n-0)])[0],p),h()),d&&(s=z(U([k(e-0,r,n-0)])[0],U([k(e-0,r-1,n-0)])[0],d),l=z(U([k(e-0,r,n-1)])[0],U([k(e-0,r-1,n-1)])[0],d),c=z(U([k(e-1,r,n-1)])[0],U([k(e-1,r-1,n-1)])[0],d),u=z(U([k(e-1,r,n-0)])[0],U([k(e-1,r-1,n-0)])[0],d),h()),g&&(s=z(U([k(e-0,r-0,n)])[0],U([k(e-0,r-0,n-1)])[0],g),l=z(U([k(e-0,r-1,n)])[0],U([k(e-0,r-1,n-1)])[0],g),c=z(U([k(e-1,r-1,n)])[0],U([k(e-1,r-1,n-1)])[0],g),u=z(U([k(e-1,r-0,n)])[0],U([k(e-1,r-0,n-1)])[0],g),h()),f}function X(t,e,r,n,i,a,o,s,l,c,u,f){var h=t;return f?(d&&"even"===t&&(h=null),H(h,e,r,n,i,a,o,s,l,c,u)):(d&&"odd"===t&&(h=null),H(h,l,s,o,a,i,n,r,e,c,u))}function Z(t,e,r,n,i){for(var a=[],o=0,s=0;sMath.abs(d-A)?[M,d]:[d,A];$(e,T[0],T[1])}}var C=[[Math.min(S,A),Math.max(S,A)],[Math.min(M,E),Math.max(M,E)]];["x","y","z"].forEach((function(e){for(var r=[],n=0;n0&&(u.push(p.id),"x"===e?f.push([p.distRatio,0,0]):"y"===e?f.push([0,p.distRatio,0]):f.push([0,0,p.distRatio]))}else c=nt(1,"x"===e?b-1:"y"===e?_-1:w-1);u.length>0&&(r[i]="x"===e?tt(null,u,a,o,f,r[i]):"y"===e?et(null,u,a,o,f,r[i]):rt(null,u,a,o,f,r[i]),i++),c.length>0&&(r[i]="x"===e?Z(null,c,a,o,r[i]):"y"===e?J(null,c,a,o,r[i]):K(null,c,a,o,r[i]),i++)}var d=t.caps[e];d.show&&d.fill&&(O(d.fill),r[i]="x"===e?Z(null,[0,b-1],a,o,r[i]):"y"===e?J(null,[0,_-1],a,o,r[i]):K(null,[0,w-1],a,o,r[i]),i++)}})),0===m&&I(),t._meshX=n,t._meshY=i,t._meshZ=a,t._meshIntensity=o,t._Xs=v,t._Ys=y,t._Zs=x}(),t}e.exports={findNearestOnAxis:l,generateIsoMeshes:h,createIsosurfaceTrace:function(t,e){var r=t.glplot.gl,i=n({gl:r}),a=new c(t,i,e.uid);return i._trace=a,a.update(e),t.glplot.add(i),a}}},{"../../components/colorscale":655,"../../lib/gl_format_color":774,"../../lib/str2rgbarray":802,"../../plots/gl3d/zip3":881,"gl-mesh3d":309}],1126:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry"),a=t("./attributes"),o=t("../../components/colorscale/defaults");function s(t,e,r,n,a){var s=a("isomin"),l=a("isomax");null!=l&&null!=s&&s>l&&(e.isomin=null,e.isomax=null);var c=a("x"),u=a("y"),f=a("z"),h=a("value");c&&c.length&&u&&u.length&&f&&f.length&&h&&h.length?(i.getComponentMethod("calendars","handleTraceDefaults")(t,e,["x","y","z"],n),["x","y","z"].forEach((function(t){var e="caps."+t;a(e+".show")&&a(e+".fill");var r="slices."+t;a(r+".show")&&(a(r+".fill"),a(r+".locations"))})),a("spaceframe.show")&&a("spaceframe.fill"),a("surface.show")&&(a("surface.count"),a("surface.fill"),a("surface.pattern")),a("contour.show")&&(a("contour.color"),a("contour.width")),["text","hovertext","hovertemplate","lighting.ambient","lighting.diffuse","lighting.specular","lighting.roughness","lighting.fresnel","lighting.vertexnormalsepsilon","lighting.facenormalsepsilon","lightposition.x","lightposition.y","lightposition.z","flatshading","opacity"].forEach((function(t){a(t)})),o(t,e,n,a,{prefix:"",cLetter:"c"}),e._length=null):e.visible=!1}e.exports={supplyDefaults:function(t,e,r,i){s(t,e,r,i,(function(r,i){return n.coerce(t,e,a,r,i)}))},supplyIsoDefaults:s}},{"../../components/colorscale/defaults":653,"../../lib":778,"../../registry":911,"./attributes":1123}],1127:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults").supplyDefaults,calc:t("./calc"),colorbar:{min:"cmin",max:"cmax"},plot:t("./convert").createIsosurfaceTrace,moduleType:"trace",name:"isosurface",basePlotModule:t("../../plots/gl3d"),categories:["gl3d","showLegend"],meta:{}}},{"../../plots/gl3d":870,"./attributes":1123,"./calc":1124,"./convert":1125,"./defaults":1126}],1128:[function(t,e,r){"use strict";var n=t("../../components/colorscale/attributes"),i=t("../../plots/template_attributes").hovertemplateAttrs,a=t("../surface/attributes"),o=t("../../plots/attributes"),s=t("../../lib/extend").extendFlat;e.exports=s({x:{valType:"data_array",editType:"calc+clearAxisTypes"},y:{valType:"data_array",editType:"calc+clearAxisTypes"},z:{valType:"data_array",editType:"calc+clearAxisTypes"},i:{valType:"data_array",editType:"calc"},j:{valType:"data_array",editType:"calc"},k:{valType:"data_array",editType:"calc"},text:{valType:"string",dflt:"",arrayOk:!0,editType:"calc"},hovertext:{valType:"string",dflt:"",arrayOk:!0,editType:"calc"},hovertemplate:i({editType:"calc"}),delaunayaxis:{valType:"enumerated",values:["x","y","z"],dflt:"z",editType:"calc"},alphahull:{valType:"number",dflt:-1,editType:"calc"},intensity:{valType:"data_array",editType:"calc"},intensitymode:{valType:"enumerated",values:["vertex","cell"],dflt:"vertex",editType:"calc"},color:{valType:"color",editType:"calc"},vertexcolor:{valType:"data_array",editType:"calc"},facecolor:{valType:"data_array",editType:"calc"},transforms:void 0},n("",{colorAttr:"`intensity`",showScaleDflt:!0,editTypeOverride:"calc"}),{opacity:a.opacity,flatshading:{valType:"boolean",dflt:!1,editType:"calc"},contour:{show:s({},a.contours.x.show,{}),color:a.contours.x.color,width:a.contours.x.width,editType:"calc"},lightposition:{x:s({},a.lightposition.x,{dflt:1e5}),y:s({},a.lightposition.y,{dflt:1e5}),z:s({},a.lightposition.z,{dflt:0}),editType:"calc"},lighting:s({vertexnormalsepsilon:{valType:"number",min:0,max:1,dflt:1e-12,editType:"calc"},facenormalsepsilon:{valType:"number",min:0,max:1,dflt:1e-6,editType:"calc"},editType:"calc"},a.lighting),hoverinfo:s({},o.hoverinfo,{editType:"calc"}),showlegend:s({},o.showlegend,{dflt:!1})})},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../surface/attributes":1311}],1129:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc");e.exports=function(t,e){e.intensity&&n(t,e,{vals:e.intensity,containerStr:"",cLetter:"c"})}},{"../../components/colorscale/calc":651}],1130:[function(t,e,r){"use strict";var n=t("gl-mesh3d"),i=t("delaunay-triangulate"),a=t("alpha-shape"),o=t("convex-hull"),s=t("../../lib/gl_format_color").parseColorScale,l=t("../../lib/str2rgbarray"),c=t("../../components/colorscale").extractOpts,u=t("../../plots/gl3d/zip3");function f(t,e,r){this.scene=t,this.uid=r,this.mesh=e,this.name="",this.color="#fff",this.data=null,this.showContour=!1}var h=f.prototype;function p(t){for(var e=[],r=t.length,n=0;n=e-.5)return!1;return!0}h.handlePick=function(t){if(t.object===this.mesh){var e=t.index=t.data.index;t.data._cellCenter?t.traceCoordinate=t.data.dataCoordinate:t.traceCoordinate=[this.data.x[e],this.data.y[e],this.data.z[e]];var r=this.data.hovertext||this.data.text;return Array.isArray(r)&&void 0!==r[e]?t.textLabel=r[e]:r&&(t.textLabel=r),!0}},h.update=function(t){var e=this.scene,r=e.fullSceneLayout;this.data=t;var n,f=t.x.length,h=u(d(r.xaxis,t.x,e.dataScale[0],t.xcalendar),d(r.yaxis,t.y,e.dataScale[1],t.ycalendar),d(r.zaxis,t.z,e.dataScale[2],t.zcalendar));if(t.i&&t.j&&t.k){if(t.i.length!==t.j.length||t.j.length!==t.k.length||!m(t.i,f)||!m(t.j,f)||!m(t.k,f))return;n=u(g(t.i),g(t.j),g(t.k))}else n=0===t.alphahull?o(h):t.alphahull>0?a(t.alphahull,h):function(t,e){for(var r=["x","y","z"].indexOf(t),n=[],a=e.length,o=0;ov):m=M>w,v=M;var A=c(w,T,k,M);A.pos=_,A.yc=(w+M)/2,A.i=b,A.dir=m?"increasing":"decreasing",A.x=A.pos,A.y=[k,T],y&&(A.orig_p=r[b]),d&&(A.tx=e.text[b]),g&&(A.htx=e.hovertext[b]),x.push(A)}else x.push({pos:_,empty:!0})}return e._extremes[l._id]=a.findExtremes(l,n.concat(h,f),{padded:!0}),x.length&&(x[0].t={labels:{open:i(t,"open:")+" ",high:i(t,"high:")+" ",low:i(t,"low:")+" ",close:i(t,"close:")+" "}}),x}e.exports={calc:function(t,e){var r=a.getFromId(t,e.xaxis),i=a.getFromId(t,e.yaxis),s=function(t,e,r){var i=r._minDiff;if(!i){var a,s=t._fullData,l=[];for(i=1/0,a=0;a"+c.labels[x]+n.hoverLabelText(s,b):((y=i.extendFlat({},h)).y0=y.y1=_,y.yLabelVal=b,y.yLabel=c.labels[x]+n.hoverLabelText(s,b),y.name="",f.push(y),m[b]=y)}return f}function h(t,e,r,i){var a=t.cd,o=t.ya,l=a[0].trace,f=a[0].t,h=u(t,e,r,i);if(!h)return[];var p=a[h.index],d=h.index=p.i,g=p.dir;function m(t){return f.labels[t]+n.hoverLabelText(o,l[t][d])}var v=p.hi||l.hoverinfo,y=v.split("+"),x="all"===v,b=x||-1!==y.indexOf("y"),_=x||-1!==y.indexOf("text"),w=b?[m("open"),m("high"),m("low"),m("close")+" "+c[g]]:[];return _&&s(p,l,w),h.extraText=w.join("
"),h.y0=h.y1=o.c2p(p.yc,!0),[h]}e.exports={hoverPoints:function(t,e,r,n){return t.cd[0].trace.hoverlabel.split?f(t,e,r,n):h(t,e,r,n)},hoverSplit:f,hoverOnPoints:h}},{"../../components/color":643,"../../components/fx":683,"../../constants/delta.js":747,"../../lib":778,"../../plots/cartesian/axes":828}],1137:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"ohlc",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","showLegend"],meta:{},attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc").calc,plot:t("./plot"),style:t("./style"),hoverPoints:t("./hover").hoverPoints,selectPoints:t("./select")}},{"../../plots/cartesian":841,"./attributes":1133,"./calc":1134,"./defaults":1135,"./hover":1136,"./plot":1139,"./select":1140,"./style":1141}],1138:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib");e.exports=function(t,e,r,a){var o=r("x"),s=r("open"),l=r("high"),c=r("low"),u=r("close");if(r("hoverlabel.split"),n.getComponentMethod("calendars","handleTraceDefaults")(t,e,["x"],a),s&&l&&c&&u){var f=Math.min(s.length,l.length,c.length,u.length);return o&&(f=Math.min(f,i.minRowLength(o))),e._length=f,f}}},{"../../lib":778,"../../registry":911}],1139:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib");e.exports=function(t,e,r,a){var o=e.yaxis,s=e.xaxis,l=!!s.rangebreaks;i.makeTraceGroups(a,r,"trace ohlc").each((function(t){var e=n.select(this),r=t[0],a=r.t;if(!0!==r.trace.visible||a.empty)e.remove();else{var c=a.tickLen,u=e.selectAll("path").data(i.identity);u.enter().append("path"),u.exit().remove(),u.attr("d",(function(t){if(t.empty)return"M0,0Z";var e=s.c2p(t.pos-c,!0),r=s.c2p(t.pos+c,!0),n=l?(e+r)/2:s.c2p(t.pos,!0);return"M"+e+","+o.c2p(t.o,!0)+"H"+n+"M"+n+","+o.c2p(t.h,!0)+"V"+o.c2p(t.l,!0)+"M"+r+","+o.c2p(t.c,!0)+"H"+n}))}}))}},{"../../lib":778,d3:169}],1140:[function(t,e,r){"use strict";e.exports=function(t,e){var r,n=t.cd,i=t.xaxis,a=t.yaxis,o=[],s=n[0].t.bPos||0;if(!1===e)for(r=0;r=t.length)return!1;if(void 0!==e[t[r]])return!1;e[t[r]]=!0}return!0}(t.map((function(t){return t.displayindex}))))for(e=0;e0;c&&(o="array");var u=r("categoryorder",o);"array"===u?(r("categoryarray"),r("ticktext")):(delete t.categoryarray,delete t.ticktext),c||"array"!==u||(e.categoryorder="trace")}}e.exports=function(t,e,r,f){function h(r,i){return n.coerce(t,e,l,r,i)}var p=s(t,e,{name:"dimensions",handleItemDefaults:u}),d=function(t,e,r,o,s){s("line.shape"),s("line.hovertemplate");var l=s("line.color",o.colorway[0]);if(i(t,"line")&&n.isArrayOrTypedArray(l)){if(l.length)return s("line.colorscale"),a(t,e,o,s,{prefix:"line.",cLetter:"c"}),l.length;e.line.color=r}return 1/0}(t,e,r,f,h);o(e,f,h),Array.isArray(p)&&p.length||(e.visible=!1),c(e,p,"values",d),h("hoveron"),h("hovertemplate"),h("arrangement"),h("bundlecolors"),h("sortpaths"),h("counts");var g={family:f.font.family,size:Math.round(f.font.size),color:f.font.color};n.coerceFont(h,"labelfont",g);var m={family:f.font.family,size:Math.round(f.font.size/1.2),color:f.font.color};n.coerceFont(h,"tickfont",m)}},{"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654,"../../lib":778,"../../plots/array_container_defaults":823,"../../plots/domain":855,"../parcoords/merge_length":1158,"./attributes":1142}],1146:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc"),plot:t("./plot"),colorbar:{container:"line",min:"cmin",max:"cmax"},moduleType:"trace",name:"parcats",basePlotModule:t("./base_plot"),categories:["noOpacity"],meta:{}}},{"./attributes":1142,"./base_plot":1143,"./calc":1144,"./defaults":1145,"./plot":1148}],1147:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../plot_api/plot_api"),a=t("../../components/fx"),o=t("../../lib"),s=o.strTranslate,l=t("../../components/drawing"),c=t("tinycolor2"),u=t("../../lib/svg_text_utils");function f(t,e,r,i){var a=t.map(R.bind(0,e,r)),c=i.selectAll("g.parcatslayer").data([null]);c.enter().append("g").attr("class","parcatslayer").style("pointer-events","all");var f=c.selectAll("g.trace.parcats").data(a,h),v=f.enter().append("g").attr("class","trace parcats");f.attr("transform",(function(t){return s(t.x,t.y)})),v.append("g").attr("class","paths");var y=f.select("g.paths").selectAll("path.path").data((function(t){return t.paths}),h);y.attr("fill",(function(t){return t.model.color}));var _=y.enter().append("path").attr("class","path").attr("stroke-opacity",0).attr("fill",(function(t){return t.model.color})).attr("fill-opacity",0);b(_),y.attr("d",(function(t){return t.svgD})),_.empty()||y.sort(d),y.exit().remove(),y.on("mouseover",g).on("mouseout",m).on("click",x),v.append("g").attr("class","dimensions");var k=f.select("g.dimensions").selectAll("g.dimension").data((function(t){return t.dimensions}),h);k.enter().append("g").attr("class","dimension"),k.attr("transform",(function(t){return s(t.x,0)})),k.exit().remove();var M=k.selectAll("g.category").data((function(t){return t.categories}),h),A=M.enter().append("g").attr("class","category");M.attr("transform",(function(t){return s(0,t.y)})),A.append("rect").attr("class","catrect").attr("pointer-events","none"),M.select("rect.catrect").attr("fill","none").attr("width",(function(t){return t.width})).attr("height",(function(t){return t.height})),w(A);var S=M.selectAll("rect.bandrect").data((function(t){return t.bands}),h);S.each((function(){o.raiseToTop(this)})),S.attr("fill",(function(t){return t.color}));var z=S.enter().append("rect").attr("class","bandrect").attr("stroke-opacity",0).attr("fill",(function(t){return t.color})).attr("fill-opacity",0);S.attr("fill",(function(t){return t.color})).attr("width",(function(t){return t.width})).attr("height",(function(t){return t.height})).attr("y",(function(t){return t.y})).attr("cursor",(function(t){return"fixed"===t.parcatsViewModel.arrangement?"default":"perpendicular"===t.parcatsViewModel.arrangement?"ns-resize":"move"})),T(z),S.exit().remove(),A.append("text").attr("class","catlabel").attr("pointer-events","none");var O=e._fullLayout.paper_bgcolor;M.select("text.catlabel").attr("text-anchor",(function(t){return p(t)?"start":"end"})).attr("alignment-baseline","middle").style("text-shadow",O+" -1px 1px 2px, "+O+" 1px 1px 2px, "+O+" 1px -1px 2px, "+O+" -1px -1px 2px").style("fill","rgb(0, 0, 0)").attr("x",(function(t){return p(t)?t.width+5:-5})).attr("y",(function(t){return t.height/2})).text((function(t){return t.model.categoryLabel})).each((function(t){l.font(n.select(this),t.parcatsViewModel.categorylabelfont),u.convertToTspans(n.select(this),e)})),A.append("text").attr("class","dimlabel"),M.select("text.dimlabel").attr("text-anchor","middle").attr("alignment-baseline","baseline").attr("cursor",(function(t){return"fixed"===t.parcatsViewModel.arrangement?"default":"ew-resize"})).attr("x",(function(t){return t.width/2})).attr("y",-5).text((function(t,e){return 0===e?t.parcatsViewModel.model.dimensions[t.model.dimensionInd].dimensionLabel:null})).each((function(t){l.font(n.select(this),t.parcatsViewModel.labelfont)})),M.selectAll("rect.bandrect").on("mouseover",E).on("mouseout",C),M.exit().remove(),k.call(n.behavior.drag().origin((function(t){return{x:t.x,y:0}})).on("dragstart",L).on("drag",I).on("dragend",P)),f.each((function(t){t.traceSelection=n.select(this),t.pathSelection=n.select(this).selectAll("g.paths").selectAll("path.path"),t.dimensionSelection=n.select(this).selectAll("g.dimensions").selectAll("g.dimension")})),f.exit().remove()}function h(t){return t.key}function p(t){var e=t.parcatsViewModel.dimensions.length,r=t.parcatsViewModel.dimensions[e-1].model.dimensionInd;return t.model.dimensionInd===r}function d(t,e){return t.model.rawColor>e.model.rawColor?1:t.model.rawColor"),C=n.mouse(f)[0];a.loneHover({trace:h,x:b-d.left+g.left,y:w-d.top+g.top,text:E,color:t.model.color,borderColor:"black",fontFamily:'Monaco, "Courier New", monospace',fontSize:10,fontColor:T,idealAlign:C1&&h.displayInd===f.dimensions.length-1?(i=c.left,a="left"):(i=c.left+c.width,a="right");var g=u.model.count,m=u.model.categoryLabel,v=g/u.parcatsViewModel.model.count,y={countLabel:g,categoryLabel:m,probabilityLabel:v.toFixed(3)},x=[];-1!==u.parcatsViewModel.hoverinfoItems.indexOf("count")&&x.push(["Count:",y.countLabel].join(" ")),-1!==u.parcatsViewModel.hoverinfoItems.indexOf("probability")&&x.push(["P("+y.categoryLabel+"):",y.probabilityLabel].join(" "));var b=x.join("
");return{trace:p,x:o*(i-e.left),y:s*(d-e.top),text:b,color:"lightgray",borderColor:"black",fontFamily:'Monaco, "Courier New", monospace',fontSize:12,fontColor:"black",idealAlign:a,hovertemplate:p.hovertemplate,hovertemplateLabels:y,eventData:[{data:p._input,fullData:p,count:g,category:m,probability:v}]}}function E(t){if(!t.parcatsViewModel.dragDimension&&-1===t.parcatsViewModel.hoverinfoItems.indexOf("skip")){if(n.mouse(this)[1]<-1)return;var e,r=t.parcatsViewModel.graphDiv,i=r._fullLayout,s=i._paperdiv.node().getBoundingClientRect(),l=t.parcatsViewModel.hoveron;if("color"===l?(!function(t){var e=n.select(t).datum(),r=k(e);_(r),r.each((function(){o.raiseToTop(this)})),n.select(t.parentNode).selectAll("rect.bandrect").filter((function(t){return t.color===e.color})).each((function(){o.raiseToTop(this),n.select(this).attr("stroke","black").attr("stroke-width",1.5)}))}(this),A(this,"plotly_hover",n.event)):(!function(t){n.select(t.parentNode).selectAll("rect.bandrect").each((function(t){var e=k(t);_(e),e.each((function(){o.raiseToTop(this)}))})),n.select(t.parentNode).select("rect.catrect").attr("stroke","black").attr("stroke-width",2.5)}(this),M(this,"plotly_hover",n.event)),-1===t.parcatsViewModel.hoverinfoItems.indexOf("none"))"category"===l?e=S(r,s,this):"color"===l?e=function(t,e,r){t._fullLayout._calcInverseTransform(t);var i,a,o=t._fullLayout._invScaleX,s=t._fullLayout._invScaleY,l=r.getBoundingClientRect(),u=n.select(r).datum(),f=u.categoryViewModel,h=f.parcatsViewModel,p=h.model.dimensions[f.model.dimensionInd],d=h.trace,g=l.y+l.height/2;h.dimensions.length>1&&p.displayInd===h.dimensions.length-1?(i=l.left,a="left"):(i=l.left+l.width,a="right");var m=f.model.categoryLabel,v=u.parcatsViewModel.model.count,y=0;u.categoryViewModel.bands.forEach((function(t){t.color===u.color&&(y+=t.count)}));var x=f.model.count,b=0;h.pathSelection.each((function(t){t.model.color===u.color&&(b+=t.model.count)}));var _=y/v,w=y/b,T=y/x,k={countLabel:v,categoryLabel:m,probabilityLabel:_.toFixed(3)},M=[];-1!==f.parcatsViewModel.hoverinfoItems.indexOf("count")&&M.push(["Count:",k.countLabel].join(" ")),-1!==f.parcatsViewModel.hoverinfoItems.indexOf("probability")&&(M.push("P(color \u2229 "+m+"): "+k.probabilityLabel),M.push("P("+m+" | color): "+w.toFixed(3)),M.push("P(color | "+m+"): "+T.toFixed(3)));var A=M.join("
"),S=c.mostReadable(u.color,["black","white"]);return{trace:d,x:o*(i-e.left),y:s*(g-e.top),text:A,color:u.color,borderColor:"black",fontFamily:'Monaco, "Courier New", monospace',fontColor:S,fontSize:10,idealAlign:a,hovertemplate:d.hovertemplate,hovertemplateLabels:k,eventData:[{data:d._input,fullData:d,category:m,count:v,probability:_,categorycount:x,colorcount:b,bandcolorcount:y}]}}(r,s,this):"dimension"===l&&(e=function(t,e,r){var i=[];return n.select(r.parentNode.parentNode).selectAll("g.category").select("rect.catrect").each((function(){i.push(S(t,e,this))})),i}(r,s,this)),e&&a.loneHover(e,{container:i._hoverlayer.node(),outerContainer:i._paper.node(),gd:r})}}function C(t){var e=t.parcatsViewModel;if(!e.dragDimension&&(b(e.pathSelection),w(e.dimensionSelection.selectAll("g.category")),T(e.dimensionSelection.selectAll("g.category").selectAll("rect.bandrect")),a.loneUnhover(e.graphDiv._fullLayout._hoverlayer.node()),e.pathSelection.sort(d),-1===e.hoverinfoItems.indexOf("skip"))){"color"===t.parcatsViewModel.hoveron?A(this,"plotly_unhover",n.event):M(this,"plotly_unhover",n.event)}}function L(t){"fixed"!==t.parcatsViewModel.arrangement&&(t.dragDimensionDisplayInd=t.model.displayInd,t.initialDragDimensionDisplayInds=t.parcatsViewModel.model.dimensions.map((function(t){return t.displayInd})),t.dragHasMoved=!1,t.dragCategoryDisplayInd=null,n.select(this).selectAll("g.category").select("rect.catrect").each((function(e){var r=n.mouse(this)[0],i=n.mouse(this)[1];-2<=r&&r<=e.width+2&&-2<=i&&i<=e.height+2&&(t.dragCategoryDisplayInd=e.model.displayInd,t.initialDragCategoryDisplayInds=t.model.categories.map((function(t){return t.displayInd})),e.model.dragY=e.y,o.raiseToTop(this.parentNode),n.select(this.parentNode).selectAll("rect.bandrect").each((function(e){e.yf.y+f.height/2&&(o.model.displayInd=f.model.displayInd,f.model.displayInd=l),t.dragCategoryDisplayInd=o.model.displayInd}if(null===t.dragCategoryDisplayInd||"freeform"===t.parcatsViewModel.arrangement){a.model.dragX=n.event.x;var h=t.parcatsViewModel.dimensions[r],p=t.parcatsViewModel.dimensions[i];void 0!==h&&a.model.dragXp.x&&(a.model.displayInd=p.model.displayInd,p.model.displayInd=t.dragDimensionDisplayInd),t.dragDimensionDisplayInd=a.model.displayInd}N(t.parcatsViewModel),B(t.parcatsViewModel),D(t.parcatsViewModel),O(t.parcatsViewModel)}}function P(t){if("fixed"!==t.parcatsViewModel.arrangement&&null!==t.dragDimensionDisplayInd){n.select(this).selectAll("text").attr("font-weight","normal");var e={},r=z(t.parcatsViewModel),a=t.parcatsViewModel.model.dimensions.map((function(t){return t.displayInd})),o=t.initialDragDimensionDisplayInds.some((function(t,e){return t!==a[e]}));o&&a.forEach((function(r,n){var i=t.parcatsViewModel.model.dimensions[n].containerInd;e["dimensions["+i+"].displayindex"]=r}));var s=!1;if(null!==t.dragCategoryDisplayInd){var l=t.model.categories.map((function(t){return t.displayInd}));if(s=t.initialDragCategoryDisplayInds.some((function(t,e){return t!==l[e]}))){var c=t.model.categories.slice().sort((function(t,e){return t.displayInd-e.displayInd})),u=c.map((function(t){return t.categoryValue})),f=c.map((function(t){return t.categoryLabel}));e["dimensions["+t.model.containerInd+"].categoryarray"]=[u],e["dimensions["+t.model.containerInd+"].ticktext"]=[f],e["dimensions["+t.model.containerInd+"].categoryorder"]="array"}}if(-1===t.parcatsViewModel.hoverinfoItems.indexOf("skip")&&!t.dragHasMoved&&t.potentialClickBand&&("color"===t.parcatsViewModel.hoveron?A(t.potentialClickBand,"plotly_click",n.event.sourceEvent):M(t.potentialClickBand,"plotly_click",n.event.sourceEvent)),t.model.dragX=null,null!==t.dragCategoryDisplayInd)t.parcatsViewModel.dimensions[t.dragDimensionDisplayInd].categories[t.dragCategoryDisplayInd].model.dragY=null,t.dragCategoryDisplayInd=null;t.dragDimensionDisplayInd=null,t.parcatsViewModel.dragDimension=null,t.dragHasMoved=null,t.potentialClickBand=null,N(t.parcatsViewModel),B(t.parcatsViewModel),n.transition().duration(300).ease("cubic-in-out").each((function(){D(t.parcatsViewModel,!0),O(t.parcatsViewModel,!0)})).each("end",(function(){(o||s)&&i.restyle(t.parcatsViewModel.graphDiv,e,[r])}))}}function z(t){for(var e,r=t.graphDiv._fullData,n=0;n=0;s--)u+="C"+c[s]+","+(e[s+1]+i)+" "+l[s]+","+(e[s]+i)+" "+(t[s]+r[s])+","+(e[s]+i),u+="l-"+r[s]+",0 ";return u+="Z"}function B(t){var e=t.dimensions,r=t.model,n=e.map((function(t){return t.categories.map((function(t){return t.y}))})),i=t.model.dimensions.map((function(t){return t.categories.map((function(t){return t.displayInd}))})),a=t.model.dimensions.map((function(t){return t.displayInd})),o=t.dimensions.map((function(t){return t.model.dimensionInd})),s=e.map((function(t){return t.x})),l=e.map((function(t){return t.width})),c=[];for(var u in r.paths)r.paths.hasOwnProperty(u)&&c.push(r.paths[u]);function f(t){var e=t.categoryInds.map((function(t,e){return i[e][t]}));return o.map((function(t){return e[t]}))}c.sort((function(e,r){var n=f(e),i=f(r);return"backward"===t.sortpaths&&(n.reverse(),i.reverse()),n.push(e.valueInds[0]),i.push(r.valueInds[0]),t.bundlecolors&&(n.unshift(e.rawColor),i.unshift(r.rawColor)),ni?1:0}));for(var h=new Array(c.length),p=e[0].model.count,d=e[0].categories.map((function(t){return t.height})).reduce((function(t,e){return t+e})),g=0;g0?d*(v.count/p):0;for(var y,x=new Array(n.length),b=0;b1?(t.width-80-16)/(n-1):0)*i;var a,o,s,l,c,u=[],f=t.model.maxCats,h=e.categories.length,p=e.count,d=t.height-8*(f-1),g=8*(f-h)/2,m=e.categories.map((function(t){return{displayInd:t.displayInd,categoryInd:t.categoryInd}}));for(m.sort((function(t,e){return t.displayInd-e.displayInd})),c=0;c0?o.count/p*d:0,s={key:o.valueInds[0],model:o,width:16,height:a,y:null!==o.dragY?o.dragY:g,bands:[],parcatsViewModel:t},g=g+a+8,u.push(s);return{key:e.dimensionInd,x:null!==e.dragX?e.dragX:r,y:0,width:16,model:e,categories:u,parcatsViewModel:t,dragCategoryDisplayInd:null,dragDimensionDisplayInd:null,initialDragDimensionDisplayInds:null,initialDragCategoryDisplayInds:null,dragHasMoved:null,potentialClickBand:null}}e.exports=function(t,e,r,n){f(r,t,n,e)}},{"../../components/drawing":665,"../../components/fx":683,"../../lib":778,"../../lib/svg_text_utils":803,"../../plot_api/plot_api":814,d3:169,tinycolor2:576}],1148:[function(t,e,r){"use strict";var n=t("./parcats");e.exports=function(t,e,r,i){var a=t._fullLayout,o=a._paper,s=a._size;n(t,o,e,{width:s.w,height:s.h,margin:{t:s.t,r:s.r,b:s.b,l:s.l}},r,i)}},{"./parcats":1147}],1149:[function(t,e,r){"use strict";var n=t("../../components/colorscale/attributes"),i=t("../../plots/cartesian/layout_attributes"),a=t("../../plots/font_attributes"),o=t("../../plots/domain").attributes,s=t("../../lib/extend").extendFlat,l=t("../../plot_api/plot_template").templatedArray;e.exports={domain:o({name:"parcoords",trace:!0,editType:"plot"}),labelangle:{valType:"angle",dflt:0,editType:"plot"},labelside:{valType:"enumerated",values:["top","bottom"],dflt:"top",editType:"plot"},labelfont:a({editType:"plot"}),tickfont:a({editType:"plot"}),rangefont:a({editType:"plot"}),dimensions:l("dimension",{label:{valType:"string",editType:"plot"},tickvals:s({},i.tickvals,{editType:"plot"}),ticktext:s({},i.ticktext,{editType:"plot"}),tickformat:s({},i.tickformat,{editType:"plot"}),visible:{valType:"boolean",dflt:!0,editType:"plot"},range:{valType:"info_array",items:[{valType:"number",editType:"plot"},{valType:"number",editType:"plot"}],editType:"plot"},constraintrange:{valType:"info_array",freeLength:!0,dimensions:"1-2",items:[{valType:"number",editType:"plot"},{valType:"number",editType:"plot"}],editType:"plot"},multiselect:{valType:"boolean",dflt:!0,editType:"plot"},values:{valType:"data_array",editType:"calc"},editType:"calc"}),line:s({editType:"calc"},n("line",{colorscaleDflt:"Viridis",autoColorDflt:!1,editTypeOverride:"calc"}))}},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plot_api/plot_template":817,"../../plots/cartesian/layout_attributes":842,"../../plots/domain":855,"../../plots/font_attributes":856}],1150:[function(t,e,r){"use strict";var n=t("./constants"),i=t("d3"),a=t("../../lib/gup").keyFun,o=t("../../lib/gup").repeat,s=t("../../lib").sorterAsc,l=t("../../lib").strTranslate,c=n.bar.snapRatio;function u(t,e){return t*(1-c)+e*c}var f=n.bar.snapClose;function h(t,e){return t*(1-f)+e*f}function p(t,e,r,n){if(function(t,e){for(var r=0;r=e[r][0]&&t<=e[r][1])return!0;return!1}(r,n))return r;var i=t?-1:1,a=0,o=e.length-1;if(i<0){var s=a;a=o,o=s}for(var l=e[a],c=l,f=a;i*fe){h=r;break}}if(a=u,isNaN(a)&&(a=isNaN(f)||isNaN(h)?isNaN(f)?h:f:e-c[f][1]t[1]+r||e=.9*t[1]+.1*t[0]?"n":e<=.9*t[0]+.1*t[1]?"s":"ns"}(d,e);g&&(o.interval=l[a],o.intervalPix=d,o.region=g)}}if(t.ordinal&&!o.region){var m=t.unitTickvals,y=t.unitToPaddedPx.invert(e);for(r=0;r=x[0]&&y<=x[1]){o.clickableOrdinalRange=x;break}}}return o}function w(t,e){i.event.sourceEvent.stopPropagation();var r=e.height-i.mouse(t)[1]-2*n.verticalPadding,a=e.brush.svgBrush;a.wasDragged=!0,a._dragging=!0,a.grabbingBar?a.newExtent=[r-a.grabPoint,r+a.barLength-a.grabPoint].map(e.unitToPaddedPx.invert):a.newExtent=[a.startExtent,e.unitToPaddedPx.invert(r)].sort(s),e.brush.filterSpecified=!0,a.extent=a.stayingIntervals.concat([a.newExtent]),a.brushCallback(e),b(t.parentNode)}function T(t,e){var r=_(e,e.height-i.mouse(t)[1]-2*n.verticalPadding),a="crosshair";r.clickableOrdinalRange?a="pointer":r.region&&(a=r.region+"-resize"),i.select(document.body).style("cursor",a)}function k(t){t.on("mousemove",(function(t){i.event.preventDefault(),t.parent.inBrushDrag||T(this,t)})).on("mouseleave",(function(t){t.parent.inBrushDrag||y()})).call(i.behavior.drag().on("dragstart",(function(t){!function(t,e){i.event.sourceEvent.stopPropagation();var r=e.height-i.mouse(t)[1]-2*n.verticalPadding,a=e.unitToPaddedPx.invert(r),o=e.brush,s=_(e,r),l=s.interval,c=o.svgBrush;if(c.wasDragged=!1,c.grabbingBar="ns"===s.region,c.grabbingBar){var u=l.map(e.unitToPaddedPx);c.grabPoint=r-u[0]-n.verticalPadding,c.barLength=u[1]-u[0]}c.clickableOrdinalRange=s.clickableOrdinalRange,c.stayingIntervals=e.multiselect&&o.filterSpecified?o.filter.getConsolidated():[],l&&(c.stayingIntervals=c.stayingIntervals.filter((function(t){return t[0]!==l[0]&&t[1]!==l[1]}))),c.startExtent=s.region?l["s"===s.region?1:0]:a,e.parent.inBrushDrag=!0,c.brushStartCallback()}(this,t)})).on("drag",(function(t){w(this,t)})).on("dragend",(function(t){!function(t,e){var r=e.brush,n=r.filter,a=r.svgBrush;a._dragging||(T(t,e),w(t,e),e.brush.svgBrush.wasDragged=!1),a._dragging=!1,i.event.sourceEvent.stopPropagation();var o=a.grabbingBar;if(a.grabbingBar=!1,a.grabLocation=void 0,e.parent.inBrushDrag=!1,y(),!a.wasDragged)return a.wasDragged=void 0,a.clickableOrdinalRange?r.filterSpecified&&e.multiselect?a.extent.push(a.clickableOrdinalRange):(a.extent=[a.clickableOrdinalRange],r.filterSpecified=!0):o?(a.extent=a.stayingIntervals,0===a.extent.length&&A(r)):A(r),a.brushCallback(e),b(t.parentNode),void a.brushEndCallback(r.filterSpecified?n.getConsolidated():[]);var s=function(){n.set(n.getConsolidated())};if(e.ordinal){var l=e.unitTickvals;l[l.length-1]a.newExtent[0];a.extent=a.stayingIntervals.concat(c?[a.newExtent]:[]),a.extent.length||A(r),a.brushCallback(e),c?b(t.parentNode,s):(s(),b(t.parentNode))}else s();a.brushEndCallback(r.filterSpecified?n.getConsolidated():[])}(this,t)})))}function M(t,e){return t[0]-e[0]}function A(t){t.filterSpecified=!1,t.svgBrush.extent=[[-1/0,1/0]]}function S(t){for(var e,r=t.slice(),n=[],i=r.shift();i;){for(e=i.slice();(i=r.shift())&&i[0]<=e[1];)e[1]=Math.max(e[1],i[1]);n.push(e)}return 1===n.length&&n[0][0]>n[0][1]&&(n=[]),n}e.exports={makeBrush:function(t,e,r,n,i,a){var o,l=function(){var t,e,r=[];return{set:function(n){1===(r=n.map((function(t){return t.slice().sort(s)})).sort(M)).length&&r[0][0]===-1/0&&r[0][1]===1/0&&(r=[[0,-1]]),t=S(r),e=r.reduce((function(t,e){return[Math.min(t[0],e[0]),Math.max(t[1],e[1])]}),[1/0,-1/0])},get:function(){return r.slice()},getConsolidated:function(){return t},getBounds:function(){return e}}}();return l.set(r),{filter:l,filterSpecified:e,svgBrush:{extent:[],brushStartCallback:n,brushCallback:(o=i,function(t){var e=t.brush,r=function(t){return t.svgBrush.extent.map((function(t){return t.slice()}))}(e).slice();e.filter.set(r),o()}),brushEndCallback:a}}},ensureAxisBrush:function(t){var e=t.selectAll("."+n.cn.axisBrush).data(o,a);e.enter().append("g").classed(n.cn.axisBrush,!0),function(t){var e=t.selectAll(".background").data(o);e.enter().append("rect").classed("background",!0).call(d).call(g).style("pointer-events","auto").attr("transform",l(0,n.verticalPadding)),e.call(k).attr("height",(function(t){return t.height-n.verticalPadding}));var r=t.selectAll(".highlight-shadow").data(o);r.enter().append("line").classed("highlight-shadow",!0).attr("x",-n.bar.width/2).attr("stroke-width",n.bar.width+n.bar.strokeWidth).attr("stroke",n.bar.strokeColor).attr("opacity",n.bar.strokeOpacity).attr("stroke-linecap","butt"),r.attr("y1",(function(t){return t.height})).call(x);var i=t.selectAll(".highlight").data(o);i.enter().append("line").classed("highlight",!0).attr("x",-n.bar.width/2).attr("stroke-width",n.bar.width-n.bar.strokeWidth).attr("stroke",n.bar.fillColor).attr("opacity",n.bar.fillOpacity).attr("stroke-linecap","butt"),i.attr("y1",(function(t){return t.height})).call(x)}(e)},cleanRanges:function(t,e){if(Array.isArray(t[0])?(t=t.map((function(t){return t.sort(s)})),t=e.multiselect?S(t.sort(M)):[t[0]]):t=[t.sort(s)],e.tickvals){var r=e.tickvals.slice().sort(s);if(!(t=t.map((function(t){var e=[p(0,r,t[0],[]),p(1,r,t[1],[])];if(e[1]>e[0])return e})).filter((function(t){return t}))).length)return}return t.length>1?t:t[0]}}},{"../../lib":778,"../../lib/gup":775,"./constants":1153,d3:169}],1151:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../plots/get_data").getModuleCalcData,a=t("./plot"),o=t("../../constants/xmlns_namespaces");r.name="parcoords",r.plot=function(t){var e=i(t.calcdata,"parcoords")[0];e.length&&a(t,e)},r.clean=function(t,e,r,n){var i=n._has&&n._has("parcoords"),a=e._has&&e._has("parcoords");i&&!a&&(n._paperdiv.selectAll(".parcoords").remove(),n._glimages.selectAll("*").remove())},r.toSVG=function(t){var e=t._fullLayout._glimages,r=n.select(t).selectAll(".svg-container");r.filter((function(t,e){return e===r.size()-1})).selectAll(".gl-canvas-context, .gl-canvas-focus").each((function(){var t=this.toDataURL("image/png");e.append("svg:image").attr({xmlns:o.svg,"xlink:href":t,preserveAspectRatio:"none",x:0,y:0,width:this.width,height:this.height})})),window.setTimeout((function(){n.selectAll("#filterBarPattern").attr("id","filterBarPattern")}),60)}},{"../../constants/xmlns_namespaces":754,"../../plots/get_data":865,"./plot":1160,d3:169}],1152:[function(t,e,r){"use strict";var n=t("../../lib").isArrayOrTypedArray,i=t("../../components/colorscale"),a=t("../../lib/gup").wrap;e.exports=function(t,e){var r,o;return i.hasColorscale(e,"line")&&n(e.line.color)?(r=e.line.color,o=i.extractOpts(e.line).colorscale,i.calc(t,e,{vals:r,containerStr:"line",cLetter:"c"})):(r=function(t){for(var e=new Array(t),r=0;rf&&(n.log("parcoords traces support up to "+f+" dimensions at the moment"),d.splice(f));var g=s(t,e,{name:"dimensions",layout:l,handleItemDefaults:p}),m=function(t,e,r,o,s){var l=s("line.color",r);if(i(t,"line")&&n.isArrayOrTypedArray(l)){if(l.length)return s("line.colorscale"),a(t,e,o,s,{prefix:"line.",cLetter:"c"}),l.length;e.line.color=r}return 1/0}(t,e,r,l,u);o(e,l,u),Array.isArray(g)&&g.length||(e.visible=!1),h(e,g,"values",m);var v={family:l.font.family,size:Math.round(l.font.size/1.2),color:l.font.color};n.coerceFont(u,"labelfont",v),n.coerceFont(u,"tickfont",v),n.coerceFont(u,"rangefont",v),u("labelangle"),u("labelside")}},{"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654,"../../lib":778,"../../plots/array_container_defaults":823,"../../plots/cartesian/axes":828,"../../plots/domain":855,"./attributes":1149,"./axisbrush":1150,"./constants":1153,"./merge_length":1158}],1155:[function(t,e,r){"use strict";var n=t("../../lib").isTypedArray;r.convertTypedArray=function(t){return n(t)?Array.prototype.slice.call(t):t},r.isOrdinal=function(t){return!!t.tickvals},r.isVisible=function(t){return t.visible||!("visible"in t)}},{"../../lib":778}],1156:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc"),plot:t("./plot"),colorbar:{container:"line",min:"cmin",max:"cmax"},moduleType:"trace",name:"parcoords",basePlotModule:t("./base_plot"),categories:["gl","regl","noOpacity","noHover"],meta:{}}},{"./attributes":1149,"./base_plot":1151,"./calc":1152,"./defaults":1154,"./plot":1160}],1157:[function(t,e,r){"use strict";var n=t("glslify"),i=n(["precision highp float;\n#define GLSLIFY 1\n\nvarying vec4 fragColor;\n\nattribute vec4 p01_04, p05_08, p09_12, p13_16,\n p17_20, p21_24, p25_28, p29_32,\n p33_36, p37_40, p41_44, p45_48,\n p49_52, p53_56, p57_60, colors;\n\nuniform mat4 dim0A, dim1A, dim0B, dim1B, dim0C, dim1C, dim0D, dim1D,\n loA, hiA, loB, hiB, loC, hiC, loD, hiD;\n\nuniform vec2 resolution, viewBoxPos, viewBoxSize;\nuniform sampler2D mask, palette;\nuniform float maskHeight;\nuniform float drwLayer; // 0: context, 1: focus, 2: pick\nuniform vec4 contextColor;\n\nbool isPick = (drwLayer > 1.5);\nbool isContext = (drwLayer < 0.5);\n\nconst vec4 ZEROS = vec4(0.0, 0.0, 0.0, 0.0);\nconst vec4 UNITS = vec4(1.0, 1.0, 1.0, 1.0);\n\nfloat val(mat4 p, mat4 v) {\n return dot(matrixCompMult(p, v) * UNITS, UNITS);\n}\n\nfloat axisY(float ratio, mat4 A, mat4 B, mat4 C, mat4 D) {\n float y1 = val(A, dim0A) + val(B, dim0B) + val(C, dim0C) + val(D, dim0D);\n float y2 = val(A, dim1A) + val(B, dim1B) + val(C, dim1C) + val(D, dim1D);\n return y1 * (1.0 - ratio) + y2 * ratio;\n}\n\nint iMod(int a, int b) {\n return a - b * (a / b);\n}\n\nbool fOutside(float p, float lo, float hi) {\n return (lo < hi) && (lo > p || p > hi);\n}\n\nbool vOutside(vec4 p, vec4 lo, vec4 hi) {\n return (\n fOutside(p[0], lo[0], hi[0]) ||\n fOutside(p[1], lo[1], hi[1]) ||\n fOutside(p[2], lo[2], hi[2]) ||\n fOutside(p[3], lo[3], hi[3])\n );\n}\n\nbool mOutside(mat4 p, mat4 lo, mat4 hi) {\n return (\n vOutside(p[0], lo[0], hi[0]) ||\n vOutside(p[1], lo[1], hi[1]) ||\n vOutside(p[2], lo[2], hi[2]) ||\n vOutside(p[3], lo[3], hi[3])\n );\n}\n\nbool outsideBoundingBox(mat4 A, mat4 B, mat4 C, mat4 D) {\n return mOutside(A, loA, hiA) ||\n mOutside(B, loB, hiB) ||\n mOutside(C, loC, hiC) ||\n mOutside(D, loD, hiD);\n}\n\nbool outsideRasterMask(mat4 A, mat4 B, mat4 C, mat4 D) {\n mat4 pnts[4];\n pnts[0] = A;\n pnts[1] = B;\n pnts[2] = C;\n pnts[3] = D;\n\n for(int i = 0; i < 4; ++i) {\n for(int j = 0; j < 4; ++j) {\n for(int k = 0; k < 4; ++k) {\n if(0 == iMod(\n int(255.0 * texture2D(mask,\n vec2(\n (float(i * 2 + j / 2) + 0.5) / 8.0,\n (pnts[i][j][k] * (maskHeight - 1.0) + 1.0) / maskHeight\n ))[3]\n ) / int(pow(2.0, float(iMod(j * 4 + k, 8)))),\n 2\n )) return true;\n }\n }\n }\n return false;\n}\n\nvec4 position(bool isContext, float v, mat4 A, mat4 B, mat4 C, mat4 D) {\n float x = 0.5 * sign(v) + 0.5;\n float y = axisY(x, A, B, C, D);\n float z = 1.0 - abs(v);\n\n z += isContext ? 0.0 : 2.0 * float(\n outsideBoundingBox(A, B, C, D) ||\n outsideRasterMask(A, B, C, D)\n );\n\n return vec4(\n 2.0 * (vec2(x, y) * viewBoxSize + viewBoxPos) / resolution - 1.0,\n z,\n 1.0\n );\n}\n\nvoid main() {\n mat4 A = mat4(p01_04, p05_08, p09_12, p13_16);\n mat4 B = mat4(p17_20, p21_24, p25_28, p29_32);\n mat4 C = mat4(p33_36, p37_40, p41_44, p45_48);\n mat4 D = mat4(p49_52, p53_56, p57_60, ZEROS);\n\n float v = colors[3];\n\n gl_Position = position(isContext, v, A, B, C, D);\n\n fragColor =\n isContext ? vec4(contextColor) :\n isPick ? vec4(colors.rgb, 1.0) : texture2D(palette, vec2(abs(v), 0.5));\n}\n"]),a=n(["precision highp float;\n#define GLSLIFY 1\n\nvarying vec4 fragColor;\n\nvoid main() {\n gl_FragColor = fragColor;\n}\n"]),o=t("./constants").maxDimensionCount,s=t("../../lib"),l=new Uint8Array(4),c=new Uint8Array(4),u={shape:[256,1],format:"rgba",type:"uint8",mag:"nearest",min:"nearest"};function f(t,e,r,n,i){var a=t._gl;a.enable(a.SCISSOR_TEST),a.scissor(e,r,n,i),t.clear({color:[0,0,0,0],depth:1})}function h(t,e,r,n,i,a){var o=a.key;r.drawCompleted||(!function(t){t.read({x:0,y:0,width:1,height:1,data:l})}(t),r.drawCompleted=!0),function s(l){var c=Math.min(n,i-l*n);0===l&&(window.cancelAnimationFrame(r.currentRafs[o]),delete r.currentRafs[o],f(t,a.scissorX,a.scissorY,a.scissorWidth,a.viewBoxSize[1])),r.clearOnly||(a.count=2*c,a.offset=2*l*n,e(a),l*n+c>>8*e)%256/255}function g(t,e,r){for(var n=new Array(8*e),i=0,a=0;au&&(u=t[i].dim1.canvasX,o=i);0===s&&f(T,0,0,r.canvasWidth,r.canvasHeight);var p=function(t){var e,r,n,i=[[],[]];for(n=0;n<64;n++){var a=!t&&ni._length&&(A=A.slice(0,i._length));var E,C=i.tickvals;function L(t,e){return{val:t,text:E[e]}}function I(t,e){return t.val-e.val}if(Array.isArray(C)&&C.length){E=i.ticktext,Array.isArray(E)&&E.length?E.length>C.length?E=E.slice(0,C.length):C.length>E.length&&(C=C.slice(0,E.length)):E=C.map(n.format(i.tickformat));for(var P=1;P=r||l>=a)return;var c=t.lineLayer.readPixel(s,a-1-l),u=0!==c[3],f=u?c[2]+256*(c[1]+256*c[0]):null,h={x:s,y:l,clientX:e.clientX,clientY:e.clientY,dataIndex:t.model.key,curveNumber:f};f!==R&&(u?i.hover(h):i.unhover&&i.unhover(h),R=f)}})),D.style("opacity",(function(t){return t.pick?0:1})),h.style("background","rgba(255, 255, 255, 0)");var F=h.selectAll("."+v.cn.parcoords).data(A,p);F.exit().remove(),F.enter().append("g").classed(v.cn.parcoords,!0).style("shape-rendering","crispEdges").style("pointer-events","none"),F.attr("transform",(function(t){return l(t.model.translateX,t.model.translateY)}));var B=F.selectAll("."+v.cn.parcoordsControlView).data(d,p);B.enter().append("g").classed(v.cn.parcoordsControlView,!0),B.attr("transform",(function(t){return l(t.model.pad.l,t.model.pad.t)}));var N=B.selectAll("."+v.cn.yAxis).data((function(t){return t.dimensions}),p);N.enter().append("g").classed(v.cn.yAxis,!0),B.each((function(t){P(N,t)})),D.each((function(t){if(t.viewModel){!t.lineLayer||i?t.lineLayer=x(this,t):t.lineLayer.update(t),(t.key||0===t.key)&&(t.viewModel[t.key]=t.lineLayer);var e=!t.context||i;t.lineLayer.render(t.viewModel.panels,e)}})),N.attr("transform",(function(t){return l(t.xScale(t.xIndex),0)})),N.call(n.behavior.drag().origin((function(t){return t})).on("drag",(function(t){var e=t.parent;M.linePickActive(!1),t.x=Math.max(-v.overdrag,Math.min(t.model.width+v.overdrag,n.event.x)),t.canvasX=t.x*t.model.canvasPixelRatio,N.sort((function(t,e){return t.x-e.x})).each((function(e,r){e.xIndex=r,e.x=t===e?e.x:e.xScale(e.xIndex),e.canvasX=e.x*e.model.canvasPixelRatio})),P(N,e),N.filter((function(e){return 0!==Math.abs(t.xIndex-e.xIndex)})).attr("transform",(function(t){return l(t.xScale(t.xIndex),0)})),n.select(this).attr("transform",l(t.x,0)),N.each((function(r,n,i){i===t.parent.key&&(e.dimensions[n]=r)})),e.contextLayer&&e.contextLayer.render(e.panels,!1,!S(e)),e.focusLayer.render&&e.focusLayer.render(e.panels)})).on("dragend",(function(t){var e=t.parent;t.x=t.xScale(t.xIndex),t.canvasX=t.x*t.model.canvasPixelRatio,P(N,e),n.select(this).attr("transform",(function(t){return l(t.x,0)})),e.contextLayer&&e.contextLayer.render(e.panels,!1,!S(e)),e.focusLayer&&e.focusLayer.render(e.panels),e.pickLayer&&e.pickLayer.render(e.panels,!0),M.linePickActive(!0),i&&i.axesMoved&&i.axesMoved(e.key,e.dimensions.map((function(t){return t.crossfilterDimensionIndex})))}))),N.exit().remove();var j=N.selectAll("."+v.cn.axisOverlays).data(d,p);j.enter().append("g").classed(v.cn.axisOverlays,!0),j.selectAll("."+v.cn.axis).remove();var U=j.selectAll("."+v.cn.axis).data(d,p);U.enter().append("g").classed(v.cn.axis,!0),U.each((function(t){var e=t.model.height/t.model.tickDistance,r=t.domainScale,i=r.domain();n.select(this).call(n.svg.axis().orient("left").tickSize(4).outerTickSize(2).ticks(e,t.tickFormat).tickValues(t.ordinal?i:null).tickFormat((function(e){return m.isOrdinal(t)?e:z(t.model.dimensions[t.visibleIndex],e)})).scale(r)),u.font(U.selectAll("text"),t.model.tickFont)})),U.selectAll(".domain, .tick>line").attr("fill","none").attr("stroke","black").attr("stroke-opacity",.25).attr("stroke-width","1px"),U.selectAll("text").style("text-shadow","1px 1px 1px #fff, -1px -1px 1px #fff, 1px -1px 1px #fff, -1px 1px 1px #fff").style("cursor","default");var V=j.selectAll("."+v.cn.axisHeading).data(d,p);V.enter().append("g").classed(v.cn.axisHeading,!0);var q=V.selectAll("."+v.cn.axisTitle).data(d,p);q.enter().append("text").classed(v.cn.axisTitle,!0).attr("text-anchor","middle").style("cursor","ew-resize").style("pointer-events","auto"),q.text((function(t){return t.label})).each((function(e){var r=n.select(this);u.font(r,e.model.labelFont),c.convertToTspans(r,t)})).attr("transform",(function(t){var e=I(t.model.labelAngle,t.model.labelSide),r=v.axisTitleOffset;return(e.dir>0?"":l(0,2*r+t.model.height))+s(e.degrees)+l(-r*e.dx,-r*e.dy)})).attr("text-anchor",(function(t){var e=I(t.model.labelAngle,t.model.labelSide);return 2*Math.abs(e.dx)>Math.abs(e.dy)?e.dir*e.dx<0?"start":"end":"middle"}));var H=j.selectAll("."+v.cn.axisExtent).data(d,p);H.enter().append("g").classed(v.cn.axisExtent,!0);var G=H.selectAll("."+v.cn.axisExtentTop).data(d,p);G.enter().append("g").classed(v.cn.axisExtentTop,!0),G.attr("transform",l(0,-v.axisExtentOffset));var Y=G.selectAll("."+v.cn.axisExtentTopText).data(d,p);Y.enter().append("text").classed(v.cn.axisExtentTopText,!0).call(L),Y.text((function(t){return O(t,!0)})).each((function(t){u.font(n.select(this),t.model.rangeFont)}));var W=H.selectAll("."+v.cn.axisExtentBottom).data(d,p);W.enter().append("g").classed(v.cn.axisExtentBottom,!0),W.attr("transform",(function(t){return l(0,t.model.height+v.axisExtentOffset)}));var X=W.selectAll("."+v.cn.axisExtentBottomText).data(d,p);X.enter().append("text").classed(v.cn.axisExtentBottomText,!0).attr("dy","0.75em").call(L),X.text((function(t){return O(t,!1)})).each((function(t){u.font(n.select(this),t.model.rangeFont)})),y.ensureAxisBrush(j)}},{"../../components/colorscale":655,"../../components/drawing":665,"../../lib":778,"../../lib/gup":775,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"./axisbrush":1150,"./constants":1153,"./helpers":1155,"./lines":1157,"color-rgba":127,d3:169}],1160:[function(t,e,r){"use strict";var n=t("./parcoords"),i=t("../../lib/prepare_regl"),a=t("./helpers").isVisible;function o(t,e,r){var n=e.indexOf(r),i=t.indexOf(n);return-1===i&&(i+=e.length),i}e.exports=function(t,e){var r=t._fullLayout;if(i(t)){var s={},l={},c={},u={},f=r._size;e.forEach((function(e,r){var n=e[0].trace;c[r]=n.index;var i=u[r]=n._fullInput.index;s[r]=t.data[i].dimensions,l[r]=t.data[i].dimensions.slice()}));n(t,e,{width:f.w,height:f.h,margin:{t:f.t,r:f.r,b:f.b,l:f.l}},{filterChanged:function(e,n,i){var a=l[e][n],o=i.map((function(t){return t.slice()})),s="dimensions["+n+"].constraintrange",f=r._tracePreGUI[t._fullData[c[e]]._fullInput.uid];if(void 0===f[s]){var h=a.constraintrange;f[s]=h||null}var p=t._fullData[c[e]].dimensions[n];o.length?(1===o.length&&(o=o[0]),a.constraintrange=o,p.constraintrange=o.slice(),o=[o]):(delete a.constraintrange,delete p.constraintrange,o=null);var d={};d[s]=o,t.emit("plotly_restyle",[d,[u[e]]])},hover:function(e){t.emit("plotly_hover",e)},unhover:function(e){t.emit("plotly_unhover",e)},axesMoved:function(e,r){var n=function(t,e){return function(r,n){return o(t,e,r)-o(t,e,n)}}(r,l[e].filter(a));s[e].sort(n),l[e].filter((function(t){return!a(t)})).sort((function(t){return l[e].indexOf(t)})).forEach((function(t){s[e].splice(s[e].indexOf(t),1),s[e].splice(l[e].indexOf(t),0,t)})),t.emit("plotly_restyle",[{dimensions:[s[e]]},[u[e]]])}})}}},{"../../lib/prepare_regl":791,"./helpers":1155,"./parcoords":1159}],1161:[function(t,e,r){"use strict";var n=t("../../plots/attributes"),i=t("../../plots/domain").attributes,a=t("../../plots/font_attributes"),o=t("../../components/color/attributes"),s=t("../../plots/template_attributes").hovertemplateAttrs,l=t("../../plots/template_attributes").texttemplateAttrs,c=t("../../lib/extend").extendFlat,u=a({editType:"plot",arrayOk:!0,colorEditType:"plot"});e.exports={labels:{valType:"data_array",editType:"calc"},label0:{valType:"number",dflt:0,editType:"calc"},dlabel:{valType:"number",dflt:1,editType:"calc"},values:{valType:"data_array",editType:"calc"},marker:{colors:{valType:"data_array",editType:"calc"},line:{color:{valType:"color",dflt:o.defaultLine,arrayOk:!0,editType:"style"},width:{valType:"number",min:0,dflt:0,arrayOk:!0,editType:"style"},editType:"calc"},editType:"calc"},text:{valType:"data_array",editType:"plot"},hovertext:{valType:"string",dflt:"",arrayOk:!0,editType:"style"},scalegroup:{valType:"string",dflt:"",editType:"calc"},textinfo:{valType:"flaglist",flags:["label","text","value","percent"],extras:["none"],editType:"calc"},hoverinfo:c({},n.hoverinfo,{flags:["label","text","value","percent","name"]}),hovertemplate:s({},{keys:["label","color","value","percent","text"]}),texttemplate:l({editType:"plot"},{keys:["label","color","value","percent","text"]}),textposition:{valType:"enumerated",values:["inside","outside","auto","none"],dflt:"auto",arrayOk:!0,editType:"plot"},textfont:c({},u,{}),insidetextorientation:{valType:"enumerated",values:["horizontal","radial","tangential","auto"],dflt:"auto",editType:"plot"},insidetextfont:c({},u,{}),outsidetextfont:c({},u,{}),automargin:{valType:"boolean",dflt:!1,editType:"plot"},title:{text:{valType:"string",dflt:"",editType:"plot"},font:c({},u,{}),position:{valType:"enumerated",values:["top left","top center","top right","middle center","bottom left","bottom center","bottom right"],editType:"plot"},editType:"plot"},domain:i({name:"pie",trace:!0,editType:"calc"}),hole:{valType:"number",min:0,max:1,dflt:0,editType:"calc"},sort:{valType:"boolean",dflt:!0,editType:"calc"},direction:{valType:"enumerated",values:["clockwise","counterclockwise"],dflt:"counterclockwise",editType:"calc"},rotation:{valType:"number",min:-360,max:360,dflt:0,editType:"calc"},pull:{valType:"number",min:0,max:1,dflt:0,arrayOk:!0,editType:"calc"},_deprecated:{title:{valType:"string",dflt:"",editType:"calc"},titlefont:c({},u,{}),titleposition:{valType:"enumerated",values:["top left","top center","top right","middle center","bottom left","bottom center","bottom right"],editType:"calc"}}}},{"../../components/color/attributes":642,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/domain":855,"../../plots/font_attributes":856,"../../plots/template_attributes":906}],1162:[function(t,e,r){"use strict";var n=t("../../plots/plots");r.name="pie",r.plot=function(t,e,i,a){n.plotBasePlot(r.name,t,e,i,a)},r.clean=function(t,e,i,a){n.cleanBasePlot(r.name,t,e,i,a)}},{"../../plots/plots":891}],1163:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("tinycolor2"),a=t("../../components/color"),o={};function s(t){return function(e,r){return!!e&&(!!(e=i(e)).isValid()&&(e=a.addOpacity(e,e.getAlpha()),t[r]||(t[r]=e),e))}}function l(t,e){var r,n=JSON.stringify(t),a=e[n];if(!a){for(a=t.slice(),r=0;r0){s=!0;break}}s||(o=0)}return{hasLabels:r,hasValues:a,len:o}}e.exports={handleLabelsAndValues:l,supplyDefaults:function(t,e,r,n){function c(r,n){return i.coerce(t,e,a,r,n)}var u=l(c("labels"),c("values")),f=u.len;if(e._hasLabels=u.hasLabels,e._hasValues=u.hasValues,!e._hasLabels&&e._hasValues&&(c("label0"),c("dlabel")),f){e._length=f,c("marker.line.width")&&c("marker.line.color"),c("marker.colors"),c("scalegroup");var h,p=c("text"),d=c("texttemplate");if(d||(h=c("textinfo",Array.isArray(p)?"text+percent":"percent")),c("hovertext"),c("hovertemplate"),d||h&&"none"!==h){var g=c("textposition");s(t,e,n,c,g,{moduleHasSelected:!1,moduleHasUnselected:!1,moduleHasConstrain:!1,moduleHasCliponaxis:!1,moduleHasTextangle:!1,moduleHasInsideanchor:!1}),(Array.isArray(g)||"auto"===g||"outside"===g)&&c("automargin"),("inside"===g||"auto"===g||Array.isArray(g))&&c("insidetextorientation")}o(e,n,c);var m=c("hole");if(c("title.text")){var v=c("title.position",m?"middle center":"top center");m||"middle center"!==v||(e.title.position="top center"),i.coerceFont(c,"title.font",n.font)}c("sort"),c("direction"),c("rotation"),c("pull")}else e.visible=!1}}},{"../../lib":778,"../../plots/domain":855,"../bar/defaults":925,"./attributes":1161,"fast-isnumeric":241}],1165:[function(t,e,r){"use strict";var n=t("../../components/fx/helpers").appendArrayMultiPointValues;e.exports=function(t,e){var r={curveNumber:e.index,pointNumbers:t.pts,data:e._input,fullData:e,label:t.label,color:t.color,value:t.v,percent:t.percent,text:t.text,v:t.v};return 1===t.pts.length&&(r.pointNumber=r.i=t.pts[0]),n(r,e,t.pts),"funnelarea"===e.type&&(delete r.v,delete r.i),r}},{"../../components/fx/helpers":679}],1166:[function(t,e,r){"use strict";var n=t("../../lib");function i(t){return-1!==t.indexOf("e")?t.replace(/[.]?0+e/,"e"):-1!==t.indexOf(".")?t.replace(/[.]?0+$/,""):t}r.formatPiePercent=function(t,e){var r=i((100*t).toPrecision(3));return n.numSeparate(r,e)+"%"},r.formatPieValue=function(t,e){var r=i(t.toPrecision(10));return n.numSeparate(r,e)},r.getFirstFilled=function(t,e){if(Array.isArray(t))for(var r=0;r"),name:u.hovertemplate||-1!==f.indexOf("name")?u.name:void 0,idealAlign:t.pxmid[0]<0?"left":"right",color:m.castOption(b.bgcolor,t.pts)||t.color,borderColor:m.castOption(b.bordercolor,t.pts),fontFamily:m.castOption(_.family,t.pts),fontSize:m.castOption(_.size,t.pts),fontColor:m.castOption(_.color,t.pts),nameLength:m.castOption(b.namelength,t.pts),textAlign:m.castOption(b.align,t.pts),hovertemplate:m.castOption(u.hovertemplate,t.pts),hovertemplateLabels:t,eventData:[v(t,u)]},{container:r._hoverlayer.node(),outerContainer:r._paper.node(),gd:e}),o._hasHoverLabel=!0}o._hasHoverEvent=!0,e.emit("plotly_hover",{points:[v(t,u)],event:n.event})}})),t.on("mouseout",(function(t){var r=e._fullLayout,i=e._fullData[o.index],s=n.select(this).datum();o._hasHoverEvent&&(t.originalEvent=n.event,e.emit("plotly_unhover",{points:[v(s,i)],event:n.event}),o._hasHoverEvent=!1),o._hasHoverLabel&&(a.loneUnhover(r._hoverlayer.node()),o._hasHoverLabel=!1)})),t.on("click",(function(t){var r=e._fullLayout,i=e._fullData[o.index];e._dragging||!1===r.hovermode||(e._hoverdata=[v(t,i)],a.click(e,n.event))}))}function b(t,e,r){var n=m.castOption(t.insidetextfont.color,e.pts);!n&&t._input.textfont&&(n=m.castOption(t._input.textfont.color,e.pts));var i=m.castOption(t.insidetextfont.family,e.pts)||m.castOption(t.textfont.family,e.pts)||r.family,a=m.castOption(t.insidetextfont.size,e.pts)||m.castOption(t.textfont.size,e.pts)||r.size;return{color:n||o.contrast(e.color),family:i,size:a}}function _(t,e){for(var r,n,i=0;ie&&e>n||r=-4;m-=2)v(Math.PI*m,"tan");for(m=4;m>=-4;m-=2)v(Math.PI*(m+1),"tan")}if(f||p){for(m=4;m>=-4;m-=2)v(Math.PI*(m+1.5),"rad");for(m=4;m>=-4;m-=2)v(Math.PI*(m+.5),"rad")}}if(s||d||f){var y=Math.sqrt(t.width*t.width+t.height*t.height);if((a={scale:i*n*2/y,rCenter:1-i,rotate:0}).textPosAngle=(e.startangle+e.stopangle)/2,a.scale>=1)return a;g.push(a)}(d||p)&&((a=T(t,n,o,l,c)).textPosAngle=(e.startangle+e.stopangle)/2,g.push(a)),(d||h)&&((a=k(t,n,o,l,c)).textPosAngle=(e.startangle+e.stopangle)/2,g.push(a));for(var x=0,b=0,_=0;_=1)break}return g[x]}function T(t,e,r,n,i){e=Math.max(0,e-2*g);var a=t.width/t.height,o=S(a,n,e,r);return{scale:2*o/t.height,rCenter:M(a,o/e),rotate:A(i)}}function k(t,e,r,n,i){e=Math.max(0,e-2*g);var a=t.height/t.width,o=S(a,n,e,r);return{scale:2*o/t.width,rCenter:M(a,o/e),rotate:A(i+Math.PI/2)}}function M(t,e){return Math.cos(e)-t*e}function A(t){return(180/Math.PI*t+720)%180-90}function S(t,e,r,n){var i=t+1/(2*Math.tan(e));return r*Math.min(1/(Math.sqrt(i*i+.5)+i),n/(Math.sqrt(t*t+n/2)+t))}function E(t,e){return t.v!==e.vTotal||e.trace.hole?Math.min(1/(1+1/Math.sin(t.halfangle)),t.ring/2):1}function C(t,e){var r=e.pxmid[0],n=e.pxmid[1],i=t.width/2,a=t.height/2;return r<0&&(i*=-1),n<0&&(a*=-1),{scale:1,rCenter:1,rotate:0,x:i+Math.abs(a)*(i>0?1:-1)/2,y:a/(1+r*r/(n*n)),outside:!0}}function L(t,e){var r,n,i,a=t.trace,o={x:t.cx,y:t.cy},s={tx:0,ty:0};s.ty+=a.title.font.size,i=P(a),-1!==a.title.position.indexOf("top")?(o.y-=(1+i)*t.r,s.ty-=t.titleBox.height):-1!==a.title.position.indexOf("bottom")&&(o.y+=(1+i)*t.r);var l,c,u=(l=t.r,c=t.trace.aspectratio,l/(void 0===c?1:c)),f=e.w*(a.domain.x[1]-a.domain.x[0])/2;return-1!==a.title.position.indexOf("left")?(f+=u,o.x-=(1+i)*u,s.tx+=t.titleBox.width/2):-1!==a.title.position.indexOf("center")?f*=2:-1!==a.title.position.indexOf("right")&&(f+=u,o.x+=(1+i)*u,s.tx-=t.titleBox.width/2),r=f/t.titleBox.width,n=I(t,e)/t.titleBox.height,{x:o.x,y:o.y,scale:Math.min(r,n),tx:s.tx,ty:s.ty}}function I(t,e){var r=t.trace,n=e.h*(r.domain.y[1]-r.domain.y[0]);return Math.min(t.titleBox.height,n/2)}function P(t){var e,r=t.pull;if(!r)return 0;if(Array.isArray(r))for(r=0,e=0;er&&(r=t.pull[e]);return r}function z(t,e){for(var r=[],n=0;n1?(c=r.r,u=c/i.aspectratio):(u=r.r,c=u*i.aspectratio),c*=(1+i.baseratio)/2,l=c*u}o=Math.min(o,l/r.vTotal)}for(n=0;n")}if(a){var x=l.castOption(i,e.i,"texttemplate");if(x){var b=function(t){return{label:t.label,value:t.v,valueLabel:m.formatPieValue(t.v,n.separators),percent:t.v/r.vTotal,percentLabel:m.formatPiePercent(t.v/r.vTotal,n.separators),color:t.color,text:t.text,customdata:l.castOption(i,t.i,"customdata")}}(e),_=m.getFirstFilled(i.text,e.pts);(y(_)||""===_)&&(b.text=_),e.text=l.texttemplateString(x,b,t._fullLayout._d3locale,b,i._meta||{})}else e.text=""}}function R(t,e){var r=t.rotate*Math.PI/180,n=Math.cos(r),i=Math.sin(r),a=(e.left+e.right)/2,o=(e.top+e.bottom)/2;t.textX=a*n-o*i,t.textY=a*i+o*n,t.noCenter=!0}e.exports={plot:function(t,e){var r=t._fullLayout,a=r._size;d("pie",r),_(e,t),z(e,a);var h=l.makeTraceGroups(r._pielayer,e,"trace").each((function(e){var h=n.select(this),d=e[0],g=d.trace;!function(t){var e,r,n,i=t[0],a=i.r,o=i.trace,s=m.getRotationAngle(o.rotation),l=2*Math.PI/i.vTotal,c="px0",u="px1";if("counterclockwise"===o.direction){for(e=0;ei.vTotal/2?1:0,r.halfangle=Math.PI*Math.min(r.v/i.vTotal,.5),r.ring=1-o.hole,r.rInscribed=E(r,i))}(e),h.attr("stroke-linejoin","round"),h.each((function(){var v=n.select(this).selectAll("g.slice").data(e);v.enter().append("g").classed("slice",!0),v.exit().remove();var y=[[[],[]],[[],[]]],_=!1;v.each((function(i,a){if(i.hidden)n.select(this).selectAll("path,g").remove();else{i.pointNumber=i.i,i.curveNumber=g.index,y[i.pxmid[1]<0?0:1][i.pxmid[0]<0?0:1].push(i);var o=d.cx,c=d.cy,u=n.select(this),h=u.selectAll("path.surface").data([i]);if(h.enter().append("path").classed("surface",!0).style({"pointer-events":"all"}),u.call(x,t,e),g.pull){var v=+m.castOption(g.pull,i.pts)||0;v>0&&(o+=v*i.pxmid[0],c+=v*i.pxmid[1])}i.cxFinal=o,i.cyFinal=c;var T=g.hole;if(i.v===d.vTotal){var k="M"+(o+i.px0[0])+","+(c+i.px0[1])+L(i.px0,i.pxmid,!0,1)+L(i.pxmid,i.px0,!0,1)+"Z";T?h.attr("d","M"+(o+T*i.px0[0])+","+(c+T*i.px0[1])+L(i.px0,i.pxmid,!1,T)+L(i.pxmid,i.px0,!1,T)+"Z"+k):h.attr("d",k)}else{var M=L(i.px0,i.px1,!0,1);if(T){var A=1-T;h.attr("d","M"+(o+T*i.px1[0])+","+(c+T*i.px1[1])+L(i.px1,i.px0,!1,T)+"l"+A*i.px0[0]+","+A*i.px0[1]+M+"Z")}else h.attr("d","M"+o+","+c+"l"+i.px0[0]+","+i.px0[1]+M+"Z")}D(t,i,d);var S=m.castOption(g.textposition,i.pts),E=u.selectAll("g.slicetext").data(i.text&&"none"!==S?[0]:[]);E.enter().append("g").classed("slicetext",!0),E.exit().remove(),E.each((function(){var u=l.ensureSingle(n.select(this),"text","",(function(t){t.attr("data-notex",1)})),h=l.ensureUniformFontSize(t,"outside"===S?function(t,e,r){var n=m.castOption(t.outsidetextfont.color,e.pts)||m.castOption(t.textfont.color,e.pts)||r.color,i=m.castOption(t.outsidetextfont.family,e.pts)||m.castOption(t.textfont.family,e.pts)||r.family,a=m.castOption(t.outsidetextfont.size,e.pts)||m.castOption(t.textfont.size,e.pts)||r.size;return{color:n,family:i,size:a}}(g,i,r.font):b(g,i,r.font));u.text(i.text).attr({class:"slicetext",transform:"","text-anchor":"middle"}).call(s.font,h).call(f.convertToTspans,t);var v,y=s.bBox(u.node());if("outside"===S)v=C(y,i);else if(v=w(y,i,d),"auto"===S&&v.scale<1){var x=l.ensureUniformFontSize(t,g.outsidetextfont);u.call(s.font,x),v=C(y=s.bBox(u.node()),i)}var T=v.textPosAngle,k=void 0===T?i.pxmid:O(d.r,T);if(v.targetX=o+k[0]*v.rCenter+(v.x||0),v.targetY=c+k[1]*v.rCenter+(v.y||0),R(v,y),v.outside){var M=v.targetY;i.yLabelMin=M-y.height/2,i.yLabelMid=M,i.yLabelMax=M+y.height/2,i.labelExtraX=0,i.labelExtraY=0,_=!0}v.fontSize=h.size,p(g.type,v,r),e[a].transform=v,u.attr("transform",l.getTextTransform(v))}))}function L(t,e,r,n){var a=n*(e[0]-t[0]),o=n*(e[1]-t[1]);return"a"+n*d.r+","+n*d.r+" 0 "+i.largeArc+(r?" 1 ":" 0 ")+a+","+o}}));var T=n.select(this).selectAll("g.titletext").data(g.title.text?[0]:[]);if(T.enter().append("g").classed("titletext",!0),T.exit().remove(),T.each((function(){var e,r=l.ensureSingle(n.select(this),"text","",(function(t){t.attr("data-notex",1)})),i=g.title.text;g._meta&&(i=l.templateString(i,g._meta)),r.text(i).attr({class:"titletext",transform:"","text-anchor":"middle"}).call(s.font,g.title.font).call(f.convertToTspans,t),e="middle center"===g.title.position?function(t){var e=Math.sqrt(t.titleBox.width*t.titleBox.width+t.titleBox.height*t.titleBox.height);return{x:t.cx,y:t.cy,scale:t.trace.hole*t.r*2/e,tx:0,ty:-t.titleBox.height/2+t.trace.title.font.size}}(d):L(d,a),r.attr("transform",u(e.x,e.y)+c(Math.min(1,e.scale))+u(e.tx,e.ty))})),_&&function(t,e){var r,n,i,a,o,s,l,c,u,f,h,p,d;function g(t,e){return t.pxmid[1]-e.pxmid[1]}function v(t,e){return e.pxmid[1]-t.pxmid[1]}function y(t,r){r||(r={});var i,c,u,h,p=r.labelExtraY+(n?r.yLabelMax:r.yLabelMin),d=n?t.yLabelMin:t.yLabelMax,g=n?t.yLabelMax:t.yLabelMin,v=t.cyFinal+o(t.px0[1],t.px1[1]),y=p-d;if(y*l>0&&(t.labelExtraY=y),Array.isArray(e.pull))for(c=0;c=(m.castOption(e.pull,u.pts)||0)||((t.pxmid[1]-u.pxmid[1])*l>0?(y=u.cyFinal+o(u.px0[1],u.px1[1])-d-t.labelExtraY)*l>0&&(t.labelExtraY+=y):(g+t.labelExtraY-v)*l>0&&(i=3*s*Math.abs(c-f.indexOf(t)),(h=u.cxFinal+a(u.px0[0],u.px1[0])+i-(t.cxFinal+t.pxmid[0])-t.labelExtraX)*s>0&&(t.labelExtraX+=h)))}for(n=0;n<2;n++)for(i=n?g:v,o=n?Math.max:Math.min,l=n?1:-1,r=0;r<2;r++){for(a=r?Math.max:Math.min,s=r?1:-1,(c=t[n][r]).sort(i),u=t[1-n][r],f=u.concat(c),p=[],h=0;hMath.abs(f)?s+="l"+f*t.pxmid[0]/t.pxmid[1]+","+f+"H"+(a+t.labelExtraX+c):s+="l"+t.labelExtraX+","+u+"v"+(f-u)+"h"+c}else s+="V"+(t.yLabelMid+t.labelExtraY)+"h"+c;l.ensureSingle(r,"path","textline").call(o.stroke,e.outsidetextfont.color).attr({"stroke-width":Math.min(2,e.outsidetextfont.size/8),d:s,fill:"none"})}else r.select("path.textline").remove()}))}(v,g),_&&g.automargin){var k=s.bBox(h.node()),M=g.domain,A=a.w*(M.x[1]-M.x[0]),S=a.h*(M.y[1]-M.y[0]),E=(.5*A-d.r)/a.w,I=(.5*S-d.r)/a.h;i.autoMargin(t,"pie."+g.uid+".automargin",{xl:M.x[0]-E,xr:M.x[1]+E,yb:M.y[0]-I,yt:M.y[1]+I,l:Math.max(d.cx-d.r-k.left,0),r:Math.max(k.right-(d.cx+d.r),0),b:Math.max(k.bottom-(d.cy+d.r),0),t:Math.max(d.cy-d.r-k.top,0),pad:5})}}))}));setTimeout((function(){h.selectAll("tspan").each((function(){var t=n.select(this);t.attr("dy")&&t.attr("dy",t.attr("dy"))}))}),0)},formatSliceLabel:D,transformInsideText:w,determineInsideTextFont:b,positionTitleOutside:L,prerenderTitles:_,layoutAreas:z,attachFxHandlers:x,computeTransform:R}},{"../../components/color":643,"../../components/drawing":665,"../../components/fx":683,"../../lib":778,"../../lib/svg_text_utils":803,"../../plots/plots":891,"../bar/constants":923,"../bar/uniform_text":937,"./event_data":1165,"./helpers":1166,d3:169}],1171:[function(t,e,r){"use strict";var n=t("d3"),i=t("./style_one"),a=t("../bar/uniform_text").resizeText;e.exports=function(t){var e=t._fullLayout._pielayer.selectAll(".trace");a(t,e,"pie"),e.each((function(t){var e=t[0].trace,r=n.select(this);r.style({opacity:e.opacity}),r.selectAll("path.surface").each((function(t){n.select(this).call(i,t,e)}))}))}},{"../bar/uniform_text":937,"./style_one":1172,d3:169}],1172:[function(t,e,r){"use strict";var n=t("../../components/color"),i=t("./helpers").castOption;e.exports=function(t,e,r){var a=r.marker.line,o=i(a.color,e.pts)||n.defaultLine,s=i(a.width,e.pts)||0;t.style("stroke-width",s).call(n.fill,e.color).call(n.stroke,o)}},{"../../components/color":643,"./helpers":1166}],1173:[function(t,e,r){"use strict";var n=t("../scatter/attributes");e.exports={x:n.x,y:n.y,xy:{valType:"data_array",editType:"calc"},indices:{valType:"data_array",editType:"calc"},xbounds:{valType:"data_array",editType:"calc"},ybounds:{valType:"data_array",editType:"calc"},text:n.text,marker:{color:{valType:"color",arrayOk:!1,editType:"calc"},opacity:{valType:"number",min:0,max:1,dflt:1,arrayOk:!1,editType:"calc"},blend:{valType:"boolean",dflt:null,editType:"calc"},sizemin:{valType:"number",min:.1,max:2,dflt:.5,editType:"calc"},sizemax:{valType:"number",min:.1,dflt:20,editType:"calc"},border:{color:{valType:"color",arrayOk:!1,editType:"calc"},arearatio:{valType:"number",min:0,max:1,dflt:0,editType:"calc"},editType:"calc"},editType:"calc"},transforms:void 0}},{"../scatter/attributes":1187}],1174:[function(t,e,r){"use strict";var n=t("gl-pointcloud2d"),i=t("../../lib/str2rgbarray"),a=t("../../plots/cartesian/autorange").findExtremes,o=t("../scatter/get_trace_color");function s(t,e){this.scene=t,this.uid=e,this.type="pointcloud",this.pickXData=[],this.pickYData=[],this.xData=[],this.yData=[],this.textLabels=[],this.color="rgb(0, 0, 0)",this.name="",this.hoverinfo="all",this.idToIndex=new Int32Array(0),this.bounds=[0,0,0,0],this.pointcloudOptions={positions:new Float32Array(0),idToIndex:this.idToIndex,sizemin:.5,sizemax:12,color:[0,0,0,1],areaRatio:1,borderColor:[0,0,0,1]},this.pointcloud=n(t.glplot,this.pointcloudOptions),this.pointcloud._trace=this}var l=s.prototype;l.handlePick=function(t){var e=this.idToIndex[t.pointId];return{trace:this,dataCoord:t.dataCoord,traceCoord:this.pickXYData?[this.pickXYData[2*e],this.pickXYData[2*e+1]]:[this.pickXData[e],this.pickYData[e]],textLabel:Array.isArray(this.textLabels)?this.textLabels[e]:this.textLabels,color:this.color,name:this.name,pointIndex:e,hoverinfo:this.hoverinfo}},l.update=function(t){this.index=t.index,this.textLabels=t.text,this.name=t.name,this.hoverinfo=t.hoverinfo,this.bounds=[1/0,1/0,-1/0,-1/0],this.updateFast(t),this.color=o(t,{})},l.updateFast=function(t){var e,r,n,o,s,l,c=this.xData=this.pickXData=t.x,u=this.yData=this.pickYData=t.y,f=this.pickXYData=t.xy,h=t.xbounds&&t.ybounds,p=t.indices,d=this.bounds;if(f){if(n=f,e=f.length>>>1,h)d[0]=t.xbounds[0],d[2]=t.xbounds[1],d[1]=t.ybounds[0],d[3]=t.ybounds[1];else for(l=0;ld[2]&&(d[2]=o),sd[3]&&(d[3]=s);if(p)r=p;else for(r=new Int32Array(e),l=0;ld[2]&&(d[2]=o),sd[3]&&(d[3]=s);this.idToIndex=r,this.pointcloudOptions.idToIndex=r,this.pointcloudOptions.positions=n;var g=i(t.marker.color),m=i(t.marker.border.color),v=t.opacity*t.marker.opacity;g[3]*=v,this.pointcloudOptions.color=g;var y=t.marker.blend;if(null===y){y=c.length<100||u.length<100}this.pointcloudOptions.blend=y,m[3]*=v,this.pointcloudOptions.borderColor=m;var x=t.marker.sizemin,b=Math.max(t.marker.sizemax,t.marker.sizemin);this.pointcloudOptions.sizeMin=x,this.pointcloudOptions.sizeMax=b,this.pointcloudOptions.areaRatio=t.marker.border.arearatio,this.pointcloud.update(this.pointcloudOptions);var _=this.scene.xaxis,w=this.scene.yaxis,T=b/2||.5;t._extremes[_._id]=a(_,[d[0],d[2]],{ppad:T}),t._extremes[w._id]=a(w,[d[1],d[3]],{ppad:T})},l.dispose=function(){this.pointcloud.dispose()},e.exports=function(t,e){var r=new s(t,e.uid);return r.update(e),r}},{"../../lib/str2rgbarray":802,"../../plots/cartesian/autorange":827,"../scatter/get_trace_color":1197,"gl-pointcloud2d":324}],1175:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes");e.exports=function(t,e,r){function a(r,a){return n.coerce(t,e,i,r,a)}a("x"),a("y"),a("xbounds"),a("ybounds"),t.xy&&t.xy instanceof Float32Array&&(e.xy=t.xy),t.indices&&t.indices instanceof Int32Array&&(e.indices=t.indices),a("text"),a("marker.color",r),a("marker.opacity"),a("marker.blend"),a("marker.sizemin"),a("marker.sizemax"),a("marker.border.color",r),a("marker.border.arearatio"),e._length=null}},{"../../lib":778,"./attributes":1173}],1176:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("../scatter3d/calc"),plot:t("./convert"),moduleType:"trace",name:"pointcloud",basePlotModule:t("../../plots/gl2d"),categories:["gl","gl2d","showLegend"],meta:{}}},{"../../plots/gl2d":868,"../scatter3d/calc":1216,"./attributes":1173,"./convert":1174,"./defaults":1175}],1177:[function(t,e,r){"use strict";var n=t("../../plots/font_attributes"),i=t("../../plots/attributes"),a=t("../../components/color/attributes"),o=t("../../components/fx/attributes"),s=t("../../plots/domain").attributes,l=t("../../plots/template_attributes").hovertemplateAttrs,c=t("../../components/colorscale/attributes"),u=t("../../plot_api/plot_template").templatedArray,f=t("../../lib/extend").extendFlat,h=t("../../plot_api/edit_types").overrideAll;t("../../constants/docs").FORMAT_LINK;(e.exports=h({hoverinfo:f({},i.hoverinfo,{flags:[],arrayOk:!1}),hoverlabel:o.hoverlabel,domain:s({name:"sankey",trace:!0}),orientation:{valType:"enumerated",values:["v","h"],dflt:"h"},valueformat:{valType:"string",dflt:".3s"},valuesuffix:{valType:"string",dflt:""},arrangement:{valType:"enumerated",values:["snap","perpendicular","freeform","fixed"],dflt:"snap"},textfont:n({}),customdata:void 0,node:{label:{valType:"data_array",dflt:[]},groups:{valType:"info_array",impliedEdits:{x:[],y:[]},dimensions:2,freeLength:!0,dflt:[],items:{valType:"number",editType:"calc"}},x:{valType:"data_array",dflt:[]},y:{valType:"data_array",dflt:[]},color:{valType:"color",arrayOk:!0},customdata:{valType:"data_array",editType:"calc"},line:{color:{valType:"color",dflt:a.defaultLine,arrayOk:!0},width:{valType:"number",min:0,dflt:.5,arrayOk:!0}},pad:{valType:"number",arrayOk:!1,min:0,dflt:20},thickness:{valType:"number",arrayOk:!1,min:1,dflt:20},hoverinfo:{valType:"enumerated",values:["all","none","skip"],dflt:"all"},hoverlabel:o.hoverlabel,hovertemplate:l({},{keys:["value","label"]})},link:{label:{valType:"data_array",dflt:[]},color:{valType:"color",arrayOk:!0},customdata:{valType:"data_array",editType:"calc"},line:{color:{valType:"color",dflt:a.defaultLine,arrayOk:!0},width:{valType:"number",min:0,dflt:0,arrayOk:!0}},source:{valType:"data_array",dflt:[]},target:{valType:"data_array",dflt:[]},value:{valType:"data_array",dflt:[]},hoverinfo:{valType:"enumerated",values:["all","none","skip"],dflt:"all"},hoverlabel:o.hoverlabel,hovertemplate:l({},{keys:["value","label"]}),colorscales:u("concentrationscales",{editType:"calc",label:{valType:"string",editType:"calc",dflt:""},cmax:{valType:"number",editType:"calc",dflt:1},cmin:{valType:"number",editType:"calc",dflt:0},colorscale:f(c().colorscale,{dflt:[[0,"white"],[1,"black"]]})})}},"calc","nested")).transforms=void 0},{"../../components/color/attributes":642,"../../components/colorscale/attributes":650,"../../components/fx/attributes":674,"../../constants/docs":748,"../../lib/extend":768,"../../plot_api/edit_types":810,"../../plot_api/plot_template":817,"../../plots/attributes":824,"../../plots/domain":855,"../../plots/font_attributes":856,"../../plots/template_attributes":906}],1178:[function(t,e,r){"use strict";var n=t("../../plot_api/edit_types").overrideAll,i=t("../../plots/get_data").getModuleCalcData,a=t("./plot"),o=t("../../components/fx/layout_attributes"),s=t("../../lib/setcursor"),l=t("../../components/dragelement"),c=t("../../plots/cartesian/select").prepSelect,u=t("../../lib"),f=t("../../registry");function h(t,e){var r=t._fullData[e],n=t._fullLayout,i=n.dragmode,a="pan"===n.dragmode?"move":"crosshair",o=r._bgRect;if("pan"!==i&&"zoom"!==i){s(o,a);var h={_id:"x",c2p:u.identity,_offset:r._sankey.translateX,_length:r._sankey.width},p={_id:"y",c2p:u.identity,_offset:r._sankey.translateY,_length:r._sankey.height},d={gd:t,element:o.node(),plotinfo:{id:e,xaxis:h,yaxis:p,fillRangeItems:u.noop},subplot:e,xaxes:[h],yaxes:[p],doneFnCompleted:function(r){var n,i=t._fullData[e],a=i.node.groups.slice(),o=[];function s(t){for(var e=i._sankey.graph.nodes,r=0;ry&&(y=a.source[e]),a.target[e]>y&&(y=a.target[e]);var x,b=y+1;t.node._count=b;var _=t.node.groups,w={};for(e=0;e<_.length;e++){var T=_[e];for(x=0;x0&&s(E,b)&&s(C,b)&&(!w.hasOwnProperty(E)||!w.hasOwnProperty(C)||w[E]!==w[C])){w.hasOwnProperty(C)&&(C=w[C]),w.hasOwnProperty(E)&&(E=w[E]),C=+C,h[E=+E]=h[C]=!0;var L="";a.label&&a.label[e]&&(L=a.label[e]);var I=null;L&&p.hasOwnProperty(L)&&(I=p[L]),c.push({pointNumber:e,label:L,color:u?a.color[e]:a.color,customdata:f?a.customdata[e]:a.customdata,concentrationscale:I,source:E,target:C,value:+S}),A.source.push(E),A.target.push(C)}}var P=b+_.length,z=o(r.color),O=o(r.customdata),D=[];for(e=0;eb-1,childrenNodes:[],pointNumber:e,label:R,color:z?r.color[e]:r.color,customdata:O?r.customdata[e]:r.customdata})}var F=!1;return function(t,e,r){for(var a=i.init2dArray(t,0),o=0;o1}))}(P,A.source,A.target)&&(F=!0),{circular:F,links:c,nodes:D,groups:_,groupLookup:w}}e.exports=function(t,e){var r=c(e);return a({circular:r.circular,_nodes:r.nodes,_links:r.links,_groups:r.groups,_groupLookup:r.groupLookup})}},{"../../components/colorscale":655,"../../lib":778,"../../lib/gup":775,"strongly-connected-components":569}],1180:[function(t,e,r){"use strict";e.exports={nodeTextOffsetHorizontal:4,nodeTextOffsetVertical:3,nodePadAcross:10,sankeyIterations:50,forceIterations:5,forceTicksPerFrame:10,duration:500,ease:"linear",cn:{sankey:"sankey",sankeyLinks:"sankey-links",sankeyLink:"sankey-link",sankeyNodeSet:"sankey-node-set",sankeyNode:"sankey-node",nodeRect:"node-rect",nodeCapture:"node-capture",nodeCentered:"node-entered",nodeLabelGuide:"node-label-guide",nodeLabel:"node-label",nodeLabelTextPath:"node-label-text-path"}}},{}],1181:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes"),a=t("../../components/color"),o=t("tinycolor2"),s=t("../../plots/domain").defaults,l=t("../../components/fx/hoverlabel_defaults"),c=t("../../plot_api/plot_template"),u=t("../../plots/array_container_defaults");function f(t,e){function r(r,a){return n.coerce(t,e,i.link.colorscales,r,a)}r("label"),r("cmin"),r("cmax"),r("colorscale")}e.exports=function(t,e,r,h){function p(r,a){return n.coerce(t,e,i,r,a)}var d=n.extendDeep(h.hoverlabel,t.hoverlabel),g=t.node,m=c.newContainer(e,"node");function v(t,e){return n.coerce(g,m,i.node,t,e)}v("label"),v("groups"),v("x"),v("y"),v("pad"),v("thickness"),v("line.color"),v("line.width"),v("hoverinfo",t.hoverinfo),l(g,m,v,d),v("hovertemplate");var y=h.colorway;v("color",m.label.map((function(t,e){return a.addOpacity(function(t){return y[t%y.length]}(e),.8)}))),v("customdata");var x=t.link||{},b=c.newContainer(e,"link");function _(t,e){return n.coerce(x,b,i.link,t,e)}_("label"),_("source"),_("target"),_("value"),_("line.color"),_("line.width"),_("hoverinfo",t.hoverinfo),l(x,b,_,d),_("hovertemplate");var w,T=o(h.paper_bgcolor).getLuminance()<.333?"rgba(255, 255, 255, 0.6)":"rgba(0, 0, 0, 0.2)";_("color",n.repeat(T,b.value.length)),_("customdata"),u(x,b,{name:"colorscales",handleItemDefaults:f}),s(e,h,p),p("orientation"),p("valueformat"),p("valuesuffix"),m.x.length&&m.y.length&&(w="freeform"),p("arrangement",w),n.coerceFont(p,"textfont",n.extendFlat({},h.font)),e._length=null}},{"../../components/color":643,"../../components/fx/hoverlabel_defaults":681,"../../lib":778,"../../plot_api/plot_template":817,"../../plots/array_container_defaults":823,"../../plots/domain":855,"./attributes":1177,tinycolor2:576}],1182:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc"),plot:t("./plot"),moduleType:"trace",name:"sankey",basePlotModule:t("./base_plot"),selectPoints:t("./select.js"),categories:["noOpacity"],meta:{}}},{"./attributes":1177,"./base_plot":1178,"./calc":1179,"./defaults":1181,"./plot":1183,"./select.js":1185}],1183:[function(t,e,r){"use strict";var n=t("d3"),i=t("./render"),a=t("../../components/fx"),o=t("../../components/color"),s=t("../../lib"),l=t("./constants").cn,c=s._;function u(t){return""!==t}function f(t,e){return t.filter((function(t){return t.key===e.traceId}))}function h(t,e){n.select(t).select("path").style("fill-opacity",e),n.select(t).select("rect").style("fill-opacity",e)}function p(t){n.select(t).select("text.name").style("fill","black")}function d(t){return function(e){return-1!==t.node.sourceLinks.indexOf(e.link)||-1!==t.node.targetLinks.indexOf(e.link)}}function g(t){return function(e){return-1!==e.node.sourceLinks.indexOf(t.link)||-1!==e.node.targetLinks.indexOf(t.link)}}function m(t,e,r){e&&r&&f(r,e).selectAll("."+l.sankeyLink).filter(d(e)).call(y.bind(0,e,r,!1))}function v(t,e,r){e&&r&&f(r,e).selectAll("."+l.sankeyLink).filter(d(e)).call(x.bind(0,e,r,!1))}function y(t,e,r,n){var i=n.datum().link.label;n.style("fill-opacity",(function(t){if(!t.link.concentrationscale)return.4})),i&&f(e,t).selectAll("."+l.sankeyLink).filter((function(t){return t.link.label===i})).style("fill-opacity",(function(t){if(!t.link.concentrationscale)return.4})),r&&f(e,t).selectAll("."+l.sankeyNode).filter(g(t)).call(m)}function x(t,e,r,n){var i=n.datum().link.label;n.style("fill-opacity",(function(t){return t.tinyColorAlpha})),i&&f(e,t).selectAll("."+l.sankeyLink).filter((function(t){return t.link.label===i})).style("fill-opacity",(function(t){return t.tinyColorAlpha})),r&&f(e,t).selectAll(l.sankeyNode).filter(g(t)).call(v)}function b(t,e){var r=t.hoverlabel||{},n=s.nestedProperty(r,e).get();return!Array.isArray(n)&&n}e.exports=function(t,e){for(var r=t._fullLayout,s=r._paper,f=r._size,d=0;d"),color:b(s,"bgcolor")||o.addOpacity(d.color,1),borderColor:b(s,"bordercolor"),fontFamily:b(s,"font.family"),fontSize:b(s,"font.size"),fontColor:b(s,"font.color"),nameLength:b(s,"namelength"),textAlign:b(s,"align"),idealAlign:n.event.x"),color:b(o,"bgcolor")||i.tinyColorHue,borderColor:b(o,"bordercolor"),fontFamily:b(o,"font.family"),fontSize:b(o,"font.size"),fontColor:b(o,"font.color"),nameLength:b(o,"namelength"),textAlign:b(o,"align"),idealAlign:"left",hovertemplate:o.hovertemplate,hovertemplateLabels:v,eventData:[i.node]},{container:r._hoverlayer.node(),outerContainer:r._paper.node(),gd:t});h(_,.85),p(_)}}},unhover:function(e,i,o){!1!==t._fullLayout.hovermode&&(n.select(e).call(v,i,o),"skip"!==i.node.trace.node.hoverinfo&&(i.node.fullData=i.node.trace,t.emit("plotly_unhover",{event:n.event,points:[i.node]})),a.loneUnhover(r._hoverlayer.node()))},select:function(e,r,i){var o=r.node;o.originalEvent=n.event,t._hoverdata=[o],n.select(e).call(v,r,i),a.click(t,{target:!0})}}})}},{"../../components/color":643,"../../components/fx":683,"../../lib":778,"./constants":1180,"./render":1184,d3:169}],1184:[function(t,e,r){"use strict";var n=t("./constants"),i=t("d3"),a=t("tinycolor2"),o=t("../../components/color"),s=t("../../components/drawing"),l=t("@plotly/d3-sankey"),c=t("@plotly/d3-sankey-circular"),u=t("d3-force"),f=t("../../lib"),h=f.strTranslate,p=t("../../lib/gup"),d=p.keyFun,g=p.repeat,m=p.unwrap,v=t("d3-interpolate").interpolateNumber,y=t("../../registry");function x(t,e,r){var i,o=m(e),s=o.trace,u=s.domain,h="h"===s.orientation,p=s.node.pad,d=s.node.thickness,g=t.width*(u.x[1]-u.x[0]),v=t.height*(u.y[1]-u.y[0]),y=o._nodes,x=o._links,b=o.circular;(i=b?c.sankeyCircular().circularLinkGap(0):l.sankey()).iterations(n.sankeyIterations).size(h?[g,v]:[v,g]).nodeWidth(d).nodePadding(p).nodeId((function(t){return t.pointNumber})).nodes(y).links(x);var _,w,T,k=i();for(var M in i.nodePadding()=i||(r=i-e.y0)>1e-6&&(e.y0+=r,e.y1+=r),i=e.y1+p}))}(function(t){var e,r,n=t.map((function(t,e){return{x0:t.x0,index:e}})).sort((function(t,e){return t.x0-e.x0})),i=[],a=-1,o=-1/0;for(_=0;_o+d&&(a+=1,e=s.x0),o=s.x0,i[a]||(i[a]=[]),i[a].push(s),r=e-s.x0,s.x0+=r,s.x1+=r}return i}(y=k.nodes));i.update(k)}return{circular:b,key:r,trace:s,guid:f.randstr(),horizontal:h,width:g,height:v,nodePad:s.node.pad,nodeLineColor:s.node.line.color,nodeLineWidth:s.node.line.width,linkLineColor:s.link.line.color,linkLineWidth:s.link.line.width,valueFormat:s.valueformat,valueSuffix:s.valuesuffix,textFont:s.textfont,translateX:u.x[0]*t.width+t.margin.l,translateY:t.height-u.y[1]*t.height+t.margin.t,dragParallel:h?v:g,dragPerpendicular:h?g:v,arrangement:s.arrangement,sankey:i,graph:k,forceLayouts:{},interactionState:{dragInProgress:!1,hovered:!1}}}function b(t,e,r){var n=a(e.color),i=e.source.label+"|"+e.target.label+"__"+r;return e.trace=t.trace,e.curveNumber=t.trace.index,{circular:t.circular,key:i,traceId:t.key,pointNumber:e.pointNumber,link:e,tinyColorHue:o.tinyRGB(n),tinyColorAlpha:n.getAlpha(),linkPath:_,linkLineColor:t.linkLineColor,linkLineWidth:t.linkLineWidth,valueFormat:t.valueFormat,valueSuffix:t.valueSuffix,sankey:t.sankey,parent:t,interactionState:t.interactionState,flow:e.flow}}function _(){return function(t){if(t.link.circular)return e=t.link,r=e.width/2,n=e.circularPathData,"top"===e.circularLinkType?"M "+n.targetX+" "+(n.targetY+r)+" L"+n.rightInnerExtent+" "+(n.targetY+r)+"A"+(n.rightLargeArcRadius+r)+" "+(n.rightSmallArcRadius+r)+" 0 0 1 "+(n.rightFullExtent-r)+" "+(n.targetY-n.rightSmallArcRadius)+"L"+(n.rightFullExtent-r)+" "+n.verticalRightInnerExtent+"A"+(n.rightLargeArcRadius+r)+" "+(n.rightLargeArcRadius+r)+" 0 0 1 "+n.rightInnerExtent+" "+(n.verticalFullExtent-r)+"L"+n.leftInnerExtent+" "+(n.verticalFullExtent-r)+"A"+(n.leftLargeArcRadius+r)+" "+(n.leftLargeArcRadius+r)+" 0 0 1 "+(n.leftFullExtent+r)+" "+n.verticalLeftInnerExtent+"L"+(n.leftFullExtent+r)+" "+(n.sourceY-n.leftSmallArcRadius)+"A"+(n.leftLargeArcRadius+r)+" "+(n.leftSmallArcRadius+r)+" 0 0 1 "+n.leftInnerExtent+" "+(n.sourceY+r)+"L"+n.sourceX+" "+(n.sourceY+r)+"L"+n.sourceX+" "+(n.sourceY-r)+"L"+n.leftInnerExtent+" "+(n.sourceY-r)+"A"+(n.leftLargeArcRadius-r)+" "+(n.leftSmallArcRadius-r)+" 0 0 0 "+(n.leftFullExtent-r)+" "+(n.sourceY-n.leftSmallArcRadius)+"L"+(n.leftFullExtent-r)+" "+n.verticalLeftInnerExtent+"A"+(n.leftLargeArcRadius-r)+" "+(n.leftLargeArcRadius-r)+" 0 0 0 "+n.leftInnerExtent+" "+(n.verticalFullExtent+r)+"L"+n.rightInnerExtent+" "+(n.verticalFullExtent+r)+"A"+(n.rightLargeArcRadius-r)+" "+(n.rightLargeArcRadius-r)+" 0 0 0 "+(n.rightFullExtent+r)+" "+n.verticalRightInnerExtent+"L"+(n.rightFullExtent+r)+" "+(n.targetY-n.rightSmallArcRadius)+"A"+(n.rightLargeArcRadius-r)+" "+(n.rightSmallArcRadius-r)+" 0 0 0 "+n.rightInnerExtent+" "+(n.targetY-r)+"L"+n.targetX+" "+(n.targetY-r)+"Z":"M "+n.targetX+" "+(n.targetY-r)+" L"+n.rightInnerExtent+" "+(n.targetY-r)+"A"+(n.rightLargeArcRadius+r)+" "+(n.rightSmallArcRadius+r)+" 0 0 0 "+(n.rightFullExtent-r)+" "+(n.targetY+n.rightSmallArcRadius)+"L"+(n.rightFullExtent-r)+" "+n.verticalRightInnerExtent+"A"+(n.rightLargeArcRadius+r)+" "+(n.rightLargeArcRadius+r)+" 0 0 0 "+n.rightInnerExtent+" "+(n.verticalFullExtent+r)+"L"+n.leftInnerExtent+" "+(n.verticalFullExtent+r)+"A"+(n.leftLargeArcRadius+r)+" "+(n.leftLargeArcRadius+r)+" 0 0 0 "+(n.leftFullExtent+r)+" "+n.verticalLeftInnerExtent+"L"+(n.leftFullExtent+r)+" "+(n.sourceY+n.leftSmallArcRadius)+"A"+(n.leftLargeArcRadius+r)+" "+(n.leftSmallArcRadius+r)+" 0 0 0 "+n.leftInnerExtent+" "+(n.sourceY-r)+"L"+n.sourceX+" "+(n.sourceY-r)+"L"+n.sourceX+" "+(n.sourceY+r)+"L"+n.leftInnerExtent+" "+(n.sourceY+r)+"A"+(n.leftLargeArcRadius-r)+" "+(n.leftSmallArcRadius-r)+" 0 0 1 "+(n.leftFullExtent-r)+" "+(n.sourceY+n.leftSmallArcRadius)+"L"+(n.leftFullExtent-r)+" "+n.verticalLeftInnerExtent+"A"+(n.leftLargeArcRadius-r)+" "+(n.leftLargeArcRadius-r)+" 0 0 1 "+n.leftInnerExtent+" "+(n.verticalFullExtent-r)+"L"+n.rightInnerExtent+" "+(n.verticalFullExtent-r)+"A"+(n.rightLargeArcRadius-r)+" "+(n.rightLargeArcRadius-r)+" 0 0 1 "+(n.rightFullExtent+r)+" "+n.verticalRightInnerExtent+"L"+(n.rightFullExtent+r)+" "+(n.targetY+n.rightSmallArcRadius)+"A"+(n.rightLargeArcRadius-r)+" "+(n.rightSmallArcRadius-r)+" 0 0 1 "+n.rightInnerExtent+" "+(n.targetY+r)+"L"+n.targetX+" "+(n.targetY+r)+"Z";var e,r,n,i=t.link.source.x1,a=t.link.target.x0,o=v(i,a),s=o(.5),l=o(.5),c=t.link.y0-t.link.width/2,u=t.link.y0+t.link.width/2,f=t.link.y1-t.link.width/2,h=t.link.y1+t.link.width/2;return"M"+i+","+c+"C"+s+","+c+" "+l+","+f+" "+a+","+f+"L"+a+","+h+"C"+l+","+h+" "+s+","+u+" "+i+","+u+"Z"}}function w(t,e){var r=a(e.color),i=n.nodePadAcross,s=t.nodePad/2;e.dx=e.x1-e.x0,e.dy=e.y1-e.y0;var l=e.dx,c=Math.max(.5,e.dy),u="node_"+e.pointNumber;return e.group&&(u=f.randstr()),e.trace=t.trace,e.curveNumber=t.trace.index,{index:e.pointNumber,key:u,partOfGroup:e.partOfGroup||!1,group:e.group,traceId:t.key,trace:t.trace,node:e,nodePad:t.nodePad,nodeLineColor:t.nodeLineColor,nodeLineWidth:t.nodeLineWidth,textFont:t.textFont,size:t.horizontal?t.height:t.width,visibleWidth:Math.ceil(l),visibleHeight:c,zoneX:-i,zoneY:-s,zoneWidth:l+2*i,zoneHeight:c+2*s,labelY:t.horizontal?e.dy/2+1:e.dx/2+1,left:1===e.originalLayer,sizeAcross:t.width,forceLayouts:t.forceLayouts,horizontal:t.horizontal,darkBackground:r.getBrightness()<=128,tinyColorHue:o.tinyRGB(r),tinyColorAlpha:r.getAlpha(),valueFormat:t.valueFormat,valueSuffix:t.valueSuffix,sankey:t.sankey,graph:t.graph,arrangement:t.arrangement,uniqueNodeLabelPathId:[t.guid,t.key,u].join("_"),interactionState:t.interactionState,figure:t}}function T(t){t.attr("transform",(function(t){return h(t.node.x0.toFixed(3),t.node.y0.toFixed(3))}))}function k(t){t.call(T)}function M(t,e){t.call(k),e.attr("d",_())}function A(t){t.attr("width",(function(t){return t.node.x1-t.node.x0})).attr("height",(function(t){return t.visibleHeight}))}function S(t){return t.link.width>1||t.linkLineWidth>0}function E(t){return h(t.translateX,t.translateY)+(t.horizontal?"matrix(1 0 0 1 0 0)":"matrix(0 1 1 0 0 0)")}function C(t){return h(t.horizontal?0:t.labelY,t.horizontal?t.labelY:0)}function L(t){return i.svg.line()([[t.horizontal?t.left?-t.sizeAcross:t.visibleWidth+n.nodeTextOffsetHorizontal:n.nodeTextOffsetHorizontal,0],[t.horizontal?t.left?-n.nodeTextOffsetHorizontal:t.sizeAcross:t.visibleHeight-n.nodeTextOffsetHorizontal,0]])}function I(t){return t.horizontal?"matrix(1 0 0 1 0 0)":"matrix(0 1 1 0 0 0)"}function P(t){return t.horizontal?"scale(1 1)":"scale(-1 1)"}function z(t){return t.darkBackground&&!t.horizontal?"rgb(255,255,255)":"rgb(0,0,0)"}function O(t){return t.horizontal&&t.left?"100%":"0%"}function D(t,e,r){t.on(".basic",null).on("mouseover.basic",(function(t){t.interactionState.dragInProgress||t.partOfGroup||(r.hover(this,t,e),t.interactionState.hovered=[this,t])})).on("mousemove.basic",(function(t){t.interactionState.dragInProgress||t.partOfGroup||(r.follow(this,t),t.interactionState.hovered=[this,t])})).on("mouseout.basic",(function(t){t.interactionState.dragInProgress||t.partOfGroup||(r.unhover(this,t,e),t.interactionState.hovered=!1)})).on("click.basic",(function(t){t.interactionState.hovered&&(r.unhover(this,t,e),t.interactionState.hovered=!1),t.interactionState.dragInProgress||t.partOfGroup||r.select(this,t,e)}))}function R(t,e,r,a){var o=i.behavior.drag().origin((function(t){return{x:t.node.x0+t.visibleWidth/2,y:t.node.y0+t.visibleHeight/2}})).on("dragstart",(function(i){if("fixed"!==i.arrangement&&(f.ensureSingle(a._fullLayout._infolayer,"g","dragcover",(function(t){a._fullLayout._dragCover=t})),f.raiseToTop(this),i.interactionState.dragInProgress=i.node,B(i.node),i.interactionState.hovered&&(r.nodeEvents.unhover.apply(0,i.interactionState.hovered),i.interactionState.hovered=!1),"snap"===i.arrangement)){var o=i.traceId+"|"+i.key;i.forceLayouts[o]?i.forceLayouts[o].alpha(1):function(t,e,r,i){!function(t){for(var e=0;e0&&i.forceLayouts[e].alpha(0)}}(0,e,a,r)).stop()}(0,o,i),function(t,e,r,i,a){window.requestAnimationFrame((function o(){var s;for(s=0;s0)window.requestAnimationFrame(o);else{var l=r.node.originalX;r.node.x0=l-r.visibleWidth/2,r.node.x1=l+r.visibleWidth/2,F(r,a)}}))}(t,e,i,o,a)}})).on("drag",(function(r){if("fixed"!==r.arrangement){var n=i.event.x,a=i.event.y;"snap"===r.arrangement?(r.node.x0=n-r.visibleWidth/2,r.node.x1=n+r.visibleWidth/2,r.node.y0=a-r.visibleHeight/2,r.node.y1=a+r.visibleHeight/2):("freeform"===r.arrangement&&(r.node.x0=n-r.visibleWidth/2,r.node.x1=n+r.visibleWidth/2),a=Math.max(0,Math.min(r.size-r.visibleHeight/2,a)),r.node.y0=a-r.visibleHeight/2,r.node.y1=a+r.visibleHeight/2),B(r.node),"snap"!==r.arrangement&&(r.sankey.update(r.graph),M(t.filter(N(r)),e))}})).on("dragend",(function(t){if("fixed"!==t.arrangement){t.interactionState.dragInProgress=!1;for(var e=0;e5?t.node.label:""})).attr("text-anchor",(function(t){return t.horizontal&&t.left?"end":"start"})),q.transition().ease(n.ease).duration(n.duration).attr("startOffset",O).style("fill",z)}},{"../../components/color":643,"../../components/drawing":665,"../../lib":778,"../../lib/gup":775,"../../registry":911,"./constants":1180,"@plotly/d3-sankey":56,"@plotly/d3-sankey-circular":55,d3:169,"d3-force":160,"d3-interpolate":162,tinycolor2:576}],1185:[function(t,e,r){"use strict";e.exports=function(t,e){for(var r=[],n=t.cd[0].trace,i=n._sankey.graph.nodes,a=0;al&&E[v].gap;)v--;for(x=E[v].s,g=E.length-1;g>v;g--)E[g].s=x;for(;lA[u]&&u=0;i--){var a=t[i];if("scatter"===a.type&&a.xaxis===r.xaxis&&a.yaxis===r.yaxis){a.opacity=void 0;break}}}}}},{}],1194:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry"),a=t("./attributes"),o=t("./constants"),s=t("./subtypes"),l=t("./xy_defaults"),c=t("./period_defaults"),u=t("./stack_defaults"),f=t("./marker_defaults"),h=t("./line_defaults"),p=t("./line_shape_defaults"),d=t("./text_defaults"),g=t("./fillcolor_defaults");e.exports=function(t,e,r,m){function v(r,i){return n.coerce(t,e,a,r,i)}var y=l(t,e,m,v);if(y||(e.visible=!1),e.visible){c(t,e,m,v);var x=u(t,e,m,v),b=!x&&yG!=(F=P[L][1])>=G&&(O=P[L-1][0],D=P[L][0],F-R&&(z=O+(D-O)*(G-R)/(F-R),U=Math.min(U,z),V=Math.max(V,z)));U=Math.max(U,0),V=Math.min(V,h._length);var Y=s.defaultLine;return s.opacity(f.fillcolor)?Y=f.fillcolor:s.opacity((f.line||{}).color)&&(Y=f.line.color),n.extendFlat(t,{distance:t.maxHoverDistance,x0:U,x1:V,y0:G,y1:G,color:Y,hovertemplate:!1}),delete t.index,f.text&&!Array.isArray(f.text)?t.text=String(f.text):t.text=f.name,[t]}}}},{"../../components/color":643,"../../components/fx":683,"../../lib":778,"../../registry":911,"./get_trace_color":1197}],1199:[function(t,e,r){"use strict";var n=t("./subtypes");e.exports={hasLines:n.hasLines,hasMarkers:n.hasMarkers,hasText:n.hasText,isBubble:n.isBubble,attributes:t("./attributes"),supplyDefaults:t("./defaults"),crossTraceDefaults:t("./cross_trace_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./cross_trace_calc"),arraysToCalcdata:t("./arrays_to_calcdata"),plot:t("./plot"),colorbar:t("./marker_colorbar"),formatLabels:t("./format_labels"),style:t("./style").style,styleOnSelect:t("./style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("./select"),animatable:!0,moduleType:"trace",name:"scatter",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","symbols","errorBarsOK","showLegend","scatter-like","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"./arrays_to_calcdata":1186,"./attributes":1187,"./calc":1188,"./cross_trace_calc":1192,"./cross_trace_defaults":1193,"./defaults":1194,"./format_labels":1196,"./hover":1198,"./marker_colorbar":1205,"./plot":1208,"./select":1209,"./style":1211,"./subtypes":1212}],1200:[function(t,e,r){"use strict";var n=t("../../lib").isArrayOrTypedArray,i=t("../../components/colorscale/helpers").hasColorscale,a=t("../../components/colorscale/defaults");e.exports=function(t,e,r,o,s,l){var c=(t.marker||{}).color;(s("line.color",r),i(t,"line"))?a(t,e,o,s,{prefix:"line.",cLetter:"c"}):s("line.color",!n(c)&&c||r);s("line.width"),(l||{}).noDash||s("line.dash")}},{"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654,"../../lib":778}],1201:[function(t,e,r){"use strict";var n=t("../../constants/numerical"),i=n.BADNUM,a=n.LOG_CLIP,o=a+.5,s=a-.5,l=t("../../lib"),c=l.segmentsIntersect,u=l.constrain,f=t("./constants");e.exports=function(t,e){var r,n,a,h,p,d,g,m,v,y,x,b,_,w,T,k,M,A,S=e.xaxis,E=e.yaxis,C="log"===S.type,L="log"===E.type,I=S._length,P=E._length,z=e.connectGaps,O=e.baseTolerance,D=e.shape,R="linear"===D,F=e.fill&&"none"!==e.fill,B=[],N=f.minTolerance,j=t.length,U=new Array(j),V=0;function q(r){var n=t[r];if(!n)return!1;var a=e.linearized?S.l2p(n.x):S.c2p(n.x),l=e.linearized?E.l2p(n.y):E.c2p(n.y);if(a===i){if(C&&(a=S.c2p(n.x,!0)),a===i)return!1;L&&l===i&&(a*=Math.abs(S._m*P*(S._m>0?o:s)/(E._m*I*(E._m>0?o:s)))),a*=1e3}if(l===i){if(L&&(l=E.c2p(n.y,!0)),l===i)return!1;l*=1e3}return[a,l]}function H(t,e,r,n){var i=r-t,a=n-e,o=.5-t,s=.5-e,l=i*i+a*a,c=i*o+a*s;if(c>0&&crt||t[1]it)return[u(t[0],et,rt),u(t[1],nt,it)]}function st(t,e){return t[0]===e[0]&&(t[0]===et||t[0]===rt)||(t[1]===e[1]&&(t[1]===nt||t[1]===it)||void 0)}function lt(t,e,r){return function(n,i){var a=ot(n),o=ot(i),s=[];if(a&&o&&st(a,o))return s;a&&s.push(a),o&&s.push(o);var c=2*l.constrain((n[t]+i[t])/2,e,r)-((a||n)[t]+(o||i)[t]);c&&((a&&o?c>0==a[t]>o[t]?a:o:a||o)[t]+=c);return s}}function ct(t){var e=t[0],r=t[1],n=e===U[V-1][0],i=r===U[V-1][1];if(!n||!i)if(V>1){var a=e===U[V-2][0],o=r===U[V-2][1];n&&(e===et||e===rt)&&a?o?V--:U[V-1]=t:i&&(r===nt||r===it)&&o?a?V--:U[V-1]=t:U[V++]=t}else U[V++]=t}function ut(t){U[V-1][0]!==t[0]&&U[V-1][1]!==t[1]&&ct([Z,J]),ct(t),K=null,Z=J=0}function ft(t){if(M=t[0]/I,A=t[1]/P,W=t[0]rt?rt:0,X=t[1]it?it:0,W||X){if(V)if(K){var e=$(K,t);e.length>1&&(ut(e[0]),U[V++]=e[1])}else Q=$(U[V-1],t)[0],U[V++]=Q;else U[V++]=[W||t[0],X||t[1]];var r=U[V-1];W&&X&&(r[0]!==W||r[1]!==X)?(K&&(Z!==W&&J!==X?ct(Z&&J?(n=K,a=(i=t)[0]-n[0],o=(i[1]-n[1])/a,(n[1]*i[0]-i[1]*n[0])/a>0?[o>0?et:rt,it]:[o>0?rt:et,nt]):[Z||W,J||X]):Z&&J&&ct([Z,J])),ct([W,X])):Z-W&&J-X&&ct([W||Z,X||J]),K=t,Z=W,J=X}else K&&ut($(K,t)[0]),U[V++]=t;var n,i,a,o}for("linear"===D||"spline"===D?$=function(t,e){for(var r=[],n=0,i=0;i<4;i++){var a=at[i],o=c(t[0],t[1],e[0],e[1],a[0],a[1],a[2],a[3]);o&&(!n||Math.abs(o.x-r[0][0])>1||Math.abs(o.y-r[0][1])>1)&&(o=[o.x,o.y],n&&Y(o,t)G(d,ht))break;a=d,(_=v[0]*m[0]+v[1]*m[1])>x?(x=_,h=d,g=!1):_=t.length||!d)break;ft(d),n=d}}else ft(h)}K&&ct([Z||K[0],J||K[1]]),B.push(U.slice(0,V))}return B}},{"../../constants/numerical":753,"../../lib":778,"./constants":1191}],1202:[function(t,e,r){"use strict";e.exports=function(t,e,r){"spline"===r("line.shape")&&r("line.smoothing")}},{}],1203:[function(t,e,r){"use strict";var n={tonextx:1,tonexty:1,tonext:1};e.exports=function(t,e,r){var i,a,o,s,l,c={},u=!1,f=-1,h=0,p=-1;for(a=0;a=0?l=p:(l=p=h,h++),l0?Math.max(e,i):0}}},{"fast-isnumeric":241}],1205:[function(t,e,r){"use strict";e.exports={container:"marker",min:"cmin",max:"cmax"}},{}],1206:[function(t,e,r){"use strict";var n=t("../../components/color"),i=t("../../components/colorscale/helpers").hasColorscale,a=t("../../components/colorscale/defaults"),o=t("./subtypes");e.exports=function(t,e,r,s,l,c){var u=o.isBubble(t),f=(t.line||{}).color;(c=c||{},f&&(r=f),l("marker.symbol"),l("marker.opacity",u?.7:1),l("marker.size"),l("marker.color",r),i(t,"marker")&&a(t,e,s,l,{prefix:"marker.",cLetter:"c"}),c.noSelect||(l("selected.marker.color"),l("unselected.marker.color"),l("selected.marker.size"),l("unselected.marker.size")),c.noLine||(l("marker.line.color",f&&!Array.isArray(f)&&e.marker.color!==f?f:u?n.background:n.defaultLine),i(t,"marker.line")&&a(t,e,s,l,{prefix:"marker.line.",cLetter:"c"}),l("marker.line.width",u?1:0)),u&&(l("marker.sizeref"),l("marker.sizemin"),l("marker.sizemode")),c.gradient)&&("none"!==l("marker.gradient.type")&&l("marker.gradient.color"))}},{"../../components/color":643,"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654,"./subtypes":1212}],1207:[function(t,e,r){"use strict";var n=t("../../lib").dateTick0,i=t("../../constants/numerical").ONEWEEK;function a(t,e){return n(e,t%i==0?1:0)}e.exports=function(t,e,r,n,i){if(i||(i={x:!0,y:!0}),i.x){var o=n("xperiod");o&&(n("xperiod0",a(o,e.xcalendar)),n("xperiodalignment"))}if(i.y){var s=n("yperiod");s&&(n("yperiod0",a(s,e.ycalendar)),n("yperiodalignment"))}}},{"../../constants/numerical":753,"../../lib":778}],1208:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../registry"),a=t("../../lib"),o=a.ensureSingle,s=a.identity,l=t("../../components/drawing"),c=t("./subtypes"),u=t("./line_points"),f=t("./link_traces"),h=t("../../lib/polygon").tester;function p(t,e,r,f,p,d,g){var m;!function(t,e,r,i,o){var s=r.xaxis,l=r.yaxis,u=n.extent(a.simpleMap(s.range,s.r2c)),f=n.extent(a.simpleMap(l.range,l.r2c)),h=i[0].trace;if(!c.hasMarkers(h))return;var p=h.marker.maxdisplayed;if(0===p)return;var d=i.filter((function(t){return t.x>=u[0]&&t.x<=u[1]&&t.y>=f[0]&&t.y<=f[1]})),g=Math.ceil(d.length/p),m=0;o.forEach((function(t,r){var n=t[0].trace;c.hasMarkers(n)&&n.marker.maxdisplayed>0&&r0;function y(t){return v?t.transition():t}var x=r.xaxis,b=r.yaxis,_=f[0].trace,w=_.line,T=n.select(d),k=o(T,"g","errorbars"),M=o(T,"g","lines"),A=o(T,"g","points"),S=o(T,"g","text");if(i.getComponentMethod("errorbars","plot")(t,k,r,g),!0===_.visible){var E,C;y(T).style("opacity",_.opacity);var L=_.fill.charAt(_.fill.length-1);"x"!==L&&"y"!==L&&(L=""),f[0][r.isRangePlot?"nodeRangePlot3":"node3"]=T;var I,P,z="",O=[],D=_._prevtrace;D&&(z=D._prevRevpath||"",C=D._nextFill,O=D._polygons);var R,F,B,N,j,U,V,q="",H="",G=[],Y=a.noop;if(E=_._ownFill,c.hasLines(_)||"none"!==_.fill){for(C&&C.datum(f),-1!==["hv","vh","hvh","vhv"].indexOf(w.shape)?(R=l.steps(w.shape),F=l.steps(w.shape.split("").reverse().join(""))):R=F="spline"===w.shape?function(t){var e=t[t.length-1];return t.length>1&&t[0][0]===e[0]&&t[0][1]===e[1]?l.smoothclosed(t.slice(1),w.smoothing):l.smoothopen(t,w.smoothing)}:function(t){return"M"+t.join("L")},B=function(t){return F(t.reverse())},G=u(f,{xaxis:x,yaxis:b,connectGaps:_.connectgaps,baseTolerance:Math.max(w.width||1,3)/4,shape:w.shape,simplify:w.simplify,fill:_.fill}),V=_._polygons=new Array(G.length),m=0;m1){var r=n.select(this);if(r.datum(f),t)y(r.style("opacity",0).attr("d",I).call(l.lineGroupStyle)).style("opacity",1);else{var i=y(r);i.attr("d",I),l.singleLineStyle(f,i)}}}}}var W=M.selectAll(".js-line").data(G);y(W.exit()).style("opacity",0).remove(),W.each(Y(!1)),W.enter().append("path").classed("js-line",!0).style("vector-effect","non-scaling-stroke").call(l.lineGroupStyle).each(Y(!0)),l.setClipUrl(W,r.layerClipId,t),G.length?(E?(E.datum(f),N&&U&&(L?("y"===L?N[1]=U[1]=b.c2p(0,!0):"x"===L&&(N[0]=U[0]=x.c2p(0,!0)),y(E).attr("d","M"+U+"L"+N+"L"+q.substr(1)).call(l.singleFillStyle)):y(E).attr("d",q+"Z").call(l.singleFillStyle))):C&&("tonext"===_.fill.substr(0,6)&&q&&z?("tonext"===_.fill?y(C).attr("d",q+"Z"+z+"Z").call(l.singleFillStyle):y(C).attr("d",q+"L"+z.substr(1)+"Z").call(l.singleFillStyle),_._polygons=_._polygons.concat(O)):(Z(C),_._polygons=null)),_._prevRevpath=H,_._prevPolygons=V):(E?Z(E):C&&Z(C),_._polygons=_._prevRevpath=_._prevPolygons=null),A.datum(f),S.datum(f),function(e,i,a){var o,u=a[0].trace,f=c.hasMarkers(u),h=c.hasText(u),p=tt(u),d=et,g=et;if(f||h){var m=s,_=u.stackgroup,w=_&&"infer zero"===t._fullLayout._scatterStackOpts[x._id+b._id][_].stackgaps;u.marker.maxdisplayed||u._needsCull?m=w?K:J:_&&!w&&(m=Q),f&&(d=m),h&&(g=m)}var T,k=(o=e.selectAll("path.point").data(d,p)).enter().append("path").classed("point",!0);v&&k.call(l.pointStyle,u,t).call(l.translatePoints,x,b).style("opacity",0).transition().style("opacity",1),o.order(),f&&(T=l.makePointStyleFns(u)),o.each((function(e){var i=n.select(this),a=y(i);l.translatePoint(e,a,x,b)?(l.singlePointStyle(e,a,u,T,t),r.layerClipId&&l.hideOutsideRangePoint(e,a,x,b,u.xcalendar,u.ycalendar),u.customdata&&i.classed("plotly-customdata",null!==e.data&&void 0!==e.data)):a.remove()})),v?o.exit().transition().style("opacity",0).remove():o.exit().remove(),(o=i.selectAll("g").data(g,p)).enter().append("g").classed("textpoint",!0).append("text"),o.order(),o.each((function(t){var e=n.select(this),i=y(e.select("text"));l.translatePoint(t,i,x,b)?r.layerClipId&&l.hideOutsideRangePoint(t,e,x,b,u.xcalendar,u.ycalendar):e.remove()})),o.selectAll("text").call(l.textPointStyle,u,t).each((function(t){var e=x.c2p(t.x),r=b.c2p(t.y);n.select(this).selectAll("tspan.line").each((function(){y(n.select(this)).attr({x:e,y:r})}))})),o.exit().remove()}(A,S,f);var X=!1===_.cliponaxis?null:r.layerClipId;l.setClipUrl(A,X,t),l.setClipUrl(S,X,t)}function Z(t){y(t).attr("d","M0,0Z")}function J(t){return t.filter((function(t){return!t.gap&&t.vis}))}function K(t){return t.filter((function(t){return t.vis}))}function Q(t){return t.filter((function(t){return!t.gap}))}function $(t){return t.id}function tt(t){if(t.ids)return $}function et(){return!1}}e.exports=function(t,e,r,i,a,c){var u,h,d=!a,g=!!a&&a.duration>0,m=f(t,e,r);((u=i.selectAll("g.trace").data(m,(function(t){return t[0].trace.uid}))).enter().append("g").attr("class",(function(t){return"trace scatter trace"+t[0].trace.uid})).style("stroke-miterlimit",2),u.order(),function(t,e,r){e.each((function(e){var i=o(n.select(this),"g","fills");l.setClipUrl(i,r.layerClipId,t);var a=e[0].trace,c=[];a._ownfill&&c.push("_ownFill"),a._nexttrace&&c.push("_nextFill");var u=i.selectAll("g").data(c,s);u.enter().append("g"),u.exit().each((function(t){a[t]=null})).remove(),u.order().each((function(t){a[t]=o(n.select(this),"path","js-fill")}))}))}(t,u,e),g)?(c&&(h=c()),n.transition().duration(a.duration).ease(a.easing).each("end",(function(){h&&h()})).each("interrupt",(function(){h&&h()})).each((function(){i.selectAll("g.trace").each((function(r,n){p(t,n,e,r,m,this,a)}))}))):u.each((function(r,n){p(t,n,e,r,m,this,a)}));d&&u.exit().remove(),i.selectAll("path:not([d])").remove()}},{"../../components/drawing":665,"../../lib":778,"../../lib/polygon":790,"../../registry":911,"./line_points":1201,"./link_traces":1203,"./subtypes":1212,d3:169}],1209:[function(t,e,r){"use strict";var n=t("./subtypes");e.exports=function(t,e){var r,i,a,o,s=t.cd,l=t.xaxis,c=t.yaxis,u=[],f=s[0].trace;if(!n.hasMarkers(f)&&!n.hasText(f))return[];if(!1===e)for(r=0;r0){var h=i.c2l(u);i._lowerLogErrorBound||(i._lowerLogErrorBound=h),i._lowerErrorBound=Math.min(i._lowerLogErrorBound,h)}}else o[s]=[-l[0]*r,l[1]*r]}return o}e.exports=function(t,e,r){var n=[i(t.x,t.error_x,e[0],r.xaxis),i(t.y,t.error_y,e[1],r.yaxis),i(t.z,t.error_z,e[2],r.zaxis)],a=function(t){for(var e=0;e-1?-1:t.indexOf("right")>-1?1:0}function b(t){return null==t?0:t.indexOf("top")>-1?-1:t.indexOf("bottom")>-1?1:0}function _(t,e){return e(4*t)}function w(t){return p[t]}function T(t,e,r,n,i){var a=null;if(l.isArrayOrTypedArray(t)){a=[];for(var o=0;o=0){var g=function(t,e,r){var n,i=(r+1)%3,a=(r+2)%3,o=[],l=[];for(n=0;n=0&&f("surfacecolor",h||p);for(var d=["x","y","z"],g=0;g<3;++g){var m="projection."+d[g];f(m+".show")&&(f(m+".opacity"),f(m+".scale"))}var v=n.getComponentMethod("errorbars","supplyDefaults");v(t,e,h||p||r,{axis:"z"}),v(t,e,h||p||r,{axis:"y",inherit:"z"}),v(t,e,h||p||r,{axis:"x",inherit:"z"})}else e.visible=!1}},{"../../lib":778,"../../registry":911,"../scatter/line_defaults":1200,"../scatter/marker_defaults":1206,"../scatter/subtypes":1212,"../scatter/text_defaults":1213,"./attributes":1215}],1220:[function(t,e,r){"use strict";e.exports={plot:t("./convert"),attributes:t("./attributes"),markerSymbols:t("../../constants/gl3d_markers"),supplyDefaults:t("./defaults"),colorbar:[{container:"marker",min:"cmin",max:"cmax"},{container:"line",min:"cmin",max:"cmax"}],calc:t("./calc"),moduleType:"trace",name:"scatter3d",basePlotModule:t("../../plots/gl3d"),categories:["gl3d","symbols","showLegend","scatter-like"],meta:{}}},{"../../constants/gl3d_markers":751,"../../plots/gl3d":870,"./attributes":1215,"./calc":1216,"./convert":1218,"./defaults":1219}],1221:[function(t,e,r){"use strict";var n=t("../scatter/attributes"),i=t("../../plots/attributes"),a=t("../../plots/template_attributes").hovertemplateAttrs,o=t("../../plots/template_attributes").texttemplateAttrs,s=t("../../components/colorscale/attributes"),l=t("../../lib/extend").extendFlat,c=n.marker,u=n.line,f=c.line;e.exports={carpet:{valType:"string",editType:"calc"},a:{valType:"data_array",editType:"calc"},b:{valType:"data_array",editType:"calc"},mode:l({},n.mode,{dflt:"markers"}),text:l({},n.text,{}),texttemplate:o({editType:"plot"},{keys:["a","b","text"]}),hovertext:l({},n.hovertext,{}),line:{color:u.color,width:u.width,dash:u.dash,shape:l({},u.shape,{values:["linear","spline"]}),smoothing:u.smoothing,editType:"calc"},connectgaps:n.connectgaps,fill:l({},n.fill,{values:["none","toself","tonext"],dflt:"none"}),fillcolor:n.fillcolor,marker:l({symbol:c.symbol,opacity:c.opacity,maxdisplayed:c.maxdisplayed,size:c.size,sizeref:c.sizeref,sizemin:c.sizemin,sizemode:c.sizemode,line:l({width:f.width,editType:"calc"},s("marker.line")),gradient:c.gradient,editType:"calc"},s("marker")),textfont:n.textfont,textposition:n.textposition,selected:n.selected,unselected:n.unselected,hoverinfo:l({},i.hoverinfo,{flags:["a","b","text","name"]}),hoveron:n.hoveron,hovertemplate:a()}},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../scatter/attributes":1187}],1222:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../scatter/colorscale_calc"),a=t("../scatter/arrays_to_calcdata"),o=t("../scatter/calc_selection"),s=t("../scatter/calc").calcMarkerSize,l=t("../carpet/lookup_carpetid");e.exports=function(t,e){var r=e._carpetTrace=l(t,e);if(r&&r.visible&&"legendonly"!==r.visible){var c;e.xaxis=r.xaxis,e.yaxis=r.yaxis;var u,f,h=e._length,p=new Array(h),d=!1;for(c=0;c")}return o}function y(t,e){var r;r=t.labelprefix&&t.labelprefix.length>0?t.labelprefix.replace(/ = $/,""):t._hovertitle,m.push(r+": "+e.toFixed(3)+t.labelsuffix)}}},{"../../lib":778,"../scatter/hover":1198}],1227:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("./calc"),plot:t("./plot"),style:t("../scatter/style").style,styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("../scatter/select"),eventData:t("./event_data"),moduleType:"trace",name:"scattercarpet",basePlotModule:t("../../plots/cartesian"),categories:["svg","carpet","symbols","showLegend","carpetDependent","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"../scatter/marker_colorbar":1205,"../scatter/select":1209,"../scatter/style":1211,"./attributes":1221,"./calc":1222,"./defaults":1223,"./event_data":1224,"./format_labels":1225,"./hover":1226,"./plot":1228}],1228:[function(t,e,r){"use strict";var n=t("../scatter/plot"),i=t("../../plots/cartesian/axes"),a=t("../../components/drawing");e.exports=function(t,e,r,o){var s,l,c,u=r[0][0].carpet,f={xaxis:i.getFromId(t,u.xaxis||"x"),yaxis:i.getFromId(t,u.yaxis||"y"),plot:e.plot};for(n(t,f,r,o),s=0;s")}(c,g,t,l[0].t.labels),t.hovertemplate=c.hovertemplate,[t]}}},{"../../components/fx":683,"../../constants/numerical":753,"../../lib":778,"../scatter/get_trace_color":1197,"./attributes":1229}],1235:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("./calc"),calcGeoJSON:t("./plot").calcGeoJSON,plot:t("./plot").plot,style:t("./style"),styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("./select"),moduleType:"trace",name:"scattergeo",basePlotModule:t("../../plots/geo"),categories:["geo","symbols","showLegend","scatter-like"],meta:{}}},{"../../plots/geo":860,"../scatter/marker_colorbar":1205,"../scatter/style":1211,"./attributes":1229,"./calc":1230,"./defaults":1231,"./event_data":1232,"./format_labels":1233,"./hover":1234,"./plot":1236,"./select":1237,"./style":1238}],1236:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../lib/topojson_utils").getTopojsonFeatures,o=t("../../lib/geojson_utils"),s=t("../../lib/geo_location_utils"),l=t("../../plots/cartesian/autorange").findExtremes,c=t("../../constants/numerical").BADNUM,u=t("../scatter/calc").calcMarkerSize,f=t("../scatter/subtypes"),h=t("./style");e.exports={calcGeoJSON:function(t,e){var r,n,i=t[0].trace,o=e[i.geo],f=o._subplot,h=i._length;if(Array.isArray(i.locations)){var p=i.locationmode,d="geojson-id"===p?s.extractTraceFeature(t):a(i,f.topojson);for(r=0;r=m,k=2*w,M={},A=x.makeCalcdata(e,"x"),S=b.makeCalcdata(e,"y"),E=s(e,x,"x",A),C=s(e,b,"y",S);e._x=E,e._y=C,e.xperiodalignment&&(e._origX=A),e.yperiodalignment&&(e._origY=S);var L=new Array(k);for(r=0;r1&&i.extendFlat(s.line,p.linePositions(t,r,n));if(s.errorX||s.errorY){var l=p.errorBarPositions(t,r,n,a,o);s.errorX&&i.extendFlat(s.errorX,l.x),s.errorY&&i.extendFlat(s.errorY,l.y)}s.text&&(i.extendFlat(s.text,{positions:n},p.textPosition(t,r,s.text,s.marker)),i.extendFlat(s.textSel,{positions:n},p.textPosition(t,r,s.text,s.markerSel)),i.extendFlat(s.textUnsel,{positions:n},p.textPosition(t,r,s.text,s.markerUnsel)));return s}(t,0,e,L,E,C),O=d(t,_);return f(y,e),T?z.marker&&(P=2*(z.marker.sizeAvg||Math.max(z.marker.size,3))):P=c(e,w),u(t,e,x,b,E,C,P),z.errorX&&v(e,x,z.errorX),z.errorY&&v(e,b,z.errorY),z.fill&&!O.fill2d&&(O.fill2d=!0),z.marker&&!O.scatter2d&&(O.scatter2d=!0),z.line&&!O.line2d&&(O.line2d=!0),!z.errorX&&!z.errorY||O.error2d||(O.error2d=!0),z.text&&!O.glText&&(O.glText=!0),z.marker&&(z.marker.snap=w),O.lineOptions.push(z.line),O.errorXOptions.push(z.errorX),O.errorYOptions.push(z.errorY),O.fillOptions.push(z.fill),O.markerOptions.push(z.marker),O.markerSelectedOptions.push(z.markerSel),O.markerUnselectedOptions.push(z.markerUnsel),O.textOptions.push(z.text),O.textSelectedOptions.push(z.textSel),O.textUnselectedOptions.push(z.textUnsel),O.selectBatch.push([]),O.unselectBatch.push([]),M._scene=O,M.index=O.count,M.x=E,M.y=C,M.positions=L,O.count++,[{x:!1,y:!1,t:M,trace:e}]}},{"../../constants/numerical":753,"../../lib":778,"../../plots/cartesian/align_period":825,"../../plots/cartesian/autorange":827,"../../plots/cartesian/axis_ids":831,"../scatter/calc":1188,"../scatter/colorscale_calc":1190,"./constants":1241,"./convert":1242,"./scene_update":1250,"@plotly/point-cluster":57}],1241:[function(t,e,r){"use strict";e.exports={TOO_MANY_POINTS:1e5,SYMBOL_SDF_SIZE:200,SYMBOL_SIZE:20,SYMBOL_STROKE:1,DOT_RE:/-dot/,OPEN_RE:/-open/,DASHES:{solid:[1],dot:[1,1],dash:[4,1],longdash:[8,1],dashdot:[4,1,1,1],longdashdot:[8,1,1,1]}}},{}],1242:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("svg-path-sdf"),a=t("color-normalize"),o=t("../../registry"),s=t("../../lib"),l=t("../../components/drawing"),c=t("../../plots/cartesian/axis_ids"),u=t("../../lib/gl_format_color").formatColor,f=t("../scatter/subtypes"),h=t("../scatter/make_bubble_size_func"),p=t("./helpers"),d=t("./constants"),g=t("../../constants/interactions").DESELECTDIM,m={start:1,left:1,end:-1,right:-1,middle:0,center:0,bottom:1,top:-1},v=t("../../components/fx/helpers").appendArrayPointValue;function y(t,e){var r,i=t._fullLayout,a=e._length,o=e.textfont,l=e.textposition,c=Array.isArray(l)?l:[l],u=o.color,f=o.size,h=o.family,p={},d=e.texttemplate;if(d){p.text=[];var g=i._d3locale,m=Array.isArray(d),y=m?Math.min(d.length,a):a,x=m?function(t){return d[t]}:function(){return d};for(r=0;rd.TOO_MANY_POINTS||f.hasMarkers(e)?"rect":"round";if(c&&e.connectgaps){var h=n[0],p=n[1];for(i=0;i1?l[i]:l[0]:l,d=Array.isArray(c)?c.length>1?c[i]:c[0]:c,g=m[p],v=m[d],y=u?u/.8+1:0,x=-v*y-.5*v;o.offset[i]=[g*y/h,x/h]}}return o}}},{"../../components/drawing":665,"../../components/fx/helpers":679,"../../constants/interactions":752,"../../lib":778,"../../lib/gl_format_color":774,"../../plots/cartesian/axis_ids":831,"../../registry":911,"../scatter/make_bubble_size_func":1204,"../scatter/subtypes":1212,"./constants":1241,"./helpers":1246,"color-normalize":125,"fast-isnumeric":241,"svg-path-sdf":574}],1243:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry"),a=t("./helpers"),o=t("./attributes"),s=t("../scatter/constants"),l=t("../scatter/subtypes"),c=t("../scatter/xy_defaults"),u=t("../scatter/period_defaults"),f=t("../scatter/marker_defaults"),h=t("../scatter/line_defaults"),p=t("../scatter/fillcolor_defaults"),d=t("../scatter/text_defaults");e.exports=function(t,e,r,g){function m(r,i){return n.coerce(t,e,o,r,i)}var v=!!t.marker&&a.isOpenSymbol(t.marker.symbol),y=l.isBubble(t),x=c(t,e,g,m);if(x){u(t,e,g,m);var b=x100},r.isDotSymbol=function(t){return"string"==typeof t?n.DOT_RE.test(t):t>200}},{"./constants":1241}],1247:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib"),a=t("../scatter/get_trace_color");function o(t,e,r,o){var s=t.xa,l=t.ya,c=t.distance,u=t.dxy,f=t.index,h={pointNumber:f,x:e[f],y:r[f]};h.tx=Array.isArray(o.text)?o.text[f]:o.text,h.htx=Array.isArray(o.hovertext)?o.hovertext[f]:o.hovertext,h.data=Array.isArray(o.customdata)?o.customdata[f]:o.customdata,h.tp=Array.isArray(o.textposition)?o.textposition[f]:o.textposition;var p=o.textfont;p&&(h.ts=i.isArrayOrTypedArray(p.size)?p.size[f]:p.size,h.tc=Array.isArray(p.color)?p.color[f]:p.color,h.tf=Array.isArray(p.family)?p.family[f]:p.family);var d=o.marker;d&&(h.ms=i.isArrayOrTypedArray(d.size)?d.size[f]:d.size,h.mo=i.isArrayOrTypedArray(d.opacity)?d.opacity[f]:d.opacity,h.mx=i.isArrayOrTypedArray(d.symbol)?d.symbol[f]:d.symbol,h.mc=i.isArrayOrTypedArray(d.color)?d.color[f]:d.color);var g=d&&d.line;g&&(h.mlc=Array.isArray(g.color)?g.color[f]:g.color,h.mlw=i.isArrayOrTypedArray(g.width)?g.width[f]:g.width);var m=d&&d.gradient;m&&"none"!==m.type&&(h.mgt=Array.isArray(m.type)?m.type[f]:m.type,h.mgc=Array.isArray(m.color)?m.color[f]:m.color);var v=s.c2p(h.x,!0),y=l.c2p(h.y,!0),x=h.mrc||1,b=o.hoverlabel;b&&(h.hbg=Array.isArray(b.bgcolor)?b.bgcolor[f]:b.bgcolor,h.hbc=Array.isArray(b.bordercolor)?b.bordercolor[f]:b.bordercolor,h.hts=i.isArrayOrTypedArray(b.font.size)?b.font.size[f]:b.font.size,h.htc=Array.isArray(b.font.color)?b.font.color[f]:b.font.color,h.htf=Array.isArray(b.font.family)?b.font.family[f]:b.font.family,h.hnl=i.isArrayOrTypedArray(b.namelength)?b.namelength[f]:b.namelength);var _=o.hoverinfo;_&&(h.hi=Array.isArray(_)?_[f]:_);var w=o.hovertemplate;w&&(h.ht=Array.isArray(w)?w[f]:w);var T={};T[t.index]=h;var k=o._origX,M=o._origY,A=i.extendFlat({},t,{color:a(o,h),x0:v-x,x1:v+x,xLabelVal:k?k[f]:h.x,y0:y-x,y1:y+x,yLabelVal:M?M[f]:h.y,cd:T,distance:c,spikeDistance:u,hovertemplate:h.ht});return h.htx?A.text=h.htx:h.tx?A.text=h.tx:o.text&&(A.text=o.text),i.fillText(h,o,A),n.getComponentMethod("errorbars","hoverInfo")(h,o,A),A}e.exports={hoverPoints:function(t,e,r,n){var i,a,s,l,c,u,f,h,p,d=t.cd,g=d[0].t,m=d[0].trace,v=t.xa,y=t.ya,x=g.x,b=g.y,_=v.c2p(e),w=y.c2p(r),T=t.distance;if(g.tree){var k=v.p2c(_-T),M=v.p2c(_+T),A=y.p2c(w-T),S=y.p2c(w+T);i="x"===n?g.tree.range(Math.min(k,M),Math.min(y._rl[0],y._rl[1]),Math.max(k,M),Math.max(y._rl[0],y._rl[1])):g.tree.range(Math.min(k,M),Math.min(A,S),Math.max(k,M),Math.max(A,S))}else i=g.ids;var E=T;if("x"===n)for(c=0;c-1;c--)s=x[i[c]],l=b[i[c]],u=v.c2p(s)-_,f=y.c2p(l)-w,(h=Math.sqrt(u*u+f*f))v.glText.length){var w=b-v.glText.length;for(d=0;dr&&(isNaN(e[n])||isNaN(e[n+1]));)n-=2;t.positions=e.slice(r,n+2)}return t})),v.line2d.update(v.lineOptions)),v.error2d){var k=(v.errorXOptions||[]).concat(v.errorYOptions||[]);v.error2d.update(k)}v.scatter2d&&v.scatter2d.update(v.markerOptions),v.fillOrder=s.repeat(null,b),v.fill2d&&(v.fillOptions=v.fillOptions.map((function(t,e){var n=r[e];if(t&&n&&n[0]&&n[0].trace){var i,a,o=n[0],s=o.trace,l=o.t,c=v.lineOptions[e],u=[];s._ownfill&&u.push(e),s._nexttrace&&u.push(e+1),u.length&&(v.fillOrder[e]=u);var f,h,p=[],d=c&&c.positions||l.positions;if("tozeroy"===s.fill){for(f=0;ff&&isNaN(d[h+1]);)h-=2;0!==d[f+1]&&(p=[d[f],0]),p=p.concat(d.slice(f,h+2)),0!==d[h+1]&&(p=p.concat([d[h],0]))}else if("tozerox"===s.fill){for(f=0;ff&&isNaN(d[h]);)h-=2;0!==d[f]&&(p=[0,d[f+1]]),p=p.concat(d.slice(f,h+2)),0!==d[h]&&(p=p.concat([0,d[h+1]]))}else if("toself"===s.fill||"tonext"===s.fill){for(p=[],i=0,a=0;a-1;for(d=0;d=0?Math.floor((e+180)/360):Math.ceil((e-180)/360)),d=e-p;if(n.getClosest(l,(function(t){var e=t.lonlat;if(e[0]===s)return 1/0;var n=i.modHalf(e[0],360),a=e[1],o=h.project([n,a]),l=o.x-u.c2p([d,a]),c=o.y-f.c2p([n,r]),p=Math.max(3,t.mrc||0);return Math.max(Math.sqrt(l*l+c*c)-p,1-3/p)}),t),!1!==t.index){var g=l[t.index],m=g.lonlat,v=[i.modHalf(m[0],360)+p,m[1]],y=u.c2p(v),x=f.c2p(v),b=g.mrc||1;t.x0=y-b,t.x1=y+b,t.y0=x-b,t.y1=x+b;var _={};_[c.subplot]={_subplot:h};var w=c._module.formatLabels(g,c,_);return t.lonLabel=w.lonLabel,t.latLabel=w.latLabel,t.color=a(c,g),t.extraText=function(t,e,r){if(t.hovertemplate)return;var n=(e.hi||t.hoverinfo).split("+"),i=-1!==n.indexOf("all"),a=-1!==n.indexOf("lon"),s=-1!==n.indexOf("lat"),l=e.lonlat,c=[];function u(t){return t+"\xb0"}i||a&&s?c.push("("+u(l[0])+", "+u(l[1])+")"):a?c.push(r.lon+u(l[0])):s&&c.push(r.lat+u(l[1]));(i||-1!==n.indexOf("text"))&&o(e,t,c);return c.join("
")}(c,g,l[0].t.labels),t.hovertemplate=c.hovertemplate,[t]}}},{"../../components/fx":683,"../../constants/numerical":753,"../../lib":778,"../scatter/get_trace_color":1197}],1258:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("../scattergeo/calc"),plot:t("./plot"),hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("./select"),styleOnSelect:function(t,e){e&&e[0].trace._glTrace.update(e)},moduleType:"trace",name:"scattermapbox",basePlotModule:t("../../plots/mapbox"),categories:["mapbox","gl","symbols","showLegend","scatter-like"],meta:{}}},{"../../plots/mapbox":885,"../scatter/marker_colorbar":1205,"../scattergeo/calc":1230,"./attributes":1252,"./defaults":1254,"./event_data":1255,"./format_labels":1256,"./hover":1257,"./plot":1259,"./select":1260}],1259:[function(t,e,r){"use strict";var n=t("./convert"),i=t("../../plots/mapbox/constants").traceLayerPrefix,a=["fill","line","circle","symbol"];function o(t,e){this.type="scattermapbox",this.subplot=t,this.uid=e,this.sourceIds={fill:"source-"+e+"-fill",line:"source-"+e+"-line",circle:"source-"+e+"-circle",symbol:"source-"+e+"-symbol"},this.layerIds={fill:i+e+"-fill",line:i+e+"-line",circle:i+e+"-circle",symbol:i+e+"-symbol"},this.below=null}var s=o.prototype;s.addSource=function(t,e){this.subplot.map.addSource(this.sourceIds[t],{type:"geojson",data:e.geojson})},s.setSourceData=function(t,e){this.subplot.map.getSource(this.sourceIds[t]).setData(e.geojson)},s.addLayer=function(t,e,r){this.subplot.addLayer({type:t,id:this.layerIds[t],source:this.sourceIds[t],layout:e.layout,paint:e.paint},r)},s.update=function(t){var e,r,i,o=this.subplot,s=o.map,l=n(o.gd,t),c=o.belowLookup["trace-"+this.uid];if(c!==this.below){for(e=a.length-1;e>=0;e--)r=a[e],s.removeLayer(this.layerIds[r]);for(e=0;e=0;e--){var r=a[e];t.removeLayer(this.layerIds[r]),t.removeSource(this.sourceIds[r])}},e.exports=function(t,e){for(var r=e[0].trace,i=new o(t,r.uid),s=n(t.gd,e),l=i.below=t.belowLookup["trace-"+r.uid],c=0;c")}}e.exports={hoverPoints:function(t,e,r,a){var o=n(t,e,r,a);if(o&&!1!==o[0].index){var s=o[0];if(void 0===s.index)return o;var l=t.subplot,c=s.cd[s.index],u=s.trace;if(l.isPtInside(c))return s.xLabelVal=void 0,s.yLabelVal=void 0,i(c,u,l,s),s.hovertemplate=u.hovertemplate,o}},makeHoverPointText:i}},{"../scatter/hover":1198}],1266:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"scatterpolar",basePlotModule:t("../../plots/polar"),categories:["polar","symbols","showLegend","scatter-like"],attributes:t("./attributes"),supplyDefaults:t("./defaults").supplyDefaults,colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("./calc"),plot:t("./plot"),style:t("../scatter/style").style,styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover").hoverPoints,selectPoints:t("../scatter/select"),meta:{}}},{"../../plots/polar":894,"../scatter/marker_colorbar":1205,"../scatter/select":1209,"../scatter/style":1211,"./attributes":1261,"./calc":1262,"./defaults":1263,"./format_labels":1264,"./hover":1265,"./plot":1267}],1267:[function(t,e,r){"use strict";var n=t("../scatter/plot"),i=t("../../constants/numerical").BADNUM;e.exports=function(t,e,r){for(var a=e.layers.frontplot.select("g.scatterlayer"),o={xaxis:e.xaxis,yaxis:e.yaxis,plot:e.framework,layerClipId:e._hasClipOnAxisFalse?e.clipIds.forTraces:null},s=e.radialAxis,l=e.angularAxis,c=0;c=c&&(y.marker.cluster=d.tree),y.marker&&(y.markerSel.positions=y.markerUnsel.positions=y.marker.positions=_),y.line&&_.length>1&&l.extendFlat(y.line,s.linePositions(t,p,_)),y.text&&(l.extendFlat(y.text,{positions:_},s.textPosition(t,p,y.text,y.marker)),l.extendFlat(y.textSel,{positions:_},s.textPosition(t,p,y.text,y.markerSel)),l.extendFlat(y.textUnsel,{positions:_},s.textPosition(t,p,y.text,y.markerUnsel))),y.fill&&!h.fill2d&&(h.fill2d=!0),y.marker&&!h.scatter2d&&(h.scatter2d=!0),y.line&&!h.line2d&&(h.line2d=!0),y.text&&!h.glText&&(h.glText=!0),h.lineOptions.push(y.line),h.fillOptions.push(y.fill),h.markerOptions.push(y.marker),h.markerSelectedOptions.push(y.markerSel),h.markerUnselectedOptions.push(y.markerUnsel),h.textOptions.push(y.text),h.textSelectedOptions.push(y.textSel),h.textUnselectedOptions.push(y.textUnsel),h.selectBatch.push([]),h.unselectBatch.push([]),d.x=w,d.y=T,d.rawx=w,d.rawy=T,d.r=m,d.theta=v,d.positions=_,d._scene=h,d.index=h.count,h.count++}})),a(t,e,r)}}},{"../../lib":778,"../scattergl/constants":1241,"../scattergl/convert":1242,"../scattergl/plot":1249,"../scattergl/scene_update":1250,"@plotly/point-cluster":57,"fast-isnumeric":241}],1275:[function(t,e,r){"use strict";var n=t("../../plots/template_attributes").hovertemplateAttrs,i=t("../../plots/template_attributes").texttemplateAttrs,a=t("../scatter/attributes"),o=t("../../plots/attributes"),s=t("../../components/colorscale/attributes"),l=t("../../components/drawing/attributes").dash,c=t("../../lib/extend").extendFlat,u=a.marker,f=a.line,h=u.line;e.exports={a:{valType:"data_array",editType:"calc"},b:{valType:"data_array",editType:"calc"},c:{valType:"data_array",editType:"calc"},sum:{valType:"number",dflt:0,min:0,editType:"calc"},mode:c({},a.mode,{dflt:"markers"}),text:c({},a.text,{}),texttemplate:i({editType:"plot"},{keys:["a","b","c","text"]}),hovertext:c({},a.hovertext,{}),line:{color:f.color,width:f.width,dash:l,shape:c({},f.shape,{values:["linear","spline"]}),smoothing:f.smoothing,editType:"calc"},connectgaps:a.connectgaps,cliponaxis:a.cliponaxis,fill:c({},a.fill,{values:["none","toself","tonext"],dflt:"none"}),fillcolor:a.fillcolor,marker:c({symbol:u.symbol,opacity:u.opacity,maxdisplayed:u.maxdisplayed,size:u.size,sizeref:u.sizeref,sizemin:u.sizemin,sizemode:u.sizemode,line:c({width:h.width,editType:"calc"},s("marker.line")),gradient:u.gradient,editType:"calc"},s("marker")),textfont:a.textfont,textposition:a.textposition,selected:a.selected,unselected:a.unselected,hoverinfo:c({},o.hoverinfo,{flags:["a","b","c","text","name"]}),hoveron:a.hoveron,hovertemplate:n()}},{"../../components/colorscale/attributes":650,"../../components/drawing/attributes":664,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../scatter/attributes":1187}],1276:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../scatter/colorscale_calc"),a=t("../scatter/arrays_to_calcdata"),o=t("../scatter/calc_selection"),s=t("../scatter/calc").calcMarkerSize,l=["a","b","c"],c={a:["b","c"],b:["a","c"],c:["a","b"]};e.exports=function(t,e){var r,u,f,h,p,d,g=t._fullLayout[e.subplot].sum,m=e.sum||g,v={a:e.a,b:e.b,c:e.c};for(r=0;r"),o.hovertemplate=h.hovertemplate,a}function x(t,e){v.push(t._hovertitle+": "+e)}}},{"../scatter/hover":1198}],1281:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("./calc"),plot:t("./plot"),style:t("../scatter/style").style,styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("../scatter/select"),eventData:t("./event_data"),moduleType:"trace",name:"scatterternary",basePlotModule:t("../../plots/ternary"),categories:["ternary","symbols","showLegend","scatter-like"],meta:{}}},{"../../plots/ternary":907,"../scatter/marker_colorbar":1205,"../scatter/select":1209,"../scatter/style":1211,"./attributes":1275,"./calc":1276,"./defaults":1277,"./event_data":1278,"./format_labels":1279,"./hover":1280,"./plot":1282}],1282:[function(t,e,r){"use strict";var n=t("../scatter/plot");e.exports=function(t,e,r){var i=e.plotContainer;i.select(".scatterlayer").selectAll("*").remove();var a={xaxis:e.xaxis,yaxis:e.yaxis,plot:i,layerClipId:e._hasClipOnAxisFalse?e.clipIdRelative:null},o=e.layers.frontplot.select("g.scatterlayer");n(t,a,r,o)}},{"../scatter/plot":1208}],1283:[function(t,e,r){"use strict";var n=t("../scatter/attributes"),i=t("../../components/colorscale/attributes"),a=t("../../plots/template_attributes").hovertemplateAttrs,o=t("../scattergl/attributes"),s=t("../../plots/cartesian/constants").idRegex,l=t("../../plot_api/plot_template").templatedArray,c=t("../../lib/extend").extendFlat,u=n.marker,f=u.line,h=c(i("marker.line",{editTypeOverride:"calc"}),{width:c({},f.width,{editType:"calc"}),editType:"calc"}),p=c(i("marker"),{symbol:u.symbol,size:c({},u.size,{editType:"markerSize"}),sizeref:u.sizeref,sizemin:u.sizemin,sizemode:u.sizemode,opacity:u.opacity,colorbar:u.colorbar,line:h,editType:"calc"});function d(t){return{valType:"info_array",freeLength:!0,editType:"calc",items:{valType:"subplotid",regex:s[t],editType:"plot"}}}p.color.editType=p.cmin.editType=p.cmax.editType="style",e.exports={dimensions:l("dimension",{visible:{valType:"boolean",dflt:!0,editType:"calc"},label:{valType:"string",editType:"calc"},values:{valType:"data_array",editType:"calc+clearAxisTypes"},axis:{type:{valType:"enumerated",values:["linear","log","date","category"],editType:"calc+clearAxisTypes"},matches:{valType:"boolean",dflt:!1,editType:"calc"},editType:"calc+clearAxisTypes"},editType:"calc+clearAxisTypes"}),text:c({},o.text,{}),hovertext:c({},o.hovertext,{}),hovertemplate:a(),marker:p,xaxes:d("x"),yaxes:d("y"),diagonal:{visible:{valType:"boolean",dflt:!0,editType:"calc"},editType:"calc"},showupperhalf:{valType:"boolean",dflt:!0,editType:"calc"},showlowerhalf:{valType:"boolean",dflt:!0,editType:"calc"},selected:{marker:o.selected.marker,editType:"calc"},unselected:{marker:o.unselected.marker,editType:"calc"},opacity:o.opacity}},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plot_api/plot_template":817,"../../plots/cartesian/constants":834,"../../plots/template_attributes":906,"../scatter/attributes":1187,"../scattergl/attributes":1239}],1284:[function(t,e,r){"use strict";var n=t("regl-line2d"),i=t("../../registry"),a=t("../../lib/prepare_regl"),o=t("../../plots/get_data").getModuleCalcData,s=t("../../plots/cartesian"),l=t("../../plots/cartesian/axis_ids").getFromId,c=t("../../plots/cartesian/axes").shouldShowZeroLine;function u(t,e,r){for(var n=r.matrixOptions.data.length,i=e._visibleDims,a=r.viewOpts.ranges=new Array(n),o=0;oh?2*(b.sizeAvg||Math.max(b.size,3)):a(e,x),p=0;pa&&l||i-1,A=!0;if(o(x)||!!p.selectedpoints||M){var S=p._length;if(p.selectedpoints){g.selectBatch=p.selectedpoints;var E=p.selectedpoints,C={};for(l=0;l1&&(u=g[y-1],h=m[y-1],d=v[y-1]),e=0;eu?"-":"+")+"x")).replace("y",(f>h?"-":"+")+"y")).replace("z",(p>d?"-":"+")+"z");var C=function(){y=0,A=[],S=[],E=[]};(!y||y2?t.slice(1,e-1):2===e?[(t[0]+t[1])/2]:t}function p(t){var e=t.length;return 1===e?[.5,.5]:[t[1]-t[0],t[e-1]-t[e-2]]}function d(t,e){var r=t.fullSceneLayout,i=t.dataScale,u=e._len,f={};function d(t,e){var n=r[e],o=i[c[e]];return a.simpleMap(t,(function(t){return n.d2l(t)*o}))}if(f.vectors=l(d(e._u,"xaxis"),d(e._v,"yaxis"),d(e._w,"zaxis"),u),!u)return{positions:[],cells:[]};var g=d(e._Xs,"xaxis"),m=d(e._Ys,"yaxis"),v=d(e._Zs,"zaxis");if(f.meshgrid=[g,m,v],f.gridFill=e._gridFill,e._slen)f.startingPositions=l(d(e._startsX,"xaxis"),d(e._startsY,"yaxis"),d(e._startsZ,"zaxis"));else{for(var y=m[0],x=h(g),b=h(v),_=new Array(x.length*b.length),w=0,T=0;T=0};v?(r=Math.min(m.length,x.length),l=function(t){return M(m[t])&&A(t)},f=function(t){return String(m[t])}):(r=Math.min(y.length,x.length),l=function(t){return M(y[t])&&A(t)},f=function(t){return String(y[t])}),_&&(r=Math.min(r,b.length));for(var S=0;S1){for(var I=a.randstr(),P=0;P"),name:k||z("name")?l.name:void 0,color:T("hoverlabel.bgcolor")||y.color,borderColor:T("hoverlabel.bordercolor"),fontFamily:T("hoverlabel.font.family"),fontSize:T("hoverlabel.font.size"),fontColor:T("hoverlabel.font.color"),nameLength:T("hoverlabel.namelength"),textAlign:T("hoverlabel.align"),hovertemplate:k,hovertemplateLabels:L,eventData:[f(i,l,h.eventDataKeys)]};m&&(R.x0=S-i.rInscribed*i.rpx1,R.x1=S+i.rInscribed*i.rpx1,R.idealAlign=i.pxmid[0]<0?"left":"right"),v&&(R.x=S,R.idealAlign=S<0?"left":"right"),o.loneHover(R,{container:a._hoverlayer.node(),outerContainer:a._paper.node(),gd:r}),d._hasHoverLabel=!0}if(v){var F=t.select("path.surface");h.styleOne(F,i,l,{hovered:!0})}d._hasHoverEvent=!0,r.emit("plotly_hover",{points:[f(i,l,h.eventDataKeys)],event:n.event})}})),t.on("mouseout",(function(e){var i=r._fullLayout,a=r._fullData[d.index],s=n.select(this).datum();if(d._hasHoverEvent&&(e.originalEvent=n.event,r.emit("plotly_unhover",{points:[f(s,a,h.eventDataKeys)],event:n.event}),d._hasHoverEvent=!1),d._hasHoverLabel&&(o.loneUnhover(i._hoverlayer.node()),d._hasHoverLabel=!1),v){var l=t.select("path.surface");h.styleOne(l,s,a,{hovered:!1})}})),t.on("click",(function(t){var e=r._fullLayout,a=r._fullData[d.index],s=m&&(c.isHierarchyRoot(t)||c.isLeaf(t)),u=c.getPtId(t),p=c.isEntry(t)?c.findEntryWithChild(g,u):c.findEntryWithLevel(g,u),v=c.getPtId(p),y={points:[f(t,a,h.eventDataKeys)],event:n.event};s||(y.nextLevel=v);var x=l.triggerHandler(r,"plotly_"+d.type+"click",y);if(!1!==x&&e.hovermode&&(r._hoverdata=[f(t,a,h.eventDataKeys)],o.click(r,n.event)),!s&&!1!==x&&!r._dragging&&!r._transitioning){i.call("_storeDirectGUIEdit",a,e._tracePreGUI[a.uid],{level:a.level});var b={data:[{level:v}],traces:[d.index]},_={frame:{redraw:!1,duration:h.transitionTime},transition:{duration:h.transitionTime,easing:h.transitionEasing},mode:"immediate",fromcurrent:!0};o.loneUnhover(e._hoverlayer.node()),i.call("animate",r,b,_)}}))}},{"../../components/fx":683,"../../components/fx/helpers":679,"../../lib":778,"../../lib/events":767,"../../registry":911,"../pie/helpers":1166,"./helpers":1305,d3:169}],1305:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../components/color"),a=t("../../lib/setcursor"),o=t("../pie/helpers");function s(t){return t.data.data.pid}r.findEntryWithLevel=function(t,e){var n;return e&&t.eachAfter((function(t){if(r.getPtId(t)===e)return n=t.copy()})),n||t},r.findEntryWithChild=function(t,e){var n;return t.eachAfter((function(t){for(var i=t.children||[],a=0;a0)},r.getMaxDepth=function(t){return t.maxdepth>=0?t.maxdepth:1/0},r.isHeader=function(t,e){return!(r.isLeaf(t)||t.depth===e._maxDepth-1)},r.getParent=function(t,e){return r.findEntryWithLevel(t,s(e))},r.listPath=function(t,e){var n=t.parent;if(!n)return[];var i=e?[n.data[e]]:[n];return r.listPath(n,e).concat(i)},r.getPath=function(t){return r.listPath(t,"label").join("/")+"/"},r.formatValue=o.formatPieValue,r.formatPercent=function(t,e){var r=n.formatPercent(t,0);return"0%"===r&&(r=o.formatPiePercent(t,e)),r}},{"../../components/color":643,"../../lib":778,"../../lib/setcursor":799,"../pie/helpers":1166}],1306:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"sunburst",basePlotModule:t("./base_plot"),categories:[],animatable:!0,attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./calc").crossTraceCalc,plot:t("./plot").plot,style:t("./style").style,colorbar:t("../scatter/marker_colorbar"),meta:{}}},{"../scatter/marker_colorbar":1205,"./attributes":1299,"./base_plot":1300,"./calc":1301,"./defaults":1303,"./layout_attributes":1307,"./layout_defaults":1308,"./plot":1309,"./style":1310}],1307:[function(t,e,r){"use strict";e.exports={sunburstcolorway:{valType:"colorlist",editType:"calc"},extendsunburstcolors:{valType:"boolean",dflt:!0,editType:"calc"}}},{}],1308:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e){function r(r,a){return n.coerce(t,e,i,r,a)}r("sunburstcolorway",e.colorway),r("extendsunburstcolors")}},{"../../lib":778,"./layout_attributes":1307}],1309:[function(t,e,r){"use strict";var n=t("d3"),i=t("d3-hierarchy"),a=t("../../components/drawing"),o=t("../../lib"),s=t("../../lib/svg_text_utils"),l=t("../bar/uniform_text"),c=l.recordMinTextSize,u=l.clearMinTextSize,f=t("../pie/plot"),h=t("../pie/helpers").getRotationAngle,p=f.computeTransform,d=f.transformInsideText,g=t("./style").styleOne,m=t("../bar/style").resizeText,v=t("./fx"),y=t("./constants"),x=t("./helpers");function b(t,e,l,u){var f=t._fullLayout,m=!f.uniformtext.mode&&x.hasTransition(u),b=n.select(l).selectAll("g.slice"),w=e[0],T=w.trace,k=w.hierarchy,M=x.findEntryWithLevel(k,T.level),A=x.getMaxDepth(T),S=f._size,E=T.domain,C=S.w*(E.x[1]-E.x[0]),L=S.h*(E.y[1]-E.y[0]),I=.5*Math.min(C,L),P=w.cx=S.l+S.w*(E.x[1]+E.x[0])/2,z=w.cy=S.t+S.h*(1-E.y[0])-L/2;if(!M)return b.remove();var O=null,D={};m&&b.each((function(t){D[x.getPtId(t)]={rpx0:t.rpx0,rpx1:t.rpx1,x0:t.x0,x1:t.x1,transform:t.transform},!O&&x.isEntry(t)&&(O=t)}));var R=function(t){return i.partition().size([2*Math.PI,t.height+1])(t)}(M).descendants(),F=M.height+1,B=0,N=A;w.hasMultipleRoots&&x.isHierarchyRoot(M)&&(R=R.slice(1),F-=1,B=1,N+=1),R=R.filter((function(t){return t.y1<=N}));var j=h(T.rotation);j&&R.forEach((function(t){t.x0+=j,t.x1+=j}));var U=Math.min(F,A),V=function(t){return(t-B)/U*I},q=function(t,e){return[t*Math.cos(e),-t*Math.sin(e)]},H=function(t){return o.pathAnnulus(t.rpx0,t.rpx1,t.x0,t.x1,P,z)},G=function(t){return P+_(t)[0]*(t.transform.rCenter||0)+(t.transform.x||0)},Y=function(t){return z+_(t)[1]*(t.transform.rCenter||0)+(t.transform.y||0)};(b=b.data(R,x.getPtId)).enter().append("g").classed("slice",!0),m?b.exit().transition().each((function(){var t=n.select(this);t.select("path.surface").transition().attrTween("d",(function(t){var e=function(t){var e,r=x.getPtId(t),i=D[r],a=D[x.getPtId(M)];if(a){var o=(t.x1>a.x1?2*Math.PI:0)+j;e=t.rpx1W?2*Math.PI:0)+j;e={x0:a,x1:a}}else e={rpx0:I,rpx1:I},o.extendFlat(e,J(t));else e={rpx0:0,rpx1:0};else e={x0:j,x1:j};return n.interpolate(e,i)}(t);return function(t){return H(e(t))}})):u.attr("d",H),l.call(v,M,t,e,{eventDataKeys:y.eventDataKeys,transitionTime:y.CLICK_TRANSITION_TIME,transitionEasing:y.CLICK_TRANSITION_EASING}).call(x.setSliceCursor,t,{hideOnRoot:!0,hideOnLeaves:!0,isTransitioning:t._transitioning}),u.call(g,i,T);var h=o.ensureSingle(l,"g","slicetext"),b=o.ensureSingle(h,"text","",(function(t){t.attr("data-notex",1)})),_=o.ensureUniformFontSize(t,x.determineTextFont(T,i,f.font));b.text(r.formatSliceLabel(i,M,T,e,f)).classed("slicetext",!0).attr("text-anchor","middle").call(a.font,_).call(s.convertToTspans,t);var k=a.bBox(b.node());i.transform=d(k,i,w),i.transform.targetX=G(i),i.transform.targetY=Y(i);var A=function(t,e){var r=t.transform;return p(r,e),r.fontSize=_.size,c(T.type,r,f),o.getTextTransform(r)};m?b.transition().attrTween("transform",(function(t){var e=function(t){var e,r=D[x.getPtId(t)],i=t.transform;if(r)e=r;else if(e={rpx1:t.rpx1,transform:{textPosAngle:i.textPosAngle,scale:0,rotate:i.rotate,rCenter:i.rCenter,x:i.x,y:i.y}},O)if(t.parent)if(W){var a=t.x1>W?2*Math.PI:0;e.x0=e.x1=a}else o.extendFlat(e,J(t));else e.x0=e.x1=j;else e.x0=e.x1=j;var s=n.interpolate(e.transform.textPosAngle,t.transform.textPosAngle),l=n.interpolate(e.rpx1,t.rpx1),u=n.interpolate(e.x0,t.x0),h=n.interpolate(e.x1,t.x1),p=n.interpolate(e.transform.scale,i.scale),d=n.interpolate(e.transform.rotate,i.rotate),g=0===i.rCenter?3:0===e.transform.rCenter?1/3:1,m=n.interpolate(e.transform.rCenter,i.rCenter);return function(t){var e=l(t),r=u(t),n=h(t),a=function(t){return m(Math.pow(t,g))}(t),o={pxmid:q(e,(r+n)/2),rpx1:e,transform:{textPosAngle:s(t),rCenter:a,x:i.x,y:i.y}};return c(T.type,i,f),{transform:{targetX:G(o),targetY:Y(o),scale:p(t),rotate:d(t),rCenter:a}}}}(t);return function(t){return A(e(t),k)}})):b.attr("transform",A(i,k))}))}function _(t){return e=t.rpx1,r=t.transform.textPosAngle,[e*Math.sin(r),-e*Math.cos(r)];var e,r}r.plot=function(t,e,r,i){var a,o,s=t._fullLayout,l=s._sunburstlayer,c=!r,f=!s.uniformtext.mode&&x.hasTransition(r);(u("sunburst",s),(a=l.selectAll("g.trace.sunburst").data(e,(function(t){return t[0].trace.uid}))).enter().append("g").classed("trace",!0).classed("sunburst",!0).attr("stroke-linejoin","round"),a.order(),f)?(i&&(o=i()),n.transition().duration(r.duration).ease(r.easing).each("end",(function(){o&&o()})).each("interrupt",(function(){o&&o()})).each((function(){l.selectAll("g.trace").each((function(e){b(t,e,this,r)}))}))):(a.each((function(e){b(t,e,this,r)})),s.uniformtext.mode&&m(t,s._sunburstlayer.selectAll(".trace"),"sunburst"));c&&a.exit().remove()},r.formatSliceLabel=function(t,e,r,n,i){var a=r.texttemplate,s=r.textinfo;if(!(a||s&&"none"!==s))return"";var l=i.separators,c=n[0],u=t.data.data,f=c.hierarchy,h=x.isHierarchyRoot(t),p=x.getParent(f,t),d=x.getValue(t);if(!a){var g,m=s.split("+"),v=function(t){return-1!==m.indexOf(t)},y=[];if(v("label")&&u.label&&y.push(u.label),u.hasOwnProperty("v")&&v("value")&&y.push(x.formatValue(u.v,l)),!h){v("current path")&&y.push(x.getPath(t.data));var b=0;v("percent parent")&&b++,v("percent entry")&&b++,v("percent root")&&b++;var _=b>1;if(b){var w,T=function(t){g=x.formatPercent(w,l),_&&(g+=" of "+t),y.push(g)};v("percent parent")&&!h&&(w=d/x.getValue(p),T("parent")),v("percent entry")&&(w=d/x.getValue(e),T("entry")),v("percent root")&&(w=d/x.getValue(f),T("root"))}}return v("text")&&(g=o.castOption(r,u.i,"text"),o.isValidTextValue(g)&&y.push(g)),y.join("
")}var k=o.castOption(r,u.i,"texttemplate");if(!k)return"";var M={};u.label&&(M.label=u.label),u.hasOwnProperty("v")&&(M.value=u.v,M.valueLabel=x.formatValue(u.v,l)),M.currentPath=x.getPath(t.data),h||(M.percentParent=d/x.getValue(p),M.percentParentLabel=x.formatPercent(M.percentParent,l),M.parent=x.getPtLabel(p)),M.percentEntry=d/x.getValue(e),M.percentEntryLabel=x.formatPercent(M.percentEntry,l),M.entry=x.getPtLabel(e),M.percentRoot=d/x.getValue(f),M.percentRootLabel=x.formatPercent(M.percentRoot,l),M.root=x.getPtLabel(f),u.hasOwnProperty("color")&&(M.color=u.color);var A=o.castOption(r,u.i,"text");return(o.isValidTextValue(A)||""===A)&&(M.text=A),M.customdata=o.castOption(r,u.i,"customdata"),o.texttemplateString(k,M,i._d3locale,M,r._meta||{})}},{"../../components/drawing":665,"../../lib":778,"../../lib/svg_text_utils":803,"../bar/style":935,"../bar/uniform_text":937,"../pie/helpers":1166,"../pie/plot":1170,"./constants":1302,"./fx":1304,"./helpers":1305,"./style":1310,d3:169,"d3-hierarchy":161}],1310:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/color"),a=t("../../lib"),o=t("../bar/uniform_text").resizeText;function s(t,e,r){var n=e.data.data,o=!e.children,s=n.i,l=a.castOption(r,s,"marker.line.color")||i.defaultLine,c=a.castOption(r,s,"marker.line.width")||0;t.style("stroke-width",c).call(i.fill,n.color).call(i.stroke,l).style("opacity",o?r.leaf.opacity:null)}e.exports={style:function(t){var e=t._fullLayout._sunburstlayer.selectAll(".trace");o(t,e,"sunburst"),e.each((function(t){var e=n.select(this),r=t[0].trace;e.style("opacity",r.opacity),e.selectAll("path.surface").each((function(t){n.select(this).call(s,t,r)}))}))},styleOne:s}},{"../../components/color":643,"../../lib":778,"../bar/uniform_text":937,d3:169}],1311:[function(t,e,r){"use strict";var n=t("../../components/color"),i=t("../../components/colorscale/attributes"),a=t("../../plots/template_attributes").hovertemplateAttrs,o=t("../../plots/attributes"),s=t("../../lib/extend").extendFlat,l=t("../../plot_api/edit_types").overrideAll;function c(t){return{show:{valType:"boolean",dflt:!1},start:{valType:"number",dflt:null,editType:"plot"},end:{valType:"number",dflt:null,editType:"plot"},size:{valType:"number",dflt:null,min:0,editType:"plot"},project:{x:{valType:"boolean",dflt:!1},y:{valType:"boolean",dflt:!1},z:{valType:"boolean",dflt:!1}},color:{valType:"color",dflt:n.defaultLine},usecolormap:{valType:"boolean",dflt:!1},width:{valType:"number",min:1,max:16,dflt:2},highlight:{valType:"boolean",dflt:!0},highlightcolor:{valType:"color",dflt:n.defaultLine},highlightwidth:{valType:"number",min:1,max:16,dflt:2}}}var u=e.exports=l(s({z:{valType:"data_array"},x:{valType:"data_array"},y:{valType:"data_array"},text:{valType:"string",dflt:"",arrayOk:!0},hovertext:{valType:"string",dflt:"",arrayOk:!0},hovertemplate:a(),connectgaps:{valType:"boolean",dflt:!1,editType:"calc"},surfacecolor:{valType:"data_array"}},i("",{colorAttr:"z or surfacecolor",showScaleDflt:!0,autoColorDflt:!1,editTypeOverride:"calc"}),{contours:{x:c(),y:c(),z:c()},hidesurface:{valType:"boolean",dflt:!1},lightposition:{x:{valType:"number",min:-1e5,max:1e5,dflt:10},y:{valType:"number",min:-1e5,max:1e5,dflt:1e4},z:{valType:"number",min:-1e5,max:1e5,dflt:0}},lighting:{ambient:{valType:"number",min:0,max:1,dflt:.8},diffuse:{valType:"number",min:0,max:1,dflt:.8},specular:{valType:"number",min:0,max:2,dflt:.05},roughness:{valType:"number",min:0,max:1,dflt:.5},fresnel:{valType:"number",min:0,max:5,dflt:.2}},opacity:{valType:"number",min:0,max:1,dflt:1},opacityscale:{valType:"any",editType:"calc"},_deprecated:{zauto:s({},i.zauto,{}),zmin:s({},i.zmin,{}),zmax:s({},i.zmax,{})},hoverinfo:s({},o.hoverinfo),showlegend:s({},o.showlegend,{dflt:!1})}),"calc","nested");u.x.editType=u.y.editType=u.z.editType="calc+clearAxisTypes",u.transforms=void 0},{"../../components/color":643,"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plot_api/edit_types":810,"../../plots/attributes":824,"../../plots/template_attributes":906}],1312:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc");e.exports=function(t,e){e.surfacecolor?n(t,e,{vals:e.surfacecolor,containerStr:"",cLetter:"c"}):n(t,e,{vals:e.z,containerStr:"",cLetter:"c"})}},{"../../components/colorscale/calc":651}],1313:[function(t,e,r){"use strict";var n=t("gl-surface3d"),i=t("ndarray"),a=t("ndarray-linear-interpolate").d2,o=t("../heatmap/interp2d"),s=t("../heatmap/find_empties"),l=t("../../lib").isArrayOrTypedArray,c=t("../../lib/gl_format_color").parseColorScale,u=t("../../lib/str2rgbarray"),f=t("../../components/colorscale").extractOpts;function h(t,e,r){this.scene=t,this.uid=r,this.surface=e,this.data=null,this.showContour=[!1,!1,!1],this.contourStart=[null,null,null],this.contourEnd=[null,null,null],this.contourSize=[0,0,0],this.minValues=[1/0,1/0,1/0],this.maxValues=[-1/0,-1/0,-1/0],this.dataScaleX=1,this.dataScaleY=1,this.refineData=!0,this.objectOffset=[0,0,0]}var p=h.prototype;p.getXat=function(t,e,r,n){var i=l(this.data.x)?l(this.data.x[0])?this.data.x[e][t]:this.data.x[t]:t;return void 0===r?i:n.d2l(i,0,r)},p.getYat=function(t,e,r,n){var i=l(this.data.y)?l(this.data.y[0])?this.data.y[e][t]:this.data.y[e]:e;return void 0===r?i:n.d2l(i,0,r)},p.getZat=function(t,e,r,n){var i=this.data.z[e][t];return null===i&&this.data.connectgaps&&this.data._interpolatedZ&&(i=this.data._interpolatedZ[e][t]),void 0===r?i:n.d2l(i,0,r)},p.handlePick=function(t){if(t.object===this.surface){var e=(t.data.index[0]-1)/this.dataScaleX-1,r=(t.data.index[1]-1)/this.dataScaleY-1,n=Math.max(Math.min(Math.round(e),this.data.z[0].length-1),0),i=Math.max(Math.min(Math.round(r),this.data._ylength-1),0);t.index=[n,i],t.traceCoordinate=[this.getXat(n,i),this.getYat(n,i),this.getZat(n,i)],t.dataCoordinate=[this.getXat(n,i,this.data.xcalendar,this.scene.fullSceneLayout.xaxis),this.getYat(n,i,this.data.ycalendar,this.scene.fullSceneLayout.yaxis),this.getZat(n,i,this.data.zcalendar,this.scene.fullSceneLayout.zaxis)];for(var a=0;a<3;a++){var o=t.dataCoordinate[a];null!=o&&(t.dataCoordinate[a]*=this.scene.dataScale[a])}var s=this.data.hovertext||this.data.text;return Array.isArray(s)&&s[i]&&void 0!==s[i][n]?t.textLabel=s[i][n]:t.textLabel=s||"",t.data.dataCoordinate=t.dataCoordinate.slice(),this.surface.highlight(t.data),this.scene.glplot.spikes.position=t.dataCoordinate,!0}};var d=[2,3,5,7,11,13,17,19,23,29,31,37,41,43,47,53,59,61,67,71,73,79,83,89,97,101,103,107,109,113,127,131,137,139,149,151,157,163,167,173,179,181,191,193,197,199,211,223,227,229,233,239,241,251,257,263,269,271,277,281,283,293,307,311,313,317,331,337,347,349,353,359,367,373,379,383,389,397,401,409,419,421,431,433,439,443,449,457,461,463,467,479,487,491,499,503,509,521,523,541,547,557,563,569,571,577,587,593,599,601,607,613,617,619,631,641,643,647,653,659,661,673,677,683,691,701,709,719,727,733,739,743,751,757,761,769,773,787,797,809,811,821,823,827,829,839,853,857,859,863,877,881,883,887,907,911,919,929,937,941,947,953,967,971,977,983,991,997,1009,1013,1019,1021,1031,1033,1039,1049,1051,1061,1063,1069,1087,1091,1093,1097,1103,1109,1117,1123,1129,1151,1153,1163,1171,1181,1187,1193,1201,1213,1217,1223,1229,1231,1237,1249,1259,1277,1279,1283,1289,1291,1297,1301,1303,1307,1319,1321,1327,1361,1367,1373,1381,1399,1409,1423,1427,1429,1433,1439,1447,1451,1453,1459,1471,1481,1483,1487,1489,1493,1499,1511,1523,1531,1543,1549,1553,1559,1567,1571,1579,1583,1597,1601,1607,1609,1613,1619,1621,1627,1637,1657,1663,1667,1669,1693,1697,1699,1709,1721,1723,1733,1741,1747,1753,1759,1777,1783,1787,1789,1801,1811,1823,1831,1847,1861,1867,1871,1873,1877,1879,1889,1901,1907,1913,1931,1933,1949,1951,1973,1979,1987,1993,1997,1999,2003,2011,2017,2027,2029,2039,2053,2063,2069,2081,2083,2087,2089,2099,2111,2113,2129,2131,2137,2141,2143,2153,2161,2179,2203,2207,2213,2221,2237,2239,2243,2251,2267,2269,2273,2281,2287,2293,2297,2309,2311,2333,2339,2341,2347,2351,2357,2371,2377,2381,2383,2389,2393,2399,2411,2417,2423,2437,2441,2447,2459,2467,2473,2477,2503,2521,2531,2539,2543,2549,2551,2557,2579,2591,2593,2609,2617,2621,2633,2647,2657,2659,2663,2671,2677,2683,2687,2689,2693,2699,2707,2711,2713,2719,2729,2731,2741,2749,2753,2767,2777,2789,2791,2797,2801,2803,2819,2833,2837,2843,2851,2857,2861,2879,2887,2897,2903,2909,2917,2927,2939,2953,2957,2963,2969,2971,2999];function g(t,e){if(t0){r=d[n];break}return r}function y(t,e){if(!(t<1||e<1)){for(var r=m(t),n=m(e),i=1,a=0;a_;)r--,r/=v(r),++r1?n:1},p.refineCoords=function(t){for(var e=this.dataScaleX,r=this.dataScaleY,n=t[0].shape[0],a=t[0].shape[1],o=0|Math.floor(t[0].shape[0]*e+1),s=0|Math.floor(t[0].shape[1]*r+1),l=1+n+1,c=1+a+1,u=i(new Float32Array(l*c),[l,c]),f=[1/e,0,0,0,1/r,0,0,0,1],h=0;h0&&null!==this.contourStart[t]&&null!==this.contourEnd[t]&&this.contourEnd[t]>this.contourStart[t]))for(i[t]=!0,e=this.contourStart[t];ea&&(this.minValues[e]=a),this.maxValues[e]",maxDimensionCount:60,overdrag:45,releaseTransitionDuration:120,releaseTransitionEase:"cubic-out",scrollbarCaptureWidth:18,scrollbarHideDelay:1e3,scrollbarHideDuration:1e3,scrollbarOffset:5,scrollbarWidth:8,transitionDuration:100,transitionEase:"cubic-out",uplift:5,wrapSpacer:" ",wrapSplitCharacter:" ",cn:{table:"table",tableControlView:"table-control-view",scrollBackground:"scroll-background",yColumn:"y-column",columnBlock:"column-block",scrollAreaClip:"scroll-area-clip",scrollAreaClipRect:"scroll-area-clip-rect",columnBoundary:"column-boundary",columnBoundaryClippath:"column-boundary-clippath",columnBoundaryRect:"column-boundary-rect",columnCells:"column-cells",columnCell:"column-cell",cellRect:"cell-rect",cellText:"cell-text",cellTextHolder:"cell-text-holder",scrollbarKit:"scrollbar-kit",scrollbar:"scrollbar",scrollbarSlider:"scrollbar-slider",scrollbarGlyph:"scrollbar-glyph",scrollbarCaptureZone:"scrollbar-capture-zone"}}},{}],1320:[function(t,e,r){"use strict";var n=t("./constants"),i=t("../../lib/extend").extendFlat,a=t("fast-isnumeric");function o(t){if(Array.isArray(t)){for(var e=0,r=0;r=e||c===t.length-1)&&(n[i]=o,o.key=l++,o.firstRowIndex=s,o.lastRowIndex=c,o={firstRowIndex:null,lastRowIndex:null,rows:[]},i+=a,s=c+1,a=0);return n}e.exports=function(t,e){var r=l(e.cells.values),p=function(t){return t.slice(e.header.values.length,t.length)},d=l(e.header.values);d.length&&!d[0].length&&(d[0]=[""],d=l(d));var g=d.concat(p(r).map((function(){return c((d[0]||[""]).length)}))),m=e.domain,v=Math.floor(t._fullLayout._size.w*(m.x[1]-m.x[0])),y=Math.floor(t._fullLayout._size.h*(m.y[1]-m.y[0])),x=e.header.values.length?g[0].map((function(){return e.header.height})):[n.emptyHeaderHeight],b=r.length?r[0].map((function(){return e.cells.height})):[],_=x.reduce(s,0),w=h(b,y-_+n.uplift),T=f(h(x,_),[]),k=f(w,T),M={},A=e._fullInput.columnorder.concat(p(r.map((function(t,e){return e})))),S=g.map((function(t,r){var n=Array.isArray(e.columnwidth)?e.columnwidth[Math.min(r,e.columnwidth.length-1)]:e.columnwidth;return a(n)?Number(n):1})),E=S.reduce(s,0);S=S.map((function(t){return t/E*v}));var C=Math.max(o(e.header.line.width),o(e.cells.line.width)),L={key:e.uid+t._context.staticPlot,translateX:m.x[0]*t._fullLayout._size.w,translateY:t._fullLayout._size.h*(1-m.y[1]),size:t._fullLayout._size,width:v,maxLineWidth:C,height:y,columnOrder:A,groupHeight:y,rowBlocks:k,headerRowBlocks:T,scrollY:0,cells:i({},e.cells,{values:r}),headerCells:i({},e.header,{values:g}),gdColumns:g.map((function(t){return t[0]})),gdColumnsOriginalOrder:g.map((function(t){return t[0]})),prevPages:[0,0],scrollbarState:{scrollbarScrollInProgress:!1},columns:g.map((function(t,e){var r=M[t];return M[t]=(r||0)+1,{key:t+"__"+M[t],label:t,specIndex:e,xIndex:A[e],xScale:u,x:void 0,calcdata:void 0,columnWidth:S[e]}}))};return L.columns.forEach((function(t){t.calcdata=L,t.x=u(t)})),L}},{"../../lib/extend":768,"./constants":1319,"fast-isnumeric":241}],1321:[function(t,e,r){"use strict";var n=t("../../lib/extend").extendFlat;r.splitToPanels=function(t){var e=[0,0],r=n({},t,{key:"header",type:"header",page:0,prevPages:e,currentRepaint:[null,null],dragHandle:!0,values:t.calcdata.headerCells.values[t.specIndex],rowBlocks:t.calcdata.headerRowBlocks,calcdata:n({},t.calcdata,{cells:t.calcdata.headerCells})});return[n({},t,{key:"cells1",type:"cells",page:0,prevPages:e,currentRepaint:[null,null],dragHandle:!1,values:t.calcdata.cells.values[t.specIndex],rowBlocks:t.calcdata.rowBlocks}),n({},t,{key:"cells2",type:"cells",page:1,prevPages:e,currentRepaint:[null,null],dragHandle:!1,values:t.calcdata.cells.values[t.specIndex],rowBlocks:t.calcdata.rowBlocks}),r]},r.splitToCells=function(t){var e=function(t){var e=t.rowBlocks[t.page],r=e?e.rows[0].rowIndex:0,n=e?r+e.rows.length:0;return[r,n]}(t);return(t.values||[]).slice(e[0],e[1]).map((function(r,n){return{keyWithinBlock:n+("string"==typeof r&&r.match(/[<$&> ]/)?"_keybuster_"+Math.random():""),key:e[0]+n,column:t,calcdata:t.calcdata,page:t.page,rowBlocks:t.rowBlocks,value:r}}))}},{"../../lib/extend":768}],1322:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes"),a=t("../../plots/domain").defaults;e.exports=function(t,e,r,o){function s(r,a){return n.coerce(t,e,i,r,a)}a(e,o,s),s("columnwidth"),s("header.values"),s("header.format"),s("header.align"),s("header.prefix"),s("header.suffix"),s("header.height"),s("header.line.width"),s("header.line.color"),s("header.fill.color"),n.coerceFont(s,"header.font",n.extendFlat({},o.font)),function(t,e){for(var r=t.columnorder||[],n=t.header.values.length,i=r.slice(0,n),a=i.slice().sort((function(t,e){return t-e})),o=i.map((function(t){return a.indexOf(t)})),s=o.length;s/i),l=!o||s;t.mayHaveMarkup=o&&a.match(/[<&>]/);var c,u="string"==typeof(c=a)&&c.match(n.latexCheck);t.latex=u;var f,h,p=u?"":w(t.calcdata.cells.prefix,e,r)||"",d=u?"":w(t.calcdata.cells.suffix,e,r)||"",g=u?null:w(t.calcdata.cells.format,e,r)||null,m=p+(g?i.format(g)(t.value):t.value)+d;if(t.wrappingNeeded=!t.wrapped&&!l&&!u&&(f=_(m)),t.cellHeightMayIncrease=s||u||t.mayHaveMarkup||(void 0===f?_(m):f),t.needsConvertToTspans=t.mayHaveMarkup||t.wrappingNeeded||t.latex,t.wrappingNeeded){var v=(" "===n.wrapSplitCharacter?m.replace(/i&&n.push(a),i+=l}return n}(i,l,s);1===u.length&&(u[0]===i.length-1?u.unshift(u[0]-1):u.push(u[0]+1)),u[0]%2&&u.reverse(),e.each((function(t,e){t.page=u[e],t.scrollY=l})),e.attr("transform",(function(t){var e=O(t.rowBlocks,t.page)-t.scrollY;return c(0,e)})),t&&(C(t,r,e,u,n.prevPages,n,0),C(t,r,e,u,n.prevPages,n,1),y(r,t))}}function E(t,e,r,a){return function(o){var s=o.calcdata?o.calcdata:o,l=e.filter((function(t){return s.key===t.key})),c=r||s.scrollbarState.dragMultiplier,u=s.scrollY;s.scrollY=void 0===a?s.scrollY+c*i.event.dy:a;var f=l.selectAll("."+n.cn.yColumn).selectAll("."+n.cn.columnBlock).filter(k);return S(t,f,l),s.scrollY===u}}function C(t,e,r,n,i,a,o){n[o]!==i[o]&&(clearTimeout(a.currentRepaint[o]),a.currentRepaint[o]=setTimeout((function(){var a=r.filter((function(t,e){return e===o&&n[e]!==i[e]}));x(t,e,a,r),i[o]=n[o]})))}function L(t,e,r,a){return function(){var o=i.select(e.parentNode);o.each((function(t){var e=t.fragments;o.selectAll("tspan.line").each((function(t,r){e[r].width=this.getComputedTextLength()}));var r,i,a=e[e.length-1].width,s=e.slice(0,-1),l=[],c=0,u=t.column.columnWidth-2*n.cellPad;for(t.value="";s.length;)c+(i=(r=s.shift()).width+a)>u&&(t.value+=l.join(n.wrapSpacer)+n.lineBreaker,l=[],c=0),l.push(r.text),c+=i;c&&(t.value+=l.join(n.wrapSpacer)),t.wrapped=!0})),o.selectAll("tspan.line").remove(),b(o.select("."+n.cn.cellText),r,t,a),i.select(e.parentNode.parentNode).call(z)}}function I(t,e,r,a,o){return function(){if(!o.settledY){var s=i.select(e.parentNode),l=F(o),u=o.key-l.firstRowIndex,f=l.rows[u].rowHeight,h=o.cellHeightMayIncrease?e.parentNode.getBoundingClientRect().height+2*n.cellPad:f,p=Math.max(h,f);p-l.rows[u].rowHeight&&(l.rows[u].rowHeight=p,t.selectAll("."+n.cn.columnCell).call(z),S(null,t.filter(k),0),y(r,a,!0)),s.attr("transform",(function(){var t=this.parentNode.getBoundingClientRect(),e=i.select(this.parentNode).select("."+n.cn.cellRect).node().getBoundingClientRect(),r=this.transform.baseVal.consolidate(),a=e.top-t.top+(r?r.matrix.f:n.cellPad);return c(P(o,i.select(this.parentNode).select("."+n.cn.cellTextHolder).node().getBoundingClientRect().width),a)})),o.settledY=!0}}}function P(t,e){switch(t.align){case"left":return n.cellPad;case"right":return t.column.columnWidth-(e||0)-n.cellPad;case"center":return(t.column.columnWidth-(e||0))/2;default:return n.cellPad}}function z(t){t.attr("transform",(function(t){var e=t.rowBlocks[0].auxiliaryBlocks.reduce((function(t,e){return t+D(e,1/0)}),0),r=D(F(t),t.key);return c(0,r+e)})).selectAll("."+n.cn.cellRect).attr("height",(function(t){return(e=F(t),r=t.key,e.rows[r-e.firstRowIndex]).rowHeight;var e,r}))}function O(t,e){for(var r=0,n=e-1;n>=0;n--)r+=R(t[n]);return r}function D(t,e){for(var r=0,n=0;n","<","|","/","\\"],dflt:">",editType:"plot"},thickness:{valType:"number",min:12,editType:"plot"},textfont:u({},s.textfont,{}),editType:"calc"},text:s.text,textinfo:l.textinfo,texttemplate:i({editType:"plot"},{keys:c.eventDataKeys.concat(["label","value"])}),hovertext:s.hovertext,hoverinfo:l.hoverinfo,hovertemplate:n({},{keys:c.eventDataKeys}),textfont:s.textfont,insidetextfont:s.insidetextfont,outsidetextfont:u({},s.outsidetextfont,{}),textposition:{valType:"enumerated",values:["top left","top center","top right","middle left","middle center","middle right","bottom left","bottom center","bottom right"],dflt:"top left",editType:"plot"},sort:s.sort,root:l.root,domain:o({name:"treemap",trace:!0,editType:"calc"})}},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/domain":855,"../../plots/template_attributes":906,"../pie/attributes":1161,"../sunburst/attributes":1299,"./constants":1328}],1326:[function(t,e,r){"use strict";var n=t("../../plots/plots");r.name="treemap",r.plot=function(t,e,i,a){n.plotBasePlot(r.name,t,e,i,a)},r.clean=function(t,e,i,a){n.cleanBasePlot(r.name,t,e,i,a)}},{"../../plots/plots":891}],1327:[function(t,e,r){"use strict";var n=t("../sunburst/calc");r.calc=function(t,e){return n.calc(t,e)},r.crossTraceCalc=function(t){return n._runCrossTraceCalc("treemap",t)}},{"../sunburst/calc":1301}],1328:[function(t,e,r){"use strict";e.exports={CLICK_TRANSITION_TIME:750,CLICK_TRANSITION_EASING:"poly",eventDataKeys:["currentPath","root","entry","percentRoot","percentEntry","percentParent"],gapWithPathbar:1}},{}],1329:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes"),a=t("../../components/color"),o=t("../../plots/domain").defaults,s=t("../bar/defaults").handleText,l=t("../bar/constants").TEXTPAD,c=t("../../components/colorscale"),u=c.hasColorscale,f=c.handleDefaults;e.exports=function(t,e,r,c){function h(r,a){return n.coerce(t,e,i,r,a)}var p=h("labels"),d=h("parents");if(p&&p.length&&d&&d.length){var g=h("values");g&&g.length?h("branchvalues"):h("count"),h("level"),h("maxdepth"),"squarify"===h("tiling.packing")&&h("tiling.squarifyratio"),h("tiling.flip"),h("tiling.pad");var m=h("text");h("texttemplate"),e.texttemplate||h("textinfo",Array.isArray(m)?"text+label":"label"),h("hovertext"),h("hovertemplate");var v=h("pathbar.visible");s(t,e,c,h,"auto",{hasPathbar:v,moduleHasSelected:!1,moduleHasUnselected:!1,moduleHasConstrain:!1,moduleHasCliponaxis:!1,moduleHasTextangle:!1,moduleHasInsideanchor:!1}),h("textposition");var y=-1!==e.textposition.indexOf("bottom");h("marker.line.width")&&h("marker.line.color",c.paper_bgcolor);var x=h("marker.colors"),b=e._hasColorscale=u(t,"marker","colors")||(t.marker||{}).coloraxis;b?f(t,e,c,h,{prefix:"marker.",cLetter:"c"}):h("marker.depthfade",!(x||[]).length);var _=2*e.textfont.size;h("marker.pad.t",y?_/4:_),h("marker.pad.l",_/4),h("marker.pad.r",_/4),h("marker.pad.b",y?_:_/4),b&&f(t,e,c,h,{prefix:"marker.",cLetter:"c"}),e._hovered={marker:{line:{width:2,color:a.contrast(c.paper_bgcolor)}}},v&&(h("pathbar.thickness",e.pathbar.textfont.size+2*l),h("pathbar.side"),h("pathbar.edgeshape")),h("sort"),h("root.color"),o(e,c,h),e._length=null}else e.visible=!1}},{"../../components/color":643,"../../components/colorscale":655,"../../lib":778,"../../plots/domain":855,"../bar/constants":923,"../bar/defaults":925,"./attributes":1325}],1330:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../components/drawing"),o=t("../../lib/svg_text_utils"),s=t("./partition"),l=t("./style").styleOne,c=t("./constants"),u=t("../sunburst/helpers"),f=t("../sunburst/fx");e.exports=function(t,e,r,h,p){var d=p.barDifY,g=p.width,m=p.height,v=p.viewX,y=p.viewY,x=p.pathSlice,b=p.toMoveInsideSlice,_=p.strTransform,w=p.hasTransition,T=p.handleSlicesExit,k=p.makeUpdateSliceInterpolator,M=p.makeUpdateTextInterpolator,A={},S=t._fullLayout,E=e[0],C=E.trace,L=E.hierarchy,I=g/C._entryDepth,P=u.listPath(r.data,"id"),z=s(L.copy(),[g,m],{packing:"dice",pad:{inner:0,top:0,left:0,right:0,bottom:0}}).descendants();(z=z.filter((function(t){var e=P.indexOf(t.data.id);return-1!==e&&(t.x0=I*e,t.x1=I*(e+1),t.y0=d,t.y1=d+m,t.onPathbar=!0,!0)}))).reverse(),(h=h.data(z,u.getPtId)).enter().append("g").classed("pathbar",!0),T(h,!0,A,[g,m],x),h.order();var O=h;w&&(O=O.transition().each("end",(function(){var e=n.select(this);u.setSliceCursor(e,t,{hideOnRoot:!1,hideOnLeaves:!1,isTransitioning:!1})}))),O.each((function(s){s._hoverX=v(s.x1-Math.min(g,m)/2),s._hoverY=y(s.y1-m/2);var h=n.select(this),p=i.ensureSingle(h,"path","surface",(function(t){t.style("pointer-events","all")}));w?p.transition().attrTween("d",(function(t){var e=k(t,!0,A,[g,m]);return function(t){return x(e(t))}})):p.attr("d",x),h.call(f,r,t,e,{styleOne:l,eventDataKeys:c.eventDataKeys,transitionTime:c.CLICK_TRANSITION_TIME,transitionEasing:c.CLICK_TRANSITION_EASING}).call(u.setSliceCursor,t,{hideOnRoot:!1,hideOnLeaves:!1,isTransitioning:t._transitioning}),p.call(l,s,C,{hovered:!1}),s._text=(u.getPtLabel(s)||"").split("
").join(" ")||"";var d=i.ensureSingle(h,"g","slicetext"),T=i.ensureSingle(d,"text","",(function(t){t.attr("data-notex",1)})),E=i.ensureUniformFontSize(t,u.determineTextFont(C,s,S.font,{onPathbar:!0}));T.text(s._text||" ").classed("slicetext",!0).attr("text-anchor","start").call(a.font,E).call(o.convertToTspans,t),s.textBB=a.bBox(T.node()),s.transform=b(s,{fontSize:E.size,onPathbar:!0}),s.transform.fontSize=E.size,w?T.transition().attrTween("transform",(function(t){var e=M(t,!0,A,[g,m]);return function(t){return _(e(t))}})):T.attr("transform",_(s))}))}},{"../../components/drawing":665,"../../lib":778,"../../lib/svg_text_utils":803,"../sunburst/fx":1304,"../sunburst/helpers":1305,"./constants":1328,"./partition":1335,"./style":1337,d3:169}],1331:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../components/drawing"),o=t("../../lib/svg_text_utils"),s=t("./partition"),l=t("./style").styleOne,c=t("./constants"),u=t("../sunburst/helpers"),f=t("../sunburst/fx"),h=t("../sunburst/plot").formatSliceLabel;e.exports=function(t,e,r,p,d){var g=d.width,m=d.height,v=d.viewX,y=d.viewY,x=d.pathSlice,b=d.toMoveInsideSlice,_=d.strTransform,w=d.hasTransition,T=d.handleSlicesExit,k=d.makeUpdateSliceInterpolator,M=d.makeUpdateTextInterpolator,A=d.prevEntry,S=t._fullLayout,E=e[0].trace,C=-1!==E.textposition.indexOf("left"),L=-1!==E.textposition.indexOf("right"),I=-1!==E.textposition.indexOf("bottom"),P=!I&&!E.marker.pad.t||I&&!E.marker.pad.b,z=s(r,[g,m],{packing:E.tiling.packing,squarifyratio:E.tiling.squarifyratio,flipX:E.tiling.flip.indexOf("x")>-1,flipY:E.tiling.flip.indexOf("y")>-1,pad:{inner:E.tiling.pad,top:E.marker.pad.t,left:E.marker.pad.l,right:E.marker.pad.r,bottom:E.marker.pad.b}}).descendants(),O=1/0,D=-1/0;z.forEach((function(t){var e=t.depth;e>=E._maxDepth?(t.x0=t.x1=(t.x0+t.x1)/2,t.y0=t.y1=(t.y0+t.y1)/2):(O=Math.min(O,e),D=Math.max(D,e))})),p=p.data(z,u.getPtId),E._maxVisibleLayers=isFinite(D)?D-O+1:0,p.enter().append("g").classed("slice",!0),T(p,!1,{},[g,m],x),p.order();var R=null;if(w&&A){var F=u.getPtId(A);p.each((function(t){null===R&&u.getPtId(t)===F&&(R={x0:t.x0,x1:t.x1,y0:t.y0,y1:t.y1})}))}var B=function(){return R||{x0:0,x1:g,y0:0,y1:m}},N=p;return w&&(N=N.transition().each("end",(function(){var e=n.select(this);u.setSliceCursor(e,t,{hideOnRoot:!0,hideOnLeaves:!1,isTransitioning:!1})}))),N.each((function(s){var p=u.isHeader(s,E);s._hoverX=v(s.x1-E.marker.pad.r),s._hoverY=y(I?s.y1-E.marker.pad.b/2:s.y0+E.marker.pad.t/2);var d=n.select(this),T=i.ensureSingle(d,"path","surface",(function(t){t.style("pointer-events","all")}));w?T.transition().attrTween("d",(function(t){var e=k(t,!1,B(),[g,m]);return function(t){return x(e(t))}})):T.attr("d",x),d.call(f,r,t,e,{styleOne:l,eventDataKeys:c.eventDataKeys,transitionTime:c.CLICK_TRANSITION_TIME,transitionEasing:c.CLICK_TRANSITION_EASING}).call(u.setSliceCursor,t,{isTransitioning:t._transitioning}),T.call(l,s,E,{hovered:!1}),s.x0===s.x1||s.y0===s.y1?s._text="":s._text=p?P?"":u.getPtLabel(s)||"":h(s,r,E,e,S)||"";var A=i.ensureSingle(d,"g","slicetext"),z=i.ensureSingle(A,"text","",(function(t){t.attr("data-notex",1)})),O=i.ensureUniformFontSize(t,u.determineTextFont(E,s,S.font));z.text(s._text||" ").classed("slicetext",!0).attr("text-anchor",L?"end":C||p?"start":"middle").call(a.font,O).call(o.convertToTspans,t),s.textBB=a.bBox(z.node()),s.transform=b(s,{fontSize:O.size,isHeader:p}),s.transform.fontSize=O.size,w?z.transition().attrTween("transform",(function(t){var e=M(t,!1,B(),[g,m]);return function(t){return _(e(t))}})):z.attr("transform",_(s))})),R}},{"../../components/drawing":665,"../../lib":778,"../../lib/svg_text_utils":803,"../sunburst/fx":1304,"../sunburst/helpers":1305,"../sunburst/plot":1309,"./constants":1328,"./partition":1335,"./style":1337,d3:169}],1332:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"treemap",basePlotModule:t("./base_plot"),categories:[],animatable:!0,attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./calc").crossTraceCalc,plot:t("./plot"),style:t("./style").style,colorbar:t("../scatter/marker_colorbar"),meta:{}}},{"../scatter/marker_colorbar":1205,"./attributes":1325,"./base_plot":1326,"./calc":1327,"./defaults":1329,"./layout_attributes":1333,"./layout_defaults":1334,"./plot":1336,"./style":1337}],1333:[function(t,e,r){"use strict";e.exports={treemapcolorway:{valType:"colorlist",editType:"calc"},extendtreemapcolors:{valType:"boolean",dflt:!0,editType:"calc"}}},{}],1334:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e){function r(r,a){return n.coerce(t,e,i,r,a)}r("treemapcolorway",e.colorway),r("extendtreemapcolors")}},{"../../lib":778,"./layout_attributes":1333}],1335:[function(t,e,r){"use strict";var n=t("d3-hierarchy");e.exports=function(t,e,r){var i,a=r.flipX,o=r.flipY,s="dice-slice"===r.packing,l=r.pad[o?"bottom":"top"],c=r.pad[a?"right":"left"],u=r.pad[a?"left":"right"],f=r.pad[o?"top":"bottom"];s&&(i=c,c=l,l=i,i=u,u=f,f=i);var h=n.treemap().tile(function(t,e){switch(t){case"squarify":return n.treemapSquarify.ratio(e);case"binary":return n.treemapBinary;case"dice":return n.treemapDice;case"slice":return n.treemapSlice;default:return n.treemapSliceDice}}(r.packing,r.squarifyratio)).paddingInner(r.pad.inner).paddingLeft(c).paddingRight(u).paddingTop(l).paddingBottom(f).size(s?[e[1],e[0]]:e)(t);return(s||a||o)&&function t(e,r,n){var i;n.swapXY&&(i=e.x0,e.x0=e.y0,e.y0=i,i=e.x1,e.x1=e.y1,e.y1=i);n.flipX&&(i=e.x0,e.x0=r[0]-e.x1,e.x1=r[0]-i);n.flipY&&(i=e.y0,e.y0=r[1]-e.y1,e.y1=r[1]-i);var a=e.children;if(a)for(var o=0;o-1?E+I:-(L+I):0,z={x0:C,x1:C,y0:P,y1:P+L},O=function(t,e,r){var n=m.tiling.pad,i=function(t){return t-n<=e.x0},a=function(t){return t+n>=e.x1},o=function(t){return t-n<=e.y0},s=function(t){return t+n>=e.y1};return{x0:i(t.x0-n)?0:a(t.x0-n)?r[0]:t.x0,x1:i(t.x1+n)?0:a(t.x1+n)?r[0]:t.x1,y0:o(t.y0-n)?0:s(t.y0-n)?r[1]:t.y0,y1:o(t.y1+n)?0:s(t.y1+n)?r[1]:t.y1}},D=null,R={},F={},B=null,N=function(t,e){return e?R[g(t)]:F[g(t)]},j=function(t,e,r,n){if(e)return R[g(v)]||z;var i=F[m.level]||r;return function(t){return t.data.depth-y.data.depth=(n-=v.r-o)){var y=(r+n)/2;r=y,n=y}var x;h?i<(x=a-v.b)&&x"===Q?(l.x-=a,c.x-=a,u.x-=a,f.x-=a):"/"===Q?(u.x-=a,f.x-=a,o.x-=a/2,s.x-=a/2):"\\"===Q?(l.x-=a,c.x-=a,o.x-=a/2,s.x-=a/2):"<"===Q&&(o.x-=a,s.x-=a),K(l),K(f),K(o),K(c),K(u),K(s),"M"+Z(l.x,l.y)+"L"+Z(c.x,c.y)+"L"+Z(s.x,s.y)+"L"+Z(u.x,u.y)+"L"+Z(f.x,f.y)+"L"+Z(o.x,o.y)+"Z"},toMoveInsideSlice:$,makeUpdateSliceInterpolator:et,makeUpdateTextInterpolator:rt,handleSlicesExit:nt,hasTransition:T,strTransform:it}):b.remove()}e.exports=function(t,e,r,a){var o,s,l=t._fullLayout,c=l._treemaplayer,h=!r;(u("treemap",l),(o=c.selectAll("g.trace.treemap").data(e,(function(t){return t[0].trace.uid}))).enter().append("g").classed("trace",!0).classed("treemap",!0),o.order(),!l.uniformtext.mode&&i.hasTransition(r))?(a&&(s=a()),n.transition().duration(r.duration).ease(r.easing).each("end",(function(){s&&s()})).each("interrupt",(function(){s&&s()})).each((function(){c.selectAll("g.trace").each((function(e){m(t,e,this,r)}))}))):(o.each((function(e){m(t,e,this,r)})),l.uniformtext.mode&&f(t,l._treemaplayer.selectAll(".trace"),"treemap"));h&&o.exit().remove()}},{"../../lib":778,"../bar/constants":923,"../bar/plot":932,"../bar/style":935,"../bar/uniform_text":937,"../sunburst/helpers":1305,"./constants":1328,"./draw_ancestors":1330,"./draw_descendants":1331,d3:169}],1337:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/color"),a=t("../../lib"),o=t("../sunburst/helpers"),s=t("../bar/uniform_text").resizeText;function l(t,e,r,n){var s,l,c=(n||{}).hovered,u=e.data.data,f=u.i,h=u.color,p=o.isHierarchyRoot(e),d=1;if(c)s=r._hovered.marker.line.color,l=r._hovered.marker.line.width;else if(p&&h===r.root.color)d=100,s="rgba(0,0,0,0)",l=0;else if(s=a.castOption(r,f,"marker.line.color")||i.defaultLine,l=a.castOption(r,f,"marker.line.width")||0,!r._hasColorscale&&!e.onPathbar){var g=r.marker.depthfade;if(g){var m,v=i.combine(i.addOpacity(r._backgroundColor,.75),h);if(!0===g){var y=o.getMaxDepth(r);m=isFinite(y)?o.isLeaf(e)?0:r._maxVisibleLayers-(e.data.depth-r._entryDepth):e.data.height+1}else m=e.data.depth-r._entryDepth,r._atRootLevel||m++;if(m>0)for(var x=0;x0){var y,x,b,_,w,T=t.xa,k=t.ya;"h"===h.orientation?(w=e,y="y",b=k,x="x",_=T):(w=r,y="x",b=T,x="y",_=k);var M=f[t.index];if(w>=M.span[0]&&w<=M.span[1]){var A=n.extendFlat({},t),S=_.c2p(w,!0),E=o.getKdeValue(M,h,w),C=o.getPositionOnKdePath(M,h,S),L=b._offset,I=b._length;A[y+"0"]=C[0],A[y+"1"]=C[1],A[x+"0"]=A[x+"1"]=S,A[x+"Label"]=x+": "+i.hoverLabelText(_,w)+", "+f[0].t.labels.kde+" "+E.toFixed(3),A.spikeDistance=v[0].spikeDistance;var P=y+"Spike";A[P]=v[0][P],v[0].spikeDistance=void 0,v[0][P]=void 0,A.hovertemplate=!1,m.push(A),(u={stroke:t.color})[y+"1"]=n.constrain(L+C[0],L,L+I),u[y+"2"]=n.constrain(L+C[1],L,L+I),u[x+"1"]=u[x+"2"]=_._offset+S}}d&&(m=m.concat(v))}-1!==p.indexOf("points")&&(c=a.hoverOnPoints(t,e,r));var z=l.selectAll(".violinline-"+h.uid).data(u?[0]:[]);return z.enter().append("line").classed("violinline-"+h.uid,!0).attr("stroke-width",1.5),z.exit().remove(),z.attr(u),"closest"===s?c?[c]:m:c?(m.push(c),m):m}},{"../../lib":778,"../../plots/cartesian/axes":828,"../box/hover":951,"./helpers":1342}],1344:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),crossTraceDefaults:t("../box/defaults").crossTraceDefaults,supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc"),crossTraceCalc:t("./cross_trace_calc"),plot:t("./plot"),style:t("./style"),styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("../box/select"),moduleType:"trace",name:"violin",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","symbols","oriented","box-violin","showLegend","violinLayout","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"../box/defaults":949,"../box/select":956,"../scatter/style":1211,"./attributes":1338,"./calc":1339,"./cross_trace_calc":1340,"./defaults":1341,"./hover":1343,"./layout_attributes":1345,"./layout_defaults":1346,"./plot":1347,"./style":1348}],1345:[function(t,e,r){"use strict";var n=t("../box/layout_attributes"),i=t("../../lib").extendFlat;e.exports={violinmode:i({},n.boxmode,{}),violingap:i({},n.boxgap,{}),violingroupgap:i({},n.boxgroupgap,{})}},{"../../lib":778,"../box/layout_attributes":953}],1346:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes"),a=t("../box/layout_defaults");e.exports=function(t,e,r){a._supply(t,e,r,(function(r,a){return n.coerce(t,e,i,r,a)}),"violin")}},{"../../lib":778,"../box/layout_defaults":954,"./layout_attributes":1345}],1347:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../components/drawing"),o=t("../box/plot"),s=t("../scatter/line_points"),l=t("./helpers");e.exports=function(t,e,r,c){var u=t._fullLayout,f=e.xaxis,h=e.yaxis;function p(t){var e=s(t,{xaxis:f,yaxis:h,connectGaps:!0,baseTolerance:.75,shape:"spline",simplify:!0,linearized:!0});return a.smoothopen(e[0],1)}i.makeTraceGroups(c,r,"trace violins").each((function(t){var r=n.select(this),a=t[0],s=a.t,c=a.trace;if(!0!==c.visible||s.empty)r.remove();else{var d=s.bPos,g=s.bdPos,m=e[s.valLetter+"axis"],v=e[s.posLetter+"axis"],y="both"===c.side,x=y||"positive"===c.side,b=y||"negative"===c.side,_=r.selectAll("path.violin").data(i.identity);_.enter().append("path").style("vector-effect","non-scaling-stroke").attr("class","violin"),_.exit().remove(),_.each((function(t){var e,r,i,a,o,l,f,h,_=n.select(this),w=t.density,T=w.length,k=v.c2l(t.pos+d,!0),M=v.l2p(k);if(c.width)e=s.maxKDE/g;else{var A=u._violinScaleGroupStats[c.scalegroup];e="count"===c.scalemode?A.maxKDE/g*(A.maxCount/t.pts.length):A.maxKDE/g}if(x){for(f=new Array(T),o=0;o")),c.color=function(t,e){var r=t[e.dir].marker,n=r.color,a=r.line.color,o=r.line.width;if(i(n))return n;if(i(a)&&o)return a}(f,d),[c]}function w(t){return n(p,t)}}},{"../../components/color":643,"../../constants/delta.js":747,"../../plots/cartesian/axes":828,"../bar/hover":928}],1360:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults").supplyDefaults,crossTraceDefaults:t("./defaults").crossTraceDefaults,supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc"),crossTraceCalc:t("./cross_trace_calc"),plot:t("./plot"),style:t("./style").style,hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("../bar/select"),moduleType:"trace",name:"waterfall",basePlotModule:t("../../plots/cartesian"),categories:["bar-like","cartesian","svg","oriented","showLegend","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"../bar/select":933,"./attributes":1353,"./calc":1354,"./cross_trace_calc":1356,"./defaults":1357,"./event_data":1358,"./hover":1359,"./layout_attributes":1361,"./layout_defaults":1362,"./plot":1363,"./style":1364}],1361:[function(t,e,r){"use strict";e.exports={waterfallmode:{valType:"enumerated",values:["group","overlay"],dflt:"group",editType:"calc"},waterfallgap:{valType:"number",min:0,max:1,editType:"calc"},waterfallgroupgap:{valType:"number",min:0,max:1,dflt:0,editType:"calc"}}},{}],1362:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e,r){var a=!1;function o(r,a){return n.coerce(t,e,i,r,a)}for(var s=0;s0&&(m+=h?"M"+f[0]+","+d[1]+"V"+d[0]:"M"+f[1]+","+d[0]+"H"+f[0]),"between"!==p&&(r.isSum||s path").each((function(t){if(!t.isBlank){var e=s[t.dir].marker;n.select(this).call(a.fill,e.color).call(a.stroke,e.line.color).call(i.dashLine,e.line.dash,e.line.width).style("opacity",s.selectedpoints&&!t.selected?o:1)}})),c(r,s,t),r.selectAll(".lines").each((function(){var t=s.connector.line;i.lineGroupStyle(n.select(this).selectAll("path"),t.width,t.color,t.dash)}))}))}}},{"../../components/color":643,"../../components/drawing":665,"../../constants/interactions":752,"../bar/style":935,"../bar/uniform_text":937,d3:169}],1365:[function(t,e,r){"use strict";var n=t("../plots/cartesian/axes"),i=t("../lib"),a=t("../plot_api/plot_schema"),o=t("./helpers").pointsAccessorFunction,s=t("../constants/numerical").BADNUM;r.moduleType="transform",r.name="aggregate";var l=r.attributes={enabled:{valType:"boolean",dflt:!0,editType:"calc"},groups:{valType:"string",strict:!0,noBlank:!0,arrayOk:!0,dflt:"x",editType:"calc"},aggregations:{_isLinkedToArray:"aggregation",target:{valType:"string",editType:"calc"},func:{valType:"enumerated",values:["count","sum","avg","median","mode","rms","stddev","min","max","first","last","change","range"],dflt:"first",editType:"calc"},funcmode:{valType:"enumerated",values:["sample","population"],dflt:"sample",editType:"calc"},enabled:{valType:"boolean",dflt:!0,editType:"calc"},editType:"calc"},editType:"calc"},c=l.aggregations;function u(t,e,r,a){if(a.enabled){for(var o=a.target,l=i.nestedProperty(e,o),c=l.get(),u=function(t,e){var r=t.func,n=e.d2c,a=e.c2d;switch(r){case"count":return f;case"first":return h;case"last":return p;case"sum":return function(t,e){for(var r=0,i=0;ii&&(i=u,o=c)}}return i?a(o):s};case"rms":return function(t,e){for(var r=0,i=0,o=0;o":return function(t){return h(t)>s};case">=":return function(t){return h(t)>=s};case"[]":return function(t){var e=h(t);return e>=s[0]&&e<=s[1]};case"()":return function(t){var e=h(t);return e>s[0]&&e=s[0]&&es[0]&&e<=s[1]};case"][":return function(t){var e=h(t);return e<=s[0]||e>=s[1]};case")(":return function(t){var e=h(t);return es[1]};case"](":return function(t){var e=h(t);return e<=s[0]||e>s[1]};case")[":return function(t){var e=h(t);return e=s[1]};case"{}":return function(t){return-1!==s.indexOf(h(t))};case"}{":return function(t){return-1===s.indexOf(h(t))}}}(r,a.getDataToCoordFunc(t,e,s,i),h),x={},b={},_=0;d?(m=function(t){x[t.astr]=n.extendDeep([],t.get()),t.set(new Array(f))},v=function(t,e){var r=x[t.astr][e];t.get()[e]=r}):(m=function(t){x[t.astr]=n.extendDeep([],t.get()),t.set([])},v=function(t,e){var r=x[t.astr][e];t.get().push(r)}),k(m);for(var w=o(e.transforms,r),T=0;T1?"%{group} (%{trace})":"%{group}");var l=t.styles,c=o.styles=[];if(l)for(a=0;a
\ No newline at end of file diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/ml_vis05.html --- a/test-data/ml_vis05.html Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/ml_vis05.html Wed Aug 09 12:54:40 2023 +0000 @@ -1,31 +1,67 @@ -
- - +
-
- -
+!function(t){if("object"==typeof exports&&"undefined"!=typeof module)module.exports=t();else if("function"==typeof define&&define.amd)define([],t);else{("undefined"!=typeof window?window:"undefined"!=typeof global?global:"undefined"!=typeof self?self:this).Plotly=t()}}((function(){return function t(e,r,n){function i(o,s){if(!r[o]){if(!e[o]){var l="function"==typeof require&&require;if(!s&&l)return l(o,!0);if(a)return a(o,!0);var c=new Error("Cannot find module '"+o+"'");throw c.code="MODULE_NOT_FOUND",c}var u=r[o]={exports:{}};e[o][0].call(u.exports,(function(t){return i(e[o][1][t]||t)}),u,u.exports,t,e,r,n)}return r[o].exports}for(var a="function"==typeof require&&require,o=0;o:not(.watermark)":"opacity:0;-webkit-transition:opacity 0.3s ease 0s;-moz-transition:opacity 0.3s ease 0s;-ms-transition:opacity 0.3s ease 0s;-o-transition:opacity 0.3s ease 0s;transition:opacity 0.3s ease 0s;","X:hover .modebar--hover .modebar-group":"opacity:1;","X .modebar-group":"float:left;display:inline-block;box-sizing:border-box;padding-left:8px;position:relative;vertical-align:middle;white-space:nowrap;","X .modebar-btn":"position:relative;font-size:16px;padding:3px 4px;height:22px;cursor:pointer;line-height:normal;box-sizing:border-box;","X .modebar-btn svg":"position:relative;top:2px;","X .modebar.vertical":"display:flex;flex-direction:column;flex-wrap:wrap;align-content:flex-end;max-height:100%;","X .modebar.vertical svg":"top:-1px;","X .modebar.vertical .modebar-group":"display:block;float:none;padding-left:0px;padding-bottom:8px;","X .modebar.vertical .modebar-group .modebar-btn":"display:block;text-align:center;","X [data-title]:before,X [data-title]:after":"position:absolute;-webkit-transform:translate3d(0, 0, 0);-moz-transform:translate3d(0, 0, 0);-ms-transform:translate3d(0, 0, 0);-o-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);display:none;opacity:0;z-index:1001;pointer-events:none;top:110%;right:50%;","X [data-title]:hover:before,X [data-title]:hover:after":"display:block;opacity:1;","X [data-title]:before":"content:'';position:absolute;background:transparent;border:6px solid transparent;z-index:1002;margin-top:-12px;border-bottom-color:#69738a;margin-right:-6px;","X [data-title]:after":"content:attr(data-title);background:#69738a;color:white;padding:8px 10px;font-size:12px;line-height:12px;white-space:nowrap;margin-right:-18px;border-radius:2px;","X .vertical [data-title]:before,X .vertical [data-title]:after":"top:0%;right:200%;","X .vertical [data-title]:before":"border:6px solid transparent;border-left-color:#69738a;margin-top:8px;margin-right:-30px;","X .select-outline":"fill:none;stroke-width:1;shape-rendering:crispEdges;","X .select-outline-1":"stroke:white;","X .select-outline-2":"stroke:black;stroke-dasharray:2px 2px;",Y:"font-family:'Open Sans', verdana, arial, sans-serif;position:fixed;top:50px;right:20px;z-index:10000;font-size:10pt;max-width:180px;","Y p":"margin:0;","Y .notifier-note":"min-width:180px;max-width:250px;border:1px solid #fff;z-index:3000;margin:0;background-color:#8c97af;background-color:rgba(140,151,175,0.9);color:#fff;padding:10px;overflow-wrap:break-word;word-wrap:break-word;-ms-hyphens:auto;-webkit-hyphens:auto;hyphens:auto;","Y .notifier-close":"color:#fff;opacity:0.8;float:right;padding:0 5px;background:none;border:none;font-size:20px;font-weight:bold;line-height:20px;","Y .notifier-close:hover":"color:#444;text-decoration:none;cursor:pointer;"};for(var a in i){var o=a.replace(/^,/," ,").replace(/X/g,".js-plotly-plot .plotly").replace(/Y/g,".plotly-notifier");n.addStyleRule(o,i[a])}},{"../src/lib":778}],2:[function(t,e,r){"use strict";e.exports=t("../src/transforms/aggregate")},{"../src/transforms/aggregate":1365}],3:[function(t,e,r){"use strict";e.exports=t("../src/traces/bar")},{"../src/traces/bar":929}],4:[function(t,e,r){"use strict";e.exports=t("../src/traces/barpolar")},{"../src/traces/barpolar":942}],5:[function(t,e,r){"use strict";e.exports=t("../src/traces/box")},{"../src/traces/box":952}],6:[function(t,e,r){"use strict";e.exports=t("../src/components/calendars")},{"../src/components/calendars":641}],7:[function(t,e,r){"use strict";e.exports=t("../src/traces/candlestick")},{"../src/traces/candlestick":961}],8:[function(t,e,r){"use strict";e.exports=t("../src/traces/carpet")},{"../src/traces/carpet":980}],9:[function(t,e,r){"use strict";e.exports=t("../src/traces/choropleth")},{"../src/traces/choropleth":994}],10:[function(t,e,r){"use strict";e.exports=t("../src/traces/choroplethmapbox")},{"../src/traces/choroplethmapbox":1001}],11:[function(t,e,r){"use strict";e.exports=t("../src/traces/cone")},{"../src/traces/cone":1007}],12:[function(t,e,r){"use strict";e.exports=t("../src/traces/contour")},{"../src/traces/contour":1022}],13:[function(t,e,r){"use strict";e.exports=t("../src/traces/contourcarpet")},{"../src/traces/contourcarpet":1033}],14:[function(t,e,r){"use strict";e.exports=t("../src/core")},{"../src/core":755}],15:[function(t,e,r){"use strict";e.exports=t("../src/traces/densitymapbox")},{"../src/traces/densitymapbox":1041}],16:[function(t,e,r){"use strict";e.exports=t("../src/transforms/filter")},{"../src/transforms/filter":1366}],17:[function(t,e,r){"use strict";e.exports=t("../src/traces/funnel")},{"../src/traces/funnel":1051}],18:[function(t,e,r){"use strict";e.exports=t("../src/traces/funnelarea")},{"../src/traces/funnelarea":1060}],19:[function(t,e,r){"use strict";e.exports=t("../src/transforms/groupby")},{"../src/transforms/groupby":1367}],20:[function(t,e,r){"use strict";e.exports=t("../src/traces/heatmap")},{"../src/traces/heatmap":1073}],21:[function(t,e,r){"use strict";e.exports=t("../src/traces/heatmapgl")},{"../src/traces/heatmapgl":1083}],22:[function(t,e,r){"use strict";e.exports=t("../src/traces/histogram")},{"../src/traces/histogram":1095}],23:[function(t,e,r){"use strict";e.exports=t("../src/traces/histogram2d")},{"../src/traces/histogram2d":1101}],24:[function(t,e,r){"use strict";e.exports=t("../src/traces/histogram2dcontour")},{"../src/traces/histogram2dcontour":1105}],25:[function(t,e,r){"use strict";e.exports=t("../src/traces/image")},{"../src/traces/image":1113}],26:[function(t,e,r){"use strict";var n=t("./core");n.register([t("./bar"),t("./box"),t("./heatmap"),t("./histogram"),t("./histogram2d"),t("./histogram2dcontour"),t("./contour"),t("./scatterternary"),t("./violin"),t("./funnel"),t("./waterfall"),t("./image"),t("./pie"),t("./sunburst"),t("./treemap"),t("./funnelarea"),t("./scatter3d"),t("./surface"),t("./isosurface"),t("./volume"),t("./mesh3d"),t("./cone"),t("./streamtube"),t("./scattergeo"),t("./choropleth"),t("./scattergl"),t("./splom"),t("./pointcloud"),t("./heatmapgl"),t("./parcoords"),t("./parcats"),t("./scattermapbox"),t("./choroplethmapbox"),t("./densitymapbox"),t("./sankey"),t("./indicator"),t("./table"),t("./carpet"),t("./scattercarpet"),t("./contourcarpet"),t("./ohlc"),t("./candlestick"),t("./scatterpolar"),t("./scatterpolargl"),t("./barpolar")]),n.register([t("./aggregate"),t("./filter"),t("./groupby"),t("./sort")]),n.register([t("./calendars")]),e.exports=n},{"./aggregate":2,"./bar":3,"./barpolar":4,"./box":5,"./calendars":6,"./candlestick":7,"./carpet":8,"./choropleth":9,"./choroplethmapbox":10,"./cone":11,"./contour":12,"./contourcarpet":13,"./core":14,"./densitymapbox":15,"./filter":16,"./funnel":17,"./funnelarea":18,"./groupby":19,"./heatmap":20,"./heatmapgl":21,"./histogram":22,"./histogram2d":23,"./histogram2dcontour":24,"./image":25,"./indicator":27,"./isosurface":28,"./mesh3d":29,"./ohlc":30,"./parcats":31,"./parcoords":32,"./pie":33,"./pointcloud":34,"./sankey":35,"./scatter3d":36,"./scattercarpet":37,"./scattergeo":38,"./scattergl":39,"./scattermapbox":40,"./scatterpolar":41,"./scatterpolargl":42,"./scatterternary":43,"./sort":44,"./splom":45,"./streamtube":46,"./sunburst":47,"./surface":48,"./table":49,"./treemap":50,"./violin":51,"./volume":52,"./waterfall":53}],27:[function(t,e,r){"use strict";e.exports=t("../src/traces/indicator")},{"../src/traces/indicator":1121}],28:[function(t,e,r){"use strict";e.exports=t("../src/traces/isosurface")},{"../src/traces/isosurface":1127}],29:[function(t,e,r){"use strict";e.exports=t("../src/traces/mesh3d")},{"../src/traces/mesh3d":1132}],30:[function(t,e,r){"use strict";e.exports=t("../src/traces/ohlc")},{"../src/traces/ohlc":1137}],31:[function(t,e,r){"use strict";e.exports=t("../src/traces/parcats")},{"../src/traces/parcats":1146}],32:[function(t,e,r){"use strict";e.exports=t("../src/traces/parcoords")},{"../src/traces/parcoords":1156}],33:[function(t,e,r){"use strict";e.exports=t("../src/traces/pie")},{"../src/traces/pie":1167}],34:[function(t,e,r){"use strict";e.exports=t("../src/traces/pointcloud")},{"../src/traces/pointcloud":1176}],35:[function(t,e,r){"use strict";e.exports=t("../src/traces/sankey")},{"../src/traces/sankey":1182}],36:[function(t,e,r){"use strict";e.exports=t("../src/traces/scatter3d")},{"../src/traces/scatter3d":1220}],37:[function(t,e,r){"use strict";e.exports=t("../src/traces/scattercarpet")},{"../src/traces/scattercarpet":1227}],38:[function(t,e,r){"use strict";e.exports=t("../src/traces/scattergeo")},{"../src/traces/scattergeo":1235}],39:[function(t,e,r){"use strict";e.exports=t("../src/traces/scattergl")},{"../src/traces/scattergl":1248}],40:[function(t,e,r){"use strict";e.exports=t("../src/traces/scattermapbox")},{"../src/traces/scattermapbox":1258}],41:[function(t,e,r){"use strict";e.exports=t("../src/traces/scatterpolar")},{"../src/traces/scatterpolar":1266}],42:[function(t,e,r){"use strict";e.exports=t("../src/traces/scatterpolargl")},{"../src/traces/scatterpolargl":1273}],43:[function(t,e,r){"use strict";e.exports=t("../src/traces/scatterternary")},{"../src/traces/scatterternary":1281}],44:[function(t,e,r){"use strict";e.exports=t("../src/transforms/sort")},{"../src/transforms/sort":1369}],45:[function(t,e,r){"use strict";e.exports=t("../src/traces/splom")},{"../src/traces/splom":1290}],46:[function(t,e,r){"use strict";e.exports=t("../src/traces/streamtube")},{"../src/traces/streamtube":1298}],47:[function(t,e,r){"use strict";e.exports=t("../src/traces/sunburst")},{"../src/traces/sunburst":1306}],48:[function(t,e,r){"use strict";e.exports=t("../src/traces/surface")},{"../src/traces/surface":1315}],49:[function(t,e,r){"use strict";e.exports=t("../src/traces/table")},{"../src/traces/table":1323}],50:[function(t,e,r){"use strict";e.exports=t("../src/traces/treemap")},{"../src/traces/treemap":1332}],51:[function(t,e,r){"use strict";e.exports=t("../src/traces/violin")},{"../src/traces/violin":1344}],52:[function(t,e,r){"use strict";e.exports=t("../src/traces/volume")},{"../src/traces/volume":1352}],53:[function(t,e,r){"use strict";e.exports=t("../src/traces/waterfall")},{"../src/traces/waterfall":1360}],54:[function(t,e,r){"use strict";e.exports=function(t){var e=(t=t||{}).eye||[0,0,1],r=t.center||[0,0,0],s=t.up||[0,1,0],l=t.distanceLimits||[0,1/0],c=t.mode||"turntable",u=n(),f=i(),h=a();return u.setDistanceLimits(l[0],l[1]),u.lookAt(0,e,r,s),f.setDistanceLimits(l[0],l[1]),f.lookAt(0,e,r,s),h.setDistanceLimits(l[0],l[1]),h.lookAt(0,e,r,s),new o({turntable:u,orbit:f,matrix:h},c)};var n=t("turntable-camera-controller"),i=t("orbit-camera-controller"),a=t("matrix-camera-controller");function o(t,e){this._controllerNames=Object.keys(t),this._controllerList=this._controllerNames.map((function(e){return t[e]})),this._mode=e,this._active=t[e],this._active||(this._mode="turntable",this._active=t.turntable),this.modes=this._controllerNames,this.computedMatrix=this._active.computedMatrix,this.computedEye=this._active.computedEye,this.computedUp=this._active.computedUp,this.computedCenter=this._active.computedCenter,this.computedRadius=this._active.computedRadius}var s=o.prototype;[["flush",1],["idle",1],["lookAt",4],["rotate",4],["pan",4],["translate",4],["setMatrix",2],["setDistanceLimits",2],["setDistance",2]].forEach((function(t){for(var e=t[0],r=[],n=0;n1||i>1)}function A(t,e,r){return t.sort(E),t.forEach((function(n,i){var a,o,s=0;if(H(n,r)&&M(n))n.circularPathData.verticalBuffer=s+n.width/2;else{for(var l=0;lo.source.column)){var c=t[l].circularPathData.verticalBuffer+t[l].width/2+e;s=c>s?c:s}n.circularPathData.verticalBuffer=s+n.width/2}})),t}function S(t,r,i,a){var o=e.min(t.links,(function(t){return t.source.y0}));t.links.forEach((function(t){t.circular&&(t.circularPathData={})})),A(t.links.filter((function(t){return"top"==t.circularLinkType})),r,a),A(t.links.filter((function(t){return"bottom"==t.circularLinkType})),r,a),t.links.forEach((function(e){if(e.circular){if(e.circularPathData.arcRadius=e.width+10,e.circularPathData.leftNodeBuffer=5,e.circularPathData.rightNodeBuffer=5,e.circularPathData.sourceWidth=e.source.x1-e.source.x0,e.circularPathData.sourceX=e.source.x0+e.circularPathData.sourceWidth,e.circularPathData.targetX=e.target.x0,e.circularPathData.sourceY=e.y0,e.circularPathData.targetY=e.y1,H(e,a)&&M(e))e.circularPathData.leftSmallArcRadius=10+e.width/2,e.circularPathData.leftLargeArcRadius=10+e.width/2,e.circularPathData.rightSmallArcRadius=10+e.width/2,e.circularPathData.rightLargeArcRadius=10+e.width/2,"bottom"==e.circularLinkType?(e.circularPathData.verticalFullExtent=e.source.y1+25+e.circularPathData.verticalBuffer,e.circularPathData.verticalLeftInnerExtent=e.circularPathData.verticalFullExtent-e.circularPathData.leftLargeArcRadius,e.circularPathData.verticalRightInnerExtent=e.circularPathData.verticalFullExtent-e.circularPathData.rightLargeArcRadius):(e.circularPathData.verticalFullExtent=e.source.y0-25-e.circularPathData.verticalBuffer,e.circularPathData.verticalLeftInnerExtent=e.circularPathData.verticalFullExtent+e.circularPathData.leftLargeArcRadius,e.circularPathData.verticalRightInnerExtent=e.circularPathData.verticalFullExtent+e.circularPathData.rightLargeArcRadius);else{var s=e.source.column,l=e.circularLinkType,c=t.links.filter((function(t){return t.source.column==s&&t.circularLinkType==l}));"bottom"==e.circularLinkType?c.sort(L):c.sort(C);var u=0;c.forEach((function(t,n){t.circularLinkID==e.circularLinkID&&(e.circularPathData.leftSmallArcRadius=10+e.width/2+u,e.circularPathData.leftLargeArcRadius=10+e.width/2+n*r+u),u+=t.width})),s=e.target.column,c=t.links.filter((function(t){return t.target.column==s&&t.circularLinkType==l})),"bottom"==e.circularLinkType?c.sort(P):c.sort(I),u=0,c.forEach((function(t,n){t.circularLinkID==e.circularLinkID&&(e.circularPathData.rightSmallArcRadius=10+e.width/2+u,e.circularPathData.rightLargeArcRadius=10+e.width/2+n*r+u),u+=t.width})),"bottom"==e.circularLinkType?(e.circularPathData.verticalFullExtent=Math.max(i,e.source.y1,e.target.y1)+25+e.circularPathData.verticalBuffer,e.circularPathData.verticalLeftInnerExtent=e.circularPathData.verticalFullExtent-e.circularPathData.leftLargeArcRadius,e.circularPathData.verticalRightInnerExtent=e.circularPathData.verticalFullExtent-e.circularPathData.rightLargeArcRadius):(e.circularPathData.verticalFullExtent=o-25-e.circularPathData.verticalBuffer,e.circularPathData.verticalLeftInnerExtent=e.circularPathData.verticalFullExtent+e.circularPathData.leftLargeArcRadius,e.circularPathData.verticalRightInnerExtent=e.circularPathData.verticalFullExtent+e.circularPathData.rightLargeArcRadius)}e.circularPathData.leftInnerExtent=e.circularPathData.sourceX+e.circularPathData.leftNodeBuffer,e.circularPathData.rightInnerExtent=e.circularPathData.targetX-e.circularPathData.rightNodeBuffer,e.circularPathData.leftFullExtent=e.circularPathData.sourceX+e.circularPathData.leftLargeArcRadius+e.circularPathData.leftNodeBuffer,e.circularPathData.rightFullExtent=e.circularPathData.targetX-e.circularPathData.rightLargeArcRadius-e.circularPathData.rightNodeBuffer}if(e.circular)e.path=function(t){var e="";e="top"==t.circularLinkType?"M"+t.circularPathData.sourceX+" "+t.circularPathData.sourceY+" L"+t.circularPathData.leftInnerExtent+" "+t.circularPathData.sourceY+" A"+t.circularPathData.leftLargeArcRadius+" "+t.circularPathData.leftSmallArcRadius+" 0 0 0 "+t.circularPathData.leftFullExtent+" "+(t.circularPathData.sourceY-t.circularPathData.leftSmallArcRadius)+" L"+t.circularPathData.leftFullExtent+" "+t.circularPathData.verticalLeftInnerExtent+" A"+t.circularPathData.leftLargeArcRadius+" "+t.circularPathData.leftLargeArcRadius+" 0 0 0 "+t.circularPathData.leftInnerExtent+" "+t.circularPathData.verticalFullExtent+" L"+t.circularPathData.rightInnerExtent+" "+t.circularPathData.verticalFullExtent+" A"+t.circularPathData.rightLargeArcRadius+" "+t.circularPathData.rightLargeArcRadius+" 0 0 0 "+t.circularPathData.rightFullExtent+" "+t.circularPathData.verticalRightInnerExtent+" L"+t.circularPathData.rightFullExtent+" "+(t.circularPathData.targetY-t.circularPathData.rightSmallArcRadius)+" A"+t.circularPathData.rightLargeArcRadius+" "+t.circularPathData.rightSmallArcRadius+" 0 0 0 "+t.circularPathData.rightInnerExtent+" "+t.circularPathData.targetY+" L"+t.circularPathData.targetX+" "+t.circularPathData.targetY:"M"+t.circularPathData.sourceX+" "+t.circularPathData.sourceY+" L"+t.circularPathData.leftInnerExtent+" "+t.circularPathData.sourceY+" A"+t.circularPathData.leftLargeArcRadius+" "+t.circularPathData.leftSmallArcRadius+" 0 0 1 "+t.circularPathData.leftFullExtent+" "+(t.circularPathData.sourceY+t.circularPathData.leftSmallArcRadius)+" L"+t.circularPathData.leftFullExtent+" "+t.circularPathData.verticalLeftInnerExtent+" A"+t.circularPathData.leftLargeArcRadius+" "+t.circularPathData.leftLargeArcRadius+" 0 0 1 "+t.circularPathData.leftInnerExtent+" "+t.circularPathData.verticalFullExtent+" L"+t.circularPathData.rightInnerExtent+" "+t.circularPathData.verticalFullExtent+" A"+t.circularPathData.rightLargeArcRadius+" "+t.circularPathData.rightLargeArcRadius+" 0 0 1 "+t.circularPathData.rightFullExtent+" "+t.circularPathData.verticalRightInnerExtent+" L"+t.circularPathData.rightFullExtent+" "+(t.circularPathData.targetY+t.circularPathData.rightSmallArcRadius)+" A"+t.circularPathData.rightLargeArcRadius+" "+t.circularPathData.rightSmallArcRadius+" 0 0 1 "+t.circularPathData.rightInnerExtent+" "+t.circularPathData.targetY+" L"+t.circularPathData.targetX+" "+t.circularPathData.targetY;return e}(e);else{var f=n.linkHorizontal().source((function(t){return[t.source.x0+(t.source.x1-t.source.x0),t.y0]})).target((function(t){return[t.target.x0,t.y1]}));e.path=f(e)}}))}function E(t,e){return z(t)==z(e)?"bottom"==t.circularLinkType?L(t,e):C(t,e):z(e)-z(t)}function C(t,e){return t.y0-e.y0}function L(t,e){return e.y0-t.y0}function I(t,e){return t.y1-e.y1}function P(t,e){return e.y1-t.y1}function z(t){return t.target.column-t.source.column}function O(t){return t.target.x0-t.source.x1}function D(t,e){var r=T(t),n=O(e)/Math.tan(r);return"up"==q(t)?t.y1+n:t.y1-n}function R(t,e){var r=T(t),n=O(e)/Math.tan(r);return"up"==q(t)?t.y1-n:t.y1+n}function F(t,e,r,n){t.links.forEach((function(i){if(!i.circular&&i.target.column-i.source.column>1){var a=i.source.column+1,o=i.target.column-1,s=1,l=o-a+1;for(s=1;a<=o;a++,s++)t.nodes.forEach((function(o){if(o.column==a){var c,u=s/(l+1),f=Math.pow(1-u,3),h=3*u*Math.pow(1-u,2),p=3*Math.pow(u,2)*(1-u),d=Math.pow(u,3),g=f*i.y0+h*i.y0+p*i.y1+d*i.y1,m=g-i.width/2,v=g+i.width/2;m>o.y0&&mo.y0&&vo.y1)&&(c=v-o.y0+10,o=N(o,c,e,r),t.nodes.forEach((function(t){b(t,n)!=b(o,n)&&t.column==o.column&&t.y0o.y1&&N(t,c,e,r)})))}}))}}))}function B(t,e){return t.y0>e.y0&&t.y0e.y0&&t.y1e.y1)}function N(t,e,r,n){return t.y0+e>=r&&t.y1+e<=n&&(t.y0=t.y0+e,t.y1=t.y1+e,t.targetLinks.forEach((function(t){t.y1=t.y1+e})),t.sourceLinks.forEach((function(t){t.y0=t.y0+e}))),t}function j(t,e,r,n){t.nodes.forEach((function(i){n&&i.y+(i.y1-i.y0)>e&&(i.y=i.y-(i.y+(i.y1-i.y0)-e));var a=t.links.filter((function(t){return b(t.source,r)==b(i,r)})),o=a.length;o>1&&a.sort((function(t,e){if(!t.circular&&!e.circular){if(t.target.column==e.target.column)return t.y1-e.y1;if(!V(t,e))return t.y1-e.y1;if(t.target.column>e.target.column){var r=R(e,t);return t.y1-r}if(e.target.column>t.target.column)return R(t,e)-e.y1}return t.circular&&!e.circular?"top"==t.circularLinkType?-1:1:e.circular&&!t.circular?"top"==e.circularLinkType?1:-1:t.circular&&e.circular?t.circularLinkType===e.circularLinkType&&"top"==t.circularLinkType?t.target.column===e.target.column?t.target.y1-e.target.y1:e.target.column-t.target.column:t.circularLinkType===e.circularLinkType&&"bottom"==t.circularLinkType?t.target.column===e.target.column?e.target.y1-t.target.y1:t.target.column-e.target.column:"top"==t.circularLinkType?-1:1:void 0}));var s=i.y0;a.forEach((function(t){t.y0=s+t.width/2,s+=t.width})),a.forEach((function(t,e){if("bottom"==t.circularLinkType){for(var r=e+1,n=0;r1&&n.sort((function(t,e){if(!t.circular&&!e.circular){if(t.source.column==e.source.column)return t.y0-e.y0;if(!V(t,e))return t.y0-e.y0;if(e.source.column0?"up":"down"}function H(t,e){return b(t.source,e)==b(t.target,e)}function G(t,r,n){var i=t.nodes,a=t.links,o=!1,s=!1;if(a.forEach((function(t){"top"==t.circularLinkType?o=!0:"bottom"==t.circularLinkType&&(s=!0)})),0==o||0==s){var l=e.min(i,(function(t){return t.y0})),c=(n-r)/(e.max(i,(function(t){return t.y1}))-l);i.forEach((function(t){var e=(t.y1-t.y0)*c;t.y0=(t.y0-l)*c,t.y1=t.y0+e})),a.forEach((function(t){t.y0=(t.y0-l)*c,t.y1=(t.y1-l)*c,t.width=t.width*c}))}}t.sankeyCircular=function(){var t,n,i=0,a=0,b=1,T=1,M=24,A=m,E=o,C=v,L=y,I=32,P=2,z=null;function O(){var t={nodes:C.apply(null,arguments),links:L.apply(null,arguments)};D(t),_(t,A,z),R(t),B(t),w(t,A),N(t,I,A),V(t);for(var e=4,r=0;r0?r+25+10:r,bottom:n=n>0?n+25+10:n,left:a=a>0?a+25+10:a,right:i=i>0?i+25+10:i}}(o),f=function(t,r){var n=e.max(t.nodes,(function(t){return t.column})),o=b-i,s=T-a,l=o/(o+r.right+r.left),c=s/(s+r.top+r.bottom);return i=i*l+r.left,b=0==r.right?b:b*l,a=a*c+r.top,T*=c,t.nodes.forEach((function(t){t.x0=i+t.column*((b-i-M)/n),t.x1=t.x0+M})),c}(o,u);l*=f,o.links.forEach((function(t){t.width=t.value*l})),c.forEach((function(t){var e=t.length;t.forEach((function(t,n){t.depth==c.length-1&&1==e||0==t.depth&&1==e?(t.y0=T/2-t.value*l,t.y1=t.y0+t.value*l):t.partOfCycle?0==k(t,r)?(t.y0=T/2+n,t.y1=t.y0+t.value*l):"top"==t.circularLinkType?(t.y0=a+n,t.y1=t.y0+t.value*l):(t.y0=T-t.value*l-n,t.y1=t.y0+t.value*l):0==u.top||0==u.bottom?(t.y0=(T-a)/e*n,t.y1=t.y0+t.value*l):(t.y0=(T-a)/2-e/2+n,t.y1=t.y0+t.value*l)}))}))}(l),y();for(var u=1,m=s;m>0;--m)v(u*=.99,l),y();function v(t,r){var n=c.length;c.forEach((function(i){var a=i.length,o=i[0].depth;i.forEach((function(i){var s;if(i.sourceLinks.length||i.targetLinks.length)if(i.partOfCycle&&k(i,r)>0);else if(0==o&&1==a)s=i.y1-i.y0,i.y0=T/2-s/2,i.y1=T/2+s/2;else if(o==n-1&&1==a)s=i.y1-i.y0,i.y0=T/2-s/2,i.y1=T/2+s/2;else{var l=e.mean(i.sourceLinks,g),c=e.mean(i.targetLinks,d),u=((l&&c?(l+c)/2:l||c)-p(i))*t;i.y0+=u,i.y1+=u}}))}))}function y(){c.forEach((function(e){var r,n,i,o=a,s=e.length;for(e.sort(f),i=0;i0&&(r.y0+=n,r.y1+=n),o=r.y1+t;if((n=o-t-T)>0)for(o=r.y0-=n,r.y1-=n,i=s-2;i>=0;--i)(n=(r=e[i]).y1+t-o)>0&&(r.y0-=n,r.y1-=n),o=r.y0}))}}function V(t){t.nodes.forEach((function(t){t.sourceLinks.sort(u),t.targetLinks.sort(c)})),t.nodes.forEach((function(t){var e=t.y0,r=e,n=t.y1,i=n;t.sourceLinks.forEach((function(t){t.circular?(t.y0=n-t.width/2,n-=t.width):(t.y0=e+t.width/2,e+=t.width)})),t.targetLinks.forEach((function(t){t.circular?(t.y1=i-t.width/2,i-=t.width):(t.y1=r+t.width/2,r+=t.width)}))}))}return O.nodeId=function(t){return arguments.length?(A="function"==typeof t?t:s(t),O):A},O.nodeAlign=function(t){return arguments.length?(E="function"==typeof t?t:s(t),O):E},O.nodeWidth=function(t){return arguments.length?(M=+t,O):M},O.nodePadding=function(e){return arguments.length?(t=+e,O):t},O.nodes=function(t){return arguments.length?(C="function"==typeof t?t:s(t),O):C},O.links=function(t){return arguments.length?(L="function"==typeof t?t:s(t),O):L},O.size=function(t){return arguments.length?(i=a=0,b=+t[0],T=+t[1],O):[b-i,T-a]},O.extent=function(t){return arguments.length?(i=+t[0][0],b=+t[1][0],a=+t[0][1],T=+t[1][1],O):[[i,a],[b,T]]},O.iterations=function(t){return arguments.length?(I=+t,O):I},O.circularLinkGap=function(t){return arguments.length?(P=+t,O):P},O.nodePaddingRatio=function(t){return arguments.length?(n=+t,O):n},O.sortNodes=function(t){return arguments.length?(z=t,O):z},O.update=function(t){return w(t,A),V(t),t.links.forEach((function(t){t.circular&&(t.circularLinkType=t.y0+t.y1a&&(b=a);var o=e.min(i,(function(t){return(y-n-(t.length-1)*b)/e.sum(t,u)}));i.forEach((function(t){t.forEach((function(t,e){t.y1=(t.y0=e)+t.value*o}))})),t.links.forEach((function(t){t.width=t.value*o}))}(),d();for(var a=1,o=M;o>0;--o)l(a*=.99),d(),s(a),d();function s(t){i.forEach((function(r){r.forEach((function(r){if(r.targetLinks.length){var n=(e.sum(r.targetLinks,h)/e.sum(r.targetLinks,u)-f(r))*t;r.y0+=n,r.y1+=n}}))}))}function l(t){i.slice().reverse().forEach((function(r){r.forEach((function(r){if(r.sourceLinks.length){var n=(e.sum(r.sourceLinks,p)/e.sum(r.sourceLinks,u)-f(r))*t;r.y0+=n,r.y1+=n}}))}))}function d(){i.forEach((function(t){var e,r,i,a=n,o=t.length;for(t.sort(c),i=0;i0&&(e.y0+=r,e.y1+=r),a=e.y1+b;if((r=a-b-y)>0)for(a=e.y0-=r,e.y1-=r,i=o-2;i>=0;--i)(r=(e=t[i]).y1+b-a)>0&&(e.y0-=r,e.y1-=r),a=e.y0}))}}function I(t){t.nodes.forEach((function(t){t.sourceLinks.sort(l),t.targetLinks.sort(s)})),t.nodes.forEach((function(t){var e=t.y0,r=e;t.sourceLinks.forEach((function(t){t.y0=e+t.width/2,e+=t.width})),t.targetLinks.forEach((function(t){t.y1=r+t.width/2,r+=t.width}))}))}return A.update=function(t){return I(t),t},A.nodeId=function(t){return arguments.length?(_="function"==typeof t?t:o(t),A):_},A.nodeAlign=function(t){return arguments.length?(w="function"==typeof t?t:o(t),A):w},A.nodeWidth=function(t){return arguments.length?(x=+t,A):x},A.nodePadding=function(t){return arguments.length?(b=+t,A):b},A.nodes=function(t){return arguments.length?(T="function"==typeof t?t:o(t),A):T},A.links=function(t){return arguments.length?(k="function"==typeof t?t:o(t),A):k},A.size=function(e){return arguments.length?(t=n=0,i=+e[0],y=+e[1],A):[i-t,y-n]},A.extent=function(e){return arguments.length?(t=+e[0][0],i=+e[1][0],n=+e[0][1],y=+e[1][1],A):[[t,n],[i,y]]},A.iterations=function(t){return arguments.length?(M=+t,A):M},A},t.sankeyCenter=function(t){return t.targetLinks.length?t.depth:t.sourceLinks.length?e.min(t.sourceLinks,i)-1:0},t.sankeyLeft=function(t){return t.depth},t.sankeyRight=function(t,e){return e-1-t.height},t.sankeyJustify=a,t.sankeyLinkHorizontal=function(){return n.linkHorizontal().source(y).target(x)},Object.defineProperty(t,"__esModule",{value:!0})}))},{"d3-array":156,"d3-collection":157,"d3-shape":165}],57:[function(t,e,r){"use strict";e.exports=t("./quad")},{"./quad":58}],58:[function(t,e,r){"use strict";var n=t("binary-search-bounds"),i=t("clamp"),a=t("parse-rect"),o=t("array-bounds"),s=t("pick-by-alias"),l=t("defined"),c=t("flatten-vertex-data"),u=t("is-obj"),f=t("dtype"),h=t("math-log2");function p(t,e){for(var r=e[0],n=e[1],a=1/(e[2]-r),o=1/(e[3]-n),s=new Array(t.length),l=0,c=t.length/2;l>>1;e.dtype||(e.dtype="array"),"string"==typeof e.dtype?d=new(f(e.dtype))(m):e.dtype&&(d=e.dtype,Array.isArray(d)&&(d.length=m));for(var v=0;vr||s>1073741824){for(var h=0;he+n||w>r+n||T=M||a===o)){var s=y[i];void 0===o&&(o=s.length);for(var l=a;l=d&&u<=m&&f>=g&&f<=v&&S.push(c)}var h=x[i],p=h[4*a+0],b=h[4*a+1],A=h[4*a+2],E=h[4*a+3],I=L(h,a+1),P=.5*n,z=i+1;C(e,r,P,z,p,b||A||E||I),C(e,r+P,P,z,b,A||E||I),C(e+P,r,P,z,A,E||I),C(e+P,r+P,P,z,E,I)}}function L(t,e){for(var r=null,n=0;null===r;)if(r=t[4*e+n],++n>t.length)return null;return r}return C(0,0,1,0,0,1),S},d;function E(t,e,r,i,a){for(var o=[],s=0;s0){e+=Math.abs(a(t[0]));for(var r=1;r2){for(s=0;st[0]&&(e[0]=t[0]),e[1]>t[1]&&(e[1]=t[1]),e[2]=0))throw new Error("precision must be a positive number");var r=Math.pow(10,e||0);return Math.round(t*r)/r},r.radiansToLength=f,r.lengthToRadians=h,r.lengthToDegrees=function(t,e){return p(h(t,e))},r.bearingToAzimuth=function(t){var e=t%360;return e<0&&(e+=360),e},r.radiansToDegrees=p,r.degreesToRadians=function(t){return t%360*Math.PI/180},r.convertLength=function(t,e,r){if(void 0===e&&(e="kilometers"),void 0===r&&(r="kilometers"),!(t>=0))throw new Error("length must be a positive number");return f(h(t,e),r)},r.convertArea=function(t,e,n){if(void 0===e&&(e="meters"),void 0===n&&(n="kilometers"),!(t>=0))throw new Error("area must be a positive number");var i=r.areaFactors[e];if(!i)throw new Error("invalid original units");var a=r.areaFactors[n];if(!a)throw new Error("invalid final units");return t/i*a},r.isNumber=d,r.isObject=function(t){return!!t&&t.constructor===Object},r.validateBBox=function(t){if(!t)throw new Error("bbox is required");if(!Array.isArray(t))throw new Error("bbox must be an Array");if(4!==t.length&&6!==t.length)throw new Error("bbox must be an Array of 4 or 6 numbers");t.forEach((function(t){if(!d(t))throw new Error("bbox must only contain numbers")}))},r.validateId=function(t){if(!t)throw new Error("id is required");if(-1===["string","number"].indexOf(typeof t))throw new Error("id must be a number or a string")},r.radians2degrees=function(){throw new Error("method has been renamed to `radiansToDegrees`")},r.degrees2radians=function(){throw new Error("method has been renamed to `degreesToRadians`")},r.distanceToDegrees=function(){throw new Error("method has been renamed to `lengthToDegrees`")},r.distanceToRadians=function(){throw new Error("method has been renamed to `lengthToRadians`")},r.radiansToDistance=function(){throw new Error("method has been renamed to `radiansToLength`")},r.bearingToAngle=function(){throw new Error("method has been renamed to `bearingToAzimuth`")},r.convertDistance=function(){throw new Error("method has been renamed to `convertLength`")}},{}],63:[function(t,e,r){"use strict";Object.defineProperty(r,"__esModule",{value:!0});var n=t("@turf/helpers");function i(t,e,r){if(null!==t)for(var n,a,o,s,l,c,u,f,h=0,p=0,d=t.type,g="FeatureCollection"===d,m="Feature"===d,v=g?t.features.length:1,y=0;yc||p>u||d>f)return l=i,c=r,u=p,f=d,void(o=0);var g=n.lineString([l,i],t.properties);if(!1===e(g,r,a,d,o))return!1;o++,l=i}))&&void 0}}}))}function u(t,e){if(!t)throw new Error("geojson is required");l(t,(function(t,r,i){if(null!==t.geometry){var a=t.geometry.type,o=t.geometry.coordinates;switch(a){case"LineString":if(!1===e(t,r,i,0,0))return!1;break;case"Polygon":for(var s=0;si&&(i=t[o]),t[o] + * @license MIT + */function i(t,e){if(t===e)return 0;for(var r=t.length,n=e.length,i=0,a=Math.min(r,n);i=0;c--)if(u[c]!==f[c])return!1;for(c=u.length-1;c>=0;c--)if(s=u[c],!x(t[s],e[s],r,n))return!1;return!0}(t,e,r,n))}return r?t===e:t==e}function b(t){return"[object Arguments]"==Object.prototype.toString.call(t)}function _(t,e){if(!t||!e)return!1;if("[object RegExp]"==Object.prototype.toString.call(e))return e.test(t);try{if(t instanceof e)return!0}catch(t){}return!Error.isPrototypeOf(e)&&!0===e.call({},t)}function w(t,e,r,n){var i;if("function"!=typeof e)throw new TypeError('"block" argument must be a function');"string"==typeof r&&(n=r,r=null),i=function(t){var e;try{t()}catch(t){e=t}return e}(e),n=(r&&r.name?" ("+r.name+").":".")+(n?" "+n:"."),t&&!i&&v(i,r,"Missing expected exception"+n);var a="string"==typeof n,s=!t&&i&&!r;if((!t&&o.isError(i)&&a&&_(i,r)||s)&&v(i,r,"Got unwanted exception"+n),t&&i&&r&&!_(i,r)||!t&&i)throw i}h.AssertionError=function(t){this.name="AssertionError",this.actual=t.actual,this.expected=t.expected,this.operator=t.operator,t.message?(this.message=t.message,this.generatedMessage=!1):(this.message=function(t){return g(m(t.actual),128)+" "+t.operator+" "+g(m(t.expected),128)}(this),this.generatedMessage=!0);var e=t.stackStartFunction||v;if(Error.captureStackTrace)Error.captureStackTrace(this,e);else{var r=new Error;if(r.stack){var n=r.stack,i=d(e),a=n.indexOf("\n"+i);if(a>=0){var o=n.indexOf("\n",a+1);n=n.substring(o+1)}this.stack=n}}},o.inherits(h.AssertionError,Error),h.fail=v,h.ok=y,h.equal=function(t,e,r){t!=e&&v(t,e,r,"==",h.equal)},h.notEqual=function(t,e,r){t==e&&v(t,e,r,"!=",h.notEqual)},h.deepEqual=function(t,e,r){x(t,e,!1)||v(t,e,r,"deepEqual",h.deepEqual)},h.deepStrictEqual=function(t,e,r){x(t,e,!0)||v(t,e,r,"deepStrictEqual",h.deepStrictEqual)},h.notDeepEqual=function(t,e,r){x(t,e,!1)&&v(t,e,r,"notDeepEqual",h.notDeepEqual)},h.notDeepStrictEqual=function t(e,r,n){x(e,r,!0)&&v(e,r,n,"notDeepStrictEqual",t)},h.strictEqual=function(t,e,r){t!==e&&v(t,e,r,"===",h.strictEqual)},h.notStrictEqual=function(t,e,r){t===e&&v(t,e,r,"!==",h.notStrictEqual)},h.throws=function(t,e,r){w(!0,t,e,r)},h.doesNotThrow=function(t,e,r){w(!1,t,e,r)},h.ifError=function(t){if(t)throw t},h.strict=n((function t(e,r){e||v(e,!0,r,"==",t)}),h,{equal:h.strictEqual,deepEqual:h.deepStrictEqual,notEqual:h.notStrictEqual,notDeepEqual:h.notDeepStrictEqual}),h.strict.strict=h.strict;var T=Object.keys||function(t){var e=[];for(var r in t)s.call(t,r)&&e.push(r);return e}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"object-assign":499,"util/":76}],74:[function(t,e,r){"function"==typeof Object.create?e.exports=function(t,e){t.super_=e,t.prototype=Object.create(e.prototype,{constructor:{value:t,enumerable:!1,writable:!0,configurable:!0}})}:e.exports=function(t,e){t.super_=e;var r=function(){};r.prototype=e.prototype,t.prototype=new r,t.prototype.constructor=t}},{}],75:[function(t,e,r){e.exports=function(t){return t&&"object"==typeof t&&"function"==typeof t.copy&&"function"==typeof t.fill&&"function"==typeof t.readUInt8}},{}],76:[function(t,e,r){(function(e,n){(function(){var i=/%[sdj%]/g;r.format=function(t){if(!v(t)){for(var e=[],r=0;r=a)return t;switch(t){case"%s":return String(n[r++]);case"%d":return Number(n[r++]);case"%j":try{return JSON.stringify(n[r++])}catch(t){return"[Circular]"}default:return t}})),l=n[r];r=3&&(n.depth=arguments[2]),arguments.length>=4&&(n.colors=arguments[3]),d(e)?n.showHidden=e:e&&r._extend(n,e),y(n.showHidden)&&(n.showHidden=!1),y(n.depth)&&(n.depth=2),y(n.colors)&&(n.colors=!1),y(n.customInspect)&&(n.customInspect=!0),n.colors&&(n.stylize=l),u(n,t,n.depth)}function l(t,e){var r=s.styles[e];return r?"\x1b["+s.colors[r][0]+"m"+t+"\x1b["+s.colors[r][1]+"m":t}function c(t,e){return t}function u(t,e,n){if(t.customInspect&&e&&T(e.inspect)&&e.inspect!==r.inspect&&(!e.constructor||e.constructor.prototype!==e)){var i=e.inspect(n,t);return v(i)||(i=u(t,i,n)),i}var a=function(t,e){if(y(e))return t.stylize("undefined","undefined");if(v(e)){var r="'"+JSON.stringify(e).replace(/^"|"$/g,"").replace(/'/g,"\\'").replace(/\\"/g,'"')+"'";return t.stylize(r,"string")}if(m(e))return t.stylize(""+e,"number");if(d(e))return t.stylize(""+e,"boolean");if(g(e))return t.stylize("null","null")}(t,e);if(a)return a;var o=Object.keys(e),s=function(t){var e={};return t.forEach((function(t,r){e[t]=!0})),e}(o);if(t.showHidden&&(o=Object.getOwnPropertyNames(e)),w(e)&&(o.indexOf("message")>=0||o.indexOf("description")>=0))return f(e);if(0===o.length){if(T(e)){var l=e.name?": "+e.name:"";return t.stylize("[Function"+l+"]","special")}if(x(e))return t.stylize(RegExp.prototype.toString.call(e),"regexp");if(_(e))return t.stylize(Date.prototype.toString.call(e),"date");if(w(e))return f(e)}var c,b="",k=!1,M=["{","}"];(p(e)&&(k=!0,M=["[","]"]),T(e))&&(b=" [Function"+(e.name?": "+e.name:"")+"]");return x(e)&&(b=" "+RegExp.prototype.toString.call(e)),_(e)&&(b=" "+Date.prototype.toUTCString.call(e)),w(e)&&(b=" "+f(e)),0!==o.length||k&&0!=e.length?n<0?x(e)?t.stylize(RegExp.prototype.toString.call(e),"regexp"):t.stylize("[Object]","special"):(t.seen.push(e),c=k?function(t,e,r,n,i){for(var a=[],o=0,s=e.length;o=0&&0,t+e.replace(/\u001b\[\d\d?m/g,"").length+1}),0)>60)return r[0]+(""===e?"":e+"\n ")+" "+t.join(",\n ")+" "+r[1];return r[0]+e+" "+t.join(", ")+" "+r[1]}(c,b,M)):M[0]+b+M[1]}function f(t){return"["+Error.prototype.toString.call(t)+"]"}function h(t,e,r,n,i,a){var o,s,l;if((l=Object.getOwnPropertyDescriptor(e,i)||{value:e[i]}).get?s=l.set?t.stylize("[Getter/Setter]","special"):t.stylize("[Getter]","special"):l.set&&(s=t.stylize("[Setter]","special")),E(n,i)||(o="["+i+"]"),s||(t.seen.indexOf(l.value)<0?(s=g(r)?u(t,l.value,null):u(t,l.value,r-1)).indexOf("\n")>-1&&(s=a?s.split("\n").map((function(t){return" "+t})).join("\n").substr(2):"\n"+s.split("\n").map((function(t){return" "+t})).join("\n")):s=t.stylize("[Circular]","special")),y(o)){if(a&&i.match(/^\d+$/))return s;(o=JSON.stringify(""+i)).match(/^"([a-zA-Z_][a-zA-Z_0-9]*)"$/)?(o=o.substr(1,o.length-2),o=t.stylize(o,"name")):(o=o.replace(/'/g,"\\'").replace(/\\"/g,'"').replace(/(^"|"$)/g,"'"),o=t.stylize(o,"string"))}return o+": "+s}function p(t){return Array.isArray(t)}function d(t){return"boolean"==typeof t}function g(t){return null===t}function m(t){return"number"==typeof t}function v(t){return"string"==typeof t}function y(t){return void 0===t}function x(t){return b(t)&&"[object RegExp]"===k(t)}function b(t){return"object"==typeof t&&null!==t}function _(t){return b(t)&&"[object Date]"===k(t)}function w(t){return b(t)&&("[object Error]"===k(t)||t instanceof Error)}function T(t){return"function"==typeof t}function k(t){return Object.prototype.toString.call(t)}function M(t){return t<10?"0"+t.toString(10):t.toString(10)}r.debuglog=function(t){if(y(a)&&(a=e.env.NODE_DEBUG||""),t=t.toUpperCase(),!o[t])if(new RegExp("\\b"+t+"\\b","i").test(a)){var n=e.pid;o[t]=function(){var e=r.format.apply(r,arguments);console.error("%s %d: %s",t,n,e)}}else o[t]=function(){};return o[t]},r.inspect=s,s.colors={bold:[1,22],italic:[3,23],underline:[4,24],inverse:[7,27],white:[37,39],grey:[90,39],black:[30,39],blue:[34,39],cyan:[36,39],green:[32,39],magenta:[35,39],red:[31,39],yellow:[33,39]},s.styles={special:"cyan",number:"yellow",boolean:"yellow",undefined:"grey",null:"bold",string:"green",date:"magenta",regexp:"red"},r.isArray=p,r.isBoolean=d,r.isNull=g,r.isNullOrUndefined=function(t){return null==t},r.isNumber=m,r.isString=v,r.isSymbol=function(t){return"symbol"==typeof t},r.isUndefined=y,r.isRegExp=x,r.isObject=b,r.isDate=_,r.isError=w,r.isFunction=T,r.isPrimitive=function(t){return null===t||"boolean"==typeof t||"number"==typeof t||"string"==typeof t||"symbol"==typeof t||"undefined"==typeof t},r.isBuffer=t("./support/isBuffer");var A=["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"];function S(){var t=new Date,e=[M(t.getHours()),M(t.getMinutes()),M(t.getSeconds())].join(":");return[t.getDate(),A[t.getMonth()],e].join(" ")}function E(t,e){return Object.prototype.hasOwnProperty.call(t,e)}r.log=function(){console.log("%s - %s",S(),r.format.apply(r,arguments))},r.inherits=t("inherits"),r._extend=function(t,e){if(!e||!b(e))return t;for(var r=Object.keys(e),n=r.length;n--;)t[r[n]]=e[r[n]];return t}}).call(this)}).call(this,t("_process"),"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"./support/isBuffer":75,_process:526,inherits:74}],77:[function(t,e,r){e.exports=function(t){return atob(t)}},{}],78:[function(t,e,r){"use strict";e.exports=function(t,e){for(var r=e.length,a=new Array(r+1),o=0;o0?o-4:o;for(r=0;r>16&255,l[u++]=e>>8&255,l[u++]=255&e;2===s&&(e=i[t.charCodeAt(r)]<<2|i[t.charCodeAt(r+1)]>>4,l[u++]=255&e);1===s&&(e=i[t.charCodeAt(r)]<<10|i[t.charCodeAt(r+1)]<<4|i[t.charCodeAt(r+2)]>>2,l[u++]=e>>8&255,l[u++]=255&e);return l},r.fromByteArray=function(t){for(var e,r=t.length,i=r%3,a=[],o=0,s=r-i;os?s:o+16383));1===i?(e=t[r-1],a.push(n[e>>2]+n[e<<4&63]+"==")):2===i&&(e=(t[r-2]<<8)+t[r-1],a.push(n[e>>10]+n[e>>4&63]+n[e<<2&63]+"="));return a.join("")};for(var n=[],i=[],a="undefined"!=typeof Uint8Array?Uint8Array:Array,o="ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/",s=0,l=o.length;s0)throw new Error("Invalid string. Length must be a multiple of 4");var r=t.indexOf("=");return-1===r&&(r=e),[r,r===e?0:4-r%4]}function u(t,e,r){for(var i,a,o=[],s=e;s>18&63]+n[a>>12&63]+n[a>>6&63]+n[63&a]);return o.join("")}i["-".charCodeAt(0)]=62,i["_".charCodeAt(0)]=63},{}],80:[function(t,e,r){"use strict";var n=t("./lib/rationalize");e.exports=function(t,e){return n(t[0].mul(e[1]).add(e[0].mul(t[1])),t[1].mul(e[1]))}},{"./lib/rationalize":90}],81:[function(t,e,r){"use strict";e.exports=function(t,e){return t[0].mul(e[1]).cmp(e[0].mul(t[1]))}},{}],82:[function(t,e,r){"use strict";var n=t("./lib/rationalize");e.exports=function(t,e){return n(t[0].mul(e[1]),t[1].mul(e[0]))}},{"./lib/rationalize":90}],83:[function(t,e,r){"use strict";var n=t("./is-rat"),i=t("./lib/is-bn"),a=t("./lib/num-to-bn"),o=t("./lib/str-to-bn"),s=t("./lib/rationalize"),l=t("./div");e.exports=function t(e,r){if(n(e))return r?l(e,t(r)):[e[0].clone(),e[1].clone()];var c,u,f=0;if(i(e))c=e.clone();else if("string"==typeof e)c=o(e);else{if(0===e)return[a(0),a(1)];if(e===Math.floor(e))c=a(e);else{for(;e!==Math.floor(e);)e*=Math.pow(2,256),f-=256;c=a(e)}}if(n(r))c.mul(r[1]),u=r[0].clone();else if(i(r))u=r.clone();else if("string"==typeof r)u=o(r);else if(r)if(r===Math.floor(r))u=a(r);else{for(;r!==Math.floor(r);)r*=Math.pow(2,256),f+=256;u=a(r)}else u=a(1);f>0?c=c.ushln(f):f<0&&(u=u.ushln(-f));return s(c,u)}},{"./div":82,"./is-rat":84,"./lib/is-bn":88,"./lib/num-to-bn":89,"./lib/rationalize":90,"./lib/str-to-bn":91}],84:[function(t,e,r){"use strict";var n=t("./lib/is-bn");e.exports=function(t){return Array.isArray(t)&&2===t.length&&n(t[0])&&n(t[1])}},{"./lib/is-bn":88}],85:[function(t,e,r){"use strict";var n=t("bn.js");e.exports=function(t){return t.cmp(new n(0))}},{"bn.js":99}],86:[function(t,e,r){"use strict";var n=t("./bn-sign");e.exports=function(t){var e=t.length,r=t.words,i=0;if(1===e)i=r[0];else if(2===e)i=r[0]+67108864*r[1];else for(var a=0;a20)return 52;return r+32}},{"bit-twiddle":97,"double-bits":173}],88:[function(t,e,r){"use strict";t("bn.js");e.exports=function(t){return t&&"object"==typeof t&&Boolean(t.words)}},{"bn.js":99}],89:[function(t,e,r){"use strict";var n=t("bn.js"),i=t("double-bits");e.exports=function(t){var e=i.exponent(t);return e<52?new n(t):new n(t*Math.pow(2,52-e)).ushln(e-52)}},{"bn.js":99,"double-bits":173}],90:[function(t,e,r){"use strict";var n=t("./num-to-bn"),i=t("./bn-sign");e.exports=function(t,e){var r=i(t),a=i(e);if(0===r)return[n(0),n(1)];if(0===a)return[n(0),n(0)];a<0&&(t=t.neg(),e=e.neg());var o=t.gcd(e);if(o.cmpn(1))return[t.div(o),e.div(o)];return[t,e]}},{"./bn-sign":85,"./num-to-bn":89}],91:[function(t,e,r){"use strict";var n=t("bn.js");e.exports=function(t){return new n(t)}},{"bn.js":99}],92:[function(t,e,r){"use strict";var n=t("./lib/rationalize");e.exports=function(t,e){return n(t[0].mul(e[0]),t[1].mul(e[1]))}},{"./lib/rationalize":90}],93:[function(t,e,r){"use strict";var n=t("./lib/bn-sign");e.exports=function(t){return n(t[0])*n(t[1])}},{"./lib/bn-sign":85}],94:[function(t,e,r){"use strict";var n=t("./lib/rationalize");e.exports=function(t,e){return n(t[0].mul(e[1]).sub(t[1].mul(e[0])),t[1].mul(e[1]))}},{"./lib/rationalize":90}],95:[function(t,e,r){"use strict";var n=t("./lib/bn-to-num"),i=t("./lib/ctz");e.exports=function(t){var e=t[0],r=t[1];if(0===e.cmpn(0))return 0;var a=e.abs().divmod(r.abs()),o=a.div,s=n(o),l=a.mod,c=e.negative!==r.negative?-1:1;if(0===l.cmpn(0))return c*s;if(s){var u=i(s)+4,f=n(l.ushln(u).divRound(r));return c*(s+f*Math.pow(2,-u))}var h=r.bitLength()-l.bitLength()+53;f=n(l.ushln(h).divRound(r));return h<1023?c*f*Math.pow(2,-h):(f*=Math.pow(2,-1023),c*f*Math.pow(2,1023-h))}},{"./lib/bn-to-num":86,"./lib/ctz":87}],96:[function(t,e,r){"use strict";function n(t,e,r,n,i){var a=["function ",t,"(a,l,h,",n.join(","),"){",i?"":"var i=",r?"l-1":"h+1",";while(l<=h){var m=(l+h)>>>1,x=a[m]"];return i?e.indexOf("c")<0?a.push(";if(x===y){return m}else if(x<=y){"):a.push(";var p=c(x,y);if(p===0){return m}else if(p<=0){"):a.push(";if(",e,"){i=m;"),r?a.push("l=m+1}else{h=m-1}"):a.push("h=m-1}else{l=m+1}"),a.push("}"),i?a.push("return -1};"):a.push("return i};"),a.join("")}function i(t,e,r,i){return new Function([n("A","x"+t+"y",e,["y"],i),n("P","c(x,y)"+t+"0",e,["y","c"],i),"function dispatchBsearch",r,"(a,y,c,l,h){if(typeof(c)==='function'){return P(a,(l===void 0)?0:l|0,(h===void 0)?a.length-1:h|0,y,c)}else{return A(a,(c===void 0)?0:c|0,(l===void 0)?a.length-1:l|0,y)}}return dispatchBsearch",r].join(""))()}e.exports={ge:i(">=",!1,"GE"),gt:i(">",!1,"GT"),lt:i("<",!0,"LT"),le:i("<=",!0,"LE"),eq:i("-",!0,"EQ",!0)}},{}],97:[function(t,e,r){"use strict";function n(t){var e=32;return(t&=-t)&&e--,65535&t&&(e-=16),16711935&t&&(e-=8),252645135&t&&(e-=4),858993459&t&&(e-=2),1431655765&t&&(e-=1),e}r.INT_BITS=32,r.INT_MAX=2147483647,r.INT_MIN=-1<<31,r.sign=function(t){return(t>0)-(t<0)},r.abs=function(t){var e=t>>31;return(t^e)-e},r.min=function(t,e){return e^(t^e)&-(t65535)<<4,e|=r=((t>>>=e)>255)<<3,e|=r=((t>>>=r)>15)<<2,(e|=r=((t>>>=r)>3)<<1)|(t>>>=r)>>1},r.log10=function(t){return t>=1e9?9:t>=1e8?8:t>=1e7?7:t>=1e6?6:t>=1e5?5:t>=1e4?4:t>=1e3?3:t>=100?2:t>=10?1:0},r.popCount=function(t){return 16843009*((t=(858993459&(t-=t>>>1&1431655765))+(t>>>2&858993459))+(t>>>4)&252645135)>>>24},r.countTrailingZeros=n,r.nextPow2=function(t){return t+=0===t,--t,t|=t>>>1,t|=t>>>2,t|=t>>>4,t|=t>>>8,(t|=t>>>16)+1},r.prevPow2=function(t){return t|=t>>>1,t|=t>>>2,t|=t>>>4,t|=t>>>8,(t|=t>>>16)-(t>>>1)},r.parity=function(t){return t^=t>>>16,t^=t>>>8,t^=t>>>4,27030>>>(t&=15)&1};var i=new Array(256);!function(t){for(var e=0;e<256;++e){var r=e,n=e,i=7;for(r>>>=1;r;r>>>=1)n<<=1,n|=1&r,--i;t[e]=n<>>8&255]<<16|i[t>>>16&255]<<8|i[t>>>24&255]},r.interleave2=function(t,e){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t&=65535)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e&=65535)|e<<8))|e<<4))|e<<2))|e<<1))<<1},r.deinterleave2=function(t,e){return(t=65535&((t=16711935&((t=252645135&((t=858993459&((t=t>>>e&1431655765)|t>>>1))|t>>>2))|t>>>4))|t>>>16))<<16>>16},r.interleave3=function(t,e,r){return t=1227133513&((t=3272356035&((t=251719695&((t=4278190335&((t&=1023)|t<<16))|t<<8))|t<<4))|t<<2),(t|=(e=1227133513&((e=3272356035&((e=251719695&((e=4278190335&((e&=1023)|e<<16))|e<<8))|e<<4))|e<<2))<<1)|(r=1227133513&((r=3272356035&((r=251719695&((r=4278190335&((r&=1023)|r<<16))|r<<8))|r<<4))|r<<2))<<2},r.deinterleave3=function(t,e){return(t=1023&((t=4278190335&((t=251719695&((t=3272356035&((t=t>>>e&1227133513)|t>>>2))|t>>>4))|t>>>8))|t>>>16))<<22>>22},r.nextCombination=function(t){var e=t|t-1;return e+1|(~e&-~e)-1>>>n(t)+1}},{}],98:[function(t,e,r){"use strict";var n=t("clamp");e.exports=function(t,e){e||(e={});var r,o,s,l,c,u,f,h,p,d,g,m=null==e.cutoff?.25:e.cutoff,v=null==e.radius?8:e.radius,y=e.channel||0;if(ArrayBuffer.isView(t)||Array.isArray(t)){if(!e.width||!e.height)throw Error("For raw data width and height should be provided by options");r=e.width,o=e.height,l=t,u=e.stride?e.stride:Math.floor(t.length/r/o)}else window.HTMLCanvasElement&&t instanceof window.HTMLCanvasElement?(f=(h=t).getContext("2d"),r=h.width,o=h.height,p=f.getImageData(0,0,r,o),l=p.data,u=4):window.CanvasRenderingContext2D&&t instanceof window.CanvasRenderingContext2D?(h=t.canvas,f=t,r=h.width,o=h.height,p=f.getImageData(0,0,r,o),l=p.data,u=4):window.ImageData&&t instanceof window.ImageData&&(p=t,r=t.width,o=t.height,l=p.data,u=4);if(s=Math.max(r,o),window.Uint8ClampedArray&&l instanceof window.Uint8ClampedArray||window.Uint8Array&&l instanceof window.Uint8Array)for(c=l,l=Array(r*o),d=0,g=c.length;d=49&&o<=54?o-49+10:o>=17&&o<=22?o-17+10:15&o}return n}function l(t,e,r,n){for(var i=0,a=Math.min(t.length,r),o=e;o=49?s-49+10:s>=17?s-17+10:s}return i}a.isBN=function(t){return t instanceof a||null!==t&&"object"==typeof t&&t.constructor.wordSize===a.wordSize&&Array.isArray(t.words)},a.max=function(t,e){return t.cmp(e)>0?t:e},a.min=function(t,e){return t.cmp(e)<0?t:e},a.prototype._init=function(t,e,r){if("number"==typeof t)return this._initNumber(t,e,r);if("object"==typeof t)return this._initArray(t,e,r);"hex"===e&&(e=16),n(e===(0|e)&&e>=2&&e<=36);var i=0;"-"===(t=t.toString().replace(/\s+/g,""))[0]&&i++,16===e?this._parseHex(t,i):this._parseBase(t,e,i),"-"===t[0]&&(this.negative=1),this.strip(),"le"===r&&this._initArray(this.toArray(),e,r)},a.prototype._initNumber=function(t,e,r){t<0&&(this.negative=1,t=-t),t<67108864?(this.words=[67108863&t],this.length=1):t<4503599627370496?(this.words=[67108863&t,t/67108864&67108863],this.length=2):(n(t<9007199254740992),this.words=[67108863&t,t/67108864&67108863,1],this.length=3),"le"===r&&this._initArray(this.toArray(),e,r)},a.prototype._initArray=function(t,e,r){if(n("number"==typeof t.length),t.length<=0)return this.words=[0],this.length=1,this;this.length=Math.ceil(t.length/3),this.words=new Array(this.length);for(var i=0;i=0;i-=3)o=t[i]|t[i-1]<<8|t[i-2]<<16,this.words[a]|=o<>>26-s&67108863,(s+=24)>=26&&(s-=26,a++);else if("le"===r)for(i=0,a=0;i>>26-s&67108863,(s+=24)>=26&&(s-=26,a++);return this.strip()},a.prototype._parseHex=function(t,e){this.length=Math.ceil((t.length-e)/6),this.words=new Array(this.length);for(var r=0;r=e;r-=6)i=s(t,r,r+6),this.words[n]|=i<>>26-a&4194303,(a+=24)>=26&&(a-=26,n++);r+6!==e&&(i=s(t,e,r+6),this.words[n]|=i<>>26-a&4194303),this.strip()},a.prototype._parseBase=function(t,e,r){this.words=[0],this.length=1;for(var n=0,i=1;i<=67108863;i*=e)n++;n--,i=i/e|0;for(var a=t.length-r,o=a%n,s=Math.min(a,a-o)+r,c=0,u=r;u1&&0===this.words[this.length-1];)this.length--;return this._normSign()},a.prototype._normSign=function(){return 1===this.length&&0===this.words[0]&&(this.negative=0),this},a.prototype.inspect=function(){return(this.red?""};var c=["","0","00","000","0000","00000","000000","0000000","00000000","000000000","0000000000","00000000000","000000000000","0000000000000","00000000000000","000000000000000","0000000000000000","00000000000000000","000000000000000000","0000000000000000000","00000000000000000000","000000000000000000000","0000000000000000000000","00000000000000000000000","000000000000000000000000","0000000000000000000000000"],u=[0,0,25,16,12,11,10,9,8,8,7,7,7,7,6,6,6,6,6,6,6,5,5,5,5,5,5,5,5,5,5,5,5,5,5,5,5],f=[0,0,33554432,43046721,16777216,48828125,60466176,40353607,16777216,43046721,1e7,19487171,35831808,62748517,7529536,11390625,16777216,24137569,34012224,47045881,64e6,4084101,5153632,6436343,7962624,9765625,11881376,14348907,17210368,20511149,243e5,28629151,33554432,39135393,45435424,52521875,60466176];function h(t,e,r){r.negative=e.negative^t.negative;var n=t.length+e.length|0;r.length=n,n=n-1|0;var i=0|t.words[0],a=0|e.words[0],o=i*a,s=67108863&o,l=o/67108864|0;r.words[0]=s;for(var c=1;c>>26,f=67108863&l,h=Math.min(c,e.length-1),p=Math.max(0,c-t.length+1);p<=h;p++){var d=c-p|0;u+=(o=(i=0|t.words[d])*(a=0|e.words[p])+f)/67108864|0,f=67108863&o}r.words[c]=0|f,l=0|u}return 0!==l?r.words[c]=0|l:r.length--,r.strip()}a.prototype.toString=function(t,e){var r;if(e=0|e||1,16===(t=t||10)||"hex"===t){r="";for(var i=0,a=0,o=0;o>>24-i&16777215)||o!==this.length-1?c[6-l.length]+l+r:l+r,(i+=2)>=26&&(i-=26,o--)}for(0!==a&&(r=a.toString(16)+r);r.length%e!=0;)r="0"+r;return 0!==this.negative&&(r="-"+r),r}if(t===(0|t)&&t>=2&&t<=36){var h=u[t],p=f[t];r="";var d=this.clone();for(d.negative=0;!d.isZero();){var g=d.modn(p).toString(t);r=(d=d.idivn(p)).isZero()?g+r:c[h-g.length]+g+r}for(this.isZero()&&(r="0"+r);r.length%e!=0;)r="0"+r;return 0!==this.negative&&(r="-"+r),r}n(!1,"Base should be between 2 and 36")},a.prototype.toNumber=function(){var t=this.words[0];return 2===this.length?t+=67108864*this.words[1]:3===this.length&&1===this.words[2]?t+=4503599627370496+67108864*this.words[1]:this.length>2&&n(!1,"Number can only safely store up to 53 bits"),0!==this.negative?-t:t},a.prototype.toJSON=function(){return this.toString(16)},a.prototype.toBuffer=function(t,e){return n("undefined"!=typeof o),this.toArrayLike(o,t,e)},a.prototype.toArray=function(t,e){return this.toArrayLike(Array,t,e)},a.prototype.toArrayLike=function(t,e,r){var i=this.byteLength(),a=r||Math.max(1,i);n(i<=a,"byte array longer than desired length"),n(a>0,"Requested array length <= 0"),this.strip();var o,s,l="le"===e,c=new t(a),u=this.clone();if(l){for(s=0;!u.isZero();s++)o=u.andln(255),u.iushrn(8),c[s]=o;for(;s=4096&&(r+=13,e>>>=13),e>=64&&(r+=7,e>>>=7),e>=8&&(r+=4,e>>>=4),e>=2&&(r+=2,e>>>=2),r+e},a.prototype._zeroBits=function(t){if(0===t)return 26;var e=t,r=0;return 0==(8191&e)&&(r+=13,e>>>=13),0==(127&e)&&(r+=7,e>>>=7),0==(15&e)&&(r+=4,e>>>=4),0==(3&e)&&(r+=2,e>>>=2),0==(1&e)&&r++,r},a.prototype.bitLength=function(){var t=this.words[this.length-1],e=this._countBits(t);return 26*(this.length-1)+e},a.prototype.zeroBits=function(){if(this.isZero())return 0;for(var t=0,e=0;et.length?this.clone().ior(t):t.clone().ior(this)},a.prototype.uor=function(t){return this.length>t.length?this.clone().iuor(t):t.clone().iuor(this)},a.prototype.iuand=function(t){var e;e=this.length>t.length?t:this;for(var r=0;rt.length?this.clone().iand(t):t.clone().iand(this)},a.prototype.uand=function(t){return this.length>t.length?this.clone().iuand(t):t.clone().iuand(this)},a.prototype.iuxor=function(t){var e,r;this.length>t.length?(e=this,r=t):(e=t,r=this);for(var n=0;nt.length?this.clone().ixor(t):t.clone().ixor(this)},a.prototype.uxor=function(t){return this.length>t.length?this.clone().iuxor(t):t.clone().iuxor(this)},a.prototype.inotn=function(t){n("number"==typeof t&&t>=0);var e=0|Math.ceil(t/26),r=t%26;this._expand(e),r>0&&e--;for(var i=0;i0&&(this.words[i]=~this.words[i]&67108863>>26-r),this.strip()},a.prototype.notn=function(t){return this.clone().inotn(t)},a.prototype.setn=function(t,e){n("number"==typeof t&&t>=0);var r=t/26|0,i=t%26;return this._expand(r+1),this.words[r]=e?this.words[r]|1<t.length?(r=this,n=t):(r=t,n=this);for(var i=0,a=0;a>>26;for(;0!==i&&a>>26;if(this.length=r.length,0!==i)this.words[this.length]=i,this.length++;else if(r!==this)for(;at.length?this.clone().iadd(t):t.clone().iadd(this)},a.prototype.isub=function(t){if(0!==t.negative){t.negative=0;var e=this.iadd(t);return t.negative=1,e._normSign()}if(0!==this.negative)return this.negative=0,this.iadd(t),this.negative=1,this._normSign();var r,n,i=this.cmp(t);if(0===i)return this.negative=0,this.length=1,this.words[0]=0,this;i>0?(r=this,n=t):(r=t,n=this);for(var a=0,o=0;o>26,this.words[o]=67108863&e;for(;0!==a&&o>26,this.words[o]=67108863&e;if(0===a&&o>>13,p=0|o[1],d=8191&p,g=p>>>13,m=0|o[2],v=8191&m,y=m>>>13,x=0|o[3],b=8191&x,_=x>>>13,w=0|o[4],T=8191&w,k=w>>>13,M=0|o[5],A=8191&M,S=M>>>13,E=0|o[6],C=8191&E,L=E>>>13,I=0|o[7],P=8191&I,z=I>>>13,O=0|o[8],D=8191&O,R=O>>>13,F=0|o[9],B=8191&F,N=F>>>13,j=0|s[0],U=8191&j,V=j>>>13,q=0|s[1],H=8191&q,G=q>>>13,Y=0|s[2],W=8191&Y,X=Y>>>13,Z=0|s[3],J=8191&Z,K=Z>>>13,Q=0|s[4],$=8191&Q,tt=Q>>>13,et=0|s[5],rt=8191&et,nt=et>>>13,it=0|s[6],at=8191&it,ot=it>>>13,st=0|s[7],lt=8191&st,ct=st>>>13,ut=0|s[8],ft=8191&ut,ht=ut>>>13,pt=0|s[9],dt=8191&pt,gt=pt>>>13;r.negative=t.negative^e.negative,r.length=19;var mt=(c+(n=Math.imul(f,U))|0)+((8191&(i=(i=Math.imul(f,V))+Math.imul(h,U)|0))<<13)|0;c=((a=Math.imul(h,V))+(i>>>13)|0)+(mt>>>26)|0,mt&=67108863,n=Math.imul(d,U),i=(i=Math.imul(d,V))+Math.imul(g,U)|0,a=Math.imul(g,V);var vt=(c+(n=n+Math.imul(f,H)|0)|0)+((8191&(i=(i=i+Math.imul(f,G)|0)+Math.imul(h,H)|0))<<13)|0;c=((a=a+Math.imul(h,G)|0)+(i>>>13)|0)+(vt>>>26)|0,vt&=67108863,n=Math.imul(v,U),i=(i=Math.imul(v,V))+Math.imul(y,U)|0,a=Math.imul(y,V),n=n+Math.imul(d,H)|0,i=(i=i+Math.imul(d,G)|0)+Math.imul(g,H)|0,a=a+Math.imul(g,G)|0;var yt=(c+(n=n+Math.imul(f,W)|0)|0)+((8191&(i=(i=i+Math.imul(f,X)|0)+Math.imul(h,W)|0))<<13)|0;c=((a=a+Math.imul(h,X)|0)+(i>>>13)|0)+(yt>>>26)|0,yt&=67108863,n=Math.imul(b,U),i=(i=Math.imul(b,V))+Math.imul(_,U)|0,a=Math.imul(_,V),n=n+Math.imul(v,H)|0,i=(i=i+Math.imul(v,G)|0)+Math.imul(y,H)|0,a=a+Math.imul(y,G)|0,n=n+Math.imul(d,W)|0,i=(i=i+Math.imul(d,X)|0)+Math.imul(g,W)|0,a=a+Math.imul(g,X)|0;var xt=(c+(n=n+Math.imul(f,J)|0)|0)+((8191&(i=(i=i+Math.imul(f,K)|0)+Math.imul(h,J)|0))<<13)|0;c=((a=a+Math.imul(h,K)|0)+(i>>>13)|0)+(xt>>>26)|0,xt&=67108863,n=Math.imul(T,U),i=(i=Math.imul(T,V))+Math.imul(k,U)|0,a=Math.imul(k,V),n=n+Math.imul(b,H)|0,i=(i=i+Math.imul(b,G)|0)+Math.imul(_,H)|0,a=a+Math.imul(_,G)|0,n=n+Math.imul(v,W)|0,i=(i=i+Math.imul(v,X)|0)+Math.imul(y,W)|0,a=a+Math.imul(y,X)|0,n=n+Math.imul(d,J)|0,i=(i=i+Math.imul(d,K)|0)+Math.imul(g,J)|0,a=a+Math.imul(g,K)|0;var bt=(c+(n=n+Math.imul(f,$)|0)|0)+((8191&(i=(i=i+Math.imul(f,tt)|0)+Math.imul(h,$)|0))<<13)|0;c=((a=a+Math.imul(h,tt)|0)+(i>>>13)|0)+(bt>>>26)|0,bt&=67108863,n=Math.imul(A,U),i=(i=Math.imul(A,V))+Math.imul(S,U)|0,a=Math.imul(S,V),n=n+Math.imul(T,H)|0,i=(i=i+Math.imul(T,G)|0)+Math.imul(k,H)|0,a=a+Math.imul(k,G)|0,n=n+Math.imul(b,W)|0,i=(i=i+Math.imul(b,X)|0)+Math.imul(_,W)|0,a=a+Math.imul(_,X)|0,n=n+Math.imul(v,J)|0,i=(i=i+Math.imul(v,K)|0)+Math.imul(y,J)|0,a=a+Math.imul(y,K)|0,n=n+Math.imul(d,$)|0,i=(i=i+Math.imul(d,tt)|0)+Math.imul(g,$)|0,a=a+Math.imul(g,tt)|0;var _t=(c+(n=n+Math.imul(f,rt)|0)|0)+((8191&(i=(i=i+Math.imul(f,nt)|0)+Math.imul(h,rt)|0))<<13)|0;c=((a=a+Math.imul(h,nt)|0)+(i>>>13)|0)+(_t>>>26)|0,_t&=67108863,n=Math.imul(C,U),i=(i=Math.imul(C,V))+Math.imul(L,U)|0,a=Math.imul(L,V),n=n+Math.imul(A,H)|0,i=(i=i+Math.imul(A,G)|0)+Math.imul(S,H)|0,a=a+Math.imul(S,G)|0,n=n+Math.imul(T,W)|0,i=(i=i+Math.imul(T,X)|0)+Math.imul(k,W)|0,a=a+Math.imul(k,X)|0,n=n+Math.imul(b,J)|0,i=(i=i+Math.imul(b,K)|0)+Math.imul(_,J)|0,a=a+Math.imul(_,K)|0,n=n+Math.imul(v,$)|0,i=(i=i+Math.imul(v,tt)|0)+Math.imul(y,$)|0,a=a+Math.imul(y,tt)|0,n=n+Math.imul(d,rt)|0,i=(i=i+Math.imul(d,nt)|0)+Math.imul(g,rt)|0,a=a+Math.imul(g,nt)|0;var wt=(c+(n=n+Math.imul(f,at)|0)|0)+((8191&(i=(i=i+Math.imul(f,ot)|0)+Math.imul(h,at)|0))<<13)|0;c=((a=a+Math.imul(h,ot)|0)+(i>>>13)|0)+(wt>>>26)|0,wt&=67108863,n=Math.imul(P,U),i=(i=Math.imul(P,V))+Math.imul(z,U)|0,a=Math.imul(z,V),n=n+Math.imul(C,H)|0,i=(i=i+Math.imul(C,G)|0)+Math.imul(L,H)|0,a=a+Math.imul(L,G)|0,n=n+Math.imul(A,W)|0,i=(i=i+Math.imul(A,X)|0)+Math.imul(S,W)|0,a=a+Math.imul(S,X)|0,n=n+Math.imul(T,J)|0,i=(i=i+Math.imul(T,K)|0)+Math.imul(k,J)|0,a=a+Math.imul(k,K)|0,n=n+Math.imul(b,$)|0,i=(i=i+Math.imul(b,tt)|0)+Math.imul(_,$)|0,a=a+Math.imul(_,tt)|0,n=n+Math.imul(v,rt)|0,i=(i=i+Math.imul(v,nt)|0)+Math.imul(y,rt)|0,a=a+Math.imul(y,nt)|0,n=n+Math.imul(d,at)|0,i=(i=i+Math.imul(d,ot)|0)+Math.imul(g,at)|0,a=a+Math.imul(g,ot)|0;var Tt=(c+(n=n+Math.imul(f,lt)|0)|0)+((8191&(i=(i=i+Math.imul(f,ct)|0)+Math.imul(h,lt)|0))<<13)|0;c=((a=a+Math.imul(h,ct)|0)+(i>>>13)|0)+(Tt>>>26)|0,Tt&=67108863,n=Math.imul(D,U),i=(i=Math.imul(D,V))+Math.imul(R,U)|0,a=Math.imul(R,V),n=n+Math.imul(P,H)|0,i=(i=i+Math.imul(P,G)|0)+Math.imul(z,H)|0,a=a+Math.imul(z,G)|0,n=n+Math.imul(C,W)|0,i=(i=i+Math.imul(C,X)|0)+Math.imul(L,W)|0,a=a+Math.imul(L,X)|0,n=n+Math.imul(A,J)|0,i=(i=i+Math.imul(A,K)|0)+Math.imul(S,J)|0,a=a+Math.imul(S,K)|0,n=n+Math.imul(T,$)|0,i=(i=i+Math.imul(T,tt)|0)+Math.imul(k,$)|0,a=a+Math.imul(k,tt)|0,n=n+Math.imul(b,rt)|0,i=(i=i+Math.imul(b,nt)|0)+Math.imul(_,rt)|0,a=a+Math.imul(_,nt)|0,n=n+Math.imul(v,at)|0,i=(i=i+Math.imul(v,ot)|0)+Math.imul(y,at)|0,a=a+Math.imul(y,ot)|0,n=n+Math.imul(d,lt)|0,i=(i=i+Math.imul(d,ct)|0)+Math.imul(g,lt)|0,a=a+Math.imul(g,ct)|0;var kt=(c+(n=n+Math.imul(f,ft)|0)|0)+((8191&(i=(i=i+Math.imul(f,ht)|0)+Math.imul(h,ft)|0))<<13)|0;c=((a=a+Math.imul(h,ht)|0)+(i>>>13)|0)+(kt>>>26)|0,kt&=67108863,n=Math.imul(B,U),i=(i=Math.imul(B,V))+Math.imul(N,U)|0,a=Math.imul(N,V),n=n+Math.imul(D,H)|0,i=(i=i+Math.imul(D,G)|0)+Math.imul(R,H)|0,a=a+Math.imul(R,G)|0,n=n+Math.imul(P,W)|0,i=(i=i+Math.imul(P,X)|0)+Math.imul(z,W)|0,a=a+Math.imul(z,X)|0,n=n+Math.imul(C,J)|0,i=(i=i+Math.imul(C,K)|0)+Math.imul(L,J)|0,a=a+Math.imul(L,K)|0,n=n+Math.imul(A,$)|0,i=(i=i+Math.imul(A,tt)|0)+Math.imul(S,$)|0,a=a+Math.imul(S,tt)|0,n=n+Math.imul(T,rt)|0,i=(i=i+Math.imul(T,nt)|0)+Math.imul(k,rt)|0,a=a+Math.imul(k,nt)|0,n=n+Math.imul(b,at)|0,i=(i=i+Math.imul(b,ot)|0)+Math.imul(_,at)|0,a=a+Math.imul(_,ot)|0,n=n+Math.imul(v,lt)|0,i=(i=i+Math.imul(v,ct)|0)+Math.imul(y,lt)|0,a=a+Math.imul(y,ct)|0,n=n+Math.imul(d,ft)|0,i=(i=i+Math.imul(d,ht)|0)+Math.imul(g,ft)|0,a=a+Math.imul(g,ht)|0;var Mt=(c+(n=n+Math.imul(f,dt)|0)|0)+((8191&(i=(i=i+Math.imul(f,gt)|0)+Math.imul(h,dt)|0))<<13)|0;c=((a=a+Math.imul(h,gt)|0)+(i>>>13)|0)+(Mt>>>26)|0,Mt&=67108863,n=Math.imul(B,H),i=(i=Math.imul(B,G))+Math.imul(N,H)|0,a=Math.imul(N,G),n=n+Math.imul(D,W)|0,i=(i=i+Math.imul(D,X)|0)+Math.imul(R,W)|0,a=a+Math.imul(R,X)|0,n=n+Math.imul(P,J)|0,i=(i=i+Math.imul(P,K)|0)+Math.imul(z,J)|0,a=a+Math.imul(z,K)|0,n=n+Math.imul(C,$)|0,i=(i=i+Math.imul(C,tt)|0)+Math.imul(L,$)|0,a=a+Math.imul(L,tt)|0,n=n+Math.imul(A,rt)|0,i=(i=i+Math.imul(A,nt)|0)+Math.imul(S,rt)|0,a=a+Math.imul(S,nt)|0,n=n+Math.imul(T,at)|0,i=(i=i+Math.imul(T,ot)|0)+Math.imul(k,at)|0,a=a+Math.imul(k,ot)|0,n=n+Math.imul(b,lt)|0,i=(i=i+Math.imul(b,ct)|0)+Math.imul(_,lt)|0,a=a+Math.imul(_,ct)|0,n=n+Math.imul(v,ft)|0,i=(i=i+Math.imul(v,ht)|0)+Math.imul(y,ft)|0,a=a+Math.imul(y,ht)|0;var At=(c+(n=n+Math.imul(d,dt)|0)|0)+((8191&(i=(i=i+Math.imul(d,gt)|0)+Math.imul(g,dt)|0))<<13)|0;c=((a=a+Math.imul(g,gt)|0)+(i>>>13)|0)+(At>>>26)|0,At&=67108863,n=Math.imul(B,W),i=(i=Math.imul(B,X))+Math.imul(N,W)|0,a=Math.imul(N,X),n=n+Math.imul(D,J)|0,i=(i=i+Math.imul(D,K)|0)+Math.imul(R,J)|0,a=a+Math.imul(R,K)|0,n=n+Math.imul(P,$)|0,i=(i=i+Math.imul(P,tt)|0)+Math.imul(z,$)|0,a=a+Math.imul(z,tt)|0,n=n+Math.imul(C,rt)|0,i=(i=i+Math.imul(C,nt)|0)+Math.imul(L,rt)|0,a=a+Math.imul(L,nt)|0,n=n+Math.imul(A,at)|0,i=(i=i+Math.imul(A,ot)|0)+Math.imul(S,at)|0,a=a+Math.imul(S,ot)|0,n=n+Math.imul(T,lt)|0,i=(i=i+Math.imul(T,ct)|0)+Math.imul(k,lt)|0,a=a+Math.imul(k,ct)|0,n=n+Math.imul(b,ft)|0,i=(i=i+Math.imul(b,ht)|0)+Math.imul(_,ft)|0,a=a+Math.imul(_,ht)|0;var St=(c+(n=n+Math.imul(v,dt)|0)|0)+((8191&(i=(i=i+Math.imul(v,gt)|0)+Math.imul(y,dt)|0))<<13)|0;c=((a=a+Math.imul(y,gt)|0)+(i>>>13)|0)+(St>>>26)|0,St&=67108863,n=Math.imul(B,J),i=(i=Math.imul(B,K))+Math.imul(N,J)|0,a=Math.imul(N,K),n=n+Math.imul(D,$)|0,i=(i=i+Math.imul(D,tt)|0)+Math.imul(R,$)|0,a=a+Math.imul(R,tt)|0,n=n+Math.imul(P,rt)|0,i=(i=i+Math.imul(P,nt)|0)+Math.imul(z,rt)|0,a=a+Math.imul(z,nt)|0,n=n+Math.imul(C,at)|0,i=(i=i+Math.imul(C,ot)|0)+Math.imul(L,at)|0,a=a+Math.imul(L,ot)|0,n=n+Math.imul(A,lt)|0,i=(i=i+Math.imul(A,ct)|0)+Math.imul(S,lt)|0,a=a+Math.imul(S,ct)|0,n=n+Math.imul(T,ft)|0,i=(i=i+Math.imul(T,ht)|0)+Math.imul(k,ft)|0,a=a+Math.imul(k,ht)|0;var Et=(c+(n=n+Math.imul(b,dt)|0)|0)+((8191&(i=(i=i+Math.imul(b,gt)|0)+Math.imul(_,dt)|0))<<13)|0;c=((a=a+Math.imul(_,gt)|0)+(i>>>13)|0)+(Et>>>26)|0,Et&=67108863,n=Math.imul(B,$),i=(i=Math.imul(B,tt))+Math.imul(N,$)|0,a=Math.imul(N,tt),n=n+Math.imul(D,rt)|0,i=(i=i+Math.imul(D,nt)|0)+Math.imul(R,rt)|0,a=a+Math.imul(R,nt)|0,n=n+Math.imul(P,at)|0,i=(i=i+Math.imul(P,ot)|0)+Math.imul(z,at)|0,a=a+Math.imul(z,ot)|0,n=n+Math.imul(C,lt)|0,i=(i=i+Math.imul(C,ct)|0)+Math.imul(L,lt)|0,a=a+Math.imul(L,ct)|0,n=n+Math.imul(A,ft)|0,i=(i=i+Math.imul(A,ht)|0)+Math.imul(S,ft)|0,a=a+Math.imul(S,ht)|0;var Ct=(c+(n=n+Math.imul(T,dt)|0)|0)+((8191&(i=(i=i+Math.imul(T,gt)|0)+Math.imul(k,dt)|0))<<13)|0;c=((a=a+Math.imul(k,gt)|0)+(i>>>13)|0)+(Ct>>>26)|0,Ct&=67108863,n=Math.imul(B,rt),i=(i=Math.imul(B,nt))+Math.imul(N,rt)|0,a=Math.imul(N,nt),n=n+Math.imul(D,at)|0,i=(i=i+Math.imul(D,ot)|0)+Math.imul(R,at)|0,a=a+Math.imul(R,ot)|0,n=n+Math.imul(P,lt)|0,i=(i=i+Math.imul(P,ct)|0)+Math.imul(z,lt)|0,a=a+Math.imul(z,ct)|0,n=n+Math.imul(C,ft)|0,i=(i=i+Math.imul(C,ht)|0)+Math.imul(L,ft)|0,a=a+Math.imul(L,ht)|0;var Lt=(c+(n=n+Math.imul(A,dt)|0)|0)+((8191&(i=(i=i+Math.imul(A,gt)|0)+Math.imul(S,dt)|0))<<13)|0;c=((a=a+Math.imul(S,gt)|0)+(i>>>13)|0)+(Lt>>>26)|0,Lt&=67108863,n=Math.imul(B,at),i=(i=Math.imul(B,ot))+Math.imul(N,at)|0,a=Math.imul(N,ot),n=n+Math.imul(D,lt)|0,i=(i=i+Math.imul(D,ct)|0)+Math.imul(R,lt)|0,a=a+Math.imul(R,ct)|0,n=n+Math.imul(P,ft)|0,i=(i=i+Math.imul(P,ht)|0)+Math.imul(z,ft)|0,a=a+Math.imul(z,ht)|0;var It=(c+(n=n+Math.imul(C,dt)|0)|0)+((8191&(i=(i=i+Math.imul(C,gt)|0)+Math.imul(L,dt)|0))<<13)|0;c=((a=a+Math.imul(L,gt)|0)+(i>>>13)|0)+(It>>>26)|0,It&=67108863,n=Math.imul(B,lt),i=(i=Math.imul(B,ct))+Math.imul(N,lt)|0,a=Math.imul(N,ct),n=n+Math.imul(D,ft)|0,i=(i=i+Math.imul(D,ht)|0)+Math.imul(R,ft)|0,a=a+Math.imul(R,ht)|0;var Pt=(c+(n=n+Math.imul(P,dt)|0)|0)+((8191&(i=(i=i+Math.imul(P,gt)|0)+Math.imul(z,dt)|0))<<13)|0;c=((a=a+Math.imul(z,gt)|0)+(i>>>13)|0)+(Pt>>>26)|0,Pt&=67108863,n=Math.imul(B,ft),i=(i=Math.imul(B,ht))+Math.imul(N,ft)|0,a=Math.imul(N,ht);var zt=(c+(n=n+Math.imul(D,dt)|0)|0)+((8191&(i=(i=i+Math.imul(D,gt)|0)+Math.imul(R,dt)|0))<<13)|0;c=((a=a+Math.imul(R,gt)|0)+(i>>>13)|0)+(zt>>>26)|0,zt&=67108863;var Ot=(c+(n=Math.imul(B,dt))|0)+((8191&(i=(i=Math.imul(B,gt))+Math.imul(N,dt)|0))<<13)|0;return c=((a=Math.imul(N,gt))+(i>>>13)|0)+(Ot>>>26)|0,Ot&=67108863,l[0]=mt,l[1]=vt,l[2]=yt,l[3]=xt,l[4]=bt,l[5]=_t,l[6]=wt,l[7]=Tt,l[8]=kt,l[9]=Mt,l[10]=At,l[11]=St,l[12]=Et,l[13]=Ct,l[14]=Lt,l[15]=It,l[16]=Pt,l[17]=zt,l[18]=Ot,0!==c&&(l[19]=c,r.length++),r};function d(t,e,r){return(new g).mulp(t,e,r)}function g(t,e){this.x=t,this.y=e}Math.imul||(p=h),a.prototype.mulTo=function(t,e){var r=this.length+t.length;return 10===this.length&&10===t.length?p(this,t,e):r<63?h(this,t,e):r<1024?function(t,e,r){r.negative=e.negative^t.negative,r.length=t.length+e.length;for(var n=0,i=0,a=0;a>>26)|0)>>>26,o&=67108863}r.words[a]=s,n=o,o=i}return 0!==n?r.words[a]=n:r.length--,r.strip()}(this,t,e):d(this,t,e)},g.prototype.makeRBT=function(t){for(var e=new Array(t),r=a.prototype._countBits(t)-1,n=0;n>=1;return n},g.prototype.permute=function(t,e,r,n,i,a){for(var o=0;o>>=1)i++;return 1<>>=13,r[2*o+1]=8191&a,a>>>=13;for(o=2*e;o>=26,e+=i/67108864|0,e+=a>>>26,this.words[r]=67108863&a}return 0!==e&&(this.words[r]=e,this.length++),this},a.prototype.muln=function(t){return this.clone().imuln(t)},a.prototype.sqr=function(){return this.mul(this)},a.prototype.isqr=function(){return this.imul(this.clone())},a.prototype.pow=function(t){var e=function(t){for(var e=new Array(t.bitLength()),r=0;r>>i}return e}(t);if(0===e.length)return new a(1);for(var r=this,n=0;n=0);var e,r=t%26,i=(t-r)/26,a=67108863>>>26-r<<26-r;if(0!==r){var o=0;for(e=0;e>>26-r}o&&(this.words[e]=o,this.length++)}if(0!==i){for(e=this.length-1;e>=0;e--)this.words[e+i]=this.words[e];for(e=0;e=0),i=e?(e-e%26)/26:0;var a=t%26,o=Math.min((t-a)/26,this.length),s=67108863^67108863>>>a<o)for(this.length-=o,c=0;c=0&&(0!==u||c>=i);c--){var f=0|this.words[c];this.words[c]=u<<26-a|f>>>a,u=f&s}return l&&0!==u&&(l.words[l.length++]=u),0===this.length&&(this.words[0]=0,this.length=1),this.strip()},a.prototype.ishrn=function(t,e,r){return n(0===this.negative),this.iushrn(t,e,r)},a.prototype.shln=function(t){return this.clone().ishln(t)},a.prototype.ushln=function(t){return this.clone().iushln(t)},a.prototype.shrn=function(t){return this.clone().ishrn(t)},a.prototype.ushrn=function(t){return this.clone().iushrn(t)},a.prototype.testn=function(t){n("number"==typeof t&&t>=0);var e=t%26,r=(t-e)/26,i=1<=0);var e=t%26,r=(t-e)/26;if(n(0===this.negative,"imaskn works only with positive numbers"),this.length<=r)return this;if(0!==e&&r++,this.length=Math.min(r,this.length),0!==e){var i=67108863^67108863>>>e<=67108864;e++)this.words[e]-=67108864,e===this.length-1?this.words[e+1]=1:this.words[e+1]++;return this.length=Math.max(this.length,e+1),this},a.prototype.isubn=function(t){if(n("number"==typeof t),n(t<67108864),t<0)return this.iaddn(-t);if(0!==this.negative)return this.negative=0,this.iaddn(t),this.negative=1,this;if(this.words[0]-=t,1===this.length&&this.words[0]<0)this.words[0]=-this.words[0],this.negative=1;else for(var e=0;e>26)-(l/67108864|0),this.words[i+r]=67108863&a}for(;i>26,this.words[i+r]=67108863&a;if(0===s)return this.strip();for(n(-1===s),s=0,i=0;i>26,this.words[i]=67108863&a;return this.negative=1,this.strip()},a.prototype._wordDiv=function(t,e){var r=(this.length,t.length),n=this.clone(),i=t,o=0|i.words[i.length-1];0!==(r=26-this._countBits(o))&&(i=i.ushln(r),n.iushln(r),o=0|i.words[i.length-1]);var s,l=n.length-i.length;if("mod"!==e){(s=new a(null)).length=l+1,s.words=new Array(s.length);for(var c=0;c=0;f--){var h=67108864*(0|n.words[i.length+f])+(0|n.words[i.length+f-1]);for(h=Math.min(h/o|0,67108863),n._ishlnsubmul(i,h,f);0!==n.negative;)h--,n.negative=0,n._ishlnsubmul(i,1,f),n.isZero()||(n.negative^=1);s&&(s.words[f]=h)}return s&&s.strip(),n.strip(),"div"!==e&&0!==r&&n.iushrn(r),{div:s||null,mod:n}},a.prototype.divmod=function(t,e,r){return n(!t.isZero()),this.isZero()?{div:new a(0),mod:new a(0)}:0!==this.negative&&0===t.negative?(s=this.neg().divmod(t,e),"mod"!==e&&(i=s.div.neg()),"div"!==e&&(o=s.mod.neg(),r&&0!==o.negative&&o.iadd(t)),{div:i,mod:o}):0===this.negative&&0!==t.negative?(s=this.divmod(t.neg(),e),"mod"!==e&&(i=s.div.neg()),{div:i,mod:s.mod}):0!=(this.negative&t.negative)?(s=this.neg().divmod(t.neg(),e),"div"!==e&&(o=s.mod.neg(),r&&0!==o.negative&&o.isub(t)),{div:s.div,mod:o}):t.length>this.length||this.cmp(t)<0?{div:new a(0),mod:this}:1===t.length?"div"===e?{div:this.divn(t.words[0]),mod:null}:"mod"===e?{div:null,mod:new a(this.modn(t.words[0]))}:{div:this.divn(t.words[0]),mod:new a(this.modn(t.words[0]))}:this._wordDiv(t,e);var i,o,s},a.prototype.div=function(t){return this.divmod(t,"div",!1).div},a.prototype.mod=function(t){return this.divmod(t,"mod",!1).mod},a.prototype.umod=function(t){return this.divmod(t,"mod",!0).mod},a.prototype.divRound=function(t){var e=this.divmod(t);if(e.mod.isZero())return e.div;var r=0!==e.div.negative?e.mod.isub(t):e.mod,n=t.ushrn(1),i=t.andln(1),a=r.cmp(n);return a<0||1===i&&0===a?e.div:0!==e.div.negative?e.div.isubn(1):e.div.iaddn(1)},a.prototype.modn=function(t){n(t<=67108863);for(var e=(1<<26)%t,r=0,i=this.length-1;i>=0;i--)r=(e*r+(0|this.words[i]))%t;return r},a.prototype.idivn=function(t){n(t<=67108863);for(var e=0,r=this.length-1;r>=0;r--){var i=(0|this.words[r])+67108864*e;this.words[r]=i/t|0,e=i%t}return this.strip()},a.prototype.divn=function(t){return this.clone().idivn(t)},a.prototype.egcd=function(t){n(0===t.negative),n(!t.isZero());var e=this,r=t.clone();e=0!==e.negative?e.umod(t):e.clone();for(var i=new a(1),o=new a(0),s=new a(0),l=new a(1),c=0;e.isEven()&&r.isEven();)e.iushrn(1),r.iushrn(1),++c;for(var u=r.clone(),f=e.clone();!e.isZero();){for(var h=0,p=1;0==(e.words[0]&p)&&h<26;++h,p<<=1);if(h>0)for(e.iushrn(h);h-- >0;)(i.isOdd()||o.isOdd())&&(i.iadd(u),o.isub(f)),i.iushrn(1),o.iushrn(1);for(var d=0,g=1;0==(r.words[0]&g)&&d<26;++d,g<<=1);if(d>0)for(r.iushrn(d);d-- >0;)(s.isOdd()||l.isOdd())&&(s.iadd(u),l.isub(f)),s.iushrn(1),l.iushrn(1);e.cmp(r)>=0?(e.isub(r),i.isub(s),o.isub(l)):(r.isub(e),s.isub(i),l.isub(o))}return{a:s,b:l,gcd:r.iushln(c)}},a.prototype._invmp=function(t){n(0===t.negative),n(!t.isZero());var e=this,r=t.clone();e=0!==e.negative?e.umod(t):e.clone();for(var i,o=new a(1),s=new a(0),l=r.clone();e.cmpn(1)>0&&r.cmpn(1)>0;){for(var c=0,u=1;0==(e.words[0]&u)&&c<26;++c,u<<=1);if(c>0)for(e.iushrn(c);c-- >0;)o.isOdd()&&o.iadd(l),o.iushrn(1);for(var f=0,h=1;0==(r.words[0]&h)&&f<26;++f,h<<=1);if(f>0)for(r.iushrn(f);f-- >0;)s.isOdd()&&s.iadd(l),s.iushrn(1);e.cmp(r)>=0?(e.isub(r),o.isub(s)):(r.isub(e),s.isub(o))}return(i=0===e.cmpn(1)?o:s).cmpn(0)<0&&i.iadd(t),i},a.prototype.gcd=function(t){if(this.isZero())return t.abs();if(t.isZero())return this.abs();var e=this.clone(),r=t.clone();e.negative=0,r.negative=0;for(var n=0;e.isEven()&&r.isEven();n++)e.iushrn(1),r.iushrn(1);for(;;){for(;e.isEven();)e.iushrn(1);for(;r.isEven();)r.iushrn(1);var i=e.cmp(r);if(i<0){var a=e;e=r,r=a}else if(0===i||0===r.cmpn(1))break;e.isub(r)}return r.iushln(n)},a.prototype.invm=function(t){return this.egcd(t).a.umod(t)},a.prototype.isEven=function(){return 0==(1&this.words[0])},a.prototype.isOdd=function(){return 1==(1&this.words[0])},a.prototype.andln=function(t){return this.words[0]&t},a.prototype.bincn=function(t){n("number"==typeof t);var e=t%26,r=(t-e)/26,i=1<>>26,s&=67108863,this.words[o]=s}return 0!==a&&(this.words[o]=a,this.length++),this},a.prototype.isZero=function(){return 1===this.length&&0===this.words[0]},a.prototype.cmpn=function(t){var e,r=t<0;if(0!==this.negative&&!r)return-1;if(0===this.negative&&r)return 1;if(this.strip(),this.length>1)e=1;else{r&&(t=-t),n(t<=67108863,"Number is too big");var i=0|this.words[0];e=i===t?0:it.length)return 1;if(this.length=0;r--){var n=0|this.words[r],i=0|t.words[r];if(n!==i){ni&&(e=1);break}}return e},a.prototype.gtn=function(t){return 1===this.cmpn(t)},a.prototype.gt=function(t){return 1===this.cmp(t)},a.prototype.gten=function(t){return this.cmpn(t)>=0},a.prototype.gte=function(t){return this.cmp(t)>=0},a.prototype.ltn=function(t){return-1===this.cmpn(t)},a.prototype.lt=function(t){return-1===this.cmp(t)},a.prototype.lten=function(t){return this.cmpn(t)<=0},a.prototype.lte=function(t){return this.cmp(t)<=0},a.prototype.eqn=function(t){return 0===this.cmpn(t)},a.prototype.eq=function(t){return 0===this.cmp(t)},a.red=function(t){return new w(t)},a.prototype.toRed=function(t){return n(!this.red,"Already a number in reduction context"),n(0===this.negative,"red works only with positives"),t.convertTo(this)._forceRed(t)},a.prototype.fromRed=function(){return n(this.red,"fromRed works only with numbers in reduction context"),this.red.convertFrom(this)},a.prototype._forceRed=function(t){return this.red=t,this},a.prototype.forceRed=function(t){return n(!this.red,"Already a number in reduction context"),this._forceRed(t)},a.prototype.redAdd=function(t){return n(this.red,"redAdd works only with red numbers"),this.red.add(this,t)},a.prototype.redIAdd=function(t){return n(this.red,"redIAdd works only with red numbers"),this.red.iadd(this,t)},a.prototype.redSub=function(t){return n(this.red,"redSub works only with red numbers"),this.red.sub(this,t)},a.prototype.redISub=function(t){return n(this.red,"redISub works only with red numbers"),this.red.isub(this,t)},a.prototype.redShl=function(t){return n(this.red,"redShl works only with red numbers"),this.red.shl(this,t)},a.prototype.redMul=function(t){return n(this.red,"redMul works only with red numbers"),this.red._verify2(this,t),this.red.mul(this,t)},a.prototype.redIMul=function(t){return n(this.red,"redMul works only with red numbers"),this.red._verify2(this,t),this.red.imul(this,t)},a.prototype.redSqr=function(){return n(this.red,"redSqr works only with red numbers"),this.red._verify1(this),this.red.sqr(this)},a.prototype.redISqr=function(){return n(this.red,"redISqr works only with red numbers"),this.red._verify1(this),this.red.isqr(this)},a.prototype.redSqrt=function(){return n(this.red,"redSqrt works only with red numbers"),this.red._verify1(this),this.red.sqrt(this)},a.prototype.redInvm=function(){return n(this.red,"redInvm works only with red numbers"),this.red._verify1(this),this.red.invm(this)},a.prototype.redNeg=function(){return n(this.red,"redNeg works only with red numbers"),this.red._verify1(this),this.red.neg(this)},a.prototype.redPow=function(t){return n(this.red&&!t.red,"redPow(normalNum)"),this.red._verify1(this),this.red.pow(this,t)};var m={k256:null,p224:null,p192:null,p25519:null};function v(t,e){this.name=t,this.p=new a(e,16),this.n=this.p.bitLength(),this.k=new a(1).iushln(this.n).isub(this.p),this.tmp=this._tmp()}function y(){v.call(this,"k256","ffffffff ffffffff ffffffff ffffffff ffffffff ffffffff fffffffe fffffc2f")}function x(){v.call(this,"p224","ffffffff ffffffff ffffffff ffffffff 00000000 00000000 00000001")}function b(){v.call(this,"p192","ffffffff ffffffff ffffffff fffffffe ffffffff ffffffff")}function _(){v.call(this,"25519","7fffffffffffffff ffffffffffffffff ffffffffffffffff ffffffffffffffed")}function w(t){if("string"==typeof t){var e=a._prime(t);this.m=e.p,this.prime=e}else n(t.gtn(1),"modulus must be greater than 1"),this.m=t,this.prime=null}function T(t){w.call(this,t),this.shift=this.m.bitLength(),this.shift%26!=0&&(this.shift+=26-this.shift%26),this.r=new a(1).iushln(this.shift),this.r2=this.imod(this.r.sqr()),this.rinv=this.r._invmp(this.m),this.minv=this.rinv.mul(this.r).isubn(1).div(this.m),this.minv=this.minv.umod(this.r),this.minv=this.r.sub(this.minv)}v.prototype._tmp=function(){var t=new a(null);return t.words=new Array(Math.ceil(this.n/13)),t},v.prototype.ireduce=function(t){var e,r=t;do{this.split(r,this.tmp),e=(r=(r=this.imulK(r)).iadd(this.tmp)).bitLength()}while(e>this.n);var n=e0?r.isub(this.p):r.strip(),r},v.prototype.split=function(t,e){t.iushrn(this.n,0,e)},v.prototype.imulK=function(t){return t.imul(this.k)},i(y,v),y.prototype.split=function(t,e){for(var r=Math.min(t.length,9),n=0;n>>22,i=a}i>>>=22,t.words[n-10]=i,0===i&&t.length>10?t.length-=10:t.length-=9},y.prototype.imulK=function(t){t.words[t.length]=0,t.words[t.length+1]=0,t.length+=2;for(var e=0,r=0;r>>=26,t.words[r]=i,e=n}return 0!==e&&(t.words[t.length++]=e),t},a._prime=function(t){if(m[t])return m[t];var e;if("k256"===t)e=new y;else if("p224"===t)e=new x;else if("p192"===t)e=new b;else{if("p25519"!==t)throw new Error("Unknown prime "+t);e=new _}return m[t]=e,e},w.prototype._verify1=function(t){n(0===t.negative,"red works only with positives"),n(t.red,"red works only with red numbers")},w.prototype._verify2=function(t,e){n(0==(t.negative|e.negative),"red works only with positives"),n(t.red&&t.red===e.red,"red works only with red numbers")},w.prototype.imod=function(t){return this.prime?this.prime.ireduce(t)._forceRed(this):t.umod(this.m)._forceRed(this)},w.prototype.neg=function(t){return t.isZero()?t.clone():this.m.sub(t)._forceRed(this)},w.prototype.add=function(t,e){this._verify2(t,e);var r=t.add(e);return r.cmp(this.m)>=0&&r.isub(this.m),r._forceRed(this)},w.prototype.iadd=function(t,e){this._verify2(t,e);var r=t.iadd(e);return r.cmp(this.m)>=0&&r.isub(this.m),r},w.prototype.sub=function(t,e){this._verify2(t,e);var r=t.sub(e);return r.cmpn(0)<0&&r.iadd(this.m),r._forceRed(this)},w.prototype.isub=function(t,e){this._verify2(t,e);var r=t.isub(e);return r.cmpn(0)<0&&r.iadd(this.m),r},w.prototype.shl=function(t,e){return this._verify1(t),this.imod(t.ushln(e))},w.prototype.imul=function(t,e){return this._verify2(t,e),this.imod(t.imul(e))},w.prototype.mul=function(t,e){return this._verify2(t,e),this.imod(t.mul(e))},w.prototype.isqr=function(t){return this.imul(t,t.clone())},w.prototype.sqr=function(t){return this.mul(t,t)},w.prototype.sqrt=function(t){if(t.isZero())return t.clone();var e=this.m.andln(3);if(n(e%2==1),3===e){var r=this.m.add(new a(1)).iushrn(2);return this.pow(t,r)}for(var i=this.m.subn(1),o=0;!i.isZero()&&0===i.andln(1);)o++,i.iushrn(1);n(!i.isZero());var s=new a(1).toRed(this),l=s.redNeg(),c=this.m.subn(1).iushrn(1),u=this.m.bitLength();for(u=new a(2*u*u).toRed(this);0!==this.pow(u,c).cmp(l);)u.redIAdd(l);for(var f=this.pow(u,i),h=this.pow(t,i.addn(1).iushrn(1)),p=this.pow(t,i),d=o;0!==p.cmp(s);){for(var g=p,m=0;0!==g.cmp(s);m++)g=g.redSqr();n(m=0;n--){for(var c=e.words[n],u=l-1;u>=0;u--){var f=c>>u&1;i!==r[0]&&(i=this.sqr(i)),0!==f||0!==o?(o<<=1,o|=f,(4===++s||0===n&&0===u)&&(i=this.mul(i,r[o]),s=0,o=0)):s=0}l=26}return i},w.prototype.convertTo=function(t){var e=t.umod(this.m);return e===t?e.clone():e},w.prototype.convertFrom=function(t){var e=t.clone();return e.red=null,e},a.mont=function(t){return new T(t)},i(T,w),T.prototype.convertTo=function(t){return this.imod(t.ushln(this.shift))},T.prototype.convertFrom=function(t){var e=this.imod(t.mul(this.rinv));return e.red=null,e},T.prototype.imul=function(t,e){if(t.isZero()||e.isZero())return t.words[0]=0,t.length=1,t;var r=t.imul(e),n=r.maskn(this.shift).mul(this.minv).imaskn(this.shift).mul(this.m),i=r.isub(n).iushrn(this.shift),a=i;return i.cmp(this.m)>=0?a=i.isub(this.m):i.cmpn(0)<0&&(a=i.iadd(this.m)),a._forceRed(this)},T.prototype.mul=function(t,e){if(t.isZero()||e.isZero())return new a(0)._forceRed(this);var r=t.mul(e),n=r.maskn(this.shift).mul(this.minv).imaskn(this.shift).mul(this.m),i=r.isub(n).iushrn(this.shift),o=i;return i.cmp(this.m)>=0?o=i.isub(this.m):i.cmpn(0)<0&&(o=i.iadd(this.m)),o._forceRed(this)},T.prototype.invm=function(t){return this.imod(t._invmp(this.m).mul(this.r2))._forceRed(this)}}("undefined"==typeof e||e,this)},{buffer:108}],100:[function(t,e,r){"use strict";e.exports=function(t){var e,r,n,i=t.length,a=0;for(e=0;e>>1;if(!(u<=0)){var f,h=i.mallocDouble(2*u*s),p=i.mallocInt32(s);if((s=l(t,u,h,p))>0){if(1===u&&n)a.init(s),f=a.sweepComplete(u,r,0,s,h,p,0,s,h,p);else{var d=i.mallocDouble(2*u*c),g=i.mallocInt32(c);(c=l(e,u,d,g))>0&&(a.init(s+c),f=1===u?a.sweepBipartite(u,r,0,s,h,p,0,c,d,g):o(u,r,n,s,h,p,c,d,g),i.free(d),i.free(g))}i.free(h),i.free(p)}return f}}}function u(t,e){n.push([t,e])}function f(t){return n=[],c(t,t,u,!0),n}function h(t,e){return n=[],c(t,e,u,!1),n}},{"./lib/intersect":103,"./lib/sweep":107,"typedarray-pool":595}],102:[function(t,e,r){"use strict";var n=["d","ax","vv","rs","re","rb","ri","bs","be","bb","bi"];function i(t){var e="bruteForce"+(t?"Full":"Partial"),r=[],i=n.slice();t||i.splice(3,0,"fp");var a=["function "+e+"("+i.join()+"){"];function o(e,i){var o=function(t,e,r){var i="bruteForce"+(t?"Red":"Blue")+(e?"Flip":"")+(r?"Full":""),a=["function ",i,"(",n.join(),"){","var ","es","=2*","d",";"],o="for(var i=rs,rp=es*rs;ibe-bs){"),t?(o(!0,!1),a.push("}else{"),o(!1,!1)):(a.push("if(fp){"),o(!0,!0),a.push("}else{"),o(!0,!1),a.push("}}else{if(fp){"),o(!1,!0),a.push("}else{"),o(!1,!1),a.push("}")),a.push("}}return "+e);var s=r.join("")+a.join("");return new Function(s)()}r.partial=i(!1),r.full=i(!0)},{}],103:[function(t,e,r){"use strict";e.exports=function(t,e,r,a,u,w,T,k,M){!function(t,e){var r=8*i.log2(e+1)*(t+1)|0,a=i.nextPow2(6*r);v.length0;){var C=6*(S-=1),L=v[C],I=v[C+1],P=v[C+2],z=v[C+3],O=v[C+4],D=v[C+5],R=2*S,F=y[R],B=y[R+1],N=1&D,j=!!(16&D),U=u,V=w,q=k,H=M;if(N&&(U=k,V=M,q=u,H=w),!(2&D&&(P=p(t,L,I,P,U,V,B),I>=P)||4&D&&(I=d(t,L,I,P,U,V,F))>=P)){var G=P-I,Y=O-z;if(j){if(t*G*(G+Y)<1<<22){if(void 0!==(A=l.scanComplete(t,L,e,I,P,U,V,z,O,q,H)))return A;continue}}else{if(t*Math.min(G,Y)<128){if(void 0!==(A=o(t,L,e,N,I,P,U,V,z,O,q,H)))return A;continue}if(t*G*Y<1<<22){if(void 0!==(A=l.scanBipartite(t,L,e,N,I,P,U,V,z,O,q,H)))return A;continue}}var W=f(t,L,I,P,U,V,F,B);if(I=p0)&&!(p1>=hi)",["p0","p1"]),h=u("lo===p0",["p0"]),p=u("lo>>1,f=2*t,h=u,p=o[f*u+e];for(;l=y?(h=v,p=y):m>=b?(h=g,p=m):(h=x,p=b):y>=b?(h=v,p=y):b>=m?(h=g,p=m):(h=x,p=b);for(var _=f*(c-1),w=f*h,T=0;Tr&&i[f+e]>c;--u,f-=o){for(var h=f,p=f+o,d=0;d=0&&n.push("lo=e[k+n]");t.indexOf("hi")>=0&&n.push("hi=e[k+o]");return r.push("for(var j=2*a,k=j*c,l=k,m=c,n=b,o=a+b,p=c;d>p;++p,k+=j){var _;if($)if(m===p)m+=1,l+=j;else{for(var s=0;j>s;++s){var t=e[k+s];e[k+s]=e[l],e[l++]=t}var u=f[p];f[p]=f[m],f[m++]=u}}return m".replace("_",n.join()).replace("$",t)),Function.apply(void 0,r)}},{}],106:[function(t,e,r){"use strict";e.exports=function(t,e){e<=128?n(0,e-1,t):function t(e,r,u){var f=(r-e+1)/6|0,h=e+f,p=r-f,d=e+r>>1,g=d-f,m=d+f,v=h,y=g,x=d,b=m,_=p,w=e+1,T=r-1,k=0;l(v,y,u)&&(k=v,v=y,y=k);l(b,_,u)&&(k=b,b=_,_=k);l(v,x,u)&&(k=v,v=x,x=k);l(y,x,u)&&(k=y,y=x,x=k);l(v,b,u)&&(k=v,v=b,b=k);l(x,b,u)&&(k=x,x=b,b=k);l(y,_,u)&&(k=y,y=_,_=k);l(y,x,u)&&(k=y,y=x,x=k);l(b,_,u)&&(k=b,b=_,_=k);for(var M=u[2*y],A=u[2*y+1],S=u[2*b],E=u[2*b+1],C=2*v,L=2*x,I=2*_,P=2*h,z=2*d,O=2*p,D=0;D<2;++D){var R=u[C+D],F=u[L+D],B=u[I+D];u[P+D]=R,u[z+D]=F,u[O+D]=B}a(g,e,u),a(m,r,u);for(var N=w;N<=T;++N)if(c(N,M,A,u))N!==w&&i(N,w,u),++w;else if(!c(N,S,E,u))for(;;){if(c(T,S,E,u)){c(T,M,A,u)?(o(N,w,T,u),++w,--T):(i(N,T,u),--T);break}if(--Tt;){var c=r[l-2],u=r[l-1];if(cr[e+1])}function c(t,e,r,n){var i=n[t*=2];return i>>1;a(h,A);var S=0,E=0;for(w=0;w=1<<28)p(l,c,E--,C=C-(1<<28)|0);else if(C>=0)p(o,s,S--,C);else if(C<=-(1<<28)){C=-C-(1<<28)|0;for(var L=0;L>>1;a(h,E);var C=0,L=0,I=0;for(k=0;k>1==h[2*k+3]>>1&&(z=2,k+=1),P<0){for(var O=-(P>>1)-1,D=0;D>1)-1;0===z?p(o,s,C--,O):1===z?p(l,c,L--,O):2===z&&p(u,f,I--,O)}}},scanBipartite:function(t,e,r,n,i,l,c,u,f,g,m,v){var y=0,x=2*t,b=e,_=e+t,w=1,T=1;n?T=1<<28:w=1<<28;for(var k=i;k>>1;a(h,E);var C=0;for(k=0;k=1<<28?(I=!n,M-=1<<28):(I=!!n,M-=1),I)d(o,s,C++,M);else{var P=v[M],z=x*M,O=m[z+e+1],D=m[z+e+1+t];t:for(var R=0;R>>1;a(h,w);var T=0;for(y=0;y=1<<28)o[T++]=x-(1<<28);else{var M=p[x-=1],A=g*x,S=f[A+e+1],E=f[A+e+1+t];t:for(var C=0;C=0;--C)if(o[C]===x){for(z=C+1;z0&&o.length>i&&!o.warned){o.warned=!0;var l=new Error("Possible EventEmitter memory leak detected. "+o.length+" "+String(e)+" listeners added. Use emitter.setMaxListeners() to increase limit");l.name="MaxListenersExceededWarning",l.emitter=t,l.type=e,l.count=o.length,s=l,console&&console.warn&&console.warn(s)}return t}function h(){if(!this.fired)return this.target.removeListener(this.type,this.wrapFn),this.fired=!0,0===arguments.length?this.listener.call(this.target):this.listener.apply(this.target,arguments)}function p(t,e,r){var n={fired:!1,wrapFn:void 0,target:t,type:e,listener:r},i=h.bind(n);return i.listener=r,n.wrapFn=i,i}function d(t,e,r){var n=t._events;if(void 0===n)return[];var i=n[e];return void 0===i?[]:"function"==typeof i?r?[i.listener||i]:[i]:r?function(t){for(var e=new Array(t.length),r=0;r0&&(o=e[0]),o instanceof Error)throw o;var s=new Error("Unhandled error."+(o?" ("+o.message+")":""));throw s.context=o,s}var l=i[t];if(void 0===l)return!1;if("function"==typeof l)a(l,this,e);else{var c=l.length,u=m(l,c);for(r=0;r=0;a--)if(r[a]===e||r[a].listener===e){o=r[a].listener,i=a;break}if(i<0)return this;0===i?r.shift():function(t,e){for(;e+1=0;n--)this.removeListener(t,e[n]);return this},s.prototype.listeners=function(t){return d(this,t,!0)},s.prototype.rawListeners=function(t){return d(this,t,!1)},s.listenerCount=function(t,e){return"function"==typeof t.listenerCount?t.listenerCount(e):g.call(t,e)},s.prototype.listenerCount=g,s.prototype.eventNames=function(){return this._eventsCount>0?n(this._events):[]}},{}],111:[function(t,e,r){(function(e){(function(){ +/*! + * The buffer module from node.js, for the browser. + * + * @author Feross Aboukhadijeh + * @license MIT + */ +"use strict";var e=t("base64-js"),n=t("ieee754");r.Buffer=a,r.SlowBuffer=function(t){+t!=t&&(t=0);return a.alloc(+t)},r.INSPECT_MAX_BYTES=50;function i(t){if(t>2147483647)throw new RangeError('The value "'+t+'" is invalid for option "size"');var e=new Uint8Array(t);return e.__proto__=a.prototype,e}function a(t,e,r){if("number"==typeof t){if("string"==typeof e)throw new TypeError('The "string" argument must be of type string. Received type number');return l(t)}return o(t,e,r)}function o(t,e,r){if("string"==typeof t)return function(t,e){"string"==typeof e&&""!==e||(e="utf8");if(!a.isEncoding(e))throw new TypeError("Unknown encoding: "+e);var r=0|f(t,e),n=i(r),o=n.write(t,e);o!==r&&(n=n.slice(0,o));return n}(t,e);if(ArrayBuffer.isView(t))return c(t);if(null==t)throw TypeError("The first argument must be one of type string, Buffer, ArrayBuffer, Array, or Array-like Object. Received type "+typeof t);if(B(t,ArrayBuffer)||t&&B(t.buffer,ArrayBuffer))return function(t,e,r){if(e<0||t.byteLength=2147483647)throw new RangeError("Attempt to allocate Buffer larger than maximum size: 0x"+2147483647..toString(16)+" bytes");return 0|t}function f(t,e){if(a.isBuffer(t))return t.length;if(ArrayBuffer.isView(t)||B(t,ArrayBuffer))return t.byteLength;if("string"!=typeof t)throw new TypeError('The "string" argument must be one of type string, Buffer, or ArrayBuffer. Received type '+typeof t);var r=t.length,n=arguments.length>2&&!0===arguments[2];if(!n&&0===r)return 0;for(var i=!1;;)switch(e){case"ascii":case"latin1":case"binary":return r;case"utf8":case"utf-8":return D(t).length;case"ucs2":case"ucs-2":case"utf16le":case"utf-16le":return 2*r;case"hex":return r>>>1;case"base64":return R(t).length;default:if(i)return n?-1:D(t).length;e=(""+e).toLowerCase(),i=!0}}function h(t,e,r){var n=!1;if((void 0===e||e<0)&&(e=0),e>this.length)return"";if((void 0===r||r>this.length)&&(r=this.length),r<=0)return"";if((r>>>=0)<=(e>>>=0))return"";for(t||(t="utf8");;)switch(t){case"hex":return A(this,e,r);case"utf8":case"utf-8":return T(this,e,r);case"ascii":return k(this,e,r);case"latin1":case"binary":return M(this,e,r);case"base64":return w(this,e,r);case"ucs2":case"ucs-2":case"utf16le":case"utf-16le":return S(this,e,r);default:if(n)throw new TypeError("Unknown encoding: "+t);t=(t+"").toLowerCase(),n=!0}}function p(t,e,r){var n=t[e];t[e]=t[r],t[r]=n}function d(t,e,r,n,i){if(0===t.length)return-1;if("string"==typeof r?(n=r,r=0):r>2147483647?r=2147483647:r<-2147483648&&(r=-2147483648),N(r=+r)&&(r=i?0:t.length-1),r<0&&(r=t.length+r),r>=t.length){if(i)return-1;r=t.length-1}else if(r<0){if(!i)return-1;r=0}if("string"==typeof e&&(e=a.from(e,n)),a.isBuffer(e))return 0===e.length?-1:g(t,e,r,n,i);if("number"==typeof e)return e&=255,"function"==typeof Uint8Array.prototype.indexOf?i?Uint8Array.prototype.indexOf.call(t,e,r):Uint8Array.prototype.lastIndexOf.call(t,e,r):g(t,[e],r,n,i);throw new TypeError("val must be string, number or Buffer")}function g(t,e,r,n,i){var a,o=1,s=t.length,l=e.length;if(void 0!==n&&("ucs2"===(n=String(n).toLowerCase())||"ucs-2"===n||"utf16le"===n||"utf-16le"===n)){if(t.length<2||e.length<2)return-1;o=2,s/=2,l/=2,r/=2}function c(t,e){return 1===o?t[e]:t.readUInt16BE(e*o)}if(i){var u=-1;for(a=r;as&&(r=s-l),a=r;a>=0;a--){for(var f=!0,h=0;hi&&(n=i):n=i;var a=e.length;n>a/2&&(n=a/2);for(var o=0;o>8,i=r%256,a.push(i),a.push(n);return a}(e,t.length-r),t,r,n)}function w(t,r,n){return 0===r&&n===t.length?e.fromByteArray(t):e.fromByteArray(t.slice(r,n))}function T(t,e,r){r=Math.min(t.length,r);for(var n=[],i=e;i239?4:c>223?3:c>191?2:1;if(i+f<=r)switch(f){case 1:c<128&&(u=c);break;case 2:128==(192&(a=t[i+1]))&&(l=(31&c)<<6|63&a)>127&&(u=l);break;case 3:a=t[i+1],o=t[i+2],128==(192&a)&&128==(192&o)&&(l=(15&c)<<12|(63&a)<<6|63&o)>2047&&(l<55296||l>57343)&&(u=l);break;case 4:a=t[i+1],o=t[i+2],s=t[i+3],128==(192&a)&&128==(192&o)&&128==(192&s)&&(l=(15&c)<<18|(63&a)<<12|(63&o)<<6|63&s)>65535&&l<1114112&&(u=l)}null===u?(u=65533,f=1):u>65535&&(u-=65536,n.push(u>>>10&1023|55296),u=56320|1023&u),n.push(u),i+=f}return function(t){var e=t.length;if(e<=4096)return String.fromCharCode.apply(String,t);var r="",n=0;for(;ne&&(t+=" ... "),""},a.prototype.compare=function(t,e,r,n,i){if(B(t,Uint8Array)&&(t=a.from(t,t.offset,t.byteLength)),!a.isBuffer(t))throw new TypeError('The "target" argument must be one of type Buffer or Uint8Array. Received type '+typeof t);if(void 0===e&&(e=0),void 0===r&&(r=t?t.length:0),void 0===n&&(n=0),void 0===i&&(i=this.length),e<0||r>t.length||n<0||i>this.length)throw new RangeError("out of range index");if(n>=i&&e>=r)return 0;if(n>=i)return-1;if(e>=r)return 1;if(this===t)return 0;for(var o=(i>>>=0)-(n>>>=0),s=(r>>>=0)-(e>>>=0),l=Math.min(o,s),c=this.slice(n,i),u=t.slice(e,r),f=0;f>>=0,isFinite(r)?(r>>>=0,void 0===n&&(n="utf8")):(n=r,r=void 0)}var i=this.length-e;if((void 0===r||r>i)&&(r=i),t.length>0&&(r<0||e<0)||e>this.length)throw new RangeError("Attempt to write outside buffer bounds");n||(n="utf8");for(var a=!1;;)switch(n){case"hex":return m(this,t,e,r);case"utf8":case"utf-8":return v(this,t,e,r);case"ascii":return y(this,t,e,r);case"latin1":case"binary":return x(this,t,e,r);case"base64":return b(this,t,e,r);case"ucs2":case"ucs-2":case"utf16le":case"utf-16le":return _(this,t,e,r);default:if(a)throw new TypeError("Unknown encoding: "+n);n=(""+n).toLowerCase(),a=!0}},a.prototype.toJSON=function(){return{type:"Buffer",data:Array.prototype.slice.call(this._arr||this,0)}};function k(t,e,r){var n="";r=Math.min(t.length,r);for(var i=e;in)&&(r=n);for(var i="",a=e;ar)throw new RangeError("Trying to access beyond buffer length")}function C(t,e,r,n,i,o){if(!a.isBuffer(t))throw new TypeError('"buffer" argument must be a Buffer instance');if(e>i||et.length)throw new RangeError("Index out of range")}function L(t,e,r,n,i,a){if(r+n>t.length)throw new RangeError("Index out of range");if(r<0)throw new RangeError("Index out of range")}function I(t,e,r,i,a){return e=+e,r>>>=0,a||L(t,0,r,4),n.write(t,e,r,i,23,4),r+4}function P(t,e,r,i,a){return e=+e,r>>>=0,a||L(t,0,r,8),n.write(t,e,r,i,52,8),r+8}a.prototype.slice=function(t,e){var r=this.length;(t=~~t)<0?(t+=r)<0&&(t=0):t>r&&(t=r),(e=void 0===e?r:~~e)<0?(e+=r)<0&&(e=0):e>r&&(e=r),e>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t],i=1,a=0;++a>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t+--e],i=1;e>0&&(i*=256);)n+=this[t+--e]*i;return n},a.prototype.readUInt8=function(t,e){return t>>>=0,e||E(t,1,this.length),this[t]},a.prototype.readUInt16LE=function(t,e){return t>>>=0,e||E(t,2,this.length),this[t]|this[t+1]<<8},a.prototype.readUInt16BE=function(t,e){return t>>>=0,e||E(t,2,this.length),this[t]<<8|this[t+1]},a.prototype.readUInt32LE=function(t,e){return t>>>=0,e||E(t,4,this.length),(this[t]|this[t+1]<<8|this[t+2]<<16)+16777216*this[t+3]},a.prototype.readUInt32BE=function(t,e){return t>>>=0,e||E(t,4,this.length),16777216*this[t]+(this[t+1]<<16|this[t+2]<<8|this[t+3])},a.prototype.readIntLE=function(t,e,r){t>>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t],i=1,a=0;++a=(i*=128)&&(n-=Math.pow(2,8*e)),n},a.prototype.readIntBE=function(t,e,r){t>>>=0,e>>>=0,r||E(t,e,this.length);for(var n=e,i=1,a=this[t+--n];n>0&&(i*=256);)a+=this[t+--n]*i;return a>=(i*=128)&&(a-=Math.pow(2,8*e)),a},a.prototype.readInt8=function(t,e){return t>>>=0,e||E(t,1,this.length),128&this[t]?-1*(255-this[t]+1):this[t]},a.prototype.readInt16LE=function(t,e){t>>>=0,e||E(t,2,this.length);var r=this[t]|this[t+1]<<8;return 32768&r?4294901760|r:r},a.prototype.readInt16BE=function(t,e){t>>>=0,e||E(t,2,this.length);var r=this[t+1]|this[t]<<8;return 32768&r?4294901760|r:r},a.prototype.readInt32LE=function(t,e){return t>>>=0,e||E(t,4,this.length),this[t]|this[t+1]<<8|this[t+2]<<16|this[t+3]<<24},a.prototype.readInt32BE=function(t,e){return t>>>=0,e||E(t,4,this.length),this[t]<<24|this[t+1]<<16|this[t+2]<<8|this[t+3]},a.prototype.readFloatLE=function(t,e){return t>>>=0,e||E(t,4,this.length),n.read(this,t,!0,23,4)},a.prototype.readFloatBE=function(t,e){return t>>>=0,e||E(t,4,this.length),n.read(this,t,!1,23,4)},a.prototype.readDoubleLE=function(t,e){return t>>>=0,e||E(t,8,this.length),n.read(this,t,!0,52,8)},a.prototype.readDoubleBE=function(t,e){return t>>>=0,e||E(t,8,this.length),n.read(this,t,!1,52,8)},a.prototype.writeUIntLE=function(t,e,r,n){(t=+t,e>>>=0,r>>>=0,n)||C(this,t,e,r,Math.pow(2,8*r)-1,0);var i=1,a=0;for(this[e]=255&t;++a>>=0,r>>>=0,n)||C(this,t,e,r,Math.pow(2,8*r)-1,0);var i=r-1,a=1;for(this[e+i]=255&t;--i>=0&&(a*=256);)this[e+i]=t/a&255;return e+r},a.prototype.writeUInt8=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,1,255,0),this[e]=255&t,e+1},a.prototype.writeUInt16LE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,2,65535,0),this[e]=255&t,this[e+1]=t>>>8,e+2},a.prototype.writeUInt16BE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,2,65535,0),this[e]=t>>>8,this[e+1]=255&t,e+2},a.prototype.writeUInt32LE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,4,4294967295,0),this[e+3]=t>>>24,this[e+2]=t>>>16,this[e+1]=t>>>8,this[e]=255&t,e+4},a.prototype.writeUInt32BE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,4,4294967295,0),this[e]=t>>>24,this[e+1]=t>>>16,this[e+2]=t>>>8,this[e+3]=255&t,e+4},a.prototype.writeIntLE=function(t,e,r,n){if(t=+t,e>>>=0,!n){var i=Math.pow(2,8*r-1);C(this,t,e,r,i-1,-i)}var a=0,o=1,s=0;for(this[e]=255&t;++a>0)-s&255;return e+r},a.prototype.writeIntBE=function(t,e,r,n){if(t=+t,e>>>=0,!n){var i=Math.pow(2,8*r-1);C(this,t,e,r,i-1,-i)}var a=r-1,o=1,s=0;for(this[e+a]=255&t;--a>=0&&(o*=256);)t<0&&0===s&&0!==this[e+a+1]&&(s=1),this[e+a]=(t/o>>0)-s&255;return e+r},a.prototype.writeInt8=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,1,127,-128),t<0&&(t=255+t+1),this[e]=255&t,e+1},a.prototype.writeInt16LE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,2,32767,-32768),this[e]=255&t,this[e+1]=t>>>8,e+2},a.prototype.writeInt16BE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,2,32767,-32768),this[e]=t>>>8,this[e+1]=255&t,e+2},a.prototype.writeInt32LE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,4,2147483647,-2147483648),this[e]=255&t,this[e+1]=t>>>8,this[e+2]=t>>>16,this[e+3]=t>>>24,e+4},a.prototype.writeInt32BE=function(t,e,r){return t=+t,e>>>=0,r||C(this,t,e,4,2147483647,-2147483648),t<0&&(t=4294967295+t+1),this[e]=t>>>24,this[e+1]=t>>>16,this[e+2]=t>>>8,this[e+3]=255&t,e+4},a.prototype.writeFloatLE=function(t,e,r){return I(this,t,e,!0,r)},a.prototype.writeFloatBE=function(t,e,r){return I(this,t,e,!1,r)},a.prototype.writeDoubleLE=function(t,e,r){return P(this,t,e,!0,r)},a.prototype.writeDoubleBE=function(t,e,r){return P(this,t,e,!1,r)},a.prototype.copy=function(t,e,r,n){if(!a.isBuffer(t))throw new TypeError("argument should be a Buffer");if(r||(r=0),n||0===n||(n=this.length),e>=t.length&&(e=t.length),e||(e=0),n>0&&n=this.length)throw new RangeError("Index out of range");if(n<0)throw new RangeError("sourceEnd out of bounds");n>this.length&&(n=this.length),t.length-e=0;--o)t[o+e]=this[o+r];else Uint8Array.prototype.set.call(t,this.subarray(r,n),e);return i},a.prototype.fill=function(t,e,r,n){if("string"==typeof t){if("string"==typeof e?(n=e,e=0,r=this.length):"string"==typeof r&&(n=r,r=this.length),void 0!==n&&"string"!=typeof n)throw new TypeError("encoding must be a string");if("string"==typeof n&&!a.isEncoding(n))throw new TypeError("Unknown encoding: "+n);if(1===t.length){var i=t.charCodeAt(0);("utf8"===n&&i<128||"latin1"===n)&&(t=i)}}else"number"==typeof t&&(t&=255);if(e<0||this.length>>=0,r=void 0===r?this.length:r>>>0,t||(t=0),"number"==typeof t)for(o=e;o55295&&r<57344){if(!i){if(r>56319){(e-=3)>-1&&a.push(239,191,189);continue}if(o+1===n){(e-=3)>-1&&a.push(239,191,189);continue}i=r;continue}if(r<56320){(e-=3)>-1&&a.push(239,191,189),i=r;continue}r=65536+(i-55296<<10|r-56320)}else i&&(e-=3)>-1&&a.push(239,191,189);if(i=null,r<128){if((e-=1)<0)break;a.push(r)}else if(r<2048){if((e-=2)<0)break;a.push(r>>6|192,63&r|128)}else if(r<65536){if((e-=3)<0)break;a.push(r>>12|224,r>>6&63|128,63&r|128)}else{if(!(r<1114112))throw new Error("Invalid code point");if((e-=4)<0)break;a.push(r>>18|240,r>>12&63|128,r>>6&63|128,63&r|128)}}return a}function R(t){return e.toByteArray(function(t){if((t=(t=t.split("=")[0]).trim().replace(z,"")).length<2)return"";for(;t.length%4!=0;)t+="=";return t}(t))}function F(t,e,r,n){for(var i=0;i=e.length||i>=t.length);++i)e[i+r]=t[i];return i}function B(t,e){return t instanceof e||null!=t&&null!=t.constructor&&null!=t.constructor.name&&t.constructor.name===e.name}function N(t){return t!=t}}).call(this)}).call(this,t("buffer").Buffer)},{"base64-js":79,buffer:111,ieee754:442}],112:[function(t,e,r){"use strict";var n=t("./lib/monotone"),i=t("./lib/triangulation"),a=t("./lib/delaunay"),o=t("./lib/filter");function s(t){return[Math.min(t[0],t[1]),Math.max(t[0],t[1])]}function l(t,e){return t[0]-e[0]||t[1]-e[1]}function c(t,e,r){return e in t?t[e]:r}e.exports=function(t,e,r){Array.isArray(e)?(r=r||{},e=e||[]):(r=e||{},e=[]);var u=!!c(r,"delaunay",!0),f=!!c(r,"interior",!0),h=!!c(r,"exterior",!0),p=!!c(r,"infinity",!1);if(!f&&!h||0===t.length)return[];var d=n(t,e);if(u||f!==h||p){for(var g=i(t.length,function(t){return t.map(s).sort(l)}(e)),m=0;m0;){for(var p=r.pop(),d=(s=r.pop(),u=-1,f=-1,l=o[s],1);d=0||(e.flip(s,p),i(t,e,r,u,s,f),i(t,e,r,s,f,u),i(t,e,r,f,p,u),i(t,e,r,p,u,f)))}}},{"binary-search-bounds":96,"robust-in-sphere":546}],114:[function(t,e,r){"use strict";var n,i=t("binary-search-bounds");function a(t,e,r,n,i,a,o){this.cells=t,this.neighbor=e,this.flags=n,this.constraint=r,this.active=i,this.next=a,this.boundary=o}function o(t,e){return t[0]-e[0]||t[1]-e[1]||t[2]-e[2]}e.exports=function(t,e,r){var n=function(t,e){for(var r=t.cells(),n=r.length,i=0;i0||l.length>0;){for(;s.length>0;){var p=s.pop();if(c[p]!==-i){c[p]=i;u[p];for(var d=0;d<3;++d){var g=h[3*p+d];g>=0&&0===c[g]&&(f[3*p+d]?l.push(g):(s.push(g),c[g]=i))}}}var m=l;l=s,s=m,l.length=0,i=-i}var v=function(t,e,r){for(var n=0,i=0;i1&&i(r[h[p-2]],r[h[p-1]],a)>0;)t.push([h[p-1],h[p-2],o]),p-=1;h.length=p,h.push(o);var d=f.upperIds;for(p=d.length;p>1&&i(r[d[p-2]],r[d[p-1]],a)<0;)t.push([d[p-2],d[p-1],o]),p-=1;d.length=p,d.push(o)}}function u(t,e){var r;return(r=t.a[0]d[0]&&i.push(new o(d,p,2,l),new o(p,d,1,l))}i.sort(s);for(var g=i[0].a[0]-(1+Math.abs(i[0].a[0]))*Math.pow(2,-52),m=[new a([g,1],[g,0],-1,[],[],[],[])],v=[],y=(l=0,i.length);l=0}}(),a.removeTriangle=function(t,e,r){var n=this.stars;o(n[t],e,r),o(n[e],r,t),o(n[r],t,e)},a.addTriangle=function(t,e,r){var n=this.stars;n[t].push(e,r),n[e].push(r,t),n[r].push(t,e)},a.opposite=function(t,e){for(var r=this.stars[e],n=1,i=r.length;nr?r:t:te?e:t}},{}],121:[function(t,e,r){"use strict";e.exports=function(t,e,r){var n;if(r){n=e;for(var i=new Array(e.length),a=0;ae[2]?1:0)}function v(t,e,r){if(0!==t.length){if(e)for(var n=0;n=0;--a){var x=e[u=(S=n[a])[0]],b=x[0],_=x[1],w=t[b],T=t[_];if((w[0]-T[0]||w[1]-T[1])<0){var k=b;b=_,_=k}x[0]=b;var M,A=x[1]=S[1];for(i&&(M=x[2]);a>0&&n[a-1][0]===u;){var S,E=(S=n[--a])[1];i?e.push([A,E,M]):e.push([A,E]),A=E}i?e.push([A,_,M]):e.push([A,_])}return h}(t,e,h,m,r));return v(e,y,r),!!y||(h.length>0||m.length>0)}},{"./lib/rat-seg-intersect":122,"big-rat":83,"big-rat/cmp":81,"big-rat/to-float":95,"box-intersect":101,nextafter:496,"rat-vec":530,"robust-segment-intersect":551,"union-find":596}],122:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){var a=s(e,t),f=s(n,r),h=u(a,f);if(0===o(h))return null;var p=s(t,r),d=u(f,p),g=i(d,h),m=c(a,g);return l(t,m)};var n=t("big-rat/mul"),i=t("big-rat/div"),a=t("big-rat/sub"),o=t("big-rat/sign"),s=t("rat-vec/sub"),l=t("rat-vec/add"),c=t("rat-vec/muls");function u(t,e){return a(n(t[0],e[1]),n(t[1],e[0]))}},{"big-rat/div":82,"big-rat/mul":92,"big-rat/sign":93,"big-rat/sub":94,"rat-vec/add":529,"rat-vec/muls":531,"rat-vec/sub":532}],123:[function(t,e,r){"use strict";var n=t("clamp");function i(t,e){null==e&&(e=!0);var r=t[0],i=t[1],a=t[2],o=t[3];return null==o&&(o=e?1:255),e&&(r*=255,i*=255,a*=255,o*=255),16777216*(r=255&n(r,0,255))+((i=255&n(i,0,255))<<16)+((a=255&n(a,0,255))<<8)+(o=255&n(o,0,255))}e.exports=i,e.exports.to=i,e.exports.from=function(t,e){var r=(t=+t)>>>24,n=(16711680&t)>>>16,i=(65280&t)>>>8,a=255&t;return!1===e?[r,n,i,a]:[r/255,n/255,i/255,a/255]}},{clamp:120}],124:[function(t,e,r){"use strict";e.exports={aliceblue:[240,248,255],antiquewhite:[250,235,215],aqua:[0,255,255],aquamarine:[127,255,212],azure:[240,255,255],beige:[245,245,220],bisque:[255,228,196],black:[0,0,0],blanchedalmond:[255,235,205],blue:[0,0,255],blueviolet:[138,43,226],brown:[165,42,42],burlywood:[222,184,135],cadetblue:[95,158,160],chartreuse:[127,255,0],chocolate:[210,105,30],coral:[255,127,80],cornflowerblue:[100,149,237],cornsilk:[255,248,220],crimson:[220,20,60],cyan:[0,255,255],darkblue:[0,0,139],darkcyan:[0,139,139],darkgoldenrod:[184,134,11],darkgray:[169,169,169],darkgreen:[0,100,0],darkgrey:[169,169,169],darkkhaki:[189,183,107],darkmagenta:[139,0,139],darkolivegreen:[85,107,47],darkorange:[255,140,0],darkorchid:[153,50,204],darkred:[139,0,0],darksalmon:[233,150,122],darkseagreen:[143,188,143],darkslateblue:[72,61,139],darkslategray:[47,79,79],darkslategrey:[47,79,79],darkturquoise:[0,206,209],darkviolet:[148,0,211],deeppink:[255,20,147],deepskyblue:[0,191,255],dimgray:[105,105,105],dimgrey:[105,105,105],dodgerblue:[30,144,255],firebrick:[178,34,34],floralwhite:[255,250,240],forestgreen:[34,139,34],fuchsia:[255,0,255],gainsboro:[220,220,220],ghostwhite:[248,248,255],gold:[255,215,0],goldenrod:[218,165,32],gray:[128,128,128],green:[0,128,0],greenyellow:[173,255,47],grey:[128,128,128],honeydew:[240,255,240],hotpink:[255,105,180],indianred:[205,92,92],indigo:[75,0,130],ivory:[255,255,240],khaki:[240,230,140],lavender:[230,230,250],lavenderblush:[255,240,245],lawngreen:[124,252,0],lemonchiffon:[255,250,205],lightblue:[173,216,230],lightcoral:[240,128,128],lightcyan:[224,255,255],lightgoldenrodyellow:[250,250,210],lightgray:[211,211,211],lightgreen:[144,238,144],lightgrey:[211,211,211],lightpink:[255,182,193],lightsalmon:[255,160,122],lightseagreen:[32,178,170],lightskyblue:[135,206,250],lightslategray:[119,136,153],lightslategrey:[119,136,153],lightsteelblue:[176,196,222],lightyellow:[255,255,224],lime:[0,255,0],limegreen:[50,205,50],linen:[250,240,230],magenta:[255,0,255],maroon:[128,0,0],mediumaquamarine:[102,205,170],mediumblue:[0,0,205],mediumorchid:[186,85,211],mediumpurple:[147,112,219],mediumseagreen:[60,179,113],mediumslateblue:[123,104,238],mediumspringgreen:[0,250,154],mediumturquoise:[72,209,204],mediumvioletred:[199,21,133],midnightblue:[25,25,112],mintcream:[245,255,250],mistyrose:[255,228,225],moccasin:[255,228,181],navajowhite:[255,222,173],navy:[0,0,128],oldlace:[253,245,230],olive:[128,128,0],olivedrab:[107,142,35],orange:[255,165,0],orangered:[255,69,0],orchid:[218,112,214],palegoldenrod:[238,232,170],palegreen:[152,251,152],paleturquoise:[175,238,238],palevioletred:[219,112,147],papayawhip:[255,239,213],peachpuff:[255,218,185],peru:[205,133,63],pink:[255,192,203],plum:[221,160,221],powderblue:[176,224,230],purple:[128,0,128],rebeccapurple:[102,51,153],red:[255,0,0],rosybrown:[188,143,143],royalblue:[65,105,225],saddlebrown:[139,69,19],salmon:[250,128,114],sandybrown:[244,164,96],seagreen:[46,139,87],seashell:[255,245,238],sienna:[160,82,45],silver:[192,192,192],skyblue:[135,206,235],slateblue:[106,90,205],slategray:[112,128,144],slategrey:[112,128,144],snow:[255,250,250],springgreen:[0,255,127],steelblue:[70,130,180],tan:[210,180,140],teal:[0,128,128],thistle:[216,191,216],tomato:[255,99,71],turquoise:[64,224,208],violet:[238,130,238],wheat:[245,222,179],white:[255,255,255],whitesmoke:[245,245,245],yellow:[255,255,0],yellowgreen:[154,205,50]}},{}],125:[function(t,e,r){"use strict";var n=t("color-rgba"),i=t("clamp"),a=t("dtype");e.exports=function(t,e){"float"!==e&&e||(e="array"),"uint"===e&&(e="uint8"),"uint_clamped"===e&&(e="uint8_clamped");var r=new(a(e))(4),o="uint8"!==e&&"uint8_clamped"!==e;return t.length&&"string"!=typeof t||((t=n(t))[0]/=255,t[1]/=255,t[2]/=255),function(t){return t instanceof Uint8Array||t instanceof Uint8ClampedArray||!!(Array.isArray(t)&&(t[0]>1||0===t[0])&&(t[1]>1||0===t[1])&&(t[2]>1||0===t[2])&&(!t[3]||t[3]>1))}(t)?(r[0]=t[0],r[1]=t[1],r[2]=t[2],r[3]=null!=t[3]?t[3]:255,o&&(r[0]/=255,r[1]/=255,r[2]/=255,r[3]/=255),r):(o?(r[0]=t[0],r[1]=t[1],r[2]=t[2],r[3]=null!=t[3]?t[3]:1):(r[0]=i(Math.floor(255*t[0]),0,255),r[1]=i(Math.floor(255*t[1]),0,255),r[2]=i(Math.floor(255*t[2]),0,255),r[3]=null==t[3]?255:i(Math.floor(255*t[3]),0,255)),r)}},{clamp:120,"color-rgba":127,dtype:175}],126:[function(t,e,r){(function(r){(function(){"use strict";var n=t("color-name"),i=t("is-plain-obj"),a=t("defined");e.exports=function(t){var e,s,l=[],c=1;if("string"==typeof t)if(n[t])l=n[t].slice(),s="rgb";else if("transparent"===t)c=0,s="rgb",l=[0,0,0];else if(/^#[A-Fa-f0-9]+$/.test(t)){var u=(p=t.slice(1)).length;c=1,u<=4?(l=[parseInt(p[0]+p[0],16),parseInt(p[1]+p[1],16),parseInt(p[2]+p[2],16)],4===u&&(c=parseInt(p[3]+p[3],16)/255)):(l=[parseInt(p[0]+p[1],16),parseInt(p[2]+p[3],16),parseInt(p[4]+p[5],16)],8===u&&(c=parseInt(p[6]+p[7],16)/255)),l[0]||(l[0]=0),l[1]||(l[1]=0),l[2]||(l[2]=0),s="rgb"}else if(e=/^((?:rgb|hs[lvb]|hwb|cmyk?|xy[zy]|gray|lab|lchu?v?|[ly]uv|lms)a?)\s*\(([^\)]*)\)/.exec(t)){var f=e[1],h="rgb"===f,p=f.replace(/a$/,"");s=p;u="cmyk"===p?4:"gray"===p?1:3;l=e[2].trim().split(/\s*,\s*/).map((function(t,e){if(/%$/.test(t))return e===u?parseFloat(t)/100:"rgb"===p?255*parseFloat(t)/100:parseFloat(t);if("h"===p[e]){if(/deg$/.test(t))return parseFloat(t);if(void 0!==o[t])return o[t]}return parseFloat(t)})),f===p&&l.push(1),c=h||void 0===l[u]?1:l[u],l=l.slice(0,u)}else t.length>10&&/[0-9](?:\s|\/)/.test(t)&&(l=t.match(/([0-9]+)/g).map((function(t){return parseFloat(t)})),s=t.match(/([a-z])/gi).join("").toLowerCase());else if(isNaN(t))if(i(t)){var d=a(t.r,t.red,t.R,null);null!==d?(s="rgb",l=[d,a(t.g,t.green,t.G),a(t.b,t.blue,t.B)]):(s="hsl",l=[a(t.h,t.hue,t.H),a(t.s,t.saturation,t.S),a(t.l,t.lightness,t.L,t.b,t.brightness)]),c=a(t.a,t.alpha,t.opacity,1),null!=t.opacity&&(c/=100)}else(Array.isArray(t)||r.ArrayBuffer&&ArrayBuffer.isView&&ArrayBuffer.isView(t))&&(l=[t[0],t[1],t[2]],s="rgb",c=4===t.length?t[3]:1);else s="rgb",l=[t>>>16,(65280&t)>>>8,255&t];return{space:s,values:l,alpha:c}};var o={red:0,orange:60,yellow:120,green:180,blue:240,purple:300}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"color-name":124,defined:170,"is-plain-obj":469}],127:[function(t,e,r){"use strict";var n=t("color-parse"),i=t("color-space/hsl"),a=t("clamp");e.exports=function(t){var e,r=n(t);return r.space?((e=Array(3))[0]=a(r.values[0],0,255),e[1]=a(r.values[1],0,255),e[2]=a(r.values[2],0,255),"h"===r.space[0]&&(e=i.rgb(e)),e.push(a(r.alpha,0,1)),e):[]}},{clamp:120,"color-parse":126,"color-space/hsl":128}],128:[function(t,e,r){"use strict";var n=t("./rgb");e.exports={name:"hsl",min:[0,0,0],max:[360,100,100],channel:["hue","saturation","lightness"],alias:["HSL"],rgb:function(t){var e,r,n,i,a,o=t[0]/360,s=t[1]/100,l=t[2]/100;if(0===s)return[a=255*l,a,a];e=2*l-(r=l<.5?l*(1+s):l+s-l*s),i=[0,0,0];for(var c=0;c<3;c++)(n=o+1/3*-(c-1))<0?n++:n>1&&n--,a=6*n<1?e+6*(r-e)*n:2*n<1?r:3*n<2?e+(r-e)*(2/3-n)*6:e,i[c]=255*a;return i}},n.hsl=function(t){var e,r,n=t[0]/255,i=t[1]/255,a=t[2]/255,o=Math.min(n,i,a),s=Math.max(n,i,a),l=s-o;return s===o?e=0:n===s?e=(i-a)/l:i===s?e=2+(a-n)/l:a===s&&(e=4+(n-i)/l),(e=Math.min(60*e,360))<0&&(e+=360),r=(o+s)/2,[e,100*(s===o?0:r<=.5?l/(s+o):l/(2-s-o)),100*r]}},{"./rgb":129}],129:[function(t,e,r){"use strict";e.exports={name:"rgb",min:[0,0,0],max:[255,255,255],channel:["red","green","blue"],alias:["RGB"]}},{}],130:[function(t,e,r){e.exports={jet:[{index:0,rgb:[0,0,131]},{index:.125,rgb:[0,60,170]},{index:.375,rgb:[5,255,255]},{index:.625,rgb:[255,255,0]},{index:.875,rgb:[250,0,0]},{index:1,rgb:[128,0,0]}],hsv:[{index:0,rgb:[255,0,0]},{index:.169,rgb:[253,255,2]},{index:.173,rgb:[247,255,2]},{index:.337,rgb:[0,252,4]},{index:.341,rgb:[0,252,10]},{index:.506,rgb:[1,249,255]},{index:.671,rgb:[2,0,253]},{index:.675,rgb:[8,0,253]},{index:.839,rgb:[255,0,251]},{index:.843,rgb:[255,0,245]},{index:1,rgb:[255,0,6]}],hot:[{index:0,rgb:[0,0,0]},{index:.3,rgb:[230,0,0]},{index:.6,rgb:[255,210,0]},{index:1,rgb:[255,255,255]}],cool:[{index:0,rgb:[0,255,255]},{index:1,rgb:[255,0,255]}],spring:[{index:0,rgb:[255,0,255]},{index:1,rgb:[255,255,0]}],summer:[{index:0,rgb:[0,128,102]},{index:1,rgb:[255,255,102]}],autumn:[{index:0,rgb:[255,0,0]},{index:1,rgb:[255,255,0]}],winter:[{index:0,rgb:[0,0,255]},{index:1,rgb:[0,255,128]}],bone:[{index:0,rgb:[0,0,0]},{index:.376,rgb:[84,84,116]},{index:.753,rgb:[169,200,200]},{index:1,rgb:[255,255,255]}],copper:[{index:0,rgb:[0,0,0]},{index:.804,rgb:[255,160,102]},{index:1,rgb:[255,199,127]}],greys:[{index:0,rgb:[0,0,0]},{index:1,rgb:[255,255,255]}],yignbu:[{index:0,rgb:[8,29,88]},{index:.125,rgb:[37,52,148]},{index:.25,rgb:[34,94,168]},{index:.375,rgb:[29,145,192]},{index:.5,rgb:[65,182,196]},{index:.625,rgb:[127,205,187]},{index:.75,rgb:[199,233,180]},{index:.875,rgb:[237,248,217]},{index:1,rgb:[255,255,217]}],greens:[{index:0,rgb:[0,68,27]},{index:.125,rgb:[0,109,44]},{index:.25,rgb:[35,139,69]},{index:.375,rgb:[65,171,93]},{index:.5,rgb:[116,196,118]},{index:.625,rgb:[161,217,155]},{index:.75,rgb:[199,233,192]},{index:.875,rgb:[229,245,224]},{index:1,rgb:[247,252,245]}],yiorrd:[{index:0,rgb:[128,0,38]},{index:.125,rgb:[189,0,38]},{index:.25,rgb:[227,26,28]},{index:.375,rgb:[252,78,42]},{index:.5,rgb:[253,141,60]},{index:.625,rgb:[254,178,76]},{index:.75,rgb:[254,217,118]},{index:.875,rgb:[255,237,160]},{index:1,rgb:[255,255,204]}],bluered:[{index:0,rgb:[0,0,255]},{index:1,rgb:[255,0,0]}],rdbu:[{index:0,rgb:[5,10,172]},{index:.35,rgb:[106,137,247]},{index:.5,rgb:[190,190,190]},{index:.6,rgb:[220,170,132]},{index:.7,rgb:[230,145,90]},{index:1,rgb:[178,10,28]}],picnic:[{index:0,rgb:[0,0,255]},{index:.1,rgb:[51,153,255]},{index:.2,rgb:[102,204,255]},{index:.3,rgb:[153,204,255]},{index:.4,rgb:[204,204,255]},{index:.5,rgb:[255,255,255]},{index:.6,rgb:[255,204,255]},{index:.7,rgb:[255,153,255]},{index:.8,rgb:[255,102,204]},{index:.9,rgb:[255,102,102]},{index:1,rgb:[255,0,0]}],rainbow:[{index:0,rgb:[150,0,90]},{index:.125,rgb:[0,0,200]},{index:.25,rgb:[0,25,255]},{index:.375,rgb:[0,152,255]},{index:.5,rgb:[44,255,150]},{index:.625,rgb:[151,255,0]},{index:.75,rgb:[255,234,0]},{index:.875,rgb:[255,111,0]},{index:1,rgb:[255,0,0]}],portland:[{index:0,rgb:[12,51,131]},{index:.25,rgb:[10,136,186]},{index:.5,rgb:[242,211,56]},{index:.75,rgb:[242,143,56]},{index:1,rgb:[217,30,30]}],blackbody:[{index:0,rgb:[0,0,0]},{index:.2,rgb:[230,0,0]},{index:.4,rgb:[230,210,0]},{index:.7,rgb:[255,255,255]},{index:1,rgb:[160,200,255]}],earth:[{index:0,rgb:[0,0,130]},{index:.1,rgb:[0,180,180]},{index:.2,rgb:[40,210,40]},{index:.4,rgb:[230,230,50]},{index:.6,rgb:[120,70,20]},{index:1,rgb:[255,255,255]}],electric:[{index:0,rgb:[0,0,0]},{index:.15,rgb:[30,0,100]},{index:.4,rgb:[120,0,100]},{index:.6,rgb:[160,90,0]},{index:.8,rgb:[230,200,0]},{index:1,rgb:[255,250,220]}],alpha:[{index:0,rgb:[255,255,255,0]},{index:1,rgb:[255,255,255,1]}],viridis:[{index:0,rgb:[68,1,84]},{index:.13,rgb:[71,44,122]},{index:.25,rgb:[59,81,139]},{index:.38,rgb:[44,113,142]},{index:.5,rgb:[33,144,141]},{index:.63,rgb:[39,173,129]},{index:.75,rgb:[92,200,99]},{index:.88,rgb:[170,220,50]},{index:1,rgb:[253,231,37]}],inferno:[{index:0,rgb:[0,0,4]},{index:.13,rgb:[31,12,72]},{index:.25,rgb:[85,15,109]},{index:.38,rgb:[136,34,106]},{index:.5,rgb:[186,54,85]},{index:.63,rgb:[227,89,51]},{index:.75,rgb:[249,140,10]},{index:.88,rgb:[249,201,50]},{index:1,rgb:[252,255,164]}],magma:[{index:0,rgb:[0,0,4]},{index:.13,rgb:[28,16,68]},{index:.25,rgb:[79,18,123]},{index:.38,rgb:[129,37,129]},{index:.5,rgb:[181,54,122]},{index:.63,rgb:[229,80,100]},{index:.75,rgb:[251,135,97]},{index:.88,rgb:[254,194,135]},{index:1,rgb:[252,253,191]}],plasma:[{index:0,rgb:[13,8,135]},{index:.13,rgb:[75,3,161]},{index:.25,rgb:[125,3,168]},{index:.38,rgb:[168,34,150]},{index:.5,rgb:[203,70,121]},{index:.63,rgb:[229,107,93]},{index:.75,rgb:[248,148,65]},{index:.88,rgb:[253,195,40]},{index:1,rgb:[240,249,33]}],warm:[{index:0,rgb:[125,0,179]},{index:.13,rgb:[172,0,187]},{index:.25,rgb:[219,0,170]},{index:.38,rgb:[255,0,130]},{index:.5,rgb:[255,63,74]},{index:.63,rgb:[255,123,0]},{index:.75,rgb:[234,176,0]},{index:.88,rgb:[190,228,0]},{index:1,rgb:[147,255,0]}],cool:[{index:0,rgb:[125,0,179]},{index:.13,rgb:[116,0,218]},{index:.25,rgb:[98,74,237]},{index:.38,rgb:[68,146,231]},{index:.5,rgb:[0,204,197]},{index:.63,rgb:[0,247,146]},{index:.75,rgb:[0,255,88]},{index:.88,rgb:[40,255,8]},{index:1,rgb:[147,255,0]}],"rainbow-soft":[{index:0,rgb:[125,0,179]},{index:.1,rgb:[199,0,180]},{index:.2,rgb:[255,0,121]},{index:.3,rgb:[255,108,0]},{index:.4,rgb:[222,194,0]},{index:.5,rgb:[150,255,0]},{index:.6,rgb:[0,255,55]},{index:.7,rgb:[0,246,150]},{index:.8,rgb:[50,167,222]},{index:.9,rgb:[103,51,235]},{index:1,rgb:[124,0,186]}],bathymetry:[{index:0,rgb:[40,26,44]},{index:.13,rgb:[59,49,90]},{index:.25,rgb:[64,76,139]},{index:.38,rgb:[63,110,151]},{index:.5,rgb:[72,142,158]},{index:.63,rgb:[85,174,163]},{index:.75,rgb:[120,206,163]},{index:.88,rgb:[187,230,172]},{index:1,rgb:[253,254,204]}],cdom:[{index:0,rgb:[47,15,62]},{index:.13,rgb:[87,23,86]},{index:.25,rgb:[130,28,99]},{index:.38,rgb:[171,41,96]},{index:.5,rgb:[206,67,86]},{index:.63,rgb:[230,106,84]},{index:.75,rgb:[242,149,103]},{index:.88,rgb:[249,193,135]},{index:1,rgb:[254,237,176]}],chlorophyll:[{index:0,rgb:[18,36,20]},{index:.13,rgb:[25,63,41]},{index:.25,rgb:[24,91,59]},{index:.38,rgb:[13,119,72]},{index:.5,rgb:[18,148,80]},{index:.63,rgb:[80,173,89]},{index:.75,rgb:[132,196,122]},{index:.88,rgb:[175,221,162]},{index:1,rgb:[215,249,208]}],density:[{index:0,rgb:[54,14,36]},{index:.13,rgb:[89,23,80]},{index:.25,rgb:[110,45,132]},{index:.38,rgb:[120,77,178]},{index:.5,rgb:[120,113,213]},{index:.63,rgb:[115,151,228]},{index:.75,rgb:[134,185,227]},{index:.88,rgb:[177,214,227]},{index:1,rgb:[230,241,241]}],"freesurface-blue":[{index:0,rgb:[30,4,110]},{index:.13,rgb:[47,14,176]},{index:.25,rgb:[41,45,236]},{index:.38,rgb:[25,99,212]},{index:.5,rgb:[68,131,200]},{index:.63,rgb:[114,156,197]},{index:.75,rgb:[157,181,203]},{index:.88,rgb:[200,208,216]},{index:1,rgb:[241,237,236]}],"freesurface-red":[{index:0,rgb:[60,9,18]},{index:.13,rgb:[100,17,27]},{index:.25,rgb:[142,20,29]},{index:.38,rgb:[177,43,27]},{index:.5,rgb:[192,87,63]},{index:.63,rgb:[205,125,105]},{index:.75,rgb:[216,162,148]},{index:.88,rgb:[227,199,193]},{index:1,rgb:[241,237,236]}],oxygen:[{index:0,rgb:[64,5,5]},{index:.13,rgb:[106,6,15]},{index:.25,rgb:[144,26,7]},{index:.38,rgb:[168,64,3]},{index:.5,rgb:[188,100,4]},{index:.63,rgb:[206,136,11]},{index:.75,rgb:[220,174,25]},{index:.88,rgb:[231,215,44]},{index:1,rgb:[248,254,105]}],par:[{index:0,rgb:[51,20,24]},{index:.13,rgb:[90,32,35]},{index:.25,rgb:[129,44,34]},{index:.38,rgb:[159,68,25]},{index:.5,rgb:[182,99,19]},{index:.63,rgb:[199,134,22]},{index:.75,rgb:[212,171,35]},{index:.88,rgb:[221,210,54]},{index:1,rgb:[225,253,75]}],phase:[{index:0,rgb:[145,105,18]},{index:.13,rgb:[184,71,38]},{index:.25,rgb:[186,58,115]},{index:.38,rgb:[160,71,185]},{index:.5,rgb:[110,97,218]},{index:.63,rgb:[50,123,164]},{index:.75,rgb:[31,131,110]},{index:.88,rgb:[77,129,34]},{index:1,rgb:[145,105,18]}],salinity:[{index:0,rgb:[42,24,108]},{index:.13,rgb:[33,50,162]},{index:.25,rgb:[15,90,145]},{index:.38,rgb:[40,118,137]},{index:.5,rgb:[59,146,135]},{index:.63,rgb:[79,175,126]},{index:.75,rgb:[120,203,104]},{index:.88,rgb:[193,221,100]},{index:1,rgb:[253,239,154]}],temperature:[{index:0,rgb:[4,35,51]},{index:.13,rgb:[23,51,122]},{index:.25,rgb:[85,59,157]},{index:.38,rgb:[129,79,143]},{index:.5,rgb:[175,95,130]},{index:.63,rgb:[222,112,101]},{index:.75,rgb:[249,146,66]},{index:.88,rgb:[249,196,65]},{index:1,rgb:[232,250,91]}],turbidity:[{index:0,rgb:[34,31,27]},{index:.13,rgb:[65,50,41]},{index:.25,rgb:[98,69,52]},{index:.38,rgb:[131,89,57]},{index:.5,rgb:[161,112,59]},{index:.63,rgb:[185,140,66]},{index:.75,rgb:[202,174,88]},{index:.88,rgb:[216,209,126]},{index:1,rgb:[233,246,171]}],"velocity-blue":[{index:0,rgb:[17,32,64]},{index:.13,rgb:[35,52,116]},{index:.25,rgb:[29,81,156]},{index:.38,rgb:[31,113,162]},{index:.5,rgb:[50,144,169]},{index:.63,rgb:[87,173,176]},{index:.75,rgb:[149,196,189]},{index:.88,rgb:[203,221,211]},{index:1,rgb:[254,251,230]}],"velocity-green":[{index:0,rgb:[23,35,19]},{index:.13,rgb:[24,64,38]},{index:.25,rgb:[11,95,45]},{index:.38,rgb:[39,123,35]},{index:.5,rgb:[95,146,12]},{index:.63,rgb:[152,165,18]},{index:.75,rgb:[201,186,69]},{index:.88,rgb:[233,216,137]},{index:1,rgb:[255,253,205]}],cubehelix:[{index:0,rgb:[0,0,0]},{index:.07,rgb:[22,5,59]},{index:.13,rgb:[60,4,105]},{index:.2,rgb:[109,1,135]},{index:.27,rgb:[161,0,147]},{index:.33,rgb:[210,2,142]},{index:.4,rgb:[251,11,123]},{index:.47,rgb:[255,29,97]},{index:.53,rgb:[255,54,69]},{index:.6,rgb:[255,85,46]},{index:.67,rgb:[255,120,34]},{index:.73,rgb:[255,157,37]},{index:.8,rgb:[241,191,57]},{index:.87,rgb:[224,220,93]},{index:.93,rgb:[218,241,142]},{index:1,rgb:[227,253,198]}]}},{}],131:[function(t,e,r){"use strict";var n=t("./colorScale"),i=t("lerp");function a(t){return[t[0]/255,t[1]/255,t[2]/255,t[3]]}function o(t){for(var e,r="#",n=0;n<3;++n)r+=("00"+(e=(e=t[n]).toString(16))).substr(e.length);return r}function s(t){return"rgba("+t.join(",")+")"}e.exports=function(t){var e,r,l,c,u,f,h,p,d,g;t||(t={});p=(t.nshades||72)-1,h=t.format||"hex",(f=t.colormap)||(f="jet");if("string"==typeof f){if(f=f.toLowerCase(),!n[f])throw Error(f+" not a supported colorscale");u=n[f]}else{if(!Array.isArray(f))throw Error("unsupported colormap option",f);u=f.slice()}if(u.length>p+1)throw new Error(f+" map requires nshades to be at least size "+u.length);d=Array.isArray(t.alpha)?2!==t.alpha.length?[1,1]:t.alpha.slice():"number"==typeof t.alpha?[t.alpha,t.alpha]:[1,1];e=u.map((function(t){return Math.round(t.index*p)})),d[0]=Math.min(Math.max(d[0],0),1),d[1]=Math.min(Math.max(d[1],0),1);var m=u.map((function(t,e){var r=u[e].index,n=u[e].rgb.slice();return 4===n.length&&n[3]>=0&&n[3]<=1||(n[3]=d[0]+(d[1]-d[0])*r),n})),v=[];for(g=0;g0||l(t,e,a)?-1:1:0===s?c>0||l(t,e,r)?1:-1:i(c-s)}var h=n(t,e,r);return h>0?o>0&&n(t,e,a)>0?1:-1:h<0?o>0||n(t,e,a)>0?1:-1:n(t,e,a)>0||l(t,e,r)?1:-1};var n=t("robust-orientation"),i=t("signum"),a=t("two-sum"),o=t("robust-product"),s=t("robust-sum");function l(t,e,r){var n=a(t[0],-e[0]),i=a(t[1],-e[1]),l=a(r[0],-e[0]),c=a(r[1],-e[1]),u=s(o(n,l),o(i,c));return u[u.length-1]>=0}},{"robust-orientation":548,"robust-product":549,"robust-sum":553,signum:554,"two-sum":583}],133:[function(t,e,r){e.exports=function(t,e){var r=t.length,a=t.length-e.length;if(a)return a;switch(r){case 0:return 0;case 1:return t[0]-e[0];case 2:return t[0]+t[1]-e[0]-e[1]||n(t[0],t[1])-n(e[0],e[1]);case 3:var o=t[0]+t[1],s=e[0]+e[1];if(a=o+t[2]-(s+e[2]))return a;var l=n(t[0],t[1]),c=n(e[0],e[1]);return n(l,t[2])-n(c,e[2])||n(l+t[2],o)-n(c+e[2],s);case 4:var u=t[0],f=t[1],h=t[2],p=t[3],d=e[0],g=e[1],m=e[2],v=e[3];return u+f+h+p-(d+g+m+v)||n(u,f,h,p)-n(d,g,m,v,d)||n(u+f,u+h,u+p,f+h,f+p,h+p)-n(d+g,d+m,d+v,g+m,g+v,m+v)||n(u+f+h,u+f+p,u+h+p,f+h+p)-n(d+g+m,d+g+v,d+m+v,g+m+v);default:for(var y=t.slice().sort(i),x=e.slice().sort(i),b=0;bt[r][0]&&(r=n);return er?[[r],[e]]:[[e]]}},{}],137:[function(t,e,r){"use strict";e.exports=function(t){var e=n(t),r=e.length;if(r<=2)return[];for(var i=new Array(r),a=e[r-1],o=0;o=e[l]&&(s+=1);a[o]=s}}return t}(n(a,!0),r)}};var n=t("incremental-convex-hull"),i=t("affine-hull")},{"affine-hull":67,"incremental-convex-hull":459}],139:[function(t,e,r){e.exports={AFG:"afghan",ALA:"\\b\\wland",ALB:"albania",DZA:"algeria",ASM:"^(?=.*americ).*samoa",AND:"andorra",AGO:"angola",AIA:"anguill?a",ATA:"antarctica",ATG:"antigua",ARG:"argentin",ARM:"armenia",ABW:"^(?!.*bonaire).*\\baruba",AUS:"australia",AUT:"^(?!.*hungary).*austria|\\baustri.*\\bemp",AZE:"azerbaijan",BHS:"bahamas",BHR:"bahrain",BGD:"bangladesh|^(?=.*east).*paki?stan",BRB:"barbados",BLR:"belarus|byelo",BEL:"^(?!.*luxem).*belgium",BLZ:"belize|^(?=.*british).*honduras",BEN:"benin|dahome",BMU:"bermuda",BTN:"bhutan",BOL:"bolivia",BES:"^(?=.*bonaire).*eustatius|^(?=.*carib).*netherlands|\\bbes.?islands",BIH:"herzegovina|bosnia",BWA:"botswana|bechuana",BVT:"bouvet",BRA:"brazil",IOT:"british.?indian.?ocean",BRN:"brunei",BGR:"bulgaria",BFA:"burkina|\\bfaso|upper.?volta",BDI:"burundi",CPV:"verde",KHM:"cambodia|kampuchea|khmer",CMR:"cameroon",CAN:"canada",CYM:"cayman",CAF:"\\bcentral.african.republic",TCD:"\\bchad",CHL:"\\bchile",CHN:"^(?!.*\\bmac)(?!.*\\bhong)(?!.*\\btai)(?!.*\\brep).*china|^(?=.*peo)(?=.*rep).*china",CXR:"christmas",CCK:"\\bcocos|keeling",COL:"colombia",COM:"comoro",COG:"^(?!.*\\bdem)(?!.*\\bd[\\.]?r)(?!.*kinshasa)(?!.*zaire)(?!.*belg)(?!.*l.opoldville)(?!.*free).*\\bcongo",COK:"\\bcook",CRI:"costa.?rica",CIV:"ivoire|ivory",HRV:"croatia",CUB:"\\bcuba",CUW:"^(?!.*bonaire).*\\bcura(c|\xe7)ao",CYP:"cyprus",CSK:"czechoslovakia",CZE:"^(?=.*rep).*czech|czechia|bohemia",COD:"\\bdem.*congo|congo.*\\bdem|congo.*\\bd[\\.]?r|\\bd[\\.]?r.*congo|belgian.?congo|congo.?free.?state|kinshasa|zaire|l.opoldville|drc|droc|rdc",DNK:"denmark",DJI:"djibouti",DMA:"dominica(?!n)",DOM:"dominican.rep",ECU:"ecuador",EGY:"egypt",SLV:"el.?salvador",GNQ:"guine.*eq|eq.*guine|^(?=.*span).*guinea",ERI:"eritrea",EST:"estonia",ETH:"ethiopia|abyssinia",FLK:"falkland|malvinas",FRO:"faroe|faeroe",FJI:"fiji",FIN:"finland",FRA:"^(?!.*\\bdep)(?!.*martinique).*france|french.?republic|\\bgaul",GUF:"^(?=.*french).*guiana",PYF:"french.?polynesia|tahiti",ATF:"french.?southern",GAB:"gabon",GMB:"gambia",GEO:"^(?!.*south).*georgia",DDR:"german.?democratic.?republic|democratic.?republic.*germany|east.germany",DEU:"^(?!.*east).*germany|^(?=.*\\bfed.*\\brep).*german",GHA:"ghana|gold.?coast",GIB:"gibraltar",GRC:"greece|hellenic|hellas",GRL:"greenland",GRD:"grenada",GLP:"guadeloupe",GUM:"\\bguam",GTM:"guatemala",GGY:"guernsey",GIN:"^(?!.*eq)(?!.*span)(?!.*bissau)(?!.*portu)(?!.*new).*guinea",GNB:"bissau|^(?=.*portu).*guinea",GUY:"guyana|british.?guiana",HTI:"haiti",HMD:"heard.*mcdonald",VAT:"holy.?see|vatican|papal.?st",HND:"^(?!.*brit).*honduras",HKG:"hong.?kong",HUN:"^(?!.*austr).*hungary",ISL:"iceland",IND:"india(?!.*ocea)",IDN:"indonesia",IRN:"\\biran|persia",IRQ:"\\biraq|mesopotamia",IRL:"(^ireland)|(^republic.*ireland)",IMN:"^(?=.*isle).*\\bman",ISR:"israel",ITA:"italy",JAM:"jamaica",JPN:"japan",JEY:"jersey",JOR:"jordan",KAZ:"kazak",KEN:"kenya|british.?east.?africa|east.?africa.?prot",KIR:"kiribati",PRK:"^(?=.*democrat|people|north|d.*p.*.r).*\\bkorea|dprk|korea.*(d.*p.*r)",KWT:"kuwait",KGZ:"kyrgyz|kirghiz",LAO:"\\blaos?\\b",LVA:"latvia",LBN:"lebanon",LSO:"lesotho|basuto",LBR:"liberia",LBY:"libya",LIE:"liechtenstein",LTU:"lithuania",LUX:"^(?!.*belg).*luxem",MAC:"maca(o|u)",MDG:"madagascar|malagasy",MWI:"malawi|nyasa",MYS:"malaysia",MDV:"maldive",MLI:"\\bmali\\b",MLT:"\\bmalta",MHL:"marshall",MTQ:"martinique",MRT:"mauritania",MUS:"mauritius",MYT:"\\bmayotte",MEX:"\\bmexic",FSM:"fed.*micronesia|micronesia.*fed",MCO:"monaco",MNG:"mongolia",MNE:"^(?!.*serbia).*montenegro",MSR:"montserrat",MAR:"morocco|\\bmaroc",MOZ:"mozambique",MMR:"myanmar|burma",NAM:"namibia",NRU:"nauru",NPL:"nepal",NLD:"^(?!.*\\bant)(?!.*\\bcarib).*netherlands",ANT:"^(?=.*\\bant).*(nether|dutch)",NCL:"new.?caledonia",NZL:"new.?zealand",NIC:"nicaragua",NER:"\\bniger(?!ia)",NGA:"nigeria",NIU:"niue",NFK:"norfolk",MNP:"mariana",NOR:"norway",OMN:"\\boman|trucial",PAK:"^(?!.*east).*paki?stan",PLW:"palau",PSE:"palestin|\\bgaza|west.?bank",PAN:"panama",PNG:"papua|new.?guinea",PRY:"paraguay",PER:"peru",PHL:"philippines",PCN:"pitcairn",POL:"poland",PRT:"portugal",PRI:"puerto.?rico",QAT:"qatar",KOR:"^(?!.*d.*p.*r)(?!.*democrat)(?!.*people)(?!.*north).*\\bkorea(?!.*d.*p.*r)",MDA:"moldov|b(a|e)ssarabia",REU:"r(e|\xe9)union",ROU:"r(o|u|ou)mania",RUS:"\\brussia|soviet.?union|u\\.?s\\.?s\\.?r|socialist.?republics",RWA:"rwanda",BLM:"barth(e|\xe9)lemy",SHN:"helena",KNA:"kitts|\\bnevis",LCA:"\\blucia",MAF:"^(?=.*collectivity).*martin|^(?=.*france).*martin(?!ique)|^(?=.*french).*martin(?!ique)",SPM:"miquelon",VCT:"vincent",WSM:"^(?!.*amer).*samoa",SMR:"san.?marino",STP:"\\bs(a|\xe3)o.?tom(e|\xe9)",SAU:"\\bsa\\w*.?arabia",SEN:"senegal",SRB:"^(?!.*monte).*serbia",SYC:"seychell",SLE:"sierra",SGP:"singapore",SXM:"^(?!.*martin)(?!.*saba).*maarten",SVK:"^(?!.*cze).*slovak",SVN:"slovenia",SLB:"solomon",SOM:"somali",ZAF:"south.africa|s\\\\..?africa",SGS:"south.?georgia|sandwich",SSD:"\\bs\\w*.?sudan",ESP:"spain",LKA:"sri.?lanka|ceylon",SDN:"^(?!.*\\bs(?!u)).*sudan",SUR:"surinam|dutch.?guiana",SJM:"svalbard",SWZ:"swaziland",SWE:"sweden",CHE:"switz|swiss",SYR:"syria",TWN:"taiwan|taipei|formosa|^(?!.*peo)(?=.*rep).*china",TJK:"tajik",THA:"thailand|\\bsiam",MKD:"macedonia|fyrom",TLS:"^(?=.*leste).*timor|^(?=.*east).*timor",TGO:"togo",TKL:"tokelau",TON:"tonga",TTO:"trinidad|tobago",TUN:"tunisia",TUR:"turkey",TKM:"turkmen",TCA:"turks",TUV:"tuvalu",UGA:"uganda",UKR:"ukrain",ARE:"emirates|^u\\.?a\\.?e\\.?$|united.?arab.?em",GBR:"united.?kingdom|britain|^u\\.?k\\.?$",TZA:"tanzania",USA:"united.?states\\b(?!.*islands)|\\bu\\.?s\\.?a\\.?\\b|^\\s*u\\.?s\\.?\\b(?!.*islands)",UMI:"minor.?outlying.?is",URY:"uruguay",UZB:"uzbek",VUT:"vanuatu|new.?hebrides",VEN:"venezuela",VNM:"^(?!.*republic).*viet.?nam|^(?=.*socialist).*viet.?nam",VGB:"^(?=.*\\bu\\.?\\s?k).*virgin|^(?=.*brit).*virgin|^(?=.*kingdom).*virgin",VIR:"^(?=.*\\bu\\.?\\s?s).*virgin|^(?=.*states).*virgin",WLF:"futuna|wallis",ESH:"western.sahara",YEM:"^(?!.*arab)(?!.*north)(?!.*sana)(?!.*peo)(?!.*dem)(?!.*south)(?!.*aden)(?!.*\\bp\\.?d\\.?r).*yemen",YMD:"^(?=.*peo).*yemen|^(?!.*rep)(?=.*dem).*yemen|^(?=.*south).*yemen|^(?=.*aden).*yemen|^(?=.*\\bp\\.?d\\.?r).*yemen",YUG:"yugoslavia",ZMB:"zambia|northern.?rhodesia",EAZ:"zanzibar",ZWE:"zimbabwe|^(?!.*northern).*rhodesia"}},{}],140:[function(t,e,r){e.exports=["xx-small","x-small","small","medium","large","x-large","xx-large","larger","smaller"]},{}],141:[function(t,e,r){e.exports=["normal","condensed","semi-condensed","extra-condensed","ultra-condensed","expanded","semi-expanded","extra-expanded","ultra-expanded"]},{}],142:[function(t,e,r){e.exports=["normal","italic","oblique"]},{}],143:[function(t,e,r){e.exports=["normal","bold","bolder","lighter","100","200","300","400","500","600","700","800","900"]},{}],144:[function(t,e,r){"use strict";e.exports={parse:t("./parse"),stringify:t("./stringify")}},{"./parse":146,"./stringify":147}],145:[function(t,e,r){"use strict";var n=t("css-font-size-keywords");e.exports={isSize:function(t){return/^[\d\.]/.test(t)||-1!==t.indexOf("/")||-1!==n.indexOf(t)}}},{"css-font-size-keywords":140}],146:[function(t,e,r){"use strict";var n=t("unquote"),i=t("css-global-keywords"),a=t("css-system-font-keywords"),o=t("css-font-weight-keywords"),s=t("css-font-style-keywords"),l=t("css-font-stretch-keywords"),c=t("string-split-by"),u=t("./lib/util").isSize;e.exports=h;var f=h.cache={};function h(t){if("string"!=typeof t)throw new Error("Font argument must be a string.");if(f[t])return f[t];if(""===t)throw new Error("Cannot parse an empty string.");if(-1!==a.indexOf(t))return f[t]={system:t};for(var e,r={style:"normal",variant:"normal",weight:"normal",stretch:"normal",lineHeight:"normal",size:"1rem",family:["serif"]},h=c(t,/\s+/);e=h.shift();){if(-1!==i.indexOf(e))return["style","variant","weight","stretch"].forEach((function(t){r[t]=e})),f[t]=r;if(-1===s.indexOf(e))if("normal"!==e&&"small-caps"!==e)if(-1===l.indexOf(e)){if(-1===o.indexOf(e)){if(u(e)){var d=c(e,"/");if(r.size=d[0],null!=d[1]?r.lineHeight=p(d[1]):"/"===h[0]&&(h.shift(),r.lineHeight=p(h.shift())),!h.length)throw new Error("Missing required font-family.");return r.family=c(h.join(" "),/\s*,\s*/).map(n),f[t]=r}throw new Error("Unknown or unsupported font token: "+e)}r.weight=e}else r.stretch=e;else r.variant=e;else r.style=e}throw new Error("Missing required font-size.")}function p(t){var e=parseFloat(t);return e.toString()===t?e:t}},{"./lib/util":145,"css-font-stretch-keywords":141,"css-font-style-keywords":142,"css-font-weight-keywords":143,"css-global-keywords":148,"css-system-font-keywords":149,"string-split-by":568,unquote:598}],147:[function(t,e,r){"use strict";var n=t("pick-by-alias"),i=t("./lib/util").isSize,a=g(t("css-global-keywords")),o=g(t("css-system-font-keywords")),s=g(t("css-font-weight-keywords")),l=g(t("css-font-style-keywords")),c=g(t("css-font-stretch-keywords")),u={normal:1,"small-caps":1},f={serif:1,"sans-serif":1,monospace:1,cursive:1,fantasy:1,"system-ui":1},h="1rem",p="serif";function d(t,e){if(t&&!e[t]&&!a[t])throw Error("Unknown keyword `"+t+"`");return t}function g(t){for(var e={},r=0;r=0;--p)a[p]=c*t[p]+u*e[p]+f*r[p]+h*n[p];return a}return c*t+u*e+f*r+h*n},e.exports.derivative=function(t,e,r,n,i,a){var o=6*i*i-6*i,s=3*i*i-4*i+1,l=-6*i*i+6*i,c=3*i*i-2*i;if(t.length){a||(a=new Array(t.length));for(var u=t.length-1;u>=0;--u)a[u]=o*t[u]+s*e[u]+l*r[u]+c*n[u];return a}return o*t+s*e+l*r[u]+c*n}},{}],151:[function(t,e,r){"use strict";var n=t("./lib/thunk.js");function i(){this.argTypes=[],this.shimArgs=[],this.arrayArgs=[],this.arrayBlockIndices=[],this.scalarArgs=[],this.offsetArgs=[],this.offsetArgIndex=[],this.indexArgs=[],this.shapeArgs=[],this.funcName="",this.pre=null,this.body=null,this.post=null,this.debug=!1}e.exports=function(t){var e=new i;e.pre=t.pre,e.body=t.body,e.post=t.post;var r=t.args.slice(0);e.argTypes=r;for(var a=0;a0)throw new Error("cwise: pre() block may not reference array args");if(a0)throw new Error("cwise: post() block may not reference array args")}else if("scalar"===o)e.scalarArgs.push(a),e.shimArgs.push("scalar"+a);else if("index"===o){if(e.indexArgs.push(a),a0)throw new Error("cwise: pre() block may not reference array index");if(a0)throw new Error("cwise: post() block may not reference array index")}else if("shape"===o){if(e.shapeArgs.push(a),ar.length)throw new Error("cwise: Too many arguments in pre() block");if(e.body.args.length>r.length)throw new Error("cwise: Too many arguments in body() block");if(e.post.args.length>r.length)throw new Error("cwise: Too many arguments in post() block");return e.debug=!!t.printCode||!!t.debug,e.funcName=t.funcName||"cwise",e.blockSize=t.blockSize||64,n(e)}},{"./lib/thunk.js":153}],152:[function(t,e,r){"use strict";var n=t("uniq");function i(t,e,r){var n,i,a=t.length,o=e.arrayArgs.length,s=e.indexArgs.length>0,l=[],c=[],u=0,f=0;for(n=0;n0&&l.push("var "+c.join(",")),n=a-1;n>=0;--n)u=t[n],l.push(["for(i",n,"=0;i",n,"0&&l.push(["index[",f,"]-=s",f].join("")),l.push(["++index[",u,"]"].join(""))),l.push("}")}return l.join("\n")}function a(t,e,r){for(var n=t.body,i=[],a=[],o=0;o0&&(r=r&&e[n]===e[n-1])}return r?e[0]:e.join("")}e.exports=function(t,e){for(var r=e[1].length-Math.abs(t.arrayBlockIndices[0])|0,s=new Array(t.arrayArgs.length),l=new Array(t.arrayArgs.length),c=0;c0&&x.push("shape=SS.slice(0)"),t.indexArgs.length>0){var b=new Array(r);for(c=0;c0&&y.push("var "+x.join(",")),c=0;c3&&y.push(a(t.pre,t,l));var k=a(t.body,t,l),M=function(t){for(var e=0,r=t[0].length;e0,c=[],u=0;u0;){"].join("")),c.push(["if(j",u,"<",s,"){"].join("")),c.push(["s",e[u],"=j",u].join("")),c.push(["j",u,"=0"].join("")),c.push(["}else{s",e[u],"=",s].join("")),c.push(["j",u,"-=",s,"}"].join("")),l&&c.push(["index[",e[u],"]=j",u].join(""));for(u=0;u3&&y.push(a(t.post,t,l)),t.debug&&console.log("-----Generated cwise routine for ",e,":\n"+y.join("\n")+"\n----------");var A=[t.funcName||"unnamed","_cwise_loop_",s[0].join("s"),"m",M,o(l)].join("");return new Function(["function ",A,"(",v.join(","),"){",y.join("\n"),"} return ",A].join(""))()}},{uniq:597}],153:[function(t,e,r){"use strict";var n=t("./compile.js");e.exports=function(t){var e=["'use strict'","var CACHED={}"],r=[],i=t.funcName+"_cwise_thunk";e.push(["return function ",i,"(",t.shimArgs.join(","),"){"].join(""));for(var a=[],o=[],s=[["array",t.arrayArgs[0],".shape.slice(",Math.max(0,t.arrayBlockIndices[0]),t.arrayBlockIndices[0]<0?","+t.arrayBlockIndices[0]+")":")"].join("")],l=[],c=[],u=0;u0&&(l.push("array"+t.arrayArgs[0]+".shape.length===array"+f+".shape.length+"+(Math.abs(t.arrayBlockIndices[0])-Math.abs(t.arrayBlockIndices[u]))),c.push("array"+t.arrayArgs[0]+".shape[shapeIndex+"+Math.max(0,t.arrayBlockIndices[0])+"]===array"+f+".shape[shapeIndex+"+Math.max(0,t.arrayBlockIndices[u])+"]"))}for(t.arrayArgs.length>1&&(e.push("if (!("+l.join(" && ")+")) throw new Error('cwise: Arrays do not all have the same dimensionality!')"),e.push("for(var shapeIndex=array"+t.arrayArgs[0]+".shape.length-"+Math.abs(t.arrayBlockIndices[0])+"; shapeIndex--\x3e0;) {"),e.push("if (!("+c.join(" && ")+")) throw new Error('cwise: Arrays do not all have the same shape!')"),e.push("}")),u=0;ue?1:t>=e?0:NaN}function r(t){var r;return 1===t.length&&(r=t,t=function(t,n){return e(r(t),n)}),{left:function(e,r,n,i){for(null==n&&(n=0),null==i&&(i=e.length);n>>1;t(e[a],r)<0?n=a+1:i=a}return n},right:function(e,r,n,i){for(null==n&&(n=0),null==i&&(i=e.length);n>>1;t(e[a],r)>0?i=a:n=a+1}return n}}}var n=r(e),i=n.right,a=n.left;function o(t,e){return[t,e]}function s(t){return null===t?NaN:+t}function l(t,e){var r,n,i=t.length,a=0,o=-1,l=0,c=0;if(null==e)for(;++o1)return c/(a-1)}function c(t,e){var r=l(t,e);return r?Math.sqrt(r):r}function u(t,e){var r,n,i,a=t.length,o=-1;if(null==e){for(;++o=r)for(n=i=r;++or&&(n=r),i=r)for(n=i=r;++or&&(n=r),i=0?(a>=v?10:a>=y?5:a>=x?2:1)*Math.pow(10,i):-Math.pow(10,-i)/(a>=v?10:a>=y?5:a>=x?2:1)}function _(t,e,r){var n=Math.abs(e-t)/Math.max(0,r),i=Math.pow(10,Math.floor(Math.log(n)/Math.LN10)),a=n/i;return a>=v?i*=10:a>=y?i*=5:a>=x&&(i*=2),e=1)return+r(t[n-1],n-1,t);var n,i=(n-1)*e,a=Math.floor(i),o=+r(t[a],a,t);return o+(+r(t[a+1],a+1,t)-o)*(i-a)}}function k(t,e){var r,n,i=t.length,a=-1;if(null==e){for(;++a=r)for(n=r;++ar&&(n=r)}else for(;++a=r)for(n=r;++ar&&(n=r);return n}function M(t){if(!(i=t.length))return[];for(var e=-1,r=k(t,A),n=new Array(r);++et?1:e>=t?0:NaN},t.deviation=c,t.extent=u,t.histogram=function(){var t=g,e=u,r=w;function n(n){var a,o,s=n.length,l=new Array(s);for(a=0;af;)h.pop(),--p;var d,g=new Array(p+1);for(a=0;a<=p;++a)(d=g[a]=[]).x0=a>0?h[a-1]:u,d.x1=a=r)for(n=r;++an&&(n=r)}else for(;++a=r)for(n=r;++an&&(n=r);return n},t.mean=function(t,e){var r,n=t.length,i=n,a=-1,o=0;if(null==e)for(;++a=0;)for(e=(n=t[i]).length;--e>=0;)r[--o]=n[e];return r},t.min=k,t.pairs=function(t,e){null==e&&(e=o);for(var r=0,n=t.length-1,i=t[0],a=new Array(n<0?0:n);r0)return[t];if((n=e0)for(t=Math.ceil(t/o),e=Math.floor(e/o),a=new Array(i=Math.ceil(e-t+1));++s=l.length)return null!=t&&n.sort(t),null!=e?e(n):n;for(var s,c,f,h=-1,p=n.length,d=l[i++],g=r(),m=a();++hl.length)return r;var i,a=c[n-1];return null!=e&&n>=l.length?i=r.entries():(i=[],r.each((function(e,r){i.push({key:r,values:t(e,n)})}))),null!=a?i.sort((function(t,e){return a(t.key,e.key)})):i}(u(t,0,a,o),0)},key:function(t){return l.push(t),s},sortKeys:function(t){return c[l.length-1]=t,s},sortValues:function(e){return t=e,s},rollup:function(t){return e=t,s}}},t.set=c,t.map=r,t.keys=function(t){var e=[];for(var r in t)e.push(r);return e},t.values=function(t){var e=[];for(var r in t)e.push(t[r]);return e},t.entries=function(t){var e=[];for(var r in t)e.push({key:r,value:t[r]});return e},Object.defineProperty(t,"__esModule",{value:!0})}))},{}],158:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?n(r):n((t=t||self).d3=t.d3||{})}(this,(function(t){"use strict";function e(t,e,r){t.prototype=e.prototype=r,r.constructor=t}function r(t,e){var r=Object.create(t.prototype);for(var n in e)r[n]=e[n];return r}function n(){}var i="\\s*([+-]?\\d+)\\s*",a="\\s*([+-]?\\d*\\.?\\d+(?:[eE][+-]?\\d+)?)\\s*",o="\\s*([+-]?\\d*\\.?\\d+(?:[eE][+-]?\\d+)?)%\\s*",s=/^#([0-9a-f]{3,8})$/,l=new RegExp("^rgb\\("+[i,i,i]+"\\)$"),c=new RegExp("^rgb\\("+[o,o,o]+"\\)$"),u=new RegExp("^rgba\\("+[i,i,i,a]+"\\)$"),f=new RegExp("^rgba\\("+[o,o,o,a]+"\\)$"),h=new RegExp("^hsl\\("+[a,o,o]+"\\)$"),p=new RegExp("^hsla\\("+[a,o,o,a]+"\\)$"),d={aliceblue:15792383,antiquewhite:16444375,aqua:65535,aquamarine:8388564,azure:15794175,beige:16119260,bisque:16770244,black:0,blanchedalmond:16772045,blue:255,blueviolet:9055202,brown:10824234,burlywood:14596231,cadetblue:6266528,chartreuse:8388352,chocolate:13789470,coral:16744272,cornflowerblue:6591981,cornsilk:16775388,crimson:14423100,cyan:65535,darkblue:139,darkcyan:35723,darkgoldenrod:12092939,darkgray:11119017,darkgreen:25600,darkgrey:11119017,darkkhaki:12433259,darkmagenta:9109643,darkolivegreen:5597999,darkorange:16747520,darkorchid:10040012,darkred:9109504,darksalmon:15308410,darkseagreen:9419919,darkslateblue:4734347,darkslategray:3100495,darkslategrey:3100495,darkturquoise:52945,darkviolet:9699539,deeppink:16716947,deepskyblue:49151,dimgray:6908265,dimgrey:6908265,dodgerblue:2003199,firebrick:11674146,floralwhite:16775920,forestgreen:2263842,fuchsia:16711935,gainsboro:14474460,ghostwhite:16316671,gold:16766720,goldenrod:14329120,gray:8421504,green:32768,greenyellow:11403055,grey:8421504,honeydew:15794160,hotpink:16738740,indianred:13458524,indigo:4915330,ivory:16777200,khaki:15787660,lavender:15132410,lavenderblush:16773365,lawngreen:8190976,lemonchiffon:16775885,lightblue:11393254,lightcoral:15761536,lightcyan:14745599,lightgoldenrodyellow:16448210,lightgray:13882323,lightgreen:9498256,lightgrey:13882323,lightpink:16758465,lightsalmon:16752762,lightseagreen:2142890,lightskyblue:8900346,lightslategray:7833753,lightslategrey:7833753,lightsteelblue:11584734,lightyellow:16777184,lime:65280,limegreen:3329330,linen:16445670,magenta:16711935,maroon:8388608,mediumaquamarine:6737322,mediumblue:205,mediumorchid:12211667,mediumpurple:9662683,mediumseagreen:3978097,mediumslateblue:8087790,mediumspringgreen:64154,mediumturquoise:4772300,mediumvioletred:13047173,midnightblue:1644912,mintcream:16121850,mistyrose:16770273,moccasin:16770229,navajowhite:16768685,navy:128,oldlace:16643558,olive:8421376,olivedrab:7048739,orange:16753920,orangered:16729344,orchid:14315734,palegoldenrod:15657130,palegreen:10025880,paleturquoise:11529966,palevioletred:14381203,papayawhip:16773077,peachpuff:16767673,peru:13468991,pink:16761035,plum:14524637,powderblue:11591910,purple:8388736,rebeccapurple:6697881,red:16711680,rosybrown:12357519,royalblue:4286945,saddlebrown:9127187,salmon:16416882,sandybrown:16032864,seagreen:3050327,seashell:16774638,sienna:10506797,silver:12632256,skyblue:8900331,slateblue:6970061,slategray:7372944,slategrey:7372944,snow:16775930,springgreen:65407,steelblue:4620980,tan:13808780,teal:32896,thistle:14204888,tomato:16737095,turquoise:4251856,violet:15631086,wheat:16113331,white:16777215,whitesmoke:16119285,yellow:16776960,yellowgreen:10145074};function g(){return this.rgb().formatHex()}function m(){return this.rgb().formatRgb()}function v(t){var e,r;return t=(t+"").trim().toLowerCase(),(e=s.exec(t))?(r=e[1].length,e=parseInt(e[1],16),6===r?y(e):3===r?new w(e>>8&15|e>>4&240,e>>4&15|240&e,(15&e)<<4|15&e,1):8===r?x(e>>24&255,e>>16&255,e>>8&255,(255&e)/255):4===r?x(e>>12&15|e>>8&240,e>>8&15|e>>4&240,e>>4&15|240&e,((15&e)<<4|15&e)/255):null):(e=l.exec(t))?new w(e[1],e[2],e[3],1):(e=c.exec(t))?new w(255*e[1]/100,255*e[2]/100,255*e[3]/100,1):(e=u.exec(t))?x(e[1],e[2],e[3],e[4]):(e=f.exec(t))?x(255*e[1]/100,255*e[2]/100,255*e[3]/100,e[4]):(e=h.exec(t))?A(e[1],e[2]/100,e[3]/100,1):(e=p.exec(t))?A(e[1],e[2]/100,e[3]/100,e[4]):d.hasOwnProperty(t)?y(d[t]):"transparent"===t?new w(NaN,NaN,NaN,0):null}function y(t){return new w(t>>16&255,t>>8&255,255&t,1)}function x(t,e,r,n){return n<=0&&(t=e=r=NaN),new w(t,e,r,n)}function b(t){return t instanceof n||(t=v(t)),t?new w((t=t.rgb()).r,t.g,t.b,t.opacity):new w}function _(t,e,r,n){return 1===arguments.length?b(t):new w(t,e,r,null==n?1:n)}function w(t,e,r,n){this.r=+t,this.g=+e,this.b=+r,this.opacity=+n}function T(){return"#"+M(this.r)+M(this.g)+M(this.b)}function k(){var t=this.opacity;return(1===(t=isNaN(t)?1:Math.max(0,Math.min(1,t)))?"rgb(":"rgba(")+Math.max(0,Math.min(255,Math.round(this.r)||0))+", "+Math.max(0,Math.min(255,Math.round(this.g)||0))+", "+Math.max(0,Math.min(255,Math.round(this.b)||0))+(1===t?")":", "+t+")")}function M(t){return((t=Math.max(0,Math.min(255,Math.round(t)||0)))<16?"0":"")+t.toString(16)}function A(t,e,r,n){return n<=0?t=e=r=NaN:r<=0||r>=1?t=e=NaN:e<=0&&(t=NaN),new C(t,e,r,n)}function S(t){if(t instanceof C)return new C(t.h,t.s,t.l,t.opacity);if(t instanceof n||(t=v(t)),!t)return new C;if(t instanceof C)return t;var e=(t=t.rgb()).r/255,r=t.g/255,i=t.b/255,a=Math.min(e,r,i),o=Math.max(e,r,i),s=NaN,l=o-a,c=(o+a)/2;return l?(s=e===o?(r-i)/l+6*(r0&&c<1?0:s,new C(s,l,c,t.opacity)}function E(t,e,r,n){return 1===arguments.length?S(t):new C(t,e,r,null==n?1:n)}function C(t,e,r,n){this.h=+t,this.s=+e,this.l=+r,this.opacity=+n}function L(t,e,r){return 255*(t<60?e+(r-e)*t/60:t<180?r:t<240?e+(r-e)*(240-t)/60:e)}e(n,v,{copy:function(t){return Object.assign(new this.constructor,this,t)},displayable:function(){return this.rgb().displayable()},hex:g,formatHex:g,formatHsl:function(){return S(this).formatHsl()},formatRgb:m,toString:m}),e(w,_,r(n,{brighter:function(t){return t=null==t?1/.7:Math.pow(1/.7,t),new w(this.r*t,this.g*t,this.b*t,this.opacity)},darker:function(t){return t=null==t?.7:Math.pow(.7,t),new w(this.r*t,this.g*t,this.b*t,this.opacity)},rgb:function(){return this},displayable:function(){return-.5<=this.r&&this.r<255.5&&-.5<=this.g&&this.g<255.5&&-.5<=this.b&&this.b<255.5&&0<=this.opacity&&this.opacity<=1},hex:T,formatHex:T,formatRgb:k,toString:k})),e(C,E,r(n,{brighter:function(t){return t=null==t?1/.7:Math.pow(1/.7,t),new C(this.h,this.s,this.l*t,this.opacity)},darker:function(t){return t=null==t?.7:Math.pow(.7,t),new C(this.h,this.s,this.l*t,this.opacity)},rgb:function(){var t=this.h%360+360*(this.h<0),e=isNaN(t)||isNaN(this.s)?0:this.s,r=this.l,n=r+(r<.5?r:1-r)*e,i=2*r-n;return new w(L(t>=240?t-240:t+120,i,n),L(t,i,n),L(t<120?t+240:t-120,i,n),this.opacity)},displayable:function(){return(0<=this.s&&this.s<=1||isNaN(this.s))&&0<=this.l&&this.l<=1&&0<=this.opacity&&this.opacity<=1},formatHsl:function(){var t=this.opacity;return(1===(t=isNaN(t)?1:Math.max(0,Math.min(1,t)))?"hsl(":"hsla(")+(this.h||0)+", "+100*(this.s||0)+"%, "+100*(this.l||0)+"%"+(1===t?")":", "+t+")")}}));var I=Math.PI/180,P=180/Math.PI,z=6/29,O=3*z*z;function D(t){if(t instanceof F)return new F(t.l,t.a,t.b,t.opacity);if(t instanceof H)return G(t);t instanceof w||(t=b(t));var e,r,n=U(t.r),i=U(t.g),a=U(t.b),o=B((.2225045*n+.7168786*i+.0606169*a)/1);return n===i&&i===a?e=r=o:(e=B((.4360747*n+.3850649*i+.1430804*a)/.96422),r=B((.0139322*n+.0971045*i+.7141733*a)/.82521)),new F(116*o-16,500*(e-o),200*(o-r),t.opacity)}function R(t,e,r,n){return 1===arguments.length?D(t):new F(t,e,r,null==n?1:n)}function F(t,e,r,n){this.l=+t,this.a=+e,this.b=+r,this.opacity=+n}function B(t){return t>.008856451679035631?Math.pow(t,1/3):t/O+4/29}function N(t){return t>z?t*t*t:O*(t-4/29)}function j(t){return 255*(t<=.0031308?12.92*t:1.055*Math.pow(t,1/2.4)-.055)}function U(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function V(t){if(t instanceof H)return new H(t.h,t.c,t.l,t.opacity);if(t instanceof F||(t=D(t)),0===t.a&&0===t.b)return new H(NaN,0=0&&(r=t.slice(n+1),t=t.slice(0,n)),t&&!e.hasOwnProperty(t))throw new Error("unknown type: "+t);return{type:t,name:r}}))}function a(t,e){for(var r,n=0,i=t.length;n0)for(var r,n,i=new Array(r),a=0;ah+c||np+c||au.index){var f=h-s.x-s.vx,m=p-s.y-s.vy,v=f*f+m*m;vt.r&&(t.r=t[e].r)}function h(){if(r){var e,i,a=r.length;for(n=new Array(a),e=0;e=c)){(t.data!==r||t.next)&&(0===f&&(d+=(f=o())*f),0===h&&(d+=(h=o())*h),d1?(null==r?u.remove(t):u.set(t,v(r)),e):u.get(t)},find:function(e,r,n){var i,a,o,s,l,c=0,u=t.length;for(null==n?n=1/0:n*=n,c=0;c1?(h.on(t,r),e):h.on(t)}}},t.forceX=function(t){var e,r,n,i=a(.1);function o(t){for(var i,a=0,o=e.length;a=0;)e+=r[n].value;else e=1;t.value=e}function a(t,e){var r,n,i,a,s,u=new c(t),f=+t.value&&(u.value=t.value),h=[u];for(null==e&&(e=o);r=h.pop();)if(f&&(r.value=+r.data.value),(i=e(r.data))&&(s=i.length))for(r.children=new Array(s),a=s-1;a>=0;--a)h.push(n=r.children[a]=new c(i[a])),n.parent=r,n.depth=r.depth+1;return u.eachBefore(l)}function o(t){return t.children}function s(t){t.data=t.data.data}function l(t){var e=0;do{t.height=e}while((t=t.parent)&&t.height<++e)}function c(t){this.data=t,this.depth=this.height=0,this.parent=null}c.prototype=a.prototype={constructor:c,count:function(){return this.eachAfter(i)},each:function(t){var e,r,n,i,a=this,o=[a];do{for(e=o.reverse(),o=[];a=e.pop();)if(t(a),r=a.children)for(n=0,i=r.length;n=0;--r)i.push(e[r]);return this},sum:function(t){return this.eachAfter((function(e){for(var r=+t(e.data)||0,n=e.children,i=n&&n.length;--i>=0;)r+=n[i].value;e.value=r}))},sort:function(t){return this.eachBefore((function(e){e.children&&e.children.sort(t)}))},path:function(t){for(var e=this,r=function(t,e){if(t===e)return t;var r=t.ancestors(),n=e.ancestors(),i=null;t=r.pop(),e=n.pop();for(;t===e;)i=t,t=r.pop(),e=n.pop();return i}(e,t),n=[e];e!==r;)e=e.parent,n.push(e);for(var i=n.length;t!==r;)n.splice(i,0,t),t=t.parent;return n},ancestors:function(){for(var t=this,e=[t];t=t.parent;)e.push(t);return e},descendants:function(){var t=[];return this.each((function(e){t.push(e)})),t},leaves:function(){var t=[];return this.eachBefore((function(e){e.children||t.push(e)})),t},links:function(){var t=this,e=[];return t.each((function(r){r!==t&&e.push({source:r.parent,target:r})})),e},copy:function(){return a(this).eachBefore(s)}};var u=Array.prototype.slice;function f(t){for(var e,r,n=0,i=(t=function(t){for(var e,r,n=t.length;n;)r=Math.random()*n--|0,e=t[n],t[n]=t[r],t[r]=e;return t}(u.call(t))).length,a=[];n0&&r*r>n*n+i*i}function g(t,e){for(var r=0;r(o*=o)?(n=(c+o-i)/(2*c),a=Math.sqrt(Math.max(0,o/c-n*n)),r.x=t.x-n*s-a*l,r.y=t.y-n*l+a*s):(n=(c+i-o)/(2*c),a=Math.sqrt(Math.max(0,i/c-n*n)),r.x=e.x+n*s-a*l,r.y=e.y+n*l+a*s)):(r.x=e.x+r.r,r.y=e.y)}function b(t,e){var r=t.r+e.r-1e-6,n=e.x-t.x,i=e.y-t.y;return r>0&&r*r>n*n+i*i}function _(t){var e=t._,r=t.next._,n=e.r+r.r,i=(e.x*r.r+r.x*e.r)/n,a=(e.y*r.r+r.y*e.r)/n;return i*i+a*a}function w(t){this._=t,this.next=null,this.previous=null}function T(t){if(!(i=t.length))return 0;var e,r,n,i,a,o,s,l,c,u,h;if((e=t[0]).x=0,e.y=0,!(i>1))return e.r;if(r=t[1],e.x=-r.r,r.x=e.r,r.y=0,!(i>2))return e.r+r.r;x(r,e,n=t[2]),e=new w(e),r=new w(r),n=new w(n),e.next=n.previous=r,r.next=e.previous=n,n.next=r.previous=e;t:for(s=3;sh&&(h=s),m=u*u*g,(p=Math.max(h/m,m/f))>d){u-=s;break}d=p}v.push(o={value:u,dice:l1?e:1)},r}(G);var X=function t(e){function r(t,r,n,i,a){if((o=t._squarify)&&o.ratio===e)for(var o,s,l,c,u,f=-1,h=o.length,p=t.value;++f1?e:1)},r}(G);t.cluster=function(){var t=e,i=1,a=1,o=!1;function s(e){var s,l=0;e.eachAfter((function(e){var i=e.children;i?(e.x=function(t){return t.reduce(r,0)/t.length}(i),e.y=function(t){return 1+t.reduce(n,0)}(i)):(e.x=s?l+=t(e,s):0,e.y=0,s=e)}));var c=function(t){for(var e;e=t.children;)t=e[0];return t}(e),u=function(t){for(var e;e=t.children;)t=e[e.length-1];return t}(e),f=c.x-t(c,u)/2,h=u.x+t(u,c)/2;return e.eachAfter(o?function(t){t.x=(t.x-e.x)*i,t.y=(e.y-t.y)*a}:function(t){t.x=(t.x-f)/(h-f)*i,t.y=(1-(e.y?t.y/e.y:1))*a})}return s.separation=function(e){return arguments.length?(t=e,s):t},s.size=function(t){return arguments.length?(o=!1,i=+t[0],a=+t[1],s):o?null:[i,a]},s.nodeSize=function(t){return arguments.length?(o=!0,i=+t[0],a=+t[1],s):o?[i,a]:null},s},t.hierarchy=a,t.pack=function(){var t=null,e=1,r=1,n=A;function i(i){return i.x=e/2,i.y=r/2,t?i.eachBefore(C(t)).eachAfter(L(n,.5)).eachBefore(I(1)):i.eachBefore(C(E)).eachAfter(L(A,1)).eachAfter(L(n,i.r/Math.min(e,r))).eachBefore(I(Math.min(e,r)/(2*i.r))),i}return i.radius=function(e){return arguments.length?(t=k(e),i):t},i.size=function(t){return arguments.length?(e=+t[0],r=+t[1],i):[e,r]},i.padding=function(t){return arguments.length?(n="function"==typeof t?t:S(+t),i):n},i},t.packEnclose=f,t.packSiblings=function(t){return T(t),t},t.partition=function(){var t=1,e=1,r=0,n=!1;function i(i){var a=i.height+1;return i.x0=i.y0=r,i.x1=t,i.y1=e/a,i.eachBefore(function(t,e){return function(n){n.children&&z(n,n.x0,t*(n.depth+1)/e,n.x1,t*(n.depth+2)/e);var i=n.x0,a=n.y0,o=n.x1-r,s=n.y1-r;o0)throw new Error("cycle");return a}return r.id=function(e){return arguments.length?(t=M(e),r):t},r.parentId=function(t){return arguments.length?(e=M(t),r):e},r},t.tree=function(){var t=B,e=1,r=1,n=null;function i(i){var l=function(t){for(var e,r,n,i,a,o=new q(t,0),s=[o];e=s.pop();)if(n=e._.children)for(e.children=new Array(a=n.length),i=a-1;i>=0;--i)s.push(r=e.children[i]=new q(n[i],i)),r.parent=e;return(o.parent=new q(null,0)).children=[o],o}(i);if(l.eachAfter(a),l.parent.m=-l.z,l.eachBefore(o),n)i.eachBefore(s);else{var c=i,u=i,f=i;i.eachBefore((function(t){t.xu.x&&(u=t),t.depth>f.depth&&(f=t)}));var h=c===u?1:t(c,u)/2,p=h-c.x,d=e/(u.x+h+p),g=r/(f.depth||1);i.eachBefore((function(t){t.x=(t.x+p)*d,t.y=t.depth*g}))}return i}function a(e){var r=e.children,n=e.parent.children,i=e.i?n[e.i-1]:null;if(r){!function(t){for(var e,r=0,n=0,i=t.children,a=i.length;--a>=0;)(e=i[a]).z+=r,e.m+=r,r+=e.s+(n+=e.c)}(e);var a=(r[0].z+r[r.length-1].z)/2;i?(e.z=i.z+t(e._,i._),e.m=e.z-a):e.z=a}else i&&(e.z=i.z+t(e._,i._));e.parent.A=function(e,r,n){if(r){for(var i,a=e,o=e,s=r,l=a.parent.children[0],c=a.m,u=o.m,f=s.m,h=l.m;s=j(s),a=N(a),s&&a;)l=N(l),(o=j(o)).a=e,(i=s.z+f-a.z-c+t(s._,a._))>0&&(U(V(s,e,n),e,i),c+=i,u+=i),f+=s.m,c+=a.m,h+=l.m,u+=o.m;s&&!j(o)&&(o.t=s,o.m+=f-u),a&&!N(l)&&(l.t=a,l.m+=c-h,n=e)}return n}(e,i,e.parent.A||n[0])}function o(t){t._.x=t.z+t.parent.m,t.m+=t.parent.m}function s(t){t.x*=e,t.y=t.depth*r}return i.separation=function(e){return arguments.length?(t=e,i):t},i.size=function(t){return arguments.length?(n=!1,e=+t[0],r=+t[1],i):n?null:[e,r]},i.nodeSize=function(t){return arguments.length?(n=!0,e=+t[0],r=+t[1],i):n?[e,r]:null},i},t.treemap=function(){var t=W,e=!1,r=1,n=1,i=[0],a=A,o=A,s=A,l=A,c=A;function u(t){return t.x0=t.y0=0,t.x1=r,t.y1=n,t.eachBefore(f),i=[0],e&&t.eachBefore(P),t}function f(e){var r=i[e.depth],n=e.x0+r,u=e.y0+r,f=e.x1-r,h=e.y1-r;f=r-1){var u=s[e];return u.x0=i,u.y0=a,u.x1=o,void(u.y1=l)}var f=c[e],h=n/2+f,p=e+1,d=r-1;for(;p>>1;c[g]l-a){var y=(i*v+o*m)/n;t(e,p,m,i,a,y,l),t(p,r,v,y,a,o,l)}else{var x=(a*v+l*m)/n;t(e,p,m,i,a,o,x),t(p,r,v,i,x,o,l)}}(0,l,t.value,e,r,n,i)},t.treemapDice=z,t.treemapResquarify=X,t.treemapSlice=H,t.treemapSliceDice=function(t,e,r,n,i){(1&t.depth?H:z)(t,e,r,n,i)},t.treemapSquarify=W,Object.defineProperty(t,"__esModule",{value:!0})}))},{}],162:[function(t,e,r){!function(n,i){"object"==typeof r&&"undefined"!=typeof e?i(r,t("d3-color")):i((n=n||self).d3=n.d3||{},n.d3)}(this,(function(t,e){"use strict";function r(t,e,r,n,i){var a=t*t,o=a*t;return((1-3*t+3*a-o)*e+(4-6*a+3*o)*r+(1+3*t+3*a-3*o)*n+o*i)/6}function n(t){var e=t.length-1;return function(n){var i=n<=0?n=0:n>=1?(n=1,e-1):Math.floor(n*e),a=t[i],o=t[i+1],s=i>0?t[i-1]:2*a-o,l=i180||r<-180?r-360*Math.round(r/360):r):a(isNaN(t)?e:t)}function l(t){return 1==(t=+t)?c:function(e,r){return r-e?function(t,e,r){return t=Math.pow(t,r),e=Math.pow(e,r)-t,r=1/r,function(n){return Math.pow(t+n*e,r)}}(e,r,t):a(isNaN(e)?r:e)}}function c(t,e){var r=e-t;return r?o(t,r):a(isNaN(t)?e:t)}var u=function t(r){var n=l(r);function i(t,r){var i=n((t=e.rgb(t)).r,(r=e.rgb(r)).r),a=n(t.g,r.g),o=n(t.b,r.b),s=c(t.opacity,r.opacity);return function(e){return t.r=i(e),t.g=a(e),t.b=o(e),t.opacity=s(e),t+""}}return i.gamma=t,i}(1);function f(t){return function(r){var n,i,a=r.length,o=new Array(a),s=new Array(a),l=new Array(a);for(n=0;na&&(i=e.slice(a,i),s[o]?s[o]+=i:s[++o]=i),(r=r[0])===(n=n[0])?s[o]?s[o]+=n:s[++o]=n:(s[++o]=null,l.push({i:o,x:y(r,n)})),a=_.lastIndex;return a180?e+=360:e-t>180&&(t+=360),a.push({i:r.push(i(r)+"rotate(",null,n)-2,x:y(t,e)})):e&&r.push(i(r)+"rotate("+e+n)}(a.rotate,o.rotate,s,l),function(t,e,r,a){t!==e?a.push({i:r.push(i(r)+"skewX(",null,n)-2,x:y(t,e)}):e&&r.push(i(r)+"skewX("+e+n)}(a.skewX,o.skewX,s,l),function(t,e,r,n,a,o){if(t!==r||e!==n){var s=a.push(i(a)+"scale(",null,",",null,")");o.push({i:s-4,x:y(t,r)},{i:s-2,x:y(e,n)})}else 1===r&&1===n||a.push(i(a)+"scale("+r+","+n+")")}(a.scaleX,a.scaleY,o.scaleX,o.scaleY,s,l),a=o=null,function(t){for(var e,r=-1,n=l.length;++r1e-6)if(Math.abs(f*l-c*u)>1e-6&&a){var p=n-o,d=i-s,g=l*l+c*c,m=p*p+d*d,v=Math.sqrt(g),y=Math.sqrt(h),x=a*Math.tan((e-Math.acos((g+h-m)/(2*v*y)))/2),b=x/y,_=x/v;Math.abs(b-1)>1e-6&&(this._+="L"+(t+b*u)+","+(r+b*f)),this._+="A"+a+","+a+",0,0,"+ +(f*p>u*d)+","+(this._x1=t+_*l)+","+(this._y1=r+_*c)}else this._+="L"+(this._x1=t)+","+(this._y1=r);else;},arc:function(t,i,a,o,s,l){t=+t,i=+i,l=!!l;var c=(a=+a)*Math.cos(o),u=a*Math.sin(o),f=t+c,h=i+u,p=1^l,d=l?o-s:s-o;if(a<0)throw new Error("negative radius: "+a);null===this._x1?this._+="M"+f+","+h:(Math.abs(this._x1-f)>1e-6||Math.abs(this._y1-h)>1e-6)&&(this._+="L"+f+","+h),a&&(d<0&&(d=d%r+r),d>n?this._+="A"+a+","+a+",0,1,"+p+","+(t-c)+","+(i-u)+"A"+a+","+a+",0,1,"+p+","+(this._x1=f)+","+(this._y1=h):d>1e-6&&(this._+="A"+a+","+a+",0,"+ +(d>=e)+","+p+","+(this._x1=t+a*Math.cos(s))+","+(this._y1=i+a*Math.sin(s))))},rect:function(t,e,r,n){this._+="M"+(this._x0=this._x1=+t)+","+(this._y0=this._y1=+e)+"h"+ +r+"v"+ +n+"h"+-r+"Z"},toString:function(){return this._}},t.path=a,Object.defineProperty(t,"__esModule",{value:!0})}))},{}],164:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?n(r):n((t=t||self).d3=t.d3||{})}(this,(function(t){"use strict";function e(t,e,r,n){if(isNaN(e)||isNaN(r))return t;var i,a,o,s,l,c,u,f,h,p=t._root,d={data:n},g=t._x0,m=t._y0,v=t._x1,y=t._y1;if(!p)return t._root=d,t;for(;p.length;)if((c=e>=(a=(g+v)/2))?g=a:v=a,(u=r>=(o=(m+y)/2))?m=o:y=o,i=p,!(p=p[f=u<<1|c]))return i[f]=d,t;if(s=+t._x.call(null,p.data),l=+t._y.call(null,p.data),e===s&&r===l)return d.next=p,i?i[f]=d:t._root=d,t;do{i=i?i[f]=new Array(4):t._root=new Array(4),(c=e>=(a=(g+v)/2))?g=a:v=a,(u=r>=(o=(m+y)/2))?m=o:y=o}while((f=u<<1|c)==(h=(l>=o)<<1|s>=a));return i[h]=p,i[f]=d,t}function r(t,e,r,n,i){this.node=t,this.x0=e,this.y0=r,this.x1=n,this.y1=i}function n(t){return t[0]}function i(t){return t[1]}function a(t,e,r){var a=new o(null==e?n:e,null==r?i:r,NaN,NaN,NaN,NaN);return null==t?a:a.addAll(t)}function o(t,e,r,n,i,a){this._x=t,this._y=e,this._x0=r,this._y0=n,this._x1=i,this._y1=a,this._root=void 0}function s(t){for(var e={data:t.data},r=e;t=t.next;)r=r.next={data:t.data};return e}var l=a.prototype=o.prototype;l.copy=function(){var t,e,r=new o(this._x,this._y,this._x0,this._y0,this._x1,this._y1),n=this._root;if(!n)return r;if(!n.length)return r._root=s(n),r;for(t=[{source:n,target:r._root=new Array(4)}];n=t.pop();)for(var i=0;i<4;++i)(e=n.source[i])&&(e.length?t.push({source:e,target:n.target[i]=new Array(4)}):n.target[i]=s(e));return r},l.add=function(t){var r=+this._x.call(null,t),n=+this._y.call(null,t);return e(this.cover(r,n),r,n,t)},l.addAll=function(t){var r,n,i,a,o=t.length,s=new Array(o),l=new Array(o),c=1/0,u=1/0,f=-1/0,h=-1/0;for(n=0;nf&&(f=i),ah&&(h=a));if(c>f||u>h)return this;for(this.cover(c,u).cover(f,h),n=0;nt||t>=i||n>e||e>=a;)switch(s=(ep||(o=c.y0)>d||(s=c.x1)=y)<<1|t>=v)&&(c=g[g.length-1],g[g.length-1]=g[g.length-1-u],g[g.length-1-u]=c)}else{var x=t-+this._x.call(null,m.data),b=e-+this._y.call(null,m.data),_=x*x+b*b;if(_=(s=(d+m)/2))?d=s:m=s,(u=o>=(l=(g+v)/2))?g=l:v=l,e=p,!(p=p[f=u<<1|c]))return this;if(!p.length)break;(e[f+1&3]||e[f+2&3]||e[f+3&3])&&(r=e,h=f)}for(;p.data!==t;)if(n=p,!(p=p.next))return this;return(i=p.next)&&delete p.next,n?(i?n.next=i:delete n.next,this):e?(i?e[f]=i:delete e[f],(p=e[0]||e[1]||e[2]||e[3])&&p===(e[3]||e[2]||e[1]||e[0])&&!p.length&&(r?r[h]=p:this._root=p),this):(this._root=i,this)},l.removeAll=function(t){for(var e=0,r=t.length;e1?0:t<-1?u:Math.acos(t)}function d(t){return t>=1?f:t<=-1?-f:Math.asin(t)}function g(t){return t.innerRadius}function m(t){return t.outerRadius}function v(t){return t.startAngle}function y(t){return t.endAngle}function x(t){return t&&t.padAngle}function b(t,e,r,n,i,a,o,s){var l=r-t,c=n-e,u=o-i,f=s-a,h=f*l-u*c;if(!(h*h<1e-12))return[t+(h=(u*(e-a)-f*(t-i))/h)*l,e+h*c]}function _(t,e,r,n,i,a,s){var l=t-r,u=e-n,f=(s?a:-a)/c(l*l+u*u),h=f*u,p=-f*l,d=t+h,g=e+p,m=r+h,v=n+p,y=(d+m)/2,x=(g+v)/2,b=m-d,_=v-g,w=b*b+_*_,T=i-a,k=d*v-m*g,M=(_<0?-1:1)*c(o(0,T*T*w-k*k)),A=(k*_-b*M)/w,S=(-k*b-_*M)/w,E=(k*_+b*M)/w,C=(-k*b+_*M)/w,L=A-y,I=S-x,P=E-y,z=C-x;return L*L+I*I>P*P+z*z&&(A=E,S=C),{cx:A,cy:S,x01:-h,y01:-p,x11:A*(i/T-1),y11:S*(i/T-1)}}function w(t){this._context=t}function T(t){return new w(t)}function k(t){return t[0]}function M(t){return t[1]}function A(){var t=k,n=M,i=r(!0),a=null,o=T,s=null;function l(r){var l,c,u,f=r.length,h=!1;for(null==a&&(s=o(u=e.path())),l=0;l<=f;++l)!(l=f;--h)c.point(v[h],y[h]);c.lineEnd(),c.areaEnd()}m&&(v[u]=+t(p,u,r),y[u]=+i(p,u,r),c.point(n?+n(p,u,r):v[u],a?+a(p,u,r):y[u]))}if(d)return c=null,d+""||null}function f(){return A().defined(o).curve(l).context(s)}return u.x=function(e){return arguments.length?(t="function"==typeof e?e:r(+e),n=null,u):t},u.x0=function(e){return arguments.length?(t="function"==typeof e?e:r(+e),u):t},u.x1=function(t){return arguments.length?(n=null==t?null:"function"==typeof t?t:r(+t),u):n},u.y=function(t){return arguments.length?(i="function"==typeof t?t:r(+t),a=null,u):i},u.y0=function(t){return arguments.length?(i="function"==typeof t?t:r(+t),u):i},u.y1=function(t){return arguments.length?(a=null==t?null:"function"==typeof t?t:r(+t),u):a},u.lineX0=u.lineY0=function(){return f().x(t).y(i)},u.lineY1=function(){return f().x(t).y(a)},u.lineX1=function(){return f().x(n).y(i)},u.defined=function(t){return arguments.length?(o="function"==typeof t?t:r(!!t),u):o},u.curve=function(t){return arguments.length?(l=t,null!=s&&(c=l(s)),u):l},u.context=function(t){return arguments.length?(null==t?s=c=null:c=l(s=t),u):s},u}function E(t,e){return et?1:e>=t?0:NaN}function C(t){return t}w.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._point=0},lineEnd:function(){(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;default:this._context.lineTo(t,e)}}};var L=P(T);function I(t){this._curve=t}function P(t){function e(e){return new I(t(e))}return e._curve=t,e}function z(t){var e=t.curve;return t.angle=t.x,delete t.x,t.radius=t.y,delete t.y,t.curve=function(t){return arguments.length?e(P(t)):e()._curve},t}function O(){return z(A().curve(L))}function D(){var t=S().curve(L),e=t.curve,r=t.lineX0,n=t.lineX1,i=t.lineY0,a=t.lineY1;return t.angle=t.x,delete t.x,t.startAngle=t.x0,delete t.x0,t.endAngle=t.x1,delete t.x1,t.radius=t.y,delete t.y,t.innerRadius=t.y0,delete t.y0,t.outerRadius=t.y1,delete t.y1,t.lineStartAngle=function(){return z(r())},delete t.lineX0,t.lineEndAngle=function(){return z(n())},delete t.lineX1,t.lineInnerRadius=function(){return z(i())},delete t.lineY0,t.lineOuterRadius=function(){return z(a())},delete t.lineY1,t.curve=function(t){return arguments.length?e(P(t)):e()._curve},t}function R(t,e){return[(e=+e)*Math.cos(t-=Math.PI/2),e*Math.sin(t)]}I.prototype={areaStart:function(){this._curve.areaStart()},areaEnd:function(){this._curve.areaEnd()},lineStart:function(){this._curve.lineStart()},lineEnd:function(){this._curve.lineEnd()},point:function(t,e){this._curve.point(e*Math.sin(t),e*-Math.cos(t))}};var F=Array.prototype.slice;function B(t){return t.source}function N(t){return t.target}function j(t){var n=B,i=N,a=k,o=M,s=null;function l(){var r,l=F.call(arguments),c=n.apply(this,l),u=i.apply(this,l);if(s||(s=r=e.path()),t(s,+a.apply(this,(l[0]=c,l)),+o.apply(this,l),+a.apply(this,(l[0]=u,l)),+o.apply(this,l)),r)return s=null,r+""||null}return l.source=function(t){return arguments.length?(n=t,l):n},l.target=function(t){return arguments.length?(i=t,l):i},l.x=function(t){return arguments.length?(a="function"==typeof t?t:r(+t),l):a},l.y=function(t){return arguments.length?(o="function"==typeof t?t:r(+t),l):o},l.context=function(t){return arguments.length?(s=null==t?null:t,l):s},l}function U(t,e,r,n,i){t.moveTo(e,r),t.bezierCurveTo(e=(e+n)/2,r,e,i,n,i)}function V(t,e,r,n,i){t.moveTo(e,r),t.bezierCurveTo(e,r=(r+i)/2,n,r,n,i)}function q(t,e,r,n,i){var a=R(e,r),o=R(e,r=(r+i)/2),s=R(n,r),l=R(n,i);t.moveTo(a[0],a[1]),t.bezierCurveTo(o[0],o[1],s[0],s[1],l[0],l[1])}var H={draw:function(t,e){var r=Math.sqrt(e/u);t.moveTo(r,0),t.arc(0,0,r,0,h)}},G={draw:function(t,e){var r=Math.sqrt(e/5)/2;t.moveTo(-3*r,-r),t.lineTo(-r,-r),t.lineTo(-r,-3*r),t.lineTo(r,-3*r),t.lineTo(r,-r),t.lineTo(3*r,-r),t.lineTo(3*r,r),t.lineTo(r,r),t.lineTo(r,3*r),t.lineTo(-r,3*r),t.lineTo(-r,r),t.lineTo(-3*r,r),t.closePath()}},Y=Math.sqrt(1/3),W=2*Y,X={draw:function(t,e){var r=Math.sqrt(e/W),n=r*Y;t.moveTo(0,-r),t.lineTo(n,0),t.lineTo(0,r),t.lineTo(-n,0),t.closePath()}},Z=Math.sin(u/10)/Math.sin(7*u/10),J=Math.sin(h/10)*Z,K=-Math.cos(h/10)*Z,Q={draw:function(t,e){var r=Math.sqrt(.8908130915292852*e),n=J*r,i=K*r;t.moveTo(0,-r),t.lineTo(n,i);for(var a=1;a<5;++a){var o=h*a/5,s=Math.cos(o),l=Math.sin(o);t.lineTo(l*r,-s*r),t.lineTo(s*n-l*i,l*n+s*i)}t.closePath()}},$={draw:function(t,e){var r=Math.sqrt(e),n=-r/2;t.rect(n,n,r,r)}},tt=Math.sqrt(3),et={draw:function(t,e){var r=-Math.sqrt(e/(3*tt));t.moveTo(0,2*r),t.lineTo(-tt*r,-r),t.lineTo(tt*r,-r),t.closePath()}},rt=-.5,nt=Math.sqrt(3)/2,it=1/Math.sqrt(12),at=3*(it/2+1),ot={draw:function(t,e){var r=Math.sqrt(e/at),n=r/2,i=r*it,a=n,o=r*it+r,s=-a,l=o;t.moveTo(n,i),t.lineTo(a,o),t.lineTo(s,l),t.lineTo(rt*n-nt*i,nt*n+rt*i),t.lineTo(rt*a-nt*o,nt*a+rt*o),t.lineTo(rt*s-nt*l,nt*s+rt*l),t.lineTo(rt*n+nt*i,rt*i-nt*n),t.lineTo(rt*a+nt*o,rt*o-nt*a),t.lineTo(rt*s+nt*l,rt*l-nt*s),t.closePath()}},st=[H,G,X,$,Q,et,ot];function lt(){}function ct(t,e,r){t._context.bezierCurveTo((2*t._x0+t._x1)/3,(2*t._y0+t._y1)/3,(t._x0+2*t._x1)/3,(t._y0+2*t._y1)/3,(t._x0+4*t._x1+e)/6,(t._y0+4*t._y1+r)/6)}function ut(t){this._context=t}function ft(t){this._context=t}function ht(t){this._context=t}function pt(t,e){this._basis=new ut(t),this._beta=e}ut.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._y0=this._y1=NaN,this._point=0},lineEnd:function(){switch(this._point){case 3:ct(this,this._x1,this._y1);case 2:this._context.lineTo(this._x1,this._y1)}(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;break;case 2:this._point=3,this._context.lineTo((5*this._x0+this._x1)/6,(5*this._y0+this._y1)/6);default:ct(this,t,e)}this._x0=this._x1,this._x1=t,this._y0=this._y1,this._y1=e}},ft.prototype={areaStart:lt,areaEnd:lt,lineStart:function(){this._x0=this._x1=this._x2=this._x3=this._x4=this._y0=this._y1=this._y2=this._y3=this._y4=NaN,this._point=0},lineEnd:function(){switch(this._point){case 1:this._context.moveTo(this._x2,this._y2),this._context.closePath();break;case 2:this._context.moveTo((this._x2+2*this._x3)/3,(this._y2+2*this._y3)/3),this._context.lineTo((this._x3+2*this._x2)/3,(this._y3+2*this._y2)/3),this._context.closePath();break;case 3:this.point(this._x2,this._y2),this.point(this._x3,this._y3),this.point(this._x4,this._y4)}},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._x2=t,this._y2=e;break;case 1:this._point=2,this._x3=t,this._y3=e;break;case 2:this._point=3,this._x4=t,this._y4=e,this._context.moveTo((this._x0+4*this._x1+t)/6,(this._y0+4*this._y1+e)/6);break;default:ct(this,t,e)}this._x0=this._x1,this._x1=t,this._y0=this._y1,this._y1=e}},ht.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._y0=this._y1=NaN,this._point=0},lineEnd:function(){(this._line||0!==this._line&&3===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1;break;case 1:this._point=2;break;case 2:this._point=3;var r=(this._x0+4*this._x1+t)/6,n=(this._y0+4*this._y1+e)/6;this._line?this._context.lineTo(r,n):this._context.moveTo(r,n);break;case 3:this._point=4;default:ct(this,t,e)}this._x0=this._x1,this._x1=t,this._y0=this._y1,this._y1=e}},pt.prototype={lineStart:function(){this._x=[],this._y=[],this._basis.lineStart()},lineEnd:function(){var t=this._x,e=this._y,r=t.length-1;if(r>0)for(var n,i=t[0],a=e[0],o=t[r]-i,s=e[r]-a,l=-1;++l<=r;)n=l/r,this._basis.point(this._beta*t[l]+(1-this._beta)*(i+n*o),this._beta*e[l]+(1-this._beta)*(a+n*s));this._x=this._y=null,this._basis.lineEnd()},point:function(t,e){this._x.push(+t),this._y.push(+e)}};var dt=function t(e){function r(t){return 1===e?new ut(t):new pt(t,e)}return r.beta=function(e){return t(+e)},r}(.85);function gt(t,e,r){t._context.bezierCurveTo(t._x1+t._k*(t._x2-t._x0),t._y1+t._k*(t._y2-t._y0),t._x2+t._k*(t._x1-e),t._y2+t._k*(t._y1-r),t._x2,t._y2)}function mt(t,e){this._context=t,this._k=(1-e)/6}mt.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._point=0},lineEnd:function(){switch(this._point){case 2:this._context.lineTo(this._x2,this._y2);break;case 3:gt(this,this._x1,this._y1)}(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2,this._x1=t,this._y1=e;break;case 2:this._point=3;default:gt(this,t,e)}this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var vt=function t(e){function r(t){return new mt(t,e)}return r.tension=function(e){return t(+e)},r}(0);function yt(t,e){this._context=t,this._k=(1-e)/6}yt.prototype={areaStart:lt,areaEnd:lt,lineStart:function(){this._x0=this._x1=this._x2=this._x3=this._x4=this._x5=this._y0=this._y1=this._y2=this._y3=this._y4=this._y5=NaN,this._point=0},lineEnd:function(){switch(this._point){case 1:this._context.moveTo(this._x3,this._y3),this._context.closePath();break;case 2:this._context.lineTo(this._x3,this._y3),this._context.closePath();break;case 3:this.point(this._x3,this._y3),this.point(this._x4,this._y4),this.point(this._x5,this._y5)}},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._x3=t,this._y3=e;break;case 1:this._point=2,this._context.moveTo(this._x4=t,this._y4=e);break;case 2:this._point=3,this._x5=t,this._y5=e;break;default:gt(this,t,e)}this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var xt=function t(e){function r(t){return new yt(t,e)}return r.tension=function(e){return t(+e)},r}(0);function bt(t,e){this._context=t,this._k=(1-e)/6}bt.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._point=0},lineEnd:function(){(this._line||0!==this._line&&3===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1;break;case 1:this._point=2;break;case 2:this._point=3,this._line?this._context.lineTo(this._x2,this._y2):this._context.moveTo(this._x2,this._y2);break;case 3:this._point=4;default:gt(this,t,e)}this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var _t=function t(e){function r(t){return new bt(t,e)}return r.tension=function(e){return t(+e)},r}(0);function wt(t,e,r){var n=t._x1,i=t._y1,a=t._x2,o=t._y2;if(t._l01_a>1e-12){var s=2*t._l01_2a+3*t._l01_a*t._l12_a+t._l12_2a,l=3*t._l01_a*(t._l01_a+t._l12_a);n=(n*s-t._x0*t._l12_2a+t._x2*t._l01_2a)/l,i=(i*s-t._y0*t._l12_2a+t._y2*t._l01_2a)/l}if(t._l23_a>1e-12){var c=2*t._l23_2a+3*t._l23_a*t._l12_a+t._l12_2a,u=3*t._l23_a*(t._l23_a+t._l12_a);a=(a*c+t._x1*t._l23_2a-e*t._l12_2a)/u,o=(o*c+t._y1*t._l23_2a-r*t._l12_2a)/u}t._context.bezierCurveTo(n,i,a,o,t._x2,t._y2)}function Tt(t,e){this._context=t,this._alpha=e}Tt.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._l01_a=this._l12_a=this._l23_a=this._l01_2a=this._l12_2a=this._l23_2a=this._point=0},lineEnd:function(){switch(this._point){case 2:this._context.lineTo(this._x2,this._y2);break;case 3:this.point(this._x2,this._y2)}(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){if(t=+t,e=+e,this._point){var r=this._x2-t,n=this._y2-e;this._l23_a=Math.sqrt(this._l23_2a=Math.pow(r*r+n*n,this._alpha))}switch(this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;break;case 2:this._point=3;default:wt(this,t,e)}this._l01_a=this._l12_a,this._l12_a=this._l23_a,this._l01_2a=this._l12_2a,this._l12_2a=this._l23_2a,this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var kt=function t(e){function r(t){return e?new Tt(t,e):new mt(t,0)}return r.alpha=function(e){return t(+e)},r}(.5);function Mt(t,e){this._context=t,this._alpha=e}Mt.prototype={areaStart:lt,areaEnd:lt,lineStart:function(){this._x0=this._x1=this._x2=this._x3=this._x4=this._x5=this._y0=this._y1=this._y2=this._y3=this._y4=this._y5=NaN,this._l01_a=this._l12_a=this._l23_a=this._l01_2a=this._l12_2a=this._l23_2a=this._point=0},lineEnd:function(){switch(this._point){case 1:this._context.moveTo(this._x3,this._y3),this._context.closePath();break;case 2:this._context.lineTo(this._x3,this._y3),this._context.closePath();break;case 3:this.point(this._x3,this._y3),this.point(this._x4,this._y4),this.point(this._x5,this._y5)}},point:function(t,e){if(t=+t,e=+e,this._point){var r=this._x2-t,n=this._y2-e;this._l23_a=Math.sqrt(this._l23_2a=Math.pow(r*r+n*n,this._alpha))}switch(this._point){case 0:this._point=1,this._x3=t,this._y3=e;break;case 1:this._point=2,this._context.moveTo(this._x4=t,this._y4=e);break;case 2:this._point=3,this._x5=t,this._y5=e;break;default:wt(this,t,e)}this._l01_a=this._l12_a,this._l12_a=this._l23_a,this._l01_2a=this._l12_2a,this._l12_2a=this._l23_2a,this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var At=function t(e){function r(t){return e?new Mt(t,e):new yt(t,0)}return r.alpha=function(e){return t(+e)},r}(.5);function St(t,e){this._context=t,this._alpha=e}St.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._l01_a=this._l12_a=this._l23_a=this._l01_2a=this._l12_2a=this._l23_2a=this._point=0},lineEnd:function(){(this._line||0!==this._line&&3===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){if(t=+t,e=+e,this._point){var r=this._x2-t,n=this._y2-e;this._l23_a=Math.sqrt(this._l23_2a=Math.pow(r*r+n*n,this._alpha))}switch(this._point){case 0:this._point=1;break;case 1:this._point=2;break;case 2:this._point=3,this._line?this._context.lineTo(this._x2,this._y2):this._context.moveTo(this._x2,this._y2);break;case 3:this._point=4;default:wt(this,t,e)}this._l01_a=this._l12_a,this._l12_a=this._l23_a,this._l01_2a=this._l12_2a,this._l12_2a=this._l23_2a,this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var Et=function t(e){function r(t){return e?new St(t,e):new bt(t,0)}return r.alpha=function(e){return t(+e)},r}(.5);function Ct(t){this._context=t}function Lt(t){return t<0?-1:1}function It(t,e,r){var n=t._x1-t._x0,i=e-t._x1,a=(t._y1-t._y0)/(n||i<0&&-0),o=(r-t._y1)/(i||n<0&&-0),s=(a*i+o*n)/(n+i);return(Lt(a)+Lt(o))*Math.min(Math.abs(a),Math.abs(o),.5*Math.abs(s))||0}function Pt(t,e){var r=t._x1-t._x0;return r?(3*(t._y1-t._y0)/r-e)/2:e}function zt(t,e,r){var n=t._x0,i=t._y0,a=t._x1,o=t._y1,s=(a-n)/3;t._context.bezierCurveTo(n+s,i+s*e,a-s,o-s*r,a,o)}function Ot(t){this._context=t}function Dt(t){this._context=new Rt(t)}function Rt(t){this._context=t}function Ft(t){this._context=t}function Bt(t){var e,r,n=t.length-1,i=new Array(n),a=new Array(n),o=new Array(n);for(i[0]=0,a[0]=2,o[0]=t[0]+2*t[1],e=1;e=0;--e)i[e]=(o[e]-i[e+1])/a[e];for(a[n-1]=(t[n]+i[n-1])/2,e=0;e1)for(var r,n,i,a=1,o=t[e[0]],s=o.length;a=0;)r[e]=e;return r}function Vt(t,e){return t[e]}function qt(t){var e=t.map(Ht);return Ut(t).sort((function(t,r){return e[t]-e[r]}))}function Ht(t){for(var e,r=-1,n=0,i=t.length,a=-1/0;++ra&&(a=e,n=r);return n}function Gt(t){var e=t.map(Yt);return Ut(t).sort((function(t,r){return e[t]-e[r]}))}function Yt(t){for(var e,r=0,n=-1,i=t.length;++n=0&&(this._t=1-this._t,this._line=1-this._line)},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;default:if(this._t<=0)this._context.lineTo(this._x,e),this._context.lineTo(t,e);else{var r=this._x*(1-this._t)+t*this._t;this._context.lineTo(r,this._y),this._context.lineTo(r,e)}}this._x=t,this._y=e}},t.arc=function(){var t=g,o=m,w=r(0),T=null,k=v,M=y,A=x,S=null;function E(){var r,g,m=+t.apply(this,arguments),v=+o.apply(this,arguments),y=k.apply(this,arguments)-f,x=M.apply(this,arguments)-f,E=n(x-y),C=x>y;if(S||(S=r=e.path()),v1e-12)if(E>h-1e-12)S.moveTo(v*a(y),v*l(y)),S.arc(0,0,v,y,x,!C),m>1e-12&&(S.moveTo(m*a(x),m*l(x)),S.arc(0,0,m,x,y,C));else{var L,I,P=y,z=x,O=y,D=x,R=E,F=E,B=A.apply(this,arguments)/2,N=B>1e-12&&(T?+T.apply(this,arguments):c(m*m+v*v)),j=s(n(v-m)/2,+w.apply(this,arguments)),U=j,V=j;if(N>1e-12){var q=d(N/m*l(B)),H=d(N/v*l(B));(R-=2*q)>1e-12?(O+=q*=C?1:-1,D-=q):(R=0,O=D=(y+x)/2),(F-=2*H)>1e-12?(P+=H*=C?1:-1,z-=H):(F=0,P=z=(y+x)/2)}var G=v*a(P),Y=v*l(P),W=m*a(D),X=m*l(D);if(j>1e-12){var Z,J=v*a(z),K=v*l(z),Q=m*a(O),$=m*l(O);if(E1e-12?V>1e-12?(L=_(Q,$,G,Y,v,V,C),I=_(J,K,W,X,v,V,C),S.moveTo(L.cx+L.x01,L.cy+L.y01),V1e-12&&R>1e-12?U>1e-12?(L=_(W,X,J,K,m,-U,C),I=_(G,Y,Q,$,m,-U,C),S.lineTo(L.cx+L.x01,L.cy+L.y01),U0&&(d+=f);for(null!=e?g.sort((function(t,r){return e(m[t],m[r])})):null!=n&&g.sort((function(t,e){return n(r[t],r[e])})),s=0,c=d?(y-p*b)/d:0;s0?f*c:0)+b,m[l]={data:r[l],index:s,value:f,startAngle:v,endAngle:u,padAngle:x};return m}return s.value=function(e){return arguments.length?(t="function"==typeof e?e:r(+e),s):t},s.sortValues=function(t){return arguments.length?(e=t,n=null,s):e},s.sort=function(t){return arguments.length?(n=t,e=null,s):n},s.startAngle=function(t){return arguments.length?(i="function"==typeof t?t:r(+t),s):i},s.endAngle=function(t){return arguments.length?(a="function"==typeof t?t:r(+t),s):a},s.padAngle=function(t){return arguments.length?(o="function"==typeof t?t:r(+t),s):o},s},t.pointRadial=R,t.radialArea=D,t.radialLine=O,t.stack=function(){var t=r([]),e=Ut,n=jt,i=Vt;function a(r){var a,o,s=t.apply(this,arguments),l=r.length,c=s.length,u=new Array(c);for(a=0;a0)for(var r,n,i,a,o,s,l=0,c=t[e[0]].length;l0?(n[0]=a,n[1]=a+=i):i<0?(n[1]=o,n[0]=o+=i):(n[0]=0,n[1]=i)},t.stackOffsetExpand=function(t,e){if((n=t.length)>0){for(var r,n,i,a=0,o=t[0].length;a0){for(var r,n=0,i=t[e[0]],a=i.length;n0&&(n=(r=t[e[0]]).length)>0){for(var r,n,i,a=0,o=1;o=12)]},q:function(t){return 1+~~(t.getMonth()/3)},Q:mt,s:vt,S:q,u:H,U:G,V:Y,w:W,W:X,x:null,X:null,y:Z,Y:J,Z:K,"%":gt},Lt={a:function(t){return f[t.getUTCDay()]},A:function(t){return u[t.getUTCDay()]},b:function(t){return yt[t.getUTCMonth()]},B:function(t){return h[t.getUTCMonth()]},c:null,d:Q,e:Q,f:nt,H:$,I:tt,j:et,L:rt,m:it,M:at,p:function(t){return c[+(t.getUTCHours()>=12)]},q:function(t){return 1+~~(t.getUTCMonth()/3)},Q:mt,s:vt,S:ot,u:st,U:lt,V:ct,w:ut,W:ft,x:null,X:null,y:ht,Y:pt,Z:dt,"%":gt},It={a:function(t,e,r){var n=Tt.exec(e.slice(r));return n?(t.w=kt[n[0].toLowerCase()],r+n[0].length):-1},A:function(t,e,r){var n=_t.exec(e.slice(r));return n?(t.w=wt[n[0].toLowerCase()],r+n[0].length):-1},b:function(t,e,r){var n=St.exec(e.slice(r));return n?(t.m=Et[n[0].toLowerCase()],r+n[0].length):-1},B:function(t,e,r){var n=Mt.exec(e.slice(r));return n?(t.m=At[n[0].toLowerCase()],r+n[0].length):-1},c:function(t,e,r){return Ot(t,a,e,r)},d:M,e:M,f:I,H:S,I:S,j:A,L:L,m:k,M:E,p:function(t,e,r){var n=xt.exec(e.slice(r));return n?(t.p=bt[n[0].toLowerCase()],r+n[0].length):-1},q:T,Q:z,s:O,S:C,u:m,U:v,V:y,w:g,W:x,x:function(t,e,r){return Ot(t,o,e,r)},X:function(t,e,r){return Ot(t,l,e,r)},y:_,Y:b,Z:w,"%":P};function Pt(t,e){return function(r){var n,i,a,o=[],l=-1,c=0,u=t.length;for(r instanceof Date||(r=new Date(+r));++l53)return null;"w"in c||(c.w=1),"Z"in c?(l=(s=n(i(c.y,0,1))).getUTCDay(),s=l>4||0===l?e.utcMonday.ceil(s):e.utcMonday(s),s=e.utcDay.offset(s,7*(c.V-1)),c.y=s.getUTCFullYear(),c.m=s.getUTCMonth(),c.d=s.getUTCDate()+(c.w+6)%7):(l=(s=r(i(c.y,0,1))).getDay(),s=l>4||0===l?e.timeMonday.ceil(s):e.timeMonday(s),s=e.timeDay.offset(s,7*(c.V-1)),c.y=s.getFullYear(),c.m=s.getMonth(),c.d=s.getDate()+(c.w+6)%7)}else("W"in c||"U"in c)&&("w"in c||(c.w="u"in c?c.u%7:"W"in c?1:0),l="Z"in c?n(i(c.y,0,1)).getUTCDay():r(i(c.y,0,1)).getDay(),c.m=0,c.d="W"in c?(c.w+6)%7+7*c.W-(l+5)%7:c.w+7*c.U-(l+6)%7);return"Z"in c?(c.H+=c.Z/100|0,c.M+=c.Z%100,n(c)):r(c)}}function Ot(t,e,r,n){for(var i,a,o=0,l=e.length,c=r.length;o=c)return-1;if(37===(i=e.charCodeAt(o++))){if(i=e.charAt(o++),!(a=It[i in s?e.charAt(o++):i])||(n=a(t,r,n))<0)return-1}else if(i!=r.charCodeAt(n++))return-1}return n}return Ct.x=Pt(o,Ct),Ct.X=Pt(l,Ct),Ct.c=Pt(a,Ct),Lt.x=Pt(o,Lt),Lt.X=Pt(l,Lt),Lt.c=Pt(a,Lt),{format:function(t){var e=Pt(t+="",Ct);return e.toString=function(){return t},e},parse:function(t){var e=zt(t+="",!1);return e.toString=function(){return t},e},utcFormat:function(t){var e=Pt(t+="",Lt);return e.toString=function(){return t},e},utcParse:function(t){var e=zt(t+="",!0);return e.toString=function(){return t},e}}}var o,s={"-":"",_:" ",0:"0"},l=/^\s*\d+/,c=/^%/,u=/[\\^$*+?|[\]().{}]/g;function f(t,e,r){var n=t<0?"-":"",i=(n?-t:t)+"",a=i.length;return n+(a68?1900:2e3),r+n[0].length):-1}function w(t,e,r){var n=/^(Z)|([+-]\d\d)(?::?(\d\d))?/.exec(e.slice(r,r+6));return n?(t.Z=n[1]?0:-(n[2]+(n[3]||"00")),r+n[0].length):-1}function T(t,e,r){var n=l.exec(e.slice(r,r+1));return n?(t.q=3*n[0]-3,r+n[0].length):-1}function k(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.m=n[0]-1,r+n[0].length):-1}function M(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.d=+n[0],r+n[0].length):-1}function A(t,e,r){var n=l.exec(e.slice(r,r+3));return n?(t.m=0,t.d=+n[0],r+n[0].length):-1}function S(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.H=+n[0],r+n[0].length):-1}function E(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.M=+n[0],r+n[0].length):-1}function C(t,e,r){var n=l.exec(e.slice(r,r+2));return n?(t.S=+n[0],r+n[0].length):-1}function L(t,e,r){var n=l.exec(e.slice(r,r+3));return n?(t.L=+n[0],r+n[0].length):-1}function I(t,e,r){var n=l.exec(e.slice(r,r+6));return n?(t.L=Math.floor(n[0]/1e3),r+n[0].length):-1}function P(t,e,r){var n=c.exec(e.slice(r,r+1));return n?r+n[0].length:-1}function z(t,e,r){var n=l.exec(e.slice(r));return n?(t.Q=+n[0],r+n[0].length):-1}function O(t,e,r){var n=l.exec(e.slice(r));return n?(t.s=+n[0],r+n[0].length):-1}function D(t,e){return f(t.getDate(),e,2)}function R(t,e){return f(t.getHours(),e,2)}function F(t,e){return f(t.getHours()%12||12,e,2)}function B(t,r){return f(1+e.timeDay.count(e.timeYear(t),t),r,3)}function N(t,e){return f(t.getMilliseconds(),e,3)}function j(t,e){return N(t,e)+"000"}function U(t,e){return f(t.getMonth()+1,e,2)}function V(t,e){return f(t.getMinutes(),e,2)}function q(t,e){return f(t.getSeconds(),e,2)}function H(t){var e=t.getDay();return 0===e?7:e}function G(t,r){return f(e.timeSunday.count(e.timeYear(t)-1,t),r,2)}function Y(t,r){var n=t.getDay();return t=n>=4||0===n?e.timeThursday(t):e.timeThursday.ceil(t),f(e.timeThursday.count(e.timeYear(t),t)+(4===e.timeYear(t).getDay()),r,2)}function W(t){return t.getDay()}function X(t,r){return f(e.timeMonday.count(e.timeYear(t)-1,t),r,2)}function Z(t,e){return f(t.getFullYear()%100,e,2)}function J(t,e){return f(t.getFullYear()%1e4,e,4)}function K(t){var e=t.getTimezoneOffset();return(e>0?"-":(e*=-1,"+"))+f(e/60|0,"0",2)+f(e%60,"0",2)}function Q(t,e){return f(t.getUTCDate(),e,2)}function $(t,e){return f(t.getUTCHours(),e,2)}function tt(t,e){return f(t.getUTCHours()%12||12,e,2)}function et(t,r){return f(1+e.utcDay.count(e.utcYear(t),t),r,3)}function rt(t,e){return f(t.getUTCMilliseconds(),e,3)}function nt(t,e){return rt(t,e)+"000"}function it(t,e){return f(t.getUTCMonth()+1,e,2)}function at(t,e){return f(t.getUTCMinutes(),e,2)}function ot(t,e){return f(t.getUTCSeconds(),e,2)}function st(t){var e=t.getUTCDay();return 0===e?7:e}function lt(t,r){return f(e.utcSunday.count(e.utcYear(t)-1,t),r,2)}function ct(t,r){var n=t.getUTCDay();return t=n>=4||0===n?e.utcThursday(t):e.utcThursday.ceil(t),f(e.utcThursday.count(e.utcYear(t),t)+(4===e.utcYear(t).getUTCDay()),r,2)}function ut(t){return t.getUTCDay()}function ft(t,r){return f(e.utcMonday.count(e.utcYear(t)-1,t),r,2)}function ht(t,e){return f(t.getUTCFullYear()%100,e,2)}function pt(t,e){return f(t.getUTCFullYear()%1e4,e,4)}function dt(){return"+0000"}function gt(){return"%"}function mt(t){return+t}function vt(t){return Math.floor(+t/1e3)}function yt(e){return o=a(e),t.timeFormat=o.format,t.timeParse=o.parse,t.utcFormat=o.utcFormat,t.utcParse=o.utcParse,o}yt({dateTime:"%x, %X",date:"%-m/%-d/%Y",time:"%-I:%M:%S %p",periods:["AM","PM"],days:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],shortDays:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],months:["January","February","March","April","May","June","July","August","September","October","November","December"],shortMonths:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"]});var xt=Date.prototype.toISOString?function(t){return t.toISOString()}:t.utcFormat("%Y-%m-%dT%H:%M:%S.%LZ");var bt=+new Date("2000-01-01T00:00:00.000Z")?function(t){var e=new Date(t);return isNaN(e)?null:e}:t.utcParse("%Y-%m-%dT%H:%M:%S.%LZ");t.isoFormat=xt,t.isoParse=bt,t.timeFormatDefaultLocale=yt,t.timeFormatLocale=a,Object.defineProperty(t,"__esModule",{value:!0})}))},{"d3-time":167}],167:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?n(r):n((t=t||self).d3=t.d3||{})}(this,(function(t){"use strict";var e=new Date,r=new Date;function n(t,i,a,o){function s(e){return t(e=0===arguments.length?new Date:new Date(+e)),e}return s.floor=function(e){return t(e=new Date(+e)),e},s.ceil=function(e){return t(e=new Date(e-1)),i(e,1),t(e),e},s.round=function(t){var e=s(t),r=s.ceil(t);return t-e0))return o;do{o.push(a=new Date(+e)),i(e,n),t(e)}while(a=r)for(;t(r),!e(r);)r.setTime(r-1)}),(function(t,r){if(t>=t)if(r<0)for(;++r<=0;)for(;i(t,-1),!e(t););else for(;--r>=0;)for(;i(t,1),!e(t););}))},a&&(s.count=function(n,i){return e.setTime(+n),r.setTime(+i),t(e),t(r),Math.floor(a(e,r))},s.every=function(t){return t=Math.floor(t),isFinite(t)&&t>0?t>1?s.filter(o?function(e){return o(e)%t==0}:function(e){return s.count(0,e)%t==0}):s:null}),s}var i=n((function(){}),(function(t,e){t.setTime(+t+e)}),(function(t,e){return e-t}));i.every=function(t){return t=Math.floor(t),isFinite(t)&&t>0?t>1?n((function(e){e.setTime(Math.floor(e/t)*t)}),(function(e,r){e.setTime(+e+r*t)}),(function(e,r){return(r-e)/t})):i:null};var a=i.range,o=n((function(t){t.setTime(t-t.getMilliseconds())}),(function(t,e){t.setTime(+t+1e3*e)}),(function(t,e){return(e-t)/1e3}),(function(t){return t.getUTCSeconds()})),s=o.range,l=n((function(t){t.setTime(t-t.getMilliseconds()-1e3*t.getSeconds())}),(function(t,e){t.setTime(+t+6e4*e)}),(function(t,e){return(e-t)/6e4}),(function(t){return t.getMinutes()})),c=l.range,u=n((function(t){t.setTime(t-t.getMilliseconds()-1e3*t.getSeconds()-6e4*t.getMinutes())}),(function(t,e){t.setTime(+t+36e5*e)}),(function(t,e){return(e-t)/36e5}),(function(t){return t.getHours()})),f=u.range,h=n((function(t){t.setHours(0,0,0,0)}),(function(t,e){t.setDate(t.getDate()+e)}),(function(t,e){return(e-t-6e4*(e.getTimezoneOffset()-t.getTimezoneOffset()))/864e5}),(function(t){return t.getDate()-1})),p=h.range;function d(t){return n((function(e){e.setDate(e.getDate()-(e.getDay()+7-t)%7),e.setHours(0,0,0,0)}),(function(t,e){t.setDate(t.getDate()+7*e)}),(function(t,e){return(e-t-6e4*(e.getTimezoneOffset()-t.getTimezoneOffset()))/6048e5}))}var g=d(0),m=d(1),v=d(2),y=d(3),x=d(4),b=d(5),_=d(6),w=g.range,T=m.range,k=v.range,M=y.range,A=x.range,S=b.range,E=_.range,C=n((function(t){t.setDate(1),t.setHours(0,0,0,0)}),(function(t,e){t.setMonth(t.getMonth()+e)}),(function(t,e){return e.getMonth()-t.getMonth()+12*(e.getFullYear()-t.getFullYear())}),(function(t){return t.getMonth()})),L=C.range,I=n((function(t){t.setMonth(0,1),t.setHours(0,0,0,0)}),(function(t,e){t.setFullYear(t.getFullYear()+e)}),(function(t,e){return e.getFullYear()-t.getFullYear()}),(function(t){return t.getFullYear()}));I.every=function(t){return isFinite(t=Math.floor(t))&&t>0?n((function(e){e.setFullYear(Math.floor(e.getFullYear()/t)*t),e.setMonth(0,1),e.setHours(0,0,0,0)}),(function(e,r){e.setFullYear(e.getFullYear()+r*t)})):null};var P=I.range,z=n((function(t){t.setUTCSeconds(0,0)}),(function(t,e){t.setTime(+t+6e4*e)}),(function(t,e){return(e-t)/6e4}),(function(t){return t.getUTCMinutes()})),O=z.range,D=n((function(t){t.setUTCMinutes(0,0,0)}),(function(t,e){t.setTime(+t+36e5*e)}),(function(t,e){return(e-t)/36e5}),(function(t){return t.getUTCHours()})),R=D.range,F=n((function(t){t.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCDate(t.getUTCDate()+e)}),(function(t,e){return(e-t)/864e5}),(function(t){return t.getUTCDate()-1})),B=F.range;function N(t){return n((function(e){e.setUTCDate(e.getUTCDate()-(e.getUTCDay()+7-t)%7),e.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCDate(t.getUTCDate()+7*e)}),(function(t,e){return(e-t)/6048e5}))}var j=N(0),U=N(1),V=N(2),q=N(3),H=N(4),G=N(5),Y=N(6),W=j.range,X=U.range,Z=V.range,J=q.range,K=H.range,Q=G.range,$=Y.range,tt=n((function(t){t.setUTCDate(1),t.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCMonth(t.getUTCMonth()+e)}),(function(t,e){return e.getUTCMonth()-t.getUTCMonth()+12*(e.getUTCFullYear()-t.getUTCFullYear())}),(function(t){return t.getUTCMonth()})),et=tt.range,rt=n((function(t){t.setUTCMonth(0,1),t.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCFullYear(t.getUTCFullYear()+e)}),(function(t,e){return e.getUTCFullYear()-t.getUTCFullYear()}),(function(t){return t.getUTCFullYear()}));rt.every=function(t){return isFinite(t=Math.floor(t))&&t>0?n((function(e){e.setUTCFullYear(Math.floor(e.getUTCFullYear()/t)*t),e.setUTCMonth(0,1),e.setUTCHours(0,0,0,0)}),(function(e,r){e.setUTCFullYear(e.getUTCFullYear()+r*t)})):null};var nt=rt.range;t.timeDay=h,t.timeDays=p,t.timeFriday=b,t.timeFridays=S,t.timeHour=u,t.timeHours=f,t.timeInterval=n,t.timeMillisecond=i,t.timeMilliseconds=a,t.timeMinute=l,t.timeMinutes=c,t.timeMonday=m,t.timeMondays=T,t.timeMonth=C,t.timeMonths=L,t.timeSaturday=_,t.timeSaturdays=E,t.timeSecond=o,t.timeSeconds=s,t.timeSunday=g,t.timeSundays=w,t.timeThursday=x,t.timeThursdays=A,t.timeTuesday=v,t.timeTuesdays=k,t.timeWednesday=y,t.timeWednesdays=M,t.timeWeek=g,t.timeWeeks=w,t.timeYear=I,t.timeYears=P,t.utcDay=F,t.utcDays=B,t.utcFriday=G,t.utcFridays=Q,t.utcHour=D,t.utcHours=R,t.utcMillisecond=i,t.utcMilliseconds=a,t.utcMinute=z,t.utcMinutes=O,t.utcMonday=U,t.utcMondays=X,t.utcMonth=tt,t.utcMonths=et,t.utcSaturday=Y,t.utcSaturdays=$,t.utcSecond=o,t.utcSeconds=s,t.utcSunday=j,t.utcSundays=W,t.utcThursday=H,t.utcThursdays=K,t.utcTuesday=V,t.utcTuesdays=Z,t.utcWednesday=q,t.utcWednesdays=J,t.utcWeek=j,t.utcWeeks=W,t.utcYear=rt,t.utcYears=nt,Object.defineProperty(t,"__esModule",{value:!0})}))},{}],168:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?n(r):n((t=t||self).d3=t.d3||{})}(this,(function(t){"use strict";var e,r,n=0,i=0,a=0,o=0,s=0,l=0,c="object"==typeof performance&&performance.now?performance:Date,u="object"==typeof window&&window.requestAnimationFrame?window.requestAnimationFrame.bind(window):function(t){setTimeout(t,17)};function f(){return s||(u(h),s=c.now()+l)}function h(){s=0}function p(){this._call=this._time=this._next=null}function d(t,e,r){var n=new p;return n.restart(t,e,r),n}function g(){f(),++n;for(var t,r=e;r;)(t=s-r._time)>=0&&r._call.call(null,t),r=r._next;--n}function m(){s=(o=c.now())+l,n=i=0;try{g()}finally{n=0,function(){var t,n,i=e,a=1/0;for(;i;)i._call?(a>i._time&&(a=i._time),t=i,i=i._next):(n=i._next,i._next=null,i=t?t._next=n:e=n);r=t,y(a)}(),s=0}}function v(){var t=c.now(),e=t-o;e>1e3&&(l-=e,o=t)}function y(t){n||(i&&(i=clearTimeout(i)),t-s>24?(t<1/0&&(i=setTimeout(m,t-c.now()-l)),a&&(a=clearInterval(a))):(a||(o=c.now(),a=setInterval(v,1e3)),n=1,u(m)))}p.prototype=d.prototype={constructor:p,restart:function(t,n,i){if("function"!=typeof t)throw new TypeError("callback is not a function");i=(null==i?f():+i)+(null==n?0:+n),this._next||r===this||(r?r._next=this:e=this,r=this),this._call=t,this._time=i,y()},stop:function(){this._call&&(this._call=null,this._time=1/0,y())}},t.interval=function(t,e,r){var n=new p,i=e;return null==e?(n.restart(t,e,r),n):(e=+e,r=null==r?f():+r,n.restart((function a(o){o+=i,n.restart(a,i+=e,r),t(o)}),e,r),n)},t.now=f,t.timeout=function(t,e,r){var n=new p;return e=null==e?0:+e,n.restart((function(r){n.stop(),t(r+e)}),e,r),n},t.timer=d,t.timerFlush=g,Object.defineProperty(t,"__esModule",{value:!0})}))},{}],169:[function(t,e,r){!function(){var t={version:"3.5.17"},r=[].slice,n=function(t){return r.call(t)},i=this.document;function a(t){return t&&(t.ownerDocument||t.document||t).documentElement}function o(t){return t&&(t.ownerDocument&&t.ownerDocument.defaultView||t.document&&t||t.defaultView)}if(i)try{n(i.documentElement.childNodes)[0].nodeType}catch(t){n=function(t){for(var e=t.length,r=new Array(e);e--;)r[e]=t[e];return r}}if(Date.now||(Date.now=function(){return+new Date}),i)try{i.createElement("DIV").style.setProperty("opacity",0,"")}catch(t){var s=this.Element.prototype,l=s.setAttribute,c=s.setAttributeNS,u=this.CSSStyleDeclaration.prototype,f=u.setProperty;s.setAttribute=function(t,e){l.call(this,t,e+"")},s.setAttributeNS=function(t,e,r){c.call(this,t,e,r+"")},u.setProperty=function(t,e,r){f.call(this,t,e+"",r)}}function h(t,e){return te?1:t>=e?0:NaN}function p(t){return null===t?NaN:+t}function d(t){return!isNaN(t)}function g(t){return{left:function(e,r,n,i){for(arguments.length<3&&(n=0),arguments.length<4&&(i=e.length);n>>1;t(e[a],r)<0?n=a+1:i=a}return n},right:function(e,r,n,i){for(arguments.length<3&&(n=0),arguments.length<4&&(i=e.length);n>>1;t(e[a],r)>0?i=a:n=a+1}return n}}}t.ascending=h,t.descending=function(t,e){return et?1:e>=t?0:NaN},t.min=function(t,e){var r,n,i=-1,a=t.length;if(1===arguments.length){for(;++i=n){r=n;break}for(;++in&&(r=n)}else{for(;++i=n){r=n;break}for(;++in&&(r=n)}return r},t.max=function(t,e){var r,n,i=-1,a=t.length;if(1===arguments.length){for(;++i=n){r=n;break}for(;++ir&&(r=n)}else{for(;++i=n){r=n;break}for(;++ir&&(r=n)}return r},t.extent=function(t,e){var r,n,i,a=-1,o=t.length;if(1===arguments.length){for(;++a=n){r=i=n;break}for(;++an&&(r=n),i=n){r=i=n;break}for(;++an&&(r=n),i1)return o/(l-1)},t.deviation=function(){var e=t.variance.apply(this,arguments);return e?Math.sqrt(e):e};var m=g(h);function v(t){return t.length}t.bisectLeft=m.left,t.bisect=t.bisectRight=m.right,t.bisector=function(t){return g(1===t.length?function(e,r){return h(t(e),r)}:t)},t.shuffle=function(t,e,r){(a=arguments.length)<3&&(r=t.length,a<2&&(e=0));for(var n,i,a=r-e;a;)i=Math.random()*a--|0,n=t[a+e],t[a+e]=t[i+e],t[i+e]=n;return t},t.permute=function(t,e){for(var r=e.length,n=new Array(r);r--;)n[r]=t[e[r]];return n},t.pairs=function(t){for(var e=0,r=t.length-1,n=t[0],i=new Array(r<0?0:r);e=0;)for(e=(n=t[i]).length;--e>=0;)r[--o]=n[e];return r};var y=Math.abs;function x(t){for(var e=1;t*e%1;)e*=10;return e}function b(t,e){for(var r in e)Object.defineProperty(t.prototype,r,{value:e[r],enumerable:!1})}function _(){this._=Object.create(null)}t.range=function(t,e,r){if(arguments.length<3&&(r=1,arguments.length<2&&(e=t,t=0)),(e-t)/r==1/0)throw new Error("infinite range");var n,i=[],a=x(y(r)),o=-1;if(t*=a,e*=a,(r*=a)<0)for(;(n=t+r*++o)>e;)i.push(n/a);else for(;(n=t+r*++o)=i.length)return r?r.call(n,a):e?a.sort(e):a;for(var l,c,u,f,h=-1,p=a.length,d=i[s++],g=new _;++h=i.length)return e;var n=[],o=a[r++];return e.forEach((function(e,i){n.push({key:e,values:t(i,r)})})),o?n.sort((function(t,e){return o(t.key,e.key)})):n}(o(t.map,e,0),0)},n.key=function(t){return i.push(t),n},n.sortKeys=function(t){return a[i.length-1]=t,n},n.sortValues=function(t){return e=t,n},n.rollup=function(t){return r=t,n},n},t.set=function(t){var e=new C;if(t)for(var r=0,n=t.length;r=0&&(n=t.slice(r+1),t=t.slice(0,r)),t)return arguments.length<2?this[t].on(n):this[t].on(n,e);if(2===arguments.length){if(null==e)for(t in this)this.hasOwnProperty(t)&&this[t].on(n,null);return this}},t.event=null,t.requote=function(t){return t.replace(j,"\\$&")};var j=/[\\\^\$\*\+\?\|\[\]\(\)\.\{\}]/g,U={}.__proto__?function(t,e){t.__proto__=e}:function(t,e){for(var r in e)t[r]=e[r]};function V(t){return U(t,Y),t}var q=function(t,e){return e.querySelector(t)},H=function(t,e){return e.querySelectorAll(t)},G=function(t,e){var r=t.matches||t[P(t,"matchesSelector")];return(G=function(t,e){return r.call(t,e)})(t,e)};"function"==typeof Sizzle&&(q=function(t,e){return Sizzle(t,e)[0]||null},H=Sizzle,G=Sizzle.matchesSelector),t.selection=function(){return t.select(i.documentElement)};var Y=t.selection.prototype=[];function W(t){return"function"==typeof t?t:function(){return q(t,this)}}function X(t){return"function"==typeof t?t:function(){return H(t,this)}}Y.select=function(t){var e,r,n,i,a=[];t=W(t);for(var o=-1,s=this.length;++o=0&&"xmlns"!==(r=t.slice(0,e))&&(t=t.slice(e+1)),J.hasOwnProperty(r)?{space:J[r],local:t}:t}},Y.attr=function(e,r){if(arguments.length<2){if("string"==typeof e){var n=this.node();return(e=t.ns.qualify(e)).local?n.getAttributeNS(e.space,e.local):n.getAttribute(e)}for(r in e)this.each(K(r,e[r]));return this}return this.each(K(e,r))},Y.classed=function(t,e){if(arguments.length<2){if("string"==typeof t){var r=this.node(),n=(t=tt(t)).length,i=-1;if(e=r.classList){for(;++i=0;)(r=n[i])&&(a&&a!==r.nextSibling&&a.parentNode.insertBefore(r,a),a=r);return this},Y.sort=function(t){t=ct.apply(this,arguments);for(var e=-1,r=this.length;++e=e&&(e=i+1);!(o=s[e])&&++e0&&(e=e.slice(0,o));var l=gt.get(e);function c(){var t=this[a];t&&(this.removeEventListener(e,t,t.$),delete this[a])}return l&&(e=l,s=vt),o?r?function(){var t=s(r,n(arguments));c.call(this),this.addEventListener(e,this[a]=t,t.$=i),t._=r}:c:r?O:function(){var r,n=new RegExp("^__on([^.]+)"+t.requote(e)+"$");for(var i in this)if(r=i.match(n)){var a=this[i];this.removeEventListener(r[1],a,a.$),delete this[i]}}}t.selection.enter=ft,t.selection.enter.prototype=ht,ht.append=Y.append,ht.empty=Y.empty,ht.node=Y.node,ht.call=Y.call,ht.size=Y.size,ht.select=function(t){for(var e,r,n,i,a,o=[],s=-1,l=this.length;++s0?1:t<0?-1:0}function zt(t,e,r){return(e[0]-t[0])*(r[1]-t[1])-(e[1]-t[1])*(r[0]-t[0])}function Ot(t){return t>1?0:t<-1?At:Math.acos(t)}function Dt(t){return t>1?Ct:t<-1?-Ct:Math.asin(t)}function Rt(t){return((t=Math.exp(t))+1/t)/2}function Ft(t){return(t=Math.sin(t/2))*t}var Bt=Math.SQRT2;t.interpolateZoom=function(t,e){var r,n,i=t[0],a=t[1],o=t[2],s=e[0],l=e[1],c=e[2],u=s-i,f=l-a,h=u*u+f*f;if(h0&&(e=e.transition().duration(g)),e.call(w.event)}function S(){c&&c.domain(l.range().map((function(t){return(t-h.x)/h.k})).map(l.invert)),f&&f.domain(u.range().map((function(t){return(t-h.y)/h.k})).map(u.invert))}function E(t){m++||t({type:"zoomstart"})}function C(t){S(),t({type:"zoom",scale:h.k,translate:[h.x,h.y]})}function L(t){--m||(t({type:"zoomend"}),r=null)}function I(){var e=this,r=_.of(e,arguments),n=0,i=t.select(o(e)).on(y,l).on(x,c),a=T(t.mouse(e)),s=bt(e);function l(){n=1,M(t.mouse(e),a),C(r)}function c(){i.on(y,null).on(x,null),s(n),L(r)}vs.call(e),E(r)}function P(){var e,r=this,n=_.of(r,arguments),i={},a=0,o=".zoom-"+t.event.changedTouches[0].identifier,l="touchmove"+o,c="touchend"+o,u=[],f=t.select(r),p=bt(r);function d(){var n=t.touches(r);return e=h.k,n.forEach((function(t){t.identifier in i&&(i[t.identifier]=T(t))})),n}function g(){var e=t.event.target;t.select(e).on(l,m).on(c,y),u.push(e);for(var n=t.event.changedTouches,o=0,f=n.length;o1){v=p[0];var x=p[1],b=v[0]-x[0],_=v[1]-x[1];a=b*b+_*_}}function m(){var o,l,c,u,f=t.touches(r);vs.call(r);for(var h=0,p=f.length;h360?t-=360:t<0&&(t+=360),t<60?n+(i-n)*t/60:t<180?i:t<240?n+(i-n)*(240-t)/60:n}(t))}return t=isNaN(t)?0:(t%=360)<0?t+360:t,e=isNaN(e)||e<0?0:e>1?1:e,n=2*(r=r<0?0:r>1?1:r)-(i=r<=.5?r*(1+e):r+e-r*e),new ne(a(t+120),a(t),a(t-120))}function Yt(e,r,n){return this instanceof Yt?(this.h=+e,this.c=+r,void(this.l=+n)):arguments.length<2?e instanceof Yt?new Yt(e.h,e.c,e.l):$t(e instanceof Zt?e.l:(e=ue((e=t.rgb(e)).r,e.g,e.b)).l,e.a,e.b):new Yt(e,r,n)}Ht.brighter=function(t){return t=Math.pow(.7,arguments.length?t:1),new qt(this.h,this.s,this.l/t)},Ht.darker=function(t){return t=Math.pow(.7,arguments.length?t:1),new qt(this.h,this.s,t*this.l)},Ht.rgb=function(){return Gt(this.h,this.s,this.l)},t.hcl=Yt;var Wt=Yt.prototype=new Vt;function Xt(t,e,r){return isNaN(t)&&(t=0),isNaN(e)&&(e=0),new Zt(r,Math.cos(t*=Lt)*e,Math.sin(t)*e)}function Zt(t,e,r){return this instanceof Zt?(this.l=+t,this.a=+e,void(this.b=+r)):arguments.length<2?t instanceof Zt?new Zt(t.l,t.a,t.b):t instanceof Yt?Xt(t.h,t.c,t.l):ue((t=ne(t)).r,t.g,t.b):new Zt(t,e,r)}Wt.brighter=function(t){return new Yt(this.h,this.c,Math.min(100,this.l+Jt*(arguments.length?t:1)))},Wt.darker=function(t){return new Yt(this.h,this.c,Math.max(0,this.l-Jt*(arguments.length?t:1)))},Wt.rgb=function(){return Xt(this.h,this.c,this.l).rgb()},t.lab=Zt;var Jt=18,Kt=Zt.prototype=new Vt;function Qt(t,e,r){var n=(t+16)/116,i=n+e/500,a=n-r/200;return new ne(re(3.2404542*(i=.95047*te(i))-1.5371385*(n=1*te(n))-.4985314*(a=1.08883*te(a))),re(-.969266*i+1.8760108*n+.041556*a),re(.0556434*i-.2040259*n+1.0572252*a))}function $t(t,e,r){return t>0?new Yt(Math.atan2(r,e)*It,Math.sqrt(e*e+r*r),t):new Yt(NaN,NaN,t)}function te(t){return t>.206893034?t*t*t:(t-4/29)/7.787037}function ee(t){return t>.008856?Math.pow(t,1/3):7.787037*t+4/29}function re(t){return Math.round(255*(t<=.00304?12.92*t:1.055*Math.pow(t,1/2.4)-.055))}function ne(t,e,r){return this instanceof ne?(this.r=~~t,this.g=~~e,void(this.b=~~r)):arguments.length<2?t instanceof ne?new ne(t.r,t.g,t.b):le(""+t,ne,Gt):new ne(t,e,r)}function ie(t){return new ne(t>>16,t>>8&255,255&t)}function ae(t){return ie(t)+""}Kt.brighter=function(t){return new Zt(Math.min(100,this.l+Jt*(arguments.length?t:1)),this.a,this.b)},Kt.darker=function(t){return new Zt(Math.max(0,this.l-Jt*(arguments.length?t:1)),this.a,this.b)},Kt.rgb=function(){return Qt(this.l,this.a,this.b)},t.rgb=ne;var oe=ne.prototype=new Vt;function se(t){return t<16?"0"+Math.max(0,t).toString(16):Math.min(255,t).toString(16)}function le(t,e,r){var n,i,a,o=0,s=0,l=0;if(n=/([a-z]+)\((.*)\)/.exec(t=t.toLowerCase()))switch(i=n[2].split(","),n[1]){case"hsl":return r(parseFloat(i[0]),parseFloat(i[1])/100,parseFloat(i[2])/100);case"rgb":return e(he(i[0]),he(i[1]),he(i[2]))}return(a=pe.get(t))?e(a.r,a.g,a.b):(null==t||"#"!==t.charAt(0)||isNaN(a=parseInt(t.slice(1),16))||(4===t.length?(o=(3840&a)>>4,o|=o>>4,s=240&a,s|=s>>4,l=15&a,l|=l<<4):7===t.length&&(o=(16711680&a)>>16,s=(65280&a)>>8,l=255&a)),e(o,s,l))}function ce(t,e,r){var n,i,a=Math.min(t/=255,e/=255,r/=255),o=Math.max(t,e,r),s=o-a,l=(o+a)/2;return s?(i=l<.5?s/(o+a):s/(2-o-a),n=t==o?(e-r)/s+(e0&&l<1?0:n),new qt(n,i,l)}function ue(t,e,r){var n=ee((.4124564*(t=fe(t))+.3575761*(e=fe(e))+.1804375*(r=fe(r)))/.95047),i=ee((.2126729*t+.7151522*e+.072175*r)/1);return Zt(116*i-16,500*(n-i),200*(i-ee((.0193339*t+.119192*e+.9503041*r)/1.08883)))}function fe(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function he(t){var e=parseFloat(t);return"%"===t.charAt(t.length-1)?Math.round(2.55*e):e}oe.brighter=function(t){t=Math.pow(.7,arguments.length?t:1);var e=this.r,r=this.g,n=this.b,i=30;return e||r||n?(e&&e=200&&e<300||304===e){try{t=i.call(o,c)}catch(t){return void s.error.call(o,t)}s.load.call(o,t)}else s.error.call(o,c)}return this.XDomainRequest&&!("withCredentials"in c)&&/^(http(s)?:)?\/\//.test(e)&&(c=new XDomainRequest),"onload"in c?c.onload=c.onerror=f:c.onreadystatechange=function(){c.readyState>3&&f()},c.onprogress=function(e){var r=t.event;t.event=e;try{s.progress.call(o,c)}finally{t.event=r}},o.header=function(t,e){return t=(t+"").toLowerCase(),arguments.length<2?l[t]:(null==e?delete l[t]:l[t]=e+"",o)},o.mimeType=function(t){return arguments.length?(r=null==t?null:t+"",o):r},o.responseType=function(t){return arguments.length?(u=t,o):u},o.response=function(t){return i=t,o},["get","post"].forEach((function(t){o[t]=function(){return o.send.apply(o,[t].concat(n(arguments)))}})),o.send=function(t,n,i){if(2===arguments.length&&"function"==typeof n&&(i=n,n=null),c.open(t,e,!0),null==r||"accept"in l||(l.accept=r+",*/*"),c.setRequestHeader)for(var a in l)c.setRequestHeader(a,l[a]);return null!=r&&c.overrideMimeType&&c.overrideMimeType(r),null!=u&&(c.responseType=u),null!=i&&o.on("error",i).on("load",(function(t){i(null,t)})),s.beforesend.call(o,c),c.send(null==n?null:n),o},o.abort=function(){return c.abort(),o},t.rebind(o,s,"on"),null==a?o:o.get(function(t){return 1===t.length?function(e,r){t(null==e?r:null)}:t}(a))}pe.forEach((function(t,e){pe.set(t,ie(e))})),t.functor=de,t.xhr=ge(L),t.dsv=function(t,e){var r=new RegExp('["'+t+"\n]"),n=t.charCodeAt(0);function i(t,r,n){arguments.length<3&&(n=r,r=null);var i=me(t,e,null==r?a:o(r),n);return i.row=function(t){return arguments.length?i.response(null==(r=t)?a:o(t)):r},i}function a(t){return i.parse(t.responseText)}function o(t){return function(e){return i.parse(e.responseText,t)}}function s(e){return e.map(l).join(t)}function l(t){return r.test(t)?'"'+t.replace(/\"/g,'""')+'"':t}return i.parse=function(t,e){var r;return i.parseRows(t,(function(t,n){if(r)return r(t,n-1);var i=new Function("d","return {"+t.map((function(t,e){return JSON.stringify(t)+": d["+e+"]"})).join(",")+"}");r=e?function(t,r){return e(i(t),r)}:i}))},i.parseRows=function(t,e){var r,i,a={},o={},s=[],l=t.length,c=0,u=0;function f(){if(c>=l)return o;if(i)return i=!1,a;var e=c;if(34===t.charCodeAt(e)){for(var r=e;r++24?(isFinite(e)&&(clearTimeout(be),be=setTimeout(Te,e)),xe=0):(xe=1,_e(Te))}function ke(){for(var t=Date.now(),e=ve;e;)t>=e.t&&e.c(t-e.t)&&(e.c=null),e=e.n;return t}function Me(){for(var t,e=ve,r=1/0;e;)e.c?(e.t8?function(t){return t/r}:function(t){return t*r},symbol:t}}));function Ee(e){var r=e.decimal,n=e.thousands,i=e.grouping,a=e.currency,o=i&&n?function(t,e){for(var r=t.length,a=[],o=0,s=i[0],l=0;r>0&&s>0&&(l+s+1>e&&(s=Math.max(1,e-l)),a.push(t.substring(r-=s,r+s)),!((l+=s+1)>e));)s=i[o=(o+1)%i.length];return a.reverse().join(n)}:L;return function(e){var n=Ce.exec(e),i=n[1]||" ",s=n[2]||">",l=n[3]||"-",c=n[4]||"",u=n[5],f=+n[6],h=n[7],p=n[8],d=n[9],g=1,m="",v="",y=!1,x=!0;switch(p&&(p=+p.substring(1)),(u||"0"===i&&"="===s)&&(u=i="0",s="="),d){case"n":h=!0,d="g";break;case"%":g=100,v="%",d="f";break;case"p":g=100,v="%",d="r";break;case"b":case"o":case"x":case"X":"#"===c&&(m="0"+d.toLowerCase());case"c":x=!1;case"d":y=!0,p=0;break;case"s":g=-1,d="r"}"$"===c&&(m=a[0],v=a[1]),"r"!=d||p||(d="g"),null!=p&&("g"==d?p=Math.max(1,Math.min(21,p)):"e"!=d&&"f"!=d||(p=Math.max(0,Math.min(20,p)))),d=Le.get(d)||Ie;var b=u&&h;return function(e){var n=v;if(y&&e%1)return"";var a=e<0||0===e&&1/e<0?(e=-e,"-"):"-"===l?"":l;if(g<0){var c=t.formatPrefix(e,p);e=c.scale(e),n=c.symbol+v}else e*=g;var _,w,T=(e=d(e,p)).lastIndexOf(".");if(T<0){var k=x?e.lastIndexOf("e"):-1;k<0?(_=e,w=""):(_=e.substring(0,k),w=e.substring(k))}else _=e.substring(0,T),w=r+e.substring(T+1);!u&&h&&(_=o(_,1/0));var M=m.length+_.length+w.length+(b?0:a.length),A=M"===s?A+a+e:"^"===s?A.substring(0,M>>=1)+a+e+A.substring(M):a+(b?e:A+e))+n}}}t.formatPrefix=function(e,r){var n=0;return(e=+e)&&(e<0&&(e*=-1),r&&(e=t.round(e,Ae(e,r))),n=1+Math.floor(1e-12+Math.log(e)/Math.LN10),n=Math.max(-24,Math.min(24,3*Math.floor((n-1)/3)))),Se[8+n/3]};var Ce=/(?:([^{])?([<>=^]))?([+\- ])?([$#])?(0)?(\d+)?(,)?(\.-?\d+)?([a-z%])?/i,Le=t.map({b:function(t){return t.toString(2)},c:function(t){return String.fromCharCode(t)},o:function(t){return t.toString(8)},x:function(t){return t.toString(16)},X:function(t){return t.toString(16).toUpperCase()},g:function(t,e){return t.toPrecision(e)},e:function(t,e){return t.toExponential(e)},f:function(t,e){return t.toFixed(e)},r:function(e,r){return(e=t.round(e,Ae(e,r))).toFixed(Math.max(0,Math.min(20,Ae(e*(1+1e-15),r))))}});function Ie(t){return t+""}var Pe=t.time={},ze=Date;function Oe(){this._=new Date(arguments.length>1?Date.UTC.apply(this,arguments):arguments[0])}Oe.prototype={getDate:function(){return this._.getUTCDate()},getDay:function(){return this._.getUTCDay()},getFullYear:function(){return this._.getUTCFullYear()},getHours:function(){return this._.getUTCHours()},getMilliseconds:function(){return this._.getUTCMilliseconds()},getMinutes:function(){return this._.getUTCMinutes()},getMonth:function(){return this._.getUTCMonth()},getSeconds:function(){return this._.getUTCSeconds()},getTime:function(){return this._.getTime()},getTimezoneOffset:function(){return 0},valueOf:function(){return this._.valueOf()},setDate:function(){De.setUTCDate.apply(this._,arguments)},setDay:function(){De.setUTCDay.apply(this._,arguments)},setFullYear:function(){De.setUTCFullYear.apply(this._,arguments)},setHours:function(){De.setUTCHours.apply(this._,arguments)},setMilliseconds:function(){De.setUTCMilliseconds.apply(this._,arguments)},setMinutes:function(){De.setUTCMinutes.apply(this._,arguments)},setMonth:function(){De.setUTCMonth.apply(this._,arguments)},setSeconds:function(){De.setUTCSeconds.apply(this._,arguments)},setTime:function(){De.setTime.apply(this._,arguments)}};var De=Date.prototype;function Re(t,e,r){function n(e){var r=t(e),n=a(r,1);return e-r1)for(;o=c)return-1;if(37===(i=e.charCodeAt(s++))){if(o=e.charAt(s++),!(a=w[o in Ne?e.charAt(s++):o])||(n=a(t,r,n))<0)return-1}else if(i!=r.charCodeAt(n++))return-1}return n}u.utc=function(t){var e=u(t);function r(t){try{var r=new(ze=Oe);return r._=t,e(r)}finally{ze=Date}}return r.parse=function(t){try{ze=Oe;var r=e.parse(t);return r&&r._}finally{ze=Date}},r.toString=e.toString,r},u.multi=u.utc.multi=or;var h=t.map(),p=qe(o),d=He(o),g=qe(s),m=He(s),v=qe(l),y=He(l),x=qe(c),b=He(c);a.forEach((function(t,e){h.set(t.toLowerCase(),e)}));var _={a:function(t){return s[t.getDay()]},A:function(t){return o[t.getDay()]},b:function(t){return c[t.getMonth()]},B:function(t){return l[t.getMonth()]},c:u(r),d:function(t,e){return Ve(t.getDate(),e,2)},e:function(t,e){return Ve(t.getDate(),e,2)},H:function(t,e){return Ve(t.getHours(),e,2)},I:function(t,e){return Ve(t.getHours()%12||12,e,2)},j:function(t,e){return Ve(1+Pe.dayOfYear(t),e,3)},L:function(t,e){return Ve(t.getMilliseconds(),e,3)},m:function(t,e){return Ve(t.getMonth()+1,e,2)},M:function(t,e){return Ve(t.getMinutes(),e,2)},p:function(t){return a[+(t.getHours()>=12)]},S:function(t,e){return Ve(t.getSeconds(),e,2)},U:function(t,e){return Ve(Pe.sundayOfYear(t),e,2)},w:function(t){return t.getDay()},W:function(t,e){return Ve(Pe.mondayOfYear(t),e,2)},x:u(n),X:u(i),y:function(t,e){return Ve(t.getFullYear()%100,e,2)},Y:function(t,e){return Ve(t.getFullYear()%1e4,e,4)},Z:ir,"%":function(){return"%"}},w={a:function(t,e,r){g.lastIndex=0;var n=g.exec(e.slice(r));return n?(t.w=m.get(n[0].toLowerCase()),r+n[0].length):-1},A:function(t,e,r){p.lastIndex=0;var n=p.exec(e.slice(r));return n?(t.w=d.get(n[0].toLowerCase()),r+n[0].length):-1},b:function(t,e,r){x.lastIndex=0;var n=x.exec(e.slice(r));return n?(t.m=b.get(n[0].toLowerCase()),r+n[0].length):-1},B:function(t,e,r){v.lastIndex=0;var n=v.exec(e.slice(r));return n?(t.m=y.get(n[0].toLowerCase()),r+n[0].length):-1},c:function(t,e,r){return f(t,_.c.toString(),e,r)},d:Qe,e:Qe,H:tr,I:tr,j:$e,L:nr,m:Ke,M:er,p:function(t,e,r){var n=h.get(e.slice(r,r+=2).toLowerCase());return null==n?-1:(t.p=n,r)},S:rr,U:Ye,w:Ge,W:We,x:function(t,e,r){return f(t,_.x.toString(),e,r)},X:function(t,e,r){return f(t,_.X.toString(),e,r)},y:Ze,Y:Xe,Z:Je,"%":ar};return u}Pe.year=Re((function(t){return(t=Pe.day(t)).setMonth(0,1),t}),(function(t,e){t.setFullYear(t.getFullYear()+e)}),(function(t){return t.getFullYear()})),Pe.years=Pe.year.range,Pe.years.utc=Pe.year.utc.range,Pe.day=Re((function(t){var e=new ze(2e3,0);return e.setFullYear(t.getFullYear(),t.getMonth(),t.getDate()),e}),(function(t,e){t.setDate(t.getDate()+e)}),(function(t){return t.getDate()-1})),Pe.days=Pe.day.range,Pe.days.utc=Pe.day.utc.range,Pe.dayOfYear=function(t){var e=Pe.year(t);return Math.floor((t-e-6e4*(t.getTimezoneOffset()-e.getTimezoneOffset()))/864e5)},["sunday","monday","tuesday","wednesday","thursday","friday","saturday"].forEach((function(t,e){e=7-e;var r=Pe[t]=Re((function(t){return(t=Pe.day(t)).setDate(t.getDate()-(t.getDay()+e)%7),t}),(function(t,e){t.setDate(t.getDate()+7*Math.floor(e))}),(function(t){var r=Pe.year(t).getDay();return Math.floor((Pe.dayOfYear(t)+(r+e)%7)/7)-(r!==e)}));Pe[t+"s"]=r.range,Pe[t+"s"].utc=r.utc.range,Pe[t+"OfYear"]=function(t){var r=Pe.year(t).getDay();return Math.floor((Pe.dayOfYear(t)+(r+e)%7)/7)}})),Pe.week=Pe.sunday,Pe.weeks=Pe.sunday.range,Pe.weeks.utc=Pe.sunday.utc.range,Pe.weekOfYear=Pe.sundayOfYear;var Ne={"-":"",_:" ",0:"0"},je=/^\s*\d+/,Ue=/^%/;function Ve(t,e,r){var n=t<0?"-":"",i=(n?-t:t)+"",a=i.length;return n+(a68?1900:2e3),r+i[0].length):-1}function Je(t,e,r){return/^[+-]\d{4}$/.test(e=e.slice(r,r+5))?(t.Z=-e,r+5):-1}function Ke(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.m=n[0]-1,r+n[0].length):-1}function Qe(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.d=+n[0],r+n[0].length):-1}function $e(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+3));return n?(t.j=+n[0],r+n[0].length):-1}function tr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.H=+n[0],r+n[0].length):-1}function er(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.M=+n[0],r+n[0].length):-1}function rr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.S=+n[0],r+n[0].length):-1}function nr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+3));return n?(t.L=+n[0],r+n[0].length):-1}function ir(t){var e=t.getTimezoneOffset(),r=e>0?"-":"+",n=y(e)/60|0,i=y(e)%60;return r+Ve(n,"0",2)+Ve(i,"0",2)}function ar(t,e,r){Ue.lastIndex=0;var n=Ue.exec(e.slice(r,r+1));return n?r+n[0].length:-1}function or(t){for(var e=t.length,r=-1;++r=0?1:-1,s=o*a,l=Math.cos(e),c=Math.sin(e),u=i*c,f=n*l+u*Math.cos(s),h=u*o*Math.sin(s);Er.add(Math.atan2(h,f)),r=t,n=l,i=c}Cr.point=function(o,s){Cr.point=a,r=(t=o)*Lt,n=Math.cos(s=(e=s)*Lt/2+At/4),i=Math.sin(s)},Cr.lineEnd=function(){a(t,e)}}function Ir(t){var e=t[0],r=t[1],n=Math.cos(r);return[n*Math.cos(e),n*Math.sin(e),Math.sin(r)]}function Pr(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]}function zr(t,e){return[t[1]*e[2]-t[2]*e[1],t[2]*e[0]-t[0]*e[2],t[0]*e[1]-t[1]*e[0]]}function Or(t,e){t[0]+=e[0],t[1]+=e[1],t[2]+=e[2]}function Dr(t,e){return[t[0]*e,t[1]*e,t[2]*e]}function Rr(t){var e=Math.sqrt(t[0]*t[0]+t[1]*t[1]+t[2]*t[2]);t[0]/=e,t[1]/=e,t[2]/=e}function Fr(t){return[Math.atan2(t[1],t[0]),Dt(t[2])]}function Br(t,e){return y(t[0]-e[0])kt?i=90:c<-kt&&(r=-90),f[0]=e,f[1]=n}};function p(t,a){u.push(f=[e=t,n=t]),ai&&(i=a)}function d(t,o){var s=Ir([t*Lt,o*Lt]);if(l){var c=zr(l,s),u=zr([c[1],-c[0],0],c);Rr(u),u=Fr(u);var f=t-a,h=f>0?1:-1,d=u[0]*It*h,g=y(f)>180;if(g^(h*ai&&(i=m);else if(g^(h*a<(d=(d+360)%360-180)&&di&&(i=o);g?t_(e,n)&&(n=t):_(t,n)>_(e,n)&&(e=t):n>=e?(tn&&(n=t)):t>a?_(e,t)>_(e,n)&&(n=t):_(t,n)>_(e,n)&&(e=t)}else p(t,o);l=s,a=t}function g(){h.point=d}function m(){f[0]=e,f[1]=n,h.point=p,l=null}function v(t,e){if(l){var r=t-a;c+=y(r)>180?r+(r>0?360:-360):r}else o=t,s=e;Cr.point(t,e),d(t,e)}function x(){Cr.lineStart()}function b(){v(o,s),Cr.lineEnd(),y(c)>kt&&(e=-(n=180)),f[0]=e,f[1]=n,l=null}function _(t,e){return(e-=t)<0?e+360:e}function w(t,e){return t[0]-e[0]}function T(t,e){return e[0]<=e[1]?e[0]<=t&&t<=e[1]:t_(g[0],g[1])&&(g[1]=p[1]),_(p[0],g[1])>_(g[0],g[1])&&(g[0]=p[0])):s.push(g=p);for(var l,c,p,d=-1/0,g=(o=0,s[c=s.length-1]);o<=c;g=p,++o)p=s[o],(l=_(g[1],p[0]))>d&&(d=l,e=p[0],n=g[1])}return u=f=null,e===1/0||r===1/0?[[NaN,NaN],[NaN,NaN]]:[[e,r],[n,i]]}}(),t.geo.centroid=function(e){vr=yr=xr=br=_r=wr=Tr=kr=Mr=Ar=Sr=0,t.geo.stream(e,Nr);var r=Mr,n=Ar,i=Sr,a=r*r+n*n+i*i;return a=0;--s)i.point((f=u[s])[0],f[1]);else n(p.x,p.p.x,-1,i);p=p.p}u=(p=p.o).z,d=!d}while(!p.v);i.lineEnd()}}}function Xr(t){if(e=t.length){for(var e,r,n=0,i=t[0];++n=0?1:-1,T=w*_,k=T>At,M=d*x;if(Er.add(Math.atan2(M*w*Math.sin(T),g*b+M*Math.cos(T))),a+=k?_+w*St:_,k^h>=r^v>=r){var A=zr(Ir(f),Ir(t));Rr(A);var S=zr(i,A);Rr(S);var E=(k^_>=0?-1:1)*Dt(S[2]);(n>E||n===E&&(A[0]||A[1]))&&(o+=k^_>=0?1:-1)}if(!m++)break;h=v,d=x,g=b,f=t}}return(a<-kt||a0){for(x||(o.polygonStart(),x=!0),o.lineStart();++a1&&2&e&&r.push(r.pop().concat(r.shift())),s.push(r.filter(Kr))}return u}}function Kr(t){return t.length>1}function Qr(){var t,e=[];return{lineStart:function(){e.push(t=[])},point:function(e,r){t.push([e,r])},lineEnd:O,buffer:function(){var r=e;return e=[],t=null,r},rejoin:function(){e.length>1&&e.push(e.pop().concat(e.shift()))}}}function $r(t,e){return((t=t.x)[0]<0?t[1]-Ct-kt:Ct-t[1])-((e=e.x)[0]<0?e[1]-Ct-kt:Ct-e[1])}var tn=Jr(Yr,(function(t){var e,r=NaN,n=NaN,i=NaN;return{lineStart:function(){t.lineStart(),e=1},point:function(a,o){var s=a>0?At:-At,l=y(a-r);y(l-At)0?Ct:-Ct),t.point(i,n),t.lineEnd(),t.lineStart(),t.point(s,n),t.point(a,n),e=0):i!==s&&l>=At&&(y(r-i)kt?Math.atan((Math.sin(e)*(a=Math.cos(n))*Math.sin(r)-Math.sin(n)*(i=Math.cos(e))*Math.sin(t))/(i*a*o)):(e+n)/2}(r,n,a,o),t.point(i,n),t.lineEnd(),t.lineStart(),t.point(s,n),e=0),t.point(r=a,n=o),i=s},lineEnd:function(){t.lineEnd(),r=n=NaN},clean:function(){return 2-e}}}),(function(t,e,r,n){var i;if(null==t)i=r*Ct,n.point(-At,i),n.point(0,i),n.point(At,i),n.point(At,0),n.point(At,-i),n.point(0,-i),n.point(-At,-i),n.point(-At,0),n.point(-At,i);else if(y(t[0]-e[0])>kt){var a=t[0]0,n=y(e)>kt;return Jr(i,(function(t){var e,s,l,c,u;return{lineStart:function(){c=l=!1,u=1},point:function(f,h){var p,d=[f,h],g=i(f,h),m=r?g?0:o(f,h):g?o(f+(f<0?At:-At),h):0;if(!e&&(c=l=g)&&t.lineStart(),g!==l&&(p=a(e,d),(Br(e,p)||Br(d,p))&&(d[0]+=kt,d[1]+=kt,g=i(d[0],d[1]))),g!==l)u=0,g?(t.lineStart(),p=a(d,e),t.point(p[0],p[1])):(p=a(e,d),t.point(p[0],p[1]),t.lineEnd()),e=p;else if(n&&e&&r^g){var v;m&s||!(v=a(d,e,!0))||(u=0,r?(t.lineStart(),t.point(v[0][0],v[0][1]),t.point(v[1][0],v[1][1]),t.lineEnd()):(t.point(v[1][0],v[1][1]),t.lineEnd(),t.lineStart(),t.point(v[0][0],v[0][1])))}!g||e&&Br(e,d)||t.point(d[0],d[1]),e=d,l=g,s=m},lineEnd:function(){l&&t.lineEnd(),e=null},clean:function(){return u|(c&&l)<<1}}}),Bn(t,6*Lt),r?[0,-t]:[-At,t-At]);function i(t,r){return Math.cos(t)*Math.cos(r)>e}function a(t,r,n){var i=[1,0,0],a=zr(Ir(t),Ir(r)),o=Pr(a,a),s=a[0],l=o-s*s;if(!l)return!n&&t;var c=e*o/l,u=-e*s/l,f=zr(i,a),h=Dr(i,c);Or(h,Dr(a,u));var p=f,d=Pr(h,p),g=Pr(p,p),m=d*d-g*(Pr(h,h)-1);if(!(m<0)){var v=Math.sqrt(m),x=Dr(p,(-d-v)/g);if(Or(x,h),x=Fr(x),!n)return x;var b,_=t[0],w=r[0],T=t[1],k=r[1];w<_&&(b=_,_=w,w=b);var M=w-_,A=y(M-At)0^x[1]<(y(x[0]-_)At^(_<=x[0]&&x[0]<=w)){var S=Dr(p,(-d+v)/g);return Or(S,h),[x,Fr(S)]}}}function o(e,n){var i=r?t:At-t,a=0;return e<-i?a|=1:e>i&&(a|=2),n<-i?a|=4:n>i&&(a|=8),a}}function rn(t,e,r,n){return function(i){var a,o=i.a,s=i.b,l=o.x,c=o.y,u=0,f=1,h=s.x-l,p=s.y-c;if(a=t-l,h||!(a>0)){if(a/=h,h<0){if(a0){if(a>f)return;a>u&&(u=a)}if(a=r-l,h||!(a<0)){if(a/=h,h<0){if(a>f)return;a>u&&(u=a)}else if(h>0){if(a0)){if(a/=p,p<0){if(a0){if(a>f)return;a>u&&(u=a)}if(a=n-c,p||!(a<0)){if(a/=p,p<0){if(a>f)return;a>u&&(u=a)}else if(p>0){if(a0&&(i.a={x:l+u*h,y:c+u*p}),f<1&&(i.b={x:l+f*h,y:c+f*p}),i}}}}}}function nn(e,r,n,i){return function(l){var c,u,f,h,p,d,g,m,v,y,x,b=l,_=Qr(),w=rn(e,r,n,i),T={point:A,lineStart:function(){T.point=S,u&&u.push(f=[]);y=!0,v=!1,g=m=NaN},lineEnd:function(){c&&(S(h,p),d&&v&&_.rejoin(),c.push(_.buffer()));T.point=A,v&&l.lineEnd()},polygonStart:function(){l=_,c=[],u=[],x=!0},polygonEnd:function(){l=b,c=t.merge(c);var r=function(t){for(var e=0,r=u.length,n=t[1],i=0;in&&zt(c,a,t)>0&&++e:a[1]<=n&&zt(c,a,t)<0&&--e,c=a;return 0!==e}([e,i]),n=x&&r,a=c.length;(n||a)&&(l.polygonStart(),n&&(l.lineStart(),k(null,null,1,l),l.lineEnd()),a&&Wr(c,o,r,k,l),l.polygonEnd()),c=u=f=null}};function k(t,o,l,c){var u=0,f=0;if(null==t||(u=a(t,l))!==(f=a(o,l))||s(t,o)<0^l>0)do{c.point(0===u||3===u?e:n,u>1?i:r)}while((u=(u+l+4)%4)!==f);else c.point(o[0],o[1])}function M(t,a){return e<=t&&t<=n&&r<=a&&a<=i}function A(t,e){M(t,e)&&l.point(t,e)}function S(t,e){var r=M(t=Math.max(-1e9,Math.min(1e9,t)),e=Math.max(-1e9,Math.min(1e9,e)));if(u&&f.push([t,e]),y)h=t,p=e,d=r,y=!1,r&&(l.lineStart(),l.point(t,e));else if(r&&v)l.point(t,e);else{var n={a:{x:g,y:m},b:{x:t,y:e}};w(n)?(v||(l.lineStart(),l.point(n.a.x,n.a.y)),l.point(n.b.x,n.b.y),r||l.lineEnd(),x=!1):r&&(l.lineStart(),l.point(t,e),x=!1)}g=t,m=e,v=r}return T};function a(t,i){return y(t[0]-e)0?0:3:y(t[0]-n)0?2:1:y(t[1]-r)0?1:0:i>0?3:2}function o(t,e){return s(t.x,e.x)}function s(t,e){var r=a(t,1),n=a(e,1);return r!==n?r-n:0===r?e[1]-t[1]:1===r?t[0]-e[0]:2===r?t[1]-e[1]:e[0]-t[0]}}function an(t){var e=0,r=At/3,n=Ln(t),i=n(e,r);return i.parallels=function(t){return arguments.length?n(e=t[0]*At/180,r=t[1]*At/180):[e/At*180,r/At*180]},i}function on(t,e){var r=Math.sin(t),n=(r+Math.sin(e))/2,i=1+r*(2*n-r),a=Math.sqrt(i)/n;function o(t,e){var r=Math.sqrt(i-2*n*Math.sin(e))/n;return[r*Math.sin(t*=n),a-r*Math.cos(t)]}return o.invert=function(t,e){var r=a-e;return[Math.atan2(t,r)/n,Dt((i-(t*t+r*r)*n*n)/(2*n))]},o}t.geo.clipExtent=function(){var t,e,r,n,i,a,o={stream:function(t){return i&&(i.valid=!1),(i=a(t)).valid=!0,i},extent:function(s){return arguments.length?(a=nn(t=+s[0][0],e=+s[0][1],r=+s[1][0],n=+s[1][1]),i&&(i.valid=!1,i=null),o):[[t,e],[r,n]]}};return o.extent([[0,0],[960,500]])},(t.geo.conicEqualArea=function(){return an(on)}).raw=on,t.geo.albers=function(){return t.geo.conicEqualArea().rotate([96,0]).center([-.6,38.7]).parallels([29.5,45.5]).scale(1070)},t.geo.albersUsa=function(){var e,r,n,i,a=t.geo.albers(),o=t.geo.conicEqualArea().rotate([154,0]).center([-2,58.5]).parallels([55,65]),s=t.geo.conicEqualArea().rotate([157,0]).center([-3,19.9]).parallels([8,18]),l={point:function(t,r){e=[t,r]}};function c(t){var a=t[0],o=t[1];return e=null,r(a,o),e||(n(a,o),e)||i(a,o),e}return c.invert=function(t){var e=a.scale(),r=a.translate(),n=(t[0]-r[0])/e,i=(t[1]-r[1])/e;return(i>=.12&&i<.234&&n>=-.425&&n<-.214?o:i>=.166&&i<.234&&n>=-.214&&n<-.115?s:a).invert(t)},c.stream=function(t){var e=a.stream(t),r=o.stream(t),n=s.stream(t);return{point:function(t,i){e.point(t,i),r.point(t,i),n.point(t,i)},sphere:function(){e.sphere(),r.sphere(),n.sphere()},lineStart:function(){e.lineStart(),r.lineStart(),n.lineStart()},lineEnd:function(){e.lineEnd(),r.lineEnd(),n.lineEnd()},polygonStart:function(){e.polygonStart(),r.polygonStart(),n.polygonStart()},polygonEnd:function(){e.polygonEnd(),r.polygonEnd(),n.polygonEnd()}}},c.precision=function(t){return arguments.length?(a.precision(t),o.precision(t),s.precision(t),c):a.precision()},c.scale=function(t){return arguments.length?(a.scale(t),o.scale(.35*t),s.scale(t),c.translate(a.translate())):a.scale()},c.translate=function(t){if(!arguments.length)return a.translate();var e=a.scale(),u=+t[0],f=+t[1];return r=a.translate(t).clipExtent([[u-.455*e,f-.238*e],[u+.455*e,f+.238*e]]).stream(l).point,n=o.translate([u-.307*e,f+.201*e]).clipExtent([[u-.425*e+kt,f+.12*e+kt],[u-.214*e-kt,f+.234*e-kt]]).stream(l).point,i=s.translate([u-.205*e,f+.212*e]).clipExtent([[u-.214*e+kt,f+.166*e+kt],[u-.115*e-kt,f+.234*e-kt]]).stream(l).point,c},c.scale(1070)};var sn,ln,cn,un,fn,hn,pn={point:O,lineStart:O,lineEnd:O,polygonStart:function(){ln=0,pn.lineStart=dn},polygonEnd:function(){pn.lineStart=pn.lineEnd=pn.point=O,sn+=y(ln/2)}};function dn(){var t,e,r,n;function i(t,e){ln+=n*t-r*e,r=t,n=e}pn.point=function(a,o){pn.point=i,t=r=a,e=n=o},pn.lineEnd=function(){i(t,e)}}var gn={point:function(t,e){tfn&&(fn=t);ehn&&(hn=e)},lineStart:O,lineEnd:O,polygonStart:O,polygonEnd:O};function mn(){var t=vn(4.5),e=[],r={point:n,lineStart:function(){r.point=i},lineEnd:o,polygonStart:function(){r.lineEnd=s},polygonEnd:function(){r.lineEnd=o,r.point=n},pointRadius:function(e){return t=vn(e),r},result:function(){if(e.length){var t=e.join("");return e=[],t}}};function n(r,n){e.push("M",r,",",n,t)}function i(t,n){e.push("M",t,",",n),r.point=a}function a(t,r){e.push("L",t,",",r)}function o(){r.point=n}function s(){e.push("Z")}return r}function vn(t){return"m0,"+t+"a"+t+","+t+" 0 1,1 0,"+-2*t+"a"+t+","+t+" 0 1,1 0,"+2*t+"z"}var yn,xn={point:bn,lineStart:_n,lineEnd:wn,polygonStart:function(){xn.lineStart=Tn},polygonEnd:function(){xn.point=bn,xn.lineStart=_n,xn.lineEnd=wn}};function bn(t,e){xr+=t,br+=e,++_r}function _n(){var t,e;function r(r,n){var i=r-t,a=n-e,o=Math.sqrt(i*i+a*a);wr+=o*(t+r)/2,Tr+=o*(e+n)/2,kr+=o,bn(t=r,e=n)}xn.point=function(n,i){xn.point=r,bn(t=n,e=i)}}function wn(){xn.point=bn}function Tn(){var t,e,r,n;function i(t,e){var i=t-r,a=e-n,o=Math.sqrt(i*i+a*a);wr+=o*(r+t)/2,Tr+=o*(n+e)/2,kr+=o,Mr+=(o=n*t-r*e)*(r+t),Ar+=o*(n+e),Sr+=3*o,bn(r=t,n=e)}xn.point=function(a,o){xn.point=i,bn(t=r=a,e=n=o)},xn.lineEnd=function(){i(t,e)}}function kn(t){var e=4.5,r={point:n,lineStart:function(){r.point=i},lineEnd:o,polygonStart:function(){r.lineEnd=s},polygonEnd:function(){r.lineEnd=o,r.point=n},pointRadius:function(t){return e=t,r},result:O};function n(r,n){t.moveTo(r+e,n),t.arc(r,n,e,0,St)}function i(e,n){t.moveTo(e,n),r.point=a}function a(e,r){t.lineTo(e,r)}function o(){r.point=n}function s(){t.closePath()}return r}function Mn(t){var e=.5,r=Math.cos(30*Lt),n=16;function i(t){return(n?o:a)(t)}function a(e){return En(e,(function(r,n){r=t(r,n),e.point(r[0],r[1])}))}function o(e){var r,i,a,o,l,c,u,f,h,p,d,g,m={point:v,lineStart:y,lineEnd:b,polygonStart:function(){e.polygonStart(),m.lineStart=_},polygonEnd:function(){e.polygonEnd(),m.lineStart=y}};function v(r,n){r=t(r,n),e.point(r[0],r[1])}function y(){f=NaN,m.point=x,e.lineStart()}function x(r,i){var a=Ir([r,i]),o=t(r,i);s(f,h,u,p,d,g,f=o[0],h=o[1],u=r,p=a[0],d=a[1],g=a[2],n,e),e.point(f,h)}function b(){m.point=v,e.lineEnd()}function _(){y(),m.point=w,m.lineEnd=T}function w(t,e){x(r=t,e),i=f,a=h,o=p,l=d,c=g,m.point=x}function T(){s(f,h,u,p,d,g,i,a,r,o,l,c,n,e),m.lineEnd=b,b()}return m}function s(n,i,a,o,l,c,u,f,h,p,d,g,m,v){var x=u-n,b=f-i,_=x*x+b*b;if(_>4*e&&m--){var w=o+p,T=l+d,k=c+g,M=Math.sqrt(w*w+T*T+k*k),A=Math.asin(k/=M),S=y(y(k)-1)e||y((x*I+b*P)/_-.5)>.3||o*p+l*d+c*g0&&16,i):Math.sqrt(e)},i}function An(t){var e=Mn((function(e,r){return t([e*It,r*It])}));return function(t){return In(e(t))}}function Sn(t){this.stream=t}function En(t,e){return{point:e,sphere:function(){t.sphere()},lineStart:function(){t.lineStart()},lineEnd:function(){t.lineEnd()},polygonStart:function(){t.polygonStart()},polygonEnd:function(){t.polygonEnd()}}}function Cn(t){return Ln((function(){return t}))()}function Ln(e){var r,n,i,a,o,s,l=Mn((function(t,e){return[(t=r(t,e))[0]*c+a,o-t[1]*c]})),c=150,u=480,f=250,h=0,p=0,d=0,g=0,m=0,v=tn,y=L,x=null,b=null;function _(t){return[(t=i(t[0]*Lt,t[1]*Lt))[0]*c+a,o-t[1]*c]}function w(t){return(t=i.invert((t[0]-a)/c,(o-t[1])/c))&&[t[0]*It,t[1]*It]}function T(){i=Gr(n=On(d,g,m),r);var t=r(h,p);return a=u-t[0]*c,o=f+t[1]*c,k()}function k(){return s&&(s.valid=!1,s=null),_}return _.stream=function(t){return s&&(s.valid=!1),(s=In(v(n,l(y(t))))).valid=!0,s},_.clipAngle=function(t){return arguments.length?(v=null==t?(x=t,tn):en((x=+t)*Lt),k()):x},_.clipExtent=function(t){return arguments.length?(b=t,y=t?nn(t[0][0],t[0][1],t[1][0],t[1][1]):L,k()):b},_.scale=function(t){return arguments.length?(c=+t,T()):c},_.translate=function(t){return arguments.length?(u=+t[0],f=+t[1],T()):[u,f]},_.center=function(t){return arguments.length?(h=t[0]%360*Lt,p=t[1]%360*Lt,T()):[h*It,p*It]},_.rotate=function(t){return arguments.length?(d=t[0]%360*Lt,g=t[1]%360*Lt,m=t.length>2?t[2]%360*Lt:0,T()):[d*It,g*It,m*It]},t.rebind(_,l,"precision"),function(){return r=e.apply(this,arguments),_.invert=r.invert&&w,T()}}function In(t){return En(t,(function(e,r){t.point(e*Lt,r*Lt)}))}function Pn(t,e){return[t,e]}function zn(t,e){return[t>At?t-St:t<-At?t+St:t,e]}function On(t,e,r){return t?e||r?Gr(Rn(t),Fn(e,r)):Rn(t):e||r?Fn(e,r):zn}function Dn(t){return function(e,r){return[(e+=t)>At?e-St:e<-At?e+St:e,r]}}function Rn(t){var e=Dn(t);return e.invert=Dn(-t),e}function Fn(t,e){var r=Math.cos(t),n=Math.sin(t),i=Math.cos(e),a=Math.sin(e);function o(t,e){var o=Math.cos(e),s=Math.cos(t)*o,l=Math.sin(t)*o,c=Math.sin(e),u=c*r+s*n;return[Math.atan2(l*i-u*a,s*r-c*n),Dt(u*i+l*a)]}return o.invert=function(t,e){var o=Math.cos(e),s=Math.cos(t)*o,l=Math.sin(t)*o,c=Math.sin(e),u=c*i-l*a;return[Math.atan2(l*i+c*a,s*r+u*n),Dt(u*r-s*n)]},o}function Bn(t,e){var r=Math.cos(t),n=Math.sin(t);return function(i,a,o,s){var l=o*e;null!=i?(i=Nn(r,i),a=Nn(r,a),(o>0?ia)&&(i+=o*St)):(i=t+o*St,a=t-.5*l);for(var c,u=i;o>0?u>a:u2?t[2]*Lt:0),e.invert=function(e){return(e=t.invert(e[0]*Lt,e[1]*Lt))[0]*=It,e[1]*=It,e},e},zn.invert=Pn,t.geo.circle=function(){var t,e,r=[0,0],n=6;function i(){var t="function"==typeof r?r.apply(this,arguments):r,n=On(-t[0]*Lt,-t[1]*Lt,0).invert,i=[];return e(null,null,1,{point:function(t,e){i.push(t=n(t,e)),t[0]*=It,t[1]*=It}}),{type:"Polygon",coordinates:[i]}}return i.origin=function(t){return arguments.length?(r=t,i):r},i.angle=function(r){return arguments.length?(e=Bn((t=+r)*Lt,n*Lt),i):t},i.precision=function(r){return arguments.length?(e=Bn(t*Lt,(n=+r)*Lt),i):n},i.angle(90)},t.geo.distance=function(t,e){var r,n=(e[0]-t[0])*Lt,i=t[1]*Lt,a=e[1]*Lt,o=Math.sin(n),s=Math.cos(n),l=Math.sin(i),c=Math.cos(i),u=Math.sin(a),f=Math.cos(a);return Math.atan2(Math.sqrt((r=f*o)*r+(r=c*u-l*f*s)*r),l*u+c*f*s)},t.geo.graticule=function(){var e,r,n,i,a,o,s,l,c,u,f,h,p=10,d=p,g=90,m=360,v=2.5;function x(){return{type:"MultiLineString",coordinates:b()}}function b(){return t.range(Math.ceil(i/g)*g,n,g).map(f).concat(t.range(Math.ceil(l/m)*m,s,m).map(h)).concat(t.range(Math.ceil(r/p)*p,e,p).filter((function(t){return y(t%g)>kt})).map(c)).concat(t.range(Math.ceil(o/d)*d,a,d).filter((function(t){return y(t%m)>kt})).map(u))}return x.lines=function(){return b().map((function(t){return{type:"LineString",coordinates:t}}))},x.outline=function(){return{type:"Polygon",coordinates:[f(i).concat(h(s).slice(1),f(n).reverse().slice(1),h(l).reverse().slice(1))]}},x.extent=function(t){return arguments.length?x.majorExtent(t).minorExtent(t):x.minorExtent()},x.majorExtent=function(t){return arguments.length?(i=+t[0][0],n=+t[1][0],l=+t[0][1],s=+t[1][1],i>n&&(t=i,i=n,n=t),l>s&&(t=l,l=s,s=t),x.precision(v)):[[i,l],[n,s]]},x.minorExtent=function(t){return arguments.length?(r=+t[0][0],e=+t[1][0],o=+t[0][1],a=+t[1][1],r>e&&(t=r,r=e,e=t),o>a&&(t=o,o=a,a=t),x.precision(v)):[[r,o],[e,a]]},x.step=function(t){return arguments.length?x.majorStep(t).minorStep(t):x.minorStep()},x.majorStep=function(t){return arguments.length?(g=+t[0],m=+t[1],x):[g,m]},x.minorStep=function(t){return arguments.length?(p=+t[0],d=+t[1],x):[p,d]},x.precision=function(t){return arguments.length?(v=+t,c=jn(o,a,90),u=Un(r,e,v),f=jn(l,s,90),h=Un(i,n,v),x):v},x.majorExtent([[-180,-90+kt],[180,90-kt]]).minorExtent([[-180,-80-kt],[180,80+kt]])},t.geo.greatArc=function(){var e,r,n=Vn,i=qn;function a(){return{type:"LineString",coordinates:[e||n.apply(this,arguments),r||i.apply(this,arguments)]}}return a.distance=function(){return t.geo.distance(e||n.apply(this,arguments),r||i.apply(this,arguments))},a.source=function(t){return arguments.length?(n=t,e="function"==typeof t?null:t,a):n},a.target=function(t){return arguments.length?(i=t,r="function"==typeof t?null:t,a):i},a.precision=function(){return arguments.length?a:0},a},t.geo.interpolate=function(t,e){return r=t[0]*Lt,n=t[1]*Lt,i=e[0]*Lt,a=e[1]*Lt,o=Math.cos(n),s=Math.sin(n),l=Math.cos(a),c=Math.sin(a),u=o*Math.cos(r),f=o*Math.sin(r),h=l*Math.cos(i),p=l*Math.sin(i),d=2*Math.asin(Math.sqrt(Ft(a-n)+o*l*Ft(i-r))),g=1/Math.sin(d),(m=d?function(t){var e=Math.sin(t*=d)*g,r=Math.sin(d-t)*g,n=r*u+e*h,i=r*f+e*p,a=r*s+e*c;return[Math.atan2(i,n)*It,Math.atan2(a,Math.sqrt(n*n+i*i))*It]}:function(){return[r*It,n*It]}).distance=d,m;var r,n,i,a,o,s,l,c,u,f,h,p,d,g,m},t.geo.length=function(e){return yn=0,t.geo.stream(e,Hn),yn};var Hn={sphere:O,point:O,lineStart:function(){var t,e,r;function n(n,i){var a=Math.sin(i*=Lt),o=Math.cos(i),s=y((n*=Lt)-t),l=Math.cos(s);yn+=Math.atan2(Math.sqrt((s=o*Math.sin(s))*s+(s=r*a-e*o*l)*s),e*a+r*o*l),t=n,e=a,r=o}Hn.point=function(i,a){t=i*Lt,e=Math.sin(a*=Lt),r=Math.cos(a),Hn.point=n},Hn.lineEnd=function(){Hn.point=Hn.lineEnd=O}},lineEnd:O,polygonStart:O,polygonEnd:O};function Gn(t,e){function r(e,r){var n=Math.cos(e),i=Math.cos(r),a=t(n*i);return[a*i*Math.sin(e),a*Math.sin(r)]}return r.invert=function(t,r){var n=Math.sqrt(t*t+r*r),i=e(n),a=Math.sin(i),o=Math.cos(i);return[Math.atan2(t*a,n*o),Math.asin(n&&r*a/n)]},r}var Yn=Gn((function(t){return Math.sqrt(2/(1+t))}),(function(t){return 2*Math.asin(t/2)}));(t.geo.azimuthalEqualArea=function(){return Cn(Yn)}).raw=Yn;var Wn=Gn((function(t){var e=Math.acos(t);return e&&e/Math.sin(e)}),L);function Xn(t,e){var r=Math.cos(t),n=function(t){return Math.tan(At/4+t/2)},i=t===e?Math.sin(t):Math.log(r/Math.cos(e))/Math.log(n(e)/n(t)),a=r*Math.pow(n(t),i)/i;if(!i)return Kn;function o(t,e){a>0?e<-Ct+kt&&(e=-Ct+kt):e>Ct-kt&&(e=Ct-kt);var r=a/Math.pow(n(e),i);return[r*Math.sin(i*t),a-r*Math.cos(i*t)]}return o.invert=function(t,e){var r=a-e,n=Pt(i)*Math.sqrt(t*t+r*r);return[Math.atan2(t,r)/i,2*Math.atan(Math.pow(a/n,1/i))-Ct]},o}function Zn(t,e){var r=Math.cos(t),n=t===e?Math.sin(t):(r-Math.cos(e))/(e-t),i=r/n+t;if(y(n)1&&zt(t[r[n-2]],t[r[n-1]],t[i])<=0;)--n;r[n++]=i}return r.slice(0,n)}function ai(t,e){return t[0]-e[0]||t[1]-e[1]}(t.geo.stereographic=function(){return Cn(ti)}).raw=ti,ei.invert=function(t,e){return[-e,2*Math.atan(Math.exp(t))-Ct]},(t.geo.transverseMercator=function(){var t=Qn(ei),e=t.center,r=t.rotate;return t.center=function(t){return t?e([-t[1],t[0]]):[(t=e())[1],-t[0]]},t.rotate=function(t){return t?r([t[0],t[1],t.length>2?t[2]+90:90]):[(t=r())[0],t[1],t[2]-90]},r([0,0,90])}).raw=ei,t.geom={},t.geom.hull=function(t){var e=ri,r=ni;if(arguments.length)return n(t);function n(t){if(t.length<3)return[];var n,i=de(e),a=de(r),o=t.length,s=[],l=[];for(n=0;n=0;--n)p.push(t[s[c[n]][2]]);for(n=+f;nkt)s=s.L;else{if(!((i=a-Ti(s,o))>kt)){n>-kt?(e=s.P,r=s):i>-kt?(e=s,r=s.N):e=r=s;break}if(!s.R){e=s;break}s=s.R}var l=yi(t);if(hi.insert(e,l),e||r){if(e===r)return Ei(e),r=yi(e.site),hi.insert(l,r),l.edge=r.edge=Ii(e.site,l.site),Si(e),void Si(r);if(r){Ei(e),Ei(r);var c=e.site,u=c.x,f=c.y,h=t.x-u,p=t.y-f,d=r.site,g=d.x-u,m=d.y-f,v=2*(h*m-p*g),y=h*h+p*p,x=g*g+m*m,b={x:(m*y-p*x)/v+u,y:(h*x-g*y)/v+f};zi(r.edge,c,d,b),l.edge=Ii(c,t,null,b),r.edge=Ii(t,d,null,b),Si(e),Si(r)}else l.edge=Ii(e.site,l.site)}}function wi(t,e){var r=t.site,n=r.x,i=r.y,a=i-e;if(!a)return n;var o=t.P;if(!o)return-1/0;var s=(r=o.site).x,l=r.y,c=l-e;if(!c)return s;var u=s-n,f=1/a-1/c,h=u/c;return f?(-h+Math.sqrt(h*h-2*f*(u*u/(-2*c)-l+c/2+i-a/2)))/f+n:(n+s)/2}function Ti(t,e){var r=t.N;if(r)return wi(r,e);var n=t.site;return n.y===e?n.x:1/0}function ki(t){this.site=t,this.edges=[]}function Mi(t,e){return e.angle-t.angle}function Ai(){Ri(this),this.x=this.y=this.arc=this.site=this.cy=null}function Si(t){var e=t.P,r=t.N;if(e&&r){var n=e.site,i=t.site,a=r.site;if(n!==a){var o=i.x,s=i.y,l=n.x-o,c=n.y-s,u=a.x-o,f=2*(l*(m=a.y-s)-c*u);if(!(f>=-Mt)){var h=l*l+c*c,p=u*u+m*m,d=(m*h-c*p)/f,g=(l*p-u*h)/f,m=g+s,v=mi.pop()||new Ai;v.arc=t,v.site=i,v.x=d+o,v.y=m+Math.sqrt(d*d+g*g),v.cy=m,t.circle=v;for(var y=null,x=di._;x;)if(v.y=s)return;if(h>d){if(a){if(a.y>=c)return}else a={x:m,y:l};r={x:m,y:c}}else{if(a){if(a.y1)if(h>d){if(a){if(a.y>=c)return}else a={x:(l-i)/n,y:l};r={x:(c-i)/n,y:c}}else{if(a){if(a.y=s)return}else a={x:o,y:n*o+i};r={x:s,y:n*s+i}}else{if(a){if(a.xkt||y(i-r)>kt)&&(s.splice(o,0,new Oi(Pi(a.site,u,y(n-f)kt?{x:f,y:y(e-f)kt?{x:y(r-d)kt?{x:h,y:y(e-h)kt?{x:y(r-p)=r&&c.x<=i&&c.y>=n&&c.y<=o?[[r,o],[i,o],[i,n],[r,n]]:[]).point=t[s]})),e}function s(t){return t.map((function(t,e){return{x:Math.round(n(t,e)/kt)*kt,y:Math.round(i(t,e)/kt)*kt,i:e}}))}return o.links=function(t){return ji(s(t)).edges.filter((function(t){return t.l&&t.r})).map((function(e){return{source:t[e.l.i],target:t[e.r.i]}}))},o.triangles=function(t){var e=[];return ji(s(t)).cells.forEach((function(r,n){for(var i,a,o,s,l=r.site,c=r.edges.sort(Mi),u=-1,f=c.length,h=c[f-1].edge,p=h.l===l?h.r:h.l;++ua||f>o||h=_)<<1|e>=b,T=w+4;wa&&(i=e.slice(a,i),s[o]?s[o]+=i:s[++o]=i),(r=r[0])===(n=n[0])?s[o]?s[o]+=n:s[++o]=n:(s[++o]=null,l.push({i:o,x:Zi(r,n)})),a=Qi.lastIndex;return ag&&(g=l.x),l.y>m&&(m=l.y),c.push(l.x),u.push(l.y);else for(f=0;fg&&(g=b),_>m&&(m=_),c.push(b),u.push(_)}var w=g-p,T=m-d;function k(t,e,r,n,i,a,o,s){if(!isNaN(r)&&!isNaN(n))if(t.leaf){var l=t.x,c=t.y;if(null!=l)if(y(l-r)+y(c-n)<.01)M(t,e,r,n,i,a,o,s);else{var u=t.point;t.x=t.y=t.point=null,M(t,u,l,c,i,a,o,s),M(t,e,r,n,i,a,o,s)}else t.x=r,t.y=n,t.point=e}else M(t,e,r,n,i,a,o,s)}function M(t,e,r,n,i,a,o,s){var l=.5*(i+o),c=.5*(a+s),u=r>=l,f=n>=c,h=f<<1|u;t.leaf=!1,u?i=l:o=l,f?a=c:s=c,k(t=t.nodes[h]||(t.nodes[h]={leaf:!0,nodes:[],point:null,x:null,y:null}),e,r,n,i,a,o,s)}w>T?m=d+w:g=p+T;var A={leaf:!0,nodes:[],point:null,x:null,y:null,add:function(t){k(A,t,+v(t,++f),+x(t,f),p,d,g,m)},visit:function(t){Gi(t,A,p,d,g,m)},find:function(t){return Yi(A,t[0],t[1],p,d,g,m)}};if(f=-1,null==e){for(;++f=0&&!(n=t.interpolators[i](e,r)););return n}function ta(t,e){var r,n=[],i=[],a=t.length,o=e.length,s=Math.min(t.length,e.length);for(r=0;r=1?1:t(e)}}function aa(t){return function(e){return 1-t(1-e)}}function oa(t){return function(e){return.5*(e<.5?t(2*e):2-t(2-2*e))}}function sa(t){return t*t}function la(t){return t*t*t}function ca(t){if(t<=0)return 0;if(t>=1)return 1;var e=t*t,r=e*t;return 4*(t<.5?r:3*(t-e)+r-.75)}function ua(t){return 1-Math.cos(t*Ct)}function fa(t){return Math.pow(2,10*(t-1))}function ha(t){return 1-Math.sqrt(1-t*t)}function pa(t){return t<1/2.75?7.5625*t*t:t<2/2.75?7.5625*(t-=1.5/2.75)*t+.75:t<2.5/2.75?7.5625*(t-=2.25/2.75)*t+.9375:7.5625*(t-=2.625/2.75)*t+.984375}function da(t,e){return e-=t,function(r){return Math.round(t+e*r)}}function ga(t){var e,r,n,i=[t.a,t.b],a=[t.c,t.d],o=va(i),s=ma(i,a),l=va(((e=a)[0]+=(n=-s)*(r=i)[0],e[1]+=n*r[1],e))||0;i[0]*a[1]=0?t.slice(0,e):t,i=e>=0?t.slice(e+1):"in";return n=ra.get(n)||ea,ia((i=na.get(i)||L)(n.apply(null,r.call(arguments,1))))},t.interpolateHcl=function(e,r){e=t.hcl(e),r=t.hcl(r);var n=e.h,i=e.c,a=e.l,o=r.h-n,s=r.c-i,l=r.l-a;isNaN(s)&&(s=0,i=isNaN(i)?r.c:i);isNaN(o)?(o=0,n=isNaN(n)?r.h:n):o>180?o-=360:o<-180&&(o+=360);return function(t){return Xt(n+o*t,i+s*t,a+l*t)+""}},t.interpolateHsl=function(e,r){e=t.hsl(e),r=t.hsl(r);var n=e.h,i=e.s,a=e.l,o=r.h-n,s=r.s-i,l=r.l-a;isNaN(s)&&(s=0,i=isNaN(i)?r.s:i);isNaN(o)?(o=0,n=isNaN(n)?r.h:n):o>180?o-=360:o<-180&&(o+=360);return function(t){return Gt(n+o*t,i+s*t,a+l*t)+""}},t.interpolateLab=function(e,r){e=t.lab(e),r=t.lab(r);var n=e.l,i=e.a,a=e.b,o=r.l-n,s=r.a-i,l=r.b-a;return function(t){return Qt(n+o*t,i+s*t,a+l*t)+""}},t.interpolateRound=da,t.transform=function(e){var r=i.createElementNS(t.ns.prefix.svg,"g");return(t.transform=function(t){if(null!=t){r.setAttribute("transform",t);var e=r.transform.baseVal.consolidate()}return new ga(e?e.matrix:ya)})(e)},ga.prototype.toString=function(){return"translate("+this.translate+")rotate("+this.rotate+")skewX("+this.skew+")scale("+this.scale+")"};var ya={a:1,b:0,c:0,d:1,e:0,f:0};function xa(t){return t.length?t.pop()+",":""}function ba(e,r){var n=[],i=[];return e=t.transform(e),r=t.transform(r),function(t,e,r,n){if(t[0]!==e[0]||t[1]!==e[1]){var i=r.push("translate(",null,",",null,")");n.push({i:i-4,x:Zi(t[0],e[0])},{i:i-2,x:Zi(t[1],e[1])})}else(e[0]||e[1])&&r.push("translate("+e+")")}(e.translate,r.translate,n,i),function(t,e,r,n){t!==e?(t-e>180?e+=360:e-t>180&&(t+=360),n.push({i:r.push(xa(r)+"rotate(",null,")")-2,x:Zi(t,e)})):e&&r.push(xa(r)+"rotate("+e+")")}(e.rotate,r.rotate,n,i),function(t,e,r,n){t!==e?n.push({i:r.push(xa(r)+"skewX(",null,")")-2,x:Zi(t,e)}):e&&r.push(xa(r)+"skewX("+e+")")}(e.skew,r.skew,n,i),function(t,e,r,n){if(t[0]!==e[0]||t[1]!==e[1]){var i=r.push(xa(r)+"scale(",null,",",null,")");n.push({i:i-4,x:Zi(t[0],e[0])},{i:i-2,x:Zi(t[1],e[1])})}else 1===e[0]&&1===e[1]||r.push(xa(r)+"scale("+e+")")}(e.scale,r.scale,n,i),e=r=null,function(t){for(var e,r=-1,a=i.length;++r0?n=t:(e.c=null,e.t=NaN,e=null,l.end({type:"end",alpha:n=0})):t>0&&(l.start({type:"start",alpha:n=t}),e=we(s.tick)),s):n},s.start=function(){var t,e,r,n=v.length,l=y.length,u=c[0],d=c[1];for(t=0;t=0;)r.push(i[n])}function Oa(t,e){for(var r=[t],n=[];null!=(t=r.pop());)if(n.push(t),(a=t.children)&&(i=a.length))for(var i,a,o=-1;++o=0;)o.push(u=c[l]),u.parent=a,u.depth=a.depth+1;r&&(a.value=0),a.children=c}else r&&(a.value=+r.call(n,a,a.depth)||0),delete a.children;return Oa(i,(function(e){var n,i;t&&(n=e.children)&&n.sort(t),r&&(i=e.parent)&&(i.value+=e.value)})),s}return n.sort=function(e){return arguments.length?(t=e,n):t},n.children=function(t){return arguments.length?(e=t,n):e},n.value=function(t){return arguments.length?(r=t,n):r},n.revalue=function(t){return r&&(za(t,(function(t){t.children&&(t.value=0)})),Oa(t,(function(t){var e;t.children||(t.value=+r.call(n,t,t.depth)||0),(e=t.parent)&&(e.value+=t.value)}))),t},n},t.layout.partition=function(){var e=t.layout.hierarchy(),r=[1,1];function n(t,n){var i=e.call(this,t,n);return function t(e,r,n,i){var a=e.children;if(e.x=r,e.y=e.depth*i,e.dx=n,e.dy=i,a&&(o=a.length)){var o,s,l,c=-1;for(n=e.value?n/e.value:0;++cs&&(s=n),o.push(n)}for(r=0;ri&&(n=r,i=e);return n}function Xa(t){return t.reduce(Za,0)}function Za(t,e){return t+e[1]}function Ja(t,e){return Ka(t,Math.ceil(Math.log(e.length)/Math.LN2+1))}function Ka(t,e){for(var r=-1,n=+t[0],i=(t[1]-n)/e,a=[];++r<=e;)a[r]=i*r+n;return a}function Qa(e){return[t.min(e),t.max(e)]}function $a(t,e){return t.value-e.value}function to(t,e){var r=t._pack_next;t._pack_next=e,e._pack_prev=t,e._pack_next=r,r._pack_prev=e}function eo(t,e){t._pack_next=e,e._pack_prev=t}function ro(t,e){var r=e.x-t.x,n=e.y-t.y,i=t.r+e.r;return.999*i*i>r*r+n*n}function no(t){if((e=t.children)&&(l=e.length)){var e,r,n,i,a,o,s,l,c=1/0,u=-1/0,f=1/0,h=-1/0;if(e.forEach(io),(r=e[0]).x=-r.r,r.y=0,x(r),l>1&&((n=e[1]).x=n.r,n.y=0,x(n),l>2))for(oo(r,n,i=e[2]),x(i),to(r,i),r._pack_prev=i,to(i,n),n=r._pack_next,a=3;a0)for(o=-1;++o=f[0]&&l<=f[1]&&((s=c[t.bisect(h,l,1,d)-1]).y+=g,s.push(a[o]));return c}return a.value=function(t){return arguments.length?(r=t,a):r},a.range=function(t){return arguments.length?(n=de(t),a):n},a.bins=function(t){return arguments.length?(i="number"==typeof t?function(e){return Ka(e,t)}:de(t),a):i},a.frequency=function(t){return arguments.length?(e=!!t,a):e},a},t.layout.pack=function(){var e,r=t.layout.hierarchy().sort($a),n=0,i=[1,1];function a(t,a){var o=r.call(this,t,a),s=o[0],l=i[0],c=i[1],u=null==e?Math.sqrt:"function"==typeof e?e:function(){return e};if(s.x=s.y=0,Oa(s,(function(t){t.r=+u(t.value)})),Oa(s,no),n){var f=n*(e?1:Math.max(2*s.r/l,2*s.r/c))/2;Oa(s,(function(t){t.r+=f})),Oa(s,no),Oa(s,(function(t){t.r-=f}))}return function t(e,r,n,i){var a=e.children;if(e.x=r+=i*e.x,e.y=n+=i*e.y,e.r*=i,a)for(var o=-1,s=a.length;++op.x&&(p=t),t.depth>d.depth&&(d=t)}));var g=r(h,p)/2-h.x,m=n[0]/(p.x+r(p,h)/2+g),v=n[1]/(d.depth||1);za(u,(function(t){t.x=(t.x+g)*m,t.y=t.depth*v}))}return c}function o(t){var e=t.children,n=t.parent.children,i=t.i?n[t.i-1]:null;if(e.length){!function(t){var e,r=0,n=0,i=t.children,a=i.length;for(;--a>=0;)(e=i[a]).z+=r,e.m+=r,r+=e.s+(n+=e.c)}(t);var a=(e[0].z+e[e.length-1].z)/2;i?(t.z=i.z+r(t._,i._),t.m=t.z-a):t.z=a}else i&&(t.z=i.z+r(t._,i._));t.parent.A=function(t,e,n){if(e){for(var i,a=t,o=t,s=e,l=a.parent.children[0],c=a.m,u=o.m,f=s.m,h=l.m;s=co(s),a=lo(a),s&&a;)l=lo(l),(o=co(o)).a=t,(i=s.z+f-a.z-c+r(s._,a._))>0&&(uo(fo(s,t,n),t,i),c+=i,u+=i),f+=s.m,c+=a.m,h+=l.m,u+=o.m;s&&!co(o)&&(o.t=s,o.m+=f-u),a&&!lo(l)&&(l.t=a,l.m+=c-h,n=t)}return n}(t,i,t.parent.A||n[0])}function s(t){t._.x=t.z+t.parent.m,t.m+=t.parent.m}function l(t){t.x*=n[0],t.y=t.depth*n[1]}return a.separation=function(t){return arguments.length?(r=t,a):r},a.size=function(t){return arguments.length?(i=null==(n=t)?l:null,a):i?null:n},a.nodeSize=function(t){return arguments.length?(i=null==(n=t)?null:l,a):i?n:null},Pa(a,e)},t.layout.cluster=function(){var e=t.layout.hierarchy().sort(null).value(null),r=so,n=[1,1],i=!1;function a(a,o){var s,l=e.call(this,a,o),c=l[0],u=0;Oa(c,(function(e){var n=e.children;n&&n.length?(e.x=function(t){return t.reduce((function(t,e){return t+e.x}),0)/t.length}(n),e.y=function(e){return 1+t.max(e,(function(t){return t.y}))}(n)):(e.x=s?u+=r(e,s):0,e.y=0,s=e)}));var f=function t(e){var r=e.children;return r&&r.length?t(r[0]):e}(c),h=function t(e){var r,n=e.children;return n&&(r=n.length)?t(n[r-1]):e}(c),p=f.x-r(f,h)/2,d=h.x+r(h,f)/2;return Oa(c,i?function(t){t.x=(t.x-c.x)*n[0],t.y=(c.y-t.y)*n[1]}:function(t){t.x=(t.x-p)/(d-p)*n[0],t.y=(1-(c.y?t.y/c.y:1))*n[1]}),l}return a.separation=function(t){return arguments.length?(r=t,a):r},a.size=function(t){return arguments.length?(i=null==(n=t),a):i?null:n},a.nodeSize=function(t){return arguments.length?(i=null!=(n=t),a):i?n:null},Pa(a,e)},t.layout.treemap=function(){var e,r=t.layout.hierarchy(),n=Math.round,i=[1,1],a=null,o=ho,s=!1,l="squarify",c=.5*(1+Math.sqrt(5));function u(t,e){for(var r,n,i=-1,a=t.length;++i0;)s.push(r=c[i-1]),s.area+=r.area,"squarify"!==l||(n=p(s,g))<=h?(c.pop(),h=n):(s.area-=s.pop().area,d(s,g,a,!1),g=Math.min(a.dx,a.dy),s.length=s.area=0,h=1/0);s.length&&(d(s,g,a,!0),s.length=s.area=0),e.forEach(f)}}function h(t){var e=t.children;if(e&&e.length){var r,n=o(t),i=e.slice(),a=[];for(u(i,n.dx*n.dy/t.value),a.area=0;r=i.pop();)a.push(r),a.area+=r.area,null!=r.z&&(d(a,r.z?n.dx:n.dy,n,!i.length),a.length=a.area=0);e.forEach(h)}}function p(t,e){for(var r,n=t.area,i=0,a=1/0,o=-1,s=t.length;++oi&&(i=r));return e*=e,(n*=n)?Math.max(e*i*c/n,n/(e*a*c)):1/0}function d(t,e,r,i){var a,o=-1,s=t.length,l=r.x,c=r.y,u=e?n(t.area/e):0;if(e==r.dx){for((i||u>r.dy)&&(u=r.dy);++or.dx)&&(u=r.dx);++o1);return t+e*r*Math.sqrt(-2*Math.log(i)/i)}},logNormal:function(){var e=t.random.normal.apply(t,arguments);return function(){return Math.exp(e())}},bates:function(e){var r=t.random.irwinHall(e);return function(){return r()/e}},irwinHall:function(t){return function(){for(var e=0,r=0;r2?_o:vo,s=i?wa:_a;return a=t(e,r,s,n),o=t(r,e,s,$i),l}function l(t){return a(t)}return l.invert=function(t){return o(t)},l.domain=function(t){return arguments.length?(e=t.map(Number),s()):e},l.range=function(t){return arguments.length?(r=t,s()):r},l.rangeRound=function(t){return l.range(t).interpolate(da)},l.clamp=function(t){return arguments.length?(i=t,s()):i},l.interpolate=function(t){return arguments.length?(n=t,s()):n},l.ticks=function(t){return Mo(e,t)},l.tickFormat=function(t,r){return Ao(e,t,r)},l.nice=function(t){return To(e,t),s()},l.copy=function(){return t(e,r,n,i)},s()}([0,1],[0,1],$i,!1)};var So={s:1,g:1,p:1,r:1,e:1};function Eo(t){return-Math.floor(Math.log(t)/Math.LN10+.01)}t.scale.log=function(){return function e(r,n,i,a){function o(t){return(i?Math.log(t<0?0:t):-Math.log(t>0?0:-t))/Math.log(n)}function s(t){return i?Math.pow(n,t):-Math.pow(n,-t)}function l(t){return r(o(t))}return l.invert=function(t){return s(r.invert(t))},l.domain=function(t){return arguments.length?(i=t[0]>=0,r.domain((a=t.map(Number)).map(o)),l):a},l.base=function(t){return arguments.length?(n=+t,r.domain(a.map(o)),l):n},l.nice=function(){var t=yo(a.map(o),i?Math:Lo);return r.domain(t),a=t.map(s),l},l.ticks=function(){var t=go(a),e=[],r=t[0],l=t[1],c=Math.floor(o(r)),u=Math.ceil(o(l)),f=n%1?2:n;if(isFinite(u-c)){if(i){for(;c0;h--)e.push(s(c)*h);for(c=0;e[c]l;u--);e=e.slice(c,u)}return e},l.tickFormat=function(e,r){if(!arguments.length)return Co;arguments.length<2?r=Co:"function"!=typeof r&&(r=t.format(r));var i=Math.max(1,n*e/l.ticks().length);return function(t){var e=t/s(Math.round(o(t)));return e*n0?i[t-1]:r[0],tf?0:1;if(c=Et)return l(c,p)+(s?l(s,1-p):"")+"Z";var d,g,m,v,y,x,b,_,w,T,k,M,A=0,S=0,E=[];if((v=(+o.apply(this,arguments)||0)/2)&&(m=n===Fo?Math.sqrt(s*s+c*c):+n.apply(this,arguments),p||(S*=-1),c&&(S=Dt(m/c*Math.sin(v))),s&&(A=Dt(m/s*Math.sin(v)))),c){y=c*Math.cos(u+S),x=c*Math.sin(u+S),b=c*Math.cos(f-S),_=c*Math.sin(f-S);var C=Math.abs(f-u-2*S)<=At?0:1;if(S&&qo(y,x,b,_)===p^C){var L=(u+f)/2;y=c*Math.cos(L),x=c*Math.sin(L),b=_=null}}else y=x=0;if(s){w=s*Math.cos(f-A),T=s*Math.sin(f-A),k=s*Math.cos(u+A),M=s*Math.sin(u+A);var I=Math.abs(u-f+2*A)<=At?0:1;if(A&&qo(w,T,k,M)===1-p^I){var P=(u+f)/2;w=s*Math.cos(P),T=s*Math.sin(P),k=M=null}}else w=T=0;if(h>kt&&(d=Math.min(Math.abs(c-s)/2,+r.apply(this,arguments)))>.001){g=s0?0:1}function Ho(t,e,r,n,i){var a=t[0]-e[0],o=t[1]-e[1],s=(i?n:-n)/Math.sqrt(a*a+o*o),l=s*o,c=-s*a,u=t[0]+l,f=t[1]+c,h=e[0]+l,p=e[1]+c,d=(u+h)/2,g=(f+p)/2,m=h-u,v=p-f,y=m*m+v*v,x=r-n,b=u*p-h*f,_=(v<0?-1:1)*Math.sqrt(Math.max(0,x*x*y-b*b)),w=(b*v-m*_)/y,T=(-b*m-v*_)/y,k=(b*v+m*_)/y,M=(-b*m+v*_)/y,A=w-d,S=T-g,E=k-d,C=M-g;return A*A+S*S>E*E+C*C&&(w=k,T=M),[[w-l,T-c],[w*r/x,T*r/x]]}function Go(t){var e=ri,r=ni,n=Yr,i=Wo,a=i.key,o=.7;function s(a){var s,l=[],c=[],u=-1,f=a.length,h=de(e),p=de(r);function d(){l.push("M",i(t(c),o))}for(;++u1&&i.push("H",n[0]);return i.join("")},"step-before":Zo,"step-after":Jo,basis:$o,"basis-open":function(t){if(t.length<4)return Wo(t);var e,r=[],n=-1,i=t.length,a=[0],o=[0];for(;++n<3;)e=t[n],a.push(e[0]),o.push(e[1]);r.push(ts(ns,a)+","+ts(ns,o)),--n;for(;++n9&&(i=3*e/Math.sqrt(i),o[s]=i*r,o[s+1]=i*n));s=-1;for(;++s<=l;)i=(t[Math.min(l,s+1)][0]-t[Math.max(0,s-1)][0])/(6*(1+o[s]*o[s])),a.push([i||0,o[s]*i||0]);return a}(t))}});function Wo(t){return t.length>1?t.join("L"):t+"Z"}function Xo(t){return t.join("L")+"Z"}function Zo(t){for(var e=0,r=t.length,n=t[0],i=[n[0],",",n[1]];++e1){s=e[1],a=t[l],l++,n+="C"+(i[0]+o[0])+","+(i[1]+o[1])+","+(a[0]-s[0])+","+(a[1]-s[1])+","+a[0]+","+a[1];for(var c=2;cAt)+",1 "+e}function l(t,e,r,n){return"Q 0,0 "+n}return a.radius=function(t){return arguments.length?(r=de(t),a):r},a.source=function(e){return arguments.length?(t=de(e),a):t},a.target=function(t){return arguments.length?(e=de(t),a):e},a.startAngle=function(t){return arguments.length?(n=de(t),a):n},a.endAngle=function(t){return arguments.length?(i=de(t),a):i},a},t.svg.diagonal=function(){var t=Vn,e=qn,r=cs;function n(n,i){var a=t.call(this,n,i),o=e.call(this,n,i),s=(a.y+o.y)/2,l=[a,{x:a.x,y:s},{x:o.x,y:s},o];return"M"+(l=l.map(r))[0]+"C"+l[1]+" "+l[2]+" "+l[3]}return n.source=function(e){return arguments.length?(t=de(e),n):t},n.target=function(t){return arguments.length?(e=de(t),n):e},n.projection=function(t){return arguments.length?(r=t,n):r},n},t.svg.diagonal.radial=function(){var e=t.svg.diagonal(),r=cs,n=e.projection;return e.projection=function(t){return arguments.length?n(us(r=t)):r},e},t.svg.symbol=function(){var t=hs,e=fs;function r(r,n){return(ds.get(t.call(this,r,n))||ps)(e.call(this,r,n))}return r.type=function(e){return arguments.length?(t=de(e),r):t},r.size=function(t){return arguments.length?(e=de(t),r):e},r};var ds=t.map({circle:ps,cross:function(t){var e=Math.sqrt(t/5)/2;return"M"+-3*e+","+-e+"H"+-e+"V"+-3*e+"H"+e+"V"+-e+"H"+3*e+"V"+e+"H"+e+"V"+3*e+"H"+-e+"V"+e+"H"+-3*e+"Z"},diamond:function(t){var e=Math.sqrt(t/(2*ms)),r=e*ms;return"M0,"+-e+"L"+r+",0 0,"+e+" "+-r+",0Z"},square:function(t){var e=Math.sqrt(t)/2;return"M"+-e+","+-e+"L"+e+","+-e+" "+e+","+e+" "+-e+","+e+"Z"},"triangle-down":function(t){var e=Math.sqrt(t/gs),r=e*gs/2;return"M0,"+r+"L"+e+","+-r+" "+-e+","+-r+"Z"},"triangle-up":function(t){var e=Math.sqrt(t/gs),r=e*gs/2;return"M0,"+-r+"L"+e+","+r+" "+-e+","+r+"Z"}});t.svg.symbolTypes=ds.keys();var gs=Math.sqrt(3),ms=Math.tan(30*Lt);Y.transition=function(t){for(var e,r,n=bs||++Ts,i=As(t),a=[],o=_s||{time:Date.now(),ease:ca,delay:0,duration:250},s=-1,l=this.length;++s0;)c[--h].call(t,o);if(a>=1)return f.event&&f.event.end.call(t,t.__data__,e),--u.count?delete u[n]:delete t[r],1}f||(a=i.time,o=we((function(t){var e=f.delay;if(o.t=e+a,e<=t)return h(t-e);o.c=h}),0,a),f=u[n]={tween:new _,time:a,timer:o,delay:i.delay,duration:i.duration,ease:i.ease,index:e},i=null,++u.count)}ws.call=Y.call,ws.empty=Y.empty,ws.node=Y.node,ws.size=Y.size,t.transition=function(e,r){return e&&e.transition?bs?e.transition(r):e:t.selection().transition(e)},t.transition.prototype=ws,ws.select=function(t){var e,r,n,i=this.id,a=this.namespace,o=[];t=W(t);for(var s=-1,l=this.length;++srect,.s>rect").attr("width",s[1]-s[0])}function g(t){t.select(".extent").attr("y",l[0]),t.selectAll(".extent,.e>rect,.w>rect").attr("height",l[1]-l[0])}function m(){var f,m,v=this,y=t.select(t.event.target),x=n.of(v,arguments),b=t.select(v),_=y.datum(),w=!/^(n|s)$/.test(_)&&i,T=!/^(e|w)$/.test(_)&&a,k=y.classed("extent"),M=bt(v),A=t.mouse(v),S=t.select(o(v)).on("keydown.brush",L).on("keyup.brush",I);if(t.event.changedTouches?S.on("touchmove.brush",P).on("touchend.brush",O):S.on("mousemove.brush",P).on("mouseup.brush",O),b.interrupt().selectAll("*").interrupt(),k)A[0]=s[0]-A[0],A[1]=l[0]-A[1];else if(_){var E=+/w$/.test(_),C=+/^n/.test(_);m=[s[1-E]-A[0],l[1-C]-A[1]],A[0]=s[E],A[1]=l[C]}else t.event.altKey&&(f=A.slice());function L(){32==t.event.keyCode&&(k||(f=null,A[0]-=s[1],A[1]-=l[1],k=2),F())}function I(){32==t.event.keyCode&&2==k&&(A[0]+=s[1],A[1]+=l[1],k=0,F())}function P(){var e=t.mouse(v),r=!1;m&&(e[0]+=m[0],e[1]+=m[1]),k||(t.event.altKey?(f||(f=[(s[0]+s[1])/2,(l[0]+l[1])/2]),A[0]=s[+(e[0]1?{floor:function(e){for(;s(e=t.floor(e));)e=Ns(e-1);return e},ceil:function(e){for(;s(e=t.ceil(e));)e=Ns(+e+1);return e}}:t))},i.ticks=function(t,e){var r=go(i.domain()),n=null==t?a(r,10):"number"==typeof t?a(r,t):!t.range&&[{range:t},e];return n&&(t=n[0],e=n[1]),t.range(r[0],Ns(+r[1]+1),e<1?1:e)},i.tickFormat=function(){return n},i.copy=function(){return Bs(e.copy(),r,n)},wo(i,e)}function Ns(t){return new Date(t)}Os.iso=Date.prototype.toISOString&&+new Date("2000-01-01T00:00:00.000Z")?Fs:Rs,Fs.parse=function(t){var e=new Date(t);return isNaN(e)?null:e},Fs.toString=Rs.toString,Pe.second=Re((function(t){return new ze(1e3*Math.floor(t/1e3))}),(function(t,e){t.setTime(t.getTime()+1e3*Math.floor(e))}),(function(t){return t.getSeconds()})),Pe.seconds=Pe.second.range,Pe.seconds.utc=Pe.second.utc.range,Pe.minute=Re((function(t){return new ze(6e4*Math.floor(t/6e4))}),(function(t,e){t.setTime(t.getTime()+6e4*Math.floor(e))}),(function(t){return t.getMinutes()})),Pe.minutes=Pe.minute.range,Pe.minutes.utc=Pe.minute.utc.range,Pe.hour=Re((function(t){var e=t.getTimezoneOffset()/60;return new ze(36e5*(Math.floor(t/36e5-e)+e))}),(function(t,e){t.setTime(t.getTime()+36e5*Math.floor(e))}),(function(t){return t.getHours()})),Pe.hours=Pe.hour.range,Pe.hours.utc=Pe.hour.utc.range,Pe.month=Re((function(t){return(t=Pe.day(t)).setDate(1),t}),(function(t,e){t.setMonth(t.getMonth()+e)}),(function(t){return t.getMonth()})),Pe.months=Pe.month.range,Pe.months.utc=Pe.month.utc.range;var js=[1e3,5e3,15e3,3e4,6e4,3e5,9e5,18e5,36e5,108e5,216e5,432e5,864e5,1728e5,6048e5,2592e6,7776e6,31536e6],Us=[[Pe.second,1],[Pe.second,5],[Pe.second,15],[Pe.second,30],[Pe.minute,1],[Pe.minute,5],[Pe.minute,15],[Pe.minute,30],[Pe.hour,1],[Pe.hour,3],[Pe.hour,6],[Pe.hour,12],[Pe.day,1],[Pe.day,2],[Pe.week,1],[Pe.month,1],[Pe.month,3],[Pe.year,1]],Vs=Os.multi([[".%L",function(t){return t.getMilliseconds()}],[":%S",function(t){return t.getSeconds()}],["%I:%M",function(t){return t.getMinutes()}],["%I %p",function(t){return t.getHours()}],["%a %d",function(t){return t.getDay()&&1!=t.getDate()}],["%b %d",function(t){return 1!=t.getDate()}],["%B",function(t){return t.getMonth()}],["%Y",Yr]]),qs={range:function(e,r,n){return t.range(Math.ceil(e/n)*n,+r,n).map(Ns)},floor:L,ceil:L};Us.year=Pe.year,Pe.scale=function(){return Bs(t.scale.linear(),Us,Vs)};var Hs=Us.map((function(t){return[t[0].utc,t[1]]})),Gs=Ds.multi([[".%L",function(t){return t.getUTCMilliseconds()}],[":%S",function(t){return t.getUTCSeconds()}],["%I:%M",function(t){return t.getUTCMinutes()}],["%I %p",function(t){return t.getUTCHours()}],["%a %d",function(t){return t.getUTCDay()&&1!=t.getUTCDate()}],["%b %d",function(t){return 1!=t.getUTCDate()}],["%B",function(t){return t.getUTCMonth()}],["%Y",Yr]]);function Ys(t){return JSON.parse(t.responseText)}function Ws(t){var e=i.createRange();return e.selectNode(i.body),e.createContextualFragment(t.responseText)}Hs.year=Pe.year.utc,Pe.scale.utc=function(){return Bs(t.scale.linear(),Hs,Gs)},t.text=ge((function(t){return t.responseText})),t.json=function(t,e){return me(t,"application/json",Ys,e)},t.html=function(t,e){return me(t,"text/html",Ws,e)},t.xml=ge((function(t){return t.responseXML})),"object"==typeof e&&e.exports?e.exports=t:this.d3=t}()},{}],170:[function(t,e,r){e.exports=function(){for(var t=0;t=2)return!1;t[r]=n}return!0})):_.filter((function(t){for(var e=0;e<=s;++e){var r=v[t[e]];if(r<0)return!1;t[e]=r}return!0}));if(1&s)for(u=0;u<_.length;++u){h=(b=_[u])[0];b[0]=b[1],b[1]=h}return _}},{"incremental-convex-hull":459,uniq:597}],172:[function(t,e,r){"use strict";e.exports=a;var n=(a.canvas=document.createElement("canvas")).getContext("2d"),i=o([32,126]);function a(t,e){Array.isArray(t)&&(t=t.join(", "));var r,a={},s=16,l=.05;e&&(2===e.length&&"number"==typeof e[0]?r=o(e):Array.isArray(e)?r=e:(e.o?r=o(e.o):e.pairs&&(r=e.pairs),e.fontSize&&(s=e.fontSize),null!=e.threshold&&(l=e.threshold))),r||(r=i),n.font=s+"px "+t;for(var c=0;cs*l){var p=(h-f)/s;a[u]=1e3*p}}return a}function o(t){for(var e=[],r=t[0];r<=t[1];r++)for(var n=String.fromCharCode(r),i=t[0];i>>31},e.exports.exponent=function(t){return(e.exports.hi(t)<<1>>>21)-1023},e.exports.fraction=function(t){var r=e.exports.lo(t),n=e.exports.hi(t),i=1048575&n;return 2146435072&n&&(i+=1<<20),[r,i]},e.exports.denormalized=function(t){return!(2146435072&e.exports.hi(t))}}).call(this)}).call(this,t("buffer").Buffer)},{buffer:111}],174:[function(t,e,r){var n=t("abs-svg-path"),i=t("normalize-svg-path"),a={M:"moveTo",C:"bezierCurveTo"};e.exports=function(t,e){t.beginPath(),i(n(e)).forEach((function(e){var r=e[0],n=e.slice(1);t[a[r]].apply(t,n)})),t.closePath()}},{"abs-svg-path":65,"normalize-svg-path":497}],175:[function(t,e,r){e.exports=function(t){switch(t){case"int8":return Int8Array;case"int16":return Int16Array;case"int32":return Int32Array;case"uint8":return Uint8Array;case"uint16":return Uint16Array;case"uint32":return Uint32Array;case"float32":return Float32Array;case"float64":return Float64Array;case"array":return Array;case"uint8_clamped":return Uint8ClampedArray}}},{}],176:[function(t,e,r){"use strict";e.exports=function(t,e){switch("undefined"==typeof e&&(e=0),typeof t){case"number":if(t>0)return function(t,e){var r,n;for(r=new Array(t),n=0;n80*r){n=l=t[0],s=c=t[1];for(var b=r;bl&&(l=u),p>c&&(c=p);d=0!==(d=Math.max(l-n,c-s))?1/d:0}return o(y,x,r,n,s,d),x}function i(t,e,r,n,i){var a,o;if(i===E(t,e,r,n)>0)for(a=e;a=e;a-=n)o=M(a,t[a],t[a+1],o);return o&&x(o,o.next)&&(A(o),o=o.next),o}function a(t,e){if(!t)return t;e||(e=t);var r,n=t;do{if(r=!1,n.steiner||!x(n,n.next)&&0!==y(n.prev,n,n.next))n=n.next;else{if(A(n),(n=e=n.prev)===n.next)break;r=!0}}while(r||n!==e);return e}function o(t,e,r,n,i,f,h){if(t){!h&&f&&function(t,e,r,n){var i=t;do{null===i.z&&(i.z=d(i.x,i.y,e,r,n)),i.prevZ=i.prev,i.nextZ=i.next,i=i.next}while(i!==t);i.prevZ.nextZ=null,i.prevZ=null,function(t){var e,r,n,i,a,o,s,l,c=1;do{for(r=t,t=null,a=null,o=0;r;){for(o++,n=r,s=0,e=0;e0||l>0&&n;)0!==s&&(0===l||!n||r.z<=n.z)?(i=r,r=r.nextZ,s--):(i=n,n=n.nextZ,l--),a?a.nextZ=i:t=i,i.prevZ=a,a=i;r=n}a.nextZ=null,c*=2}while(o>1)}(i)}(t,n,i,f);for(var p,g,m=t;t.prev!==t.next;)if(p=t.prev,g=t.next,f?l(t,n,i,f):s(t))e.push(p.i/r),e.push(t.i/r),e.push(g.i/r),A(t),t=g.next,m=g.next;else if((t=g)===m){h?1===h?o(t=c(a(t),e,r),e,r,n,i,f,2):2===h&&u(t,e,r,n,i,f):o(a(t),e,r,n,i,f,1);break}}}function s(t){var e=t.prev,r=t,n=t.next;if(y(e,r,n)>=0)return!1;for(var i=t.next.next;i!==t.prev;){if(m(e.x,e.y,r.x,r.y,n.x,n.y,i.x,i.y)&&y(i.prev,i,i.next)>=0)return!1;i=i.next}return!0}function l(t,e,r,n){var i=t.prev,a=t,o=t.next;if(y(i,a,o)>=0)return!1;for(var s=i.xa.x?i.x>o.x?i.x:o.x:a.x>o.x?a.x:o.x,u=i.y>a.y?i.y>o.y?i.y:o.y:a.y>o.y?a.y:o.y,f=d(s,l,e,r,n),h=d(c,u,e,r,n),p=t.prevZ,g=t.nextZ;p&&p.z>=f&&g&&g.z<=h;){if(p!==t.prev&&p!==t.next&&m(i.x,i.y,a.x,a.y,o.x,o.y,p.x,p.y)&&y(p.prev,p,p.next)>=0)return!1;if(p=p.prevZ,g!==t.prev&&g!==t.next&&m(i.x,i.y,a.x,a.y,o.x,o.y,g.x,g.y)&&y(g.prev,g,g.next)>=0)return!1;g=g.nextZ}for(;p&&p.z>=f;){if(p!==t.prev&&p!==t.next&&m(i.x,i.y,a.x,a.y,o.x,o.y,p.x,p.y)&&y(p.prev,p,p.next)>=0)return!1;p=p.prevZ}for(;g&&g.z<=h;){if(g!==t.prev&&g!==t.next&&m(i.x,i.y,a.x,a.y,o.x,o.y,g.x,g.y)&&y(g.prev,g,g.next)>=0)return!1;g=g.nextZ}return!0}function c(t,e,r){var n=t;do{var i=n.prev,o=n.next.next;!x(i,o)&&b(i,n,n.next,o)&&T(i,o)&&T(o,i)&&(e.push(i.i/r),e.push(n.i/r),e.push(o.i/r),A(n),A(n.next),n=t=o),n=n.next}while(n!==t);return a(n)}function u(t,e,r,n,i,s){var l=t;do{for(var c=l.next.next;c!==l.prev;){if(l.i!==c.i&&v(l,c)){var u=k(l,c);return l=a(l,l.next),u=a(u,u.next),o(l,e,r,n,i,s),void o(u,e,r,n,i,s)}c=c.next}l=l.next}while(l!==t)}function f(t,e){return t.x-e.x}function h(t,e){if(e=function(t,e){var r,n=e,i=t.x,a=t.y,o=-1/0;do{if(a<=n.y&&a>=n.next.y&&n.next.y!==n.y){var s=n.x+(a-n.y)*(n.next.x-n.x)/(n.next.y-n.y);if(s<=i&&s>o){if(o=s,s===i){if(a===n.y)return n;if(a===n.next.y)return n.next}r=n.x=n.x&&n.x>=u&&i!==n.x&&m(ar.x||n.x===r.x&&p(r,n)))&&(r=n,h=l)),n=n.next}while(n!==c);return r}(t,e)){var r=k(e,t);a(e,e.next),a(r,r.next)}}function p(t,e){return y(t.prev,t,e.prev)<0&&y(e.next,t,t.next)<0}function d(t,e,r,n,i){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t=32767*(t-r)*i)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e=32767*(e-n)*i)|e<<8))|e<<4))|e<<2))|e<<1))<<1}function g(t){var e=t,r=t;do{(e.x=0&&(t-o)*(n-s)-(r-o)*(e-s)>=0&&(r-o)*(a-s)-(i-o)*(n-s)>=0}function v(t,e){return t.next.i!==e.i&&t.prev.i!==e.i&&!function(t,e){var r=t;do{if(r.i!==t.i&&r.next.i!==t.i&&r.i!==e.i&&r.next.i!==e.i&&b(r,r.next,t,e))return!0;r=r.next}while(r!==t);return!1}(t,e)&&(T(t,e)&&T(e,t)&&function(t,e){var r=t,n=!1,i=(t.x+e.x)/2,a=(t.y+e.y)/2;do{r.y>a!=r.next.y>a&&r.next.y!==r.y&&i<(r.next.x-r.x)*(a-r.y)/(r.next.y-r.y)+r.x&&(n=!n),r=r.next}while(r!==t);return n}(t,e)&&(y(t.prev,t,e.prev)||y(t,e.prev,e))||x(t,e)&&y(t.prev,t,t.next)>0&&y(e.prev,e,e.next)>0)}function y(t,e,r){return(e.y-t.y)*(r.x-e.x)-(e.x-t.x)*(r.y-e.y)}function x(t,e){return t.x===e.x&&t.y===e.y}function b(t,e,r,n){var i=w(y(t,e,r)),a=w(y(t,e,n)),o=w(y(r,n,t)),s=w(y(r,n,e));return i!==a&&o!==s||(!(0!==i||!_(t,r,e))||(!(0!==a||!_(t,n,e))||(!(0!==o||!_(r,t,n))||!(0!==s||!_(r,e,n)))))}function _(t,e,r){return e.x<=Math.max(t.x,r.x)&&e.x>=Math.min(t.x,r.x)&&e.y<=Math.max(t.y,r.y)&&e.y>=Math.min(t.y,r.y)}function w(t){return t>0?1:t<0?-1:0}function T(t,e){return y(t.prev,t,t.next)<0?y(t,e,t.next)>=0&&y(t,t.prev,e)>=0:y(t,e,t.prev)<0||y(t,t.next,e)<0}function k(t,e){var r=new S(t.i,t.x,t.y),n=new S(e.i,e.x,e.y),i=t.next,a=e.prev;return t.next=e,e.prev=t,r.next=i,i.prev=r,n.next=r,r.prev=n,a.next=n,n.prev=a,n}function M(t,e,r,n){var i=new S(t,e,r);return n?(i.next=n.next,i.prev=n,n.next.prev=i,n.next=i):(i.prev=i,i.next=i),i}function A(t){t.next.prev=t.prev,t.prev.next=t.next,t.prevZ&&(t.prevZ.nextZ=t.nextZ),t.nextZ&&(t.nextZ.prevZ=t.prevZ)}function S(t,e,r){this.i=t,this.x=e,this.y=r,this.prev=null,this.next=null,this.z=null,this.prevZ=null,this.nextZ=null,this.steiner=!1}function E(t,e,r,n){for(var i=0,a=e,o=r-n;a0&&(n+=t[i-1].length,r.holes.push(n))}return r}},{}],178:[function(t,e,r){"use strict";e.exports=function(t,e){var r=t.length;if("number"!=typeof e){e=0;for(var i=0;i=e}))}(e);for(var r,i=n(t).components.filter((function(t){return t.length>1})),a=1/0,o=0;o=55296&&y<=56319&&(w+=t[++r]),w=T?h.call(T,k,w,g):w,e?(p.value=w,d(m,g,p)):m[g]=w,++g;v=g}if(void 0===v)for(v=o(t.length),e&&(m=new e(v)),r=0;r0?1:-1}},{}],190:[function(t,e,r){"use strict";var n=t("../math/sign"),i=Math.abs,a=Math.floor;e.exports=function(t){return isNaN(t)?0:0!==(t=Number(t))&&isFinite(t)?n(t)*a(i(t)):t}},{"../math/sign":187}],191:[function(t,e,r){"use strict";var n=t("./to-integer"),i=Math.max;e.exports=function(t){return i(0,n(t))}},{"./to-integer":190}],192:[function(t,e,r){"use strict";var n=t("./valid-callable"),i=t("./valid-value"),a=Function.prototype.bind,o=Function.prototype.call,s=Object.keys,l=Object.prototype.propertyIsEnumerable;e.exports=function(t,e){return function(r,c){var u,f=arguments[2],h=arguments[3];return r=Object(i(r)),n(c),u=s(r),h&&u.sort("function"==typeof h?a.call(h,r):void 0),"function"!=typeof t&&(t=u[t]),o.call(t,u,(function(t,n){return l.call(r,t)?o.call(c,f,r[t],t,r,n):e}))}}},{"./valid-callable":209,"./valid-value":211}],193:[function(t,e,r){"use strict";e.exports=t("./is-implemented")()?Object.assign:t("./shim")},{"./is-implemented":194,"./shim":195}],194:[function(t,e,r){"use strict";e.exports=function(){var t,e=Object.assign;return"function"==typeof e&&(e(t={foo:"raz"},{bar:"dwa"},{trzy:"trzy"}),t.foo+t.bar+t.trzy==="razdwatrzy")}},{}],195:[function(t,e,r){"use strict";var n=t("../keys"),i=t("../valid-value"),a=Math.max;e.exports=function(t,e){var r,o,s,l=a(arguments.length,2);for(t=Object(i(t)),s=function(n){try{t[n]=e[n]}catch(t){r||(r=t)}},o=1;o-1}},{}],215:[function(t,e,r){"use strict";var n=Object.prototype.toString,i=n.call("");e.exports=function(t){return"string"==typeof t||t&&"object"==typeof t&&(t instanceof String||n.call(t)===i)||!1}},{}],216:[function(t,e,r){"use strict";var n=Object.create(null),i=Math.random;e.exports=function(){var t;do{t=i().toString(36).slice(2)}while(n[t]);return t}},{}],217:[function(t,e,r){"use strict";var n,i=t("es5-ext/object/set-prototype-of"),a=t("es5-ext/string/#/contains"),o=t("d"),s=t("es6-symbol"),l=t("./"),c=Object.defineProperty;n=e.exports=function(t,e){if(!(this instanceof n))throw new TypeError("Constructor requires 'new'");l.call(this,t),e=e?a.call(e,"key+value")?"key+value":a.call(e,"key")?"key":"value":"value",c(this,"__kind__",o("",e))},i&&i(n,l),delete n.prototype.constructor,n.prototype=Object.create(l.prototype,{_resolve:o((function(t){return"value"===this.__kind__?this.__list__[t]:"key+value"===this.__kind__?[t,this.__list__[t]]:t}))}),c(n.prototype,s.toStringTag,o("c","Array Iterator"))},{"./":220,d:155,"es5-ext/object/set-prototype-of":206,"es5-ext/string/#/contains":212,"es6-symbol":225}],218:[function(t,e,r){"use strict";var n=t("es5-ext/function/is-arguments"),i=t("es5-ext/object/valid-callable"),a=t("es5-ext/string/is-string"),o=t("./get"),s=Array.isArray,l=Function.prototype.call,c=Array.prototype.some;e.exports=function(t,e){var r,u,f,h,p,d,g,m,v=arguments[2];if(s(t)||n(t)?r="array":a(t)?r="string":t=o(t),i(e),f=function(){h=!0},"array"!==r)if("string"!==r)for(u=t.next();!u.done;){if(l.call(e,v,u.value,f),h)return;u=t.next()}else for(d=t.length,p=0;p=55296&&m<=56319&&(g+=t[++p]),l.call(e,v,g,f),!h);++p);else c.call(t,(function(t){return l.call(e,v,t,f),h}))}},{"./get":219,"es5-ext/function/is-arguments":184,"es5-ext/object/valid-callable":209,"es5-ext/string/is-string":215}],219:[function(t,e,r){"use strict";var n=t("es5-ext/function/is-arguments"),i=t("es5-ext/string/is-string"),a=t("./array"),o=t("./string"),s=t("./valid-iterable"),l=t("es6-symbol").iterator;e.exports=function(t){return"function"==typeof s(t)[l]?t[l]():n(t)?new a(t):i(t)?new o(t):new a(t)}},{"./array":217,"./string":222,"./valid-iterable":223,"es5-ext/function/is-arguments":184,"es5-ext/string/is-string":215,"es6-symbol":225}],220:[function(t,e,r){"use strict";var n,i=t("es5-ext/array/#/clear"),a=t("es5-ext/object/assign"),o=t("es5-ext/object/valid-callable"),s=t("es5-ext/object/valid-value"),l=t("d"),c=t("d/auto-bind"),u=t("es6-symbol"),f=Object.defineProperty,h=Object.defineProperties;e.exports=n=function(t,e){if(!(this instanceof n))throw new TypeError("Constructor requires 'new'");h(this,{__list__:l("w",s(t)),__context__:l("w",e),__nextIndex__:l("w",0)}),e&&(o(e.on),e.on("_add",this._onAdd),e.on("_delete",this._onDelete),e.on("_clear",this._onClear))},delete n.prototype.constructor,h(n.prototype,a({_next:l((function(){var t;if(this.__list__)return this.__redo__&&void 0!==(t=this.__redo__.shift())?t:this.__nextIndex__=this.__nextIndex__||(++this.__nextIndex__,this.__redo__?(this.__redo__.forEach((function(e,r){e>=t&&(this.__redo__[r]=++e)}),this),this.__redo__.push(t)):f(this,"__redo__",l("c",[t])))})),_onDelete:l((function(t){var e;t>=this.__nextIndex__||(--this.__nextIndex__,this.__redo__&&(-1!==(e=this.__redo__.indexOf(t))&&this.__redo__.splice(e,1),this.__redo__.forEach((function(e,r){e>t&&(this.__redo__[r]=--e)}),this)))})),_onClear:l((function(){this.__redo__&&i.call(this.__redo__),this.__nextIndex__=0}))}))),f(n.prototype,u.iterator,l((function(){return this})))},{d:155,"d/auto-bind":154,"es5-ext/array/#/clear":180,"es5-ext/object/assign":193,"es5-ext/object/valid-callable":209,"es5-ext/object/valid-value":211,"es6-symbol":225}],221:[function(t,e,r){"use strict";var n=t("es5-ext/function/is-arguments"),i=t("es5-ext/object/is-value"),a=t("es5-ext/string/is-string"),o=t("es6-symbol").iterator,s=Array.isArray;e.exports=function(t){return!!i(t)&&(!!s(t)||(!!a(t)||(!!n(t)||"function"==typeof t[o])))}},{"es5-ext/function/is-arguments":184,"es5-ext/object/is-value":200,"es5-ext/string/is-string":215,"es6-symbol":225}],222:[function(t,e,r){"use strict";var n,i=t("es5-ext/object/set-prototype-of"),a=t("d"),o=t("es6-symbol"),s=t("./"),l=Object.defineProperty;n=e.exports=function(t){if(!(this instanceof n))throw new TypeError("Constructor requires 'new'");t=String(t),s.call(this,t),l(this,"__length__",a("",t.length))},i&&i(n,s),delete n.prototype.constructor,n.prototype=Object.create(s.prototype,{_next:a((function(){if(this.__list__)return this.__nextIndex__=55296&&e<=56319?r+this.__list__[this.__nextIndex__++]:r}))}),l(n.prototype,o.toStringTag,a("c","String Iterator"))},{"./":220,d:155,"es5-ext/object/set-prototype-of":206,"es6-symbol":225}],223:[function(t,e,r){"use strict";var n=t("./is-iterable");e.exports=function(t){if(!n(t))throw new TypeError(t+" is not iterable");return t}},{"./is-iterable":221}],224:[function(t,e,r){(function(n,i){(function(){ +/*! + * @overview es6-promise - a tiny implementation of Promises/A+. + * @copyright Copyright (c) 2014 Yehuda Katz, Tom Dale, Stefan Penner and contributors (Conversion to ES6 API by Jake Archibald) + * @license Licensed under MIT license + * See https://raw.githubusercontent.com/stefanpenner/es6-promise/master/LICENSE + * @version v4.2.8+1e68dce6 + */ +!function(t,n){"object"==typeof r&&"undefined"!=typeof e?e.exports=n():t.ES6Promise=n()}(this,(function(){"use strict";function e(t){return"function"==typeof t}var r=Array.isArray?Array.isArray:function(t){return"[object Array]"===Object.prototype.toString.call(t)},a=0,o=void 0,s=void 0,l=function(t,e){g[a]=t,g[a+1]=e,2===(a+=2)&&(s?s(m):_())};var c="undefined"!=typeof window?window:void 0,u=c||{},f=u.MutationObserver||u.WebKitMutationObserver,h="undefined"==typeof self&&"undefined"!=typeof n&&"[object process]"==={}.toString.call(n),p="undefined"!=typeof Uint8ClampedArray&&"undefined"!=typeof importScripts&&"undefined"!=typeof MessageChannel;function d(){var t=setTimeout;return function(){return t(m,1)}}var g=new Array(1e3);function m(){for(var t=0;t=r-1){h=l.length-1;var d=t-e[r-1];for(p=0;p=r-1)for(var u=s.length-1,f=(e[r-1],0);f=0;--r)if(t[--e])return!1;return!0},s.jump=function(t){var e=this.lastT(),r=this.dimension;if(!(t0;--f)n.push(a(l[f-1],c[f-1],arguments[f])),i.push(0)}},s.push=function(t){var e=this.lastT(),r=this.dimension;if(!(t1e-6?1/s:0;this._time.push(t);for(var h=r;h>0;--h){var p=a(c[h-1],u[h-1],arguments[h]);n.push(p),i.push((p-n[o++])*f)}}},s.set=function(t){var e=this.dimension;if(!(t0;--l)r.push(a(o[l-1],s[l-1],arguments[l])),n.push(0)}},s.move=function(t){var e=this.lastT(),r=this.dimension;if(!(t<=e||arguments.length!==r+1)){var n=this._state,i=this._velocity,o=n.length-this.dimension,s=this.bounds,l=s[0],c=s[1],u=t-e,f=u>1e-6?1/u:0;this._time.push(t);for(var h=r;h>0;--h){var p=arguments[h];n.push(a(l[h-1],c[h-1],n[o++]+p)),i.push(p*f)}}},s.idle=function(t){var e=this.lastT();if(!(t=0;--f)n.push(a(l[f],c[f],n[o]+u*i[o])),i.push(0),o+=1}}},{"binary-search-bounds":243,"cubic-hermite":150}],243:[function(t,e,r){"use strict";function n(t,e,r,n,i,a){var o=["function ",t,"(a,l,h,",n.join(","),"){",a?"":"var i=",r?"l-1":"h+1",";while(l<=h){var m=(l+h)>>>1,x=a",i?".get(m)":"[m]"];return a?e.indexOf("c")<0?o.push(";if(x===y){return m}else if(x<=y){"):o.push(";var p=c(x,y);if(p===0){return m}else if(p<=0){"):o.push(";if(",e,"){i=m;"),r?o.push("l=m+1}else{h=m-1}"):o.push("h=m-1}else{l=m+1}"),o.push("}"),a?o.push("return -1};"):o.push("return i};"),o.join("")}function i(t,e,r,i){return new Function([n("A","x"+t+"y",e,["y"],!1,i),n("B","x"+t+"y",e,["y"],!0,i),n("P","c(x,y)"+t+"0",e,["y","c"],!1,i),n("Q","c(x,y)"+t+"0",e,["y","c"],!0,i),"function dispatchBsearch",r,"(a,y,c,l,h){if(a.shape){if(typeof(c)==='function'){return Q(a,(l===undefined)?0:l|0,(h===undefined)?a.shape[0]-1:h|0,y,c)}else{return B(a,(c===undefined)?0:c|0,(l===undefined)?a.shape[0]-1:l|0,y)}}else{if(typeof(c)==='function'){return P(a,(l===undefined)?0:l|0,(h===undefined)?a.length-1:h|0,y,c)}else{return A(a,(c===undefined)?0:c|0,(l===undefined)?a.length-1:l|0,y)}}}return dispatchBsearch",r].join(""))()}e.exports={ge:i(">=",!1,"GE"),gt:i(">",!1,"GT"),lt:i("<",!0,"LT"),le:i("<=",!0,"LE"),eq:i("-",!0,"EQ",!0)}},{}],244:[function(t,e,r){var n=t("dtype");e.exports=function(t,e,r){if(!t)throw new TypeError("must specify data as first parameter");if(r=0|+(r||0),Array.isArray(t)&&t[0]&&"number"==typeof t[0][0]){var i,a,o,s,l=t[0].length,c=t.length*l;e&&"string"!=typeof e||(e=new(n(e||"float32"))(c+r));var u=e.length-r;if(c!==u)throw new Error("source length "+c+" ("+l+"x"+t.length+") does not match destination length "+u);for(i=0,o=r;ie[0]-o[0]/2&&(h=o[0]/2,p+=o[1]);return r}},{"css-font/stringify":147}],246:[function(t,e,r){"use strict";function n(t,e){e||(e={}),("string"==typeof t||Array.isArray(t))&&(e.family=t);var r=Array.isArray(e.family)?e.family.join(", "):e.family;if(!r)throw Error("`family` must be defined");var s=e.size||e.fontSize||e.em||48,l=e.weight||e.fontWeight||"",c=(t=[e.style||e.fontStyle||"",l,s].join(" ")+"px "+r,e.origin||"top");if(n.cache[r]&&s<=n.cache[r].em)return i(n.cache[r],c);var u=e.canvas||n.canvas,f=u.getContext("2d"),h={upper:void 0!==e.upper?e.upper:"H",lower:void 0!==e.lower?e.lower:"x",descent:void 0!==e.descent?e.descent:"p",ascent:void 0!==e.ascent?e.ascent:"h",tittle:void 0!==e.tittle?e.tittle:"i",overshoot:void 0!==e.overshoot?e.overshoot:"O"},p=Math.ceil(1.5*s);u.height=p,u.width=.5*p,f.font=t;var d={top:0};f.clearRect(0,0,p,p),f.textBaseline="top",f.fillStyle="black",f.fillText("H",0,0);var g=a(f.getImageData(0,0,p,p));f.clearRect(0,0,p,p),f.textBaseline="bottom",f.fillText("H",0,p);var m=a(f.getImageData(0,0,p,p));d.lineHeight=d.bottom=p-m+g,f.clearRect(0,0,p,p),f.textBaseline="alphabetic",f.fillText("H",0,p);var v=p-a(f.getImageData(0,0,p,p))-1+g;d.baseline=d.alphabetic=v,f.clearRect(0,0,p,p),f.textBaseline="middle",f.fillText("H",0,.5*p);var y=a(f.getImageData(0,0,p,p));d.median=d.middle=p-y-1+g-.5*p,f.clearRect(0,0,p,p),f.textBaseline="hanging",f.fillText("H",0,.5*p);var x=a(f.getImageData(0,0,p,p));d.hanging=p-x-1+g-.5*p,f.clearRect(0,0,p,p),f.textBaseline="ideographic",f.fillText("H",0,p);var b=a(f.getImageData(0,0,p,p));if(d.ideographic=p-b-1+g,h.upper&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.upper,0,0),d.upper=a(f.getImageData(0,0,p,p)),d.capHeight=d.baseline-d.upper),h.lower&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.lower,0,0),d.lower=a(f.getImageData(0,0,p,p)),d.xHeight=d.baseline-d.lower),h.tittle&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.tittle,0,0),d.tittle=a(f.getImageData(0,0,p,p))),h.ascent&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.ascent,0,0),d.ascent=a(f.getImageData(0,0,p,p))),h.descent&&(f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.descent,0,0),d.descent=o(f.getImageData(0,0,p,p))),h.overshoot){f.clearRect(0,0,p,p),f.textBaseline="top",f.fillText(h.overshoot,0,0);var _=o(f.getImageData(0,0,p,p));d.overshoot=_-v}for(var w in d)d[w]/=s;return d.em=s,n.cache[r]=d,i(d,c)}function i(t,e){var r={};for(var n in"string"==typeof e&&(e=t[e]),t)"em"!==n&&(r[n]=t[n]-e);return r}function a(t){for(var e=t.height,r=t.data,n=3;n0;n-=4)if(0!==r[n])return Math.floor(.25*(n-3)/e)}e.exports=n,n.canvas=document.createElement("canvas"),n.cache={}},{}],247:[function(t,e,r){"use strict";e.exports=function(t){return new s(t||g,null)};function n(t,e,r,n,i,a){this._color=t,this.key=e,this.value=r,this.left=n,this.right=i,this._count=a}function i(t){return new n(t._color,t.key,t.value,t.left,t.right,t._count)}function a(t,e){return new n(t,e.key,e.value,e.left,e.right,e._count)}function o(t){t._count=1+(t.left?t.left._count:0)+(t.right?t.right._count:0)}function s(t,e){this._compare=t,this.root=e}var l=s.prototype;function c(t,e){var r;if(e.left&&(r=c(t,e.left)))return r;return(r=t(e.key,e.value))||(e.right?c(t,e.right):void 0)}function u(t,e,r,n){if(e(t,n.key)<=0){var i;if(n.left)if(i=u(t,e,r,n.left))return i;if(i=r(n.key,n.value))return i}if(n.right)return u(t,e,r,n.right)}function f(t,e,r,n,i){var a,o=r(t,i.key),s=r(e,i.key);if(o<=0){if(i.left&&(a=f(t,e,r,n,i.left)))return a;if(s>0&&(a=n(i.key,i.value)))return a}if(s>0&&i.right)return f(t,e,r,n,i.right)}function h(t,e){this.tree=t,this._stack=e}Object.defineProperty(l,"keys",{get:function(){var t=[];return this.forEach((function(e,r){t.push(e)})),t}}),Object.defineProperty(l,"values",{get:function(){var t=[];return this.forEach((function(e,r){t.push(r)})),t}}),Object.defineProperty(l,"length",{get:function(){return this.root?this.root._count:0}}),l.insert=function(t,e){for(var r=this._compare,i=this.root,l=[],c=[];i;){var u=r(t,i.key);l.push(i),c.push(u),i=u<=0?i.left:i.right}l.push(new n(0,t,e,null,null,1));for(var f=l.length-2;f>=0;--f){i=l[f];c[f]<=0?l[f]=new n(i._color,i.key,i.value,l[f+1],i.right,i._count+1):l[f]=new n(i._color,i.key,i.value,i.left,l[f+1],i._count+1)}for(f=l.length-1;f>1;--f){var h=l[f-1];i=l[f];if(1===h._color||1===i._color)break;var p=l[f-2];if(p.left===h)if(h.left===i){if(!(d=p.right)||0!==d._color){if(p._color=0,p.left=h.right,h._color=1,h.right=p,l[f-2]=h,l[f-1]=i,o(p),o(h),f>=3)(g=l[f-3]).left===p?g.left=h:g.right=h;break}h._color=1,p.right=a(1,d),p._color=0,f-=1}else{if(!(d=p.right)||0!==d._color){if(h.right=i.left,p._color=0,p.left=i.right,i._color=1,i.left=h,i.right=p,l[f-2]=i,l[f-1]=h,o(p),o(h),o(i),f>=3)(g=l[f-3]).left===p?g.left=i:g.right=i;break}h._color=1,p.right=a(1,d),p._color=0,f-=1}else if(h.right===i){if(!(d=p.left)||0!==d._color){if(p._color=0,p.right=h.left,h._color=1,h.left=p,l[f-2]=h,l[f-1]=i,o(p),o(h),f>=3)(g=l[f-3]).right===p?g.right=h:g.left=h;break}h._color=1,p.left=a(1,d),p._color=0,f-=1}else{var d;if(!(d=p.left)||0!==d._color){var g;if(h.left=i.right,p._color=0,p.right=i.left,i._color=1,i.right=h,i.left=p,l[f-2]=i,l[f-1]=h,o(p),o(h),o(i),f>=3)(g=l[f-3]).right===p?g.right=i:g.left=i;break}h._color=1,p.left=a(1,d),p._color=0,f-=1}}return l[0]._color=1,new s(r,l[0])},l.forEach=function(t,e,r){if(this.root)switch(arguments.length){case 1:return c(t,this.root);case 2:return u(e,this._compare,t,this.root);case 3:if(this._compare(e,r)>=0)return;return f(e,r,this._compare,t,this.root)}},Object.defineProperty(l,"begin",{get:function(){for(var t=[],e=this.root;e;)t.push(e),e=e.left;return new h(this,t)}}),Object.defineProperty(l,"end",{get:function(){for(var t=[],e=this.root;e;)t.push(e),e=e.right;return new h(this,t)}}),l.at=function(t){if(t<0)return new h(this,[]);for(var e=this.root,r=[];;){if(r.push(e),e.left){if(t=e.right._count)break;e=e.right}return new h(this,[])},l.ge=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a<=0&&(i=n.length),r=a<=0?r.left:r.right}return n.length=i,new h(this,n)},l.gt=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a<0&&(i=n.length),r=a<0?r.left:r.right}return n.length=i,new h(this,n)},l.lt=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a>0&&(i=n.length),r=a<=0?r.left:r.right}return n.length=i,new h(this,n)},l.le=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a>=0&&(i=n.length),r=a<0?r.left:r.right}return n.length=i,new h(this,n)},l.find=function(t){for(var e=this._compare,r=this.root,n=[];r;){var i=e(t,r.key);if(n.push(r),0===i)return new h(this,n);r=i<=0?r.left:r.right}return new h(this,[])},l.remove=function(t){var e=this.find(t);return e?e.remove():this},l.get=function(t){for(var e=this._compare,r=this.root;r;){var n=e(t,r.key);if(0===n)return r.value;r=n<=0?r.left:r.right}};var p=h.prototype;function d(t,e){t.key=e.key,t.value=e.value,t.left=e.left,t.right=e.right,t._color=e._color,t._count=e._count}function g(t,e){return te?1:0}Object.defineProperty(p,"valid",{get:function(){return this._stack.length>0}}),Object.defineProperty(p,"node",{get:function(){return this._stack.length>0?this._stack[this._stack.length-1]:null},enumerable:!0}),p.clone=function(){return new h(this.tree,this._stack.slice())},p.remove=function(){var t=this._stack;if(0===t.length)return this.tree;var e=new Array(t.length),r=t[t.length-1];e[e.length-1]=new n(r._color,r.key,r.value,r.left,r.right,r._count);for(var l=t.length-2;l>=0;--l){(r=t[l]).left===t[l+1]?e[l]=new n(r._color,r.key,r.value,e[l+1],r.right,r._count):e[l]=new n(r._color,r.key,r.value,r.left,e[l+1],r._count)}if((r=e[e.length-1]).left&&r.right){var c=e.length;for(r=r.left;r.right;)e.push(r),r=r.right;var u=e[c-1];e.push(new n(r._color,u.key,u.value,r.left,r.right,r._count)),e[c-1].key=r.key,e[c-1].value=r.value;for(l=e.length-2;l>=c;--l)r=e[l],e[l]=new n(r._color,r.key,r.value,r.left,e[l+1],r._count);e[c-1].left=e[c]}if(0===(r=e[e.length-1])._color){var f=e[e.length-2];f.left===r?f.left=null:f.right===r&&(f.right=null),e.pop();for(l=0;l=0;--l){if(e=t[l],0===l)return void(e._color=1);if((r=t[l-1]).left===e){if((n=r.right).right&&0===n.right._color){if(s=(n=r.right=i(n)).right=i(n.right),r.right=n.left,n.left=r,n.right=s,n._color=r._color,e._color=1,r._color=1,s._color=1,o(r),o(n),l>1)(c=t[l-2]).left===r?c.left=n:c.right=n;return void(t[l-1]=n)}if(n.left&&0===n.left._color){if(s=(n=r.right=i(n)).left=i(n.left),r.right=s.left,n.left=s.right,s.left=r,s.right=n,s._color=r._color,r._color=1,n._color=1,e._color=1,o(r),o(n),o(s),l>1)(c=t[l-2]).left===r?c.left=s:c.right=s;return void(t[l-1]=s)}if(1===n._color){if(0===r._color)return r._color=1,void(r.right=a(0,n));r.right=a(0,n);continue}n=i(n),r.right=n.left,n.left=r,n._color=r._color,r._color=0,o(r),o(n),l>1&&((c=t[l-2]).left===r?c.left=n:c.right=n),t[l-1]=n,t[l]=r,l+11)(c=t[l-2]).right===r?c.right=n:c.left=n;return void(t[l-1]=n)}if(n.right&&0===n.right._color){if(s=(n=r.left=i(n)).right=i(n.right),r.left=s.right,n.right=s.left,s.right=r,s.left=n,s._color=r._color,r._color=1,n._color=1,e._color=1,o(r),o(n),o(s),l>1)(c=t[l-2]).right===r?c.right=s:c.left=s;return void(t[l-1]=s)}if(1===n._color){if(0===r._color)return r._color=1,void(r.left=a(0,n));r.left=a(0,n);continue}var c;n=i(n),r.left=n.right,n.right=r,n._color=r._color,r._color=0,o(r),o(n),l>1&&((c=t[l-2]).right===r?c.right=n:c.left=n),t[l-1]=n,t[l]=r,l+10)return this._stack[this._stack.length-1].key},enumerable:!0}),Object.defineProperty(p,"value",{get:function(){if(this._stack.length>0)return this._stack[this._stack.length-1].value},enumerable:!0}),Object.defineProperty(p,"index",{get:function(){var t=0,e=this._stack;if(0===e.length){var r=this.tree.root;return r?r._count:0}e[e.length-1].left&&(t=e[e.length-1].left._count);for(var n=e.length-2;n>=0;--n)e[n+1]===e[n].right&&(++t,e[n].left&&(t+=e[n].left._count));return t},enumerable:!0}),p.next=function(){var t=this._stack;if(0!==t.length){var e=t[t.length-1];if(e.right)for(e=e.right;e;)t.push(e),e=e.left;else for(t.pop();t.length>0&&t[t.length-1].right===e;)e=t[t.length-1],t.pop()}},Object.defineProperty(p,"hasNext",{get:function(){var t=this._stack;if(0===t.length)return!1;if(t[t.length-1].right)return!0;for(var e=t.length-1;e>0;--e)if(t[e-1].left===t[e])return!0;return!1}}),p.update=function(t){var e=this._stack;if(0===e.length)throw new Error("Can't update empty node!");var r=new Array(e.length),i=e[e.length-1];r[r.length-1]=new n(i._color,i.key,t,i.left,i.right,i._count);for(var a=e.length-2;a>=0;--a)(i=e[a]).left===e[a+1]?r[a]=new n(i._color,i.key,i.value,r[a+1],i.right,i._count):r[a]=new n(i._color,i.key,i.value,i.left,r[a+1],i._count);return new s(this.tree._compare,r[0])},p.prev=function(){var t=this._stack;if(0!==t.length){var e=t[t.length-1];if(e.left)for(e=e.left;e;)t.push(e),e=e.right;else for(t.pop();t.length>0&&t[t.length-1].left===e;)e=t[t.length-1],t.pop()}},Object.defineProperty(p,"hasPrev",{get:function(){var t=this._stack;if(0===t.length)return!1;if(t[t.length-1].left)return!0;for(var e=t.length-1;e>0;--e)if(t[e-1].right===t[e])return!0;return!1}})},{}],248:[function(t,e,r){var n=[.9999999999998099,676.5203681218851,-1259.1392167224028,771.3234287776531,-176.6150291621406,12.507343278686905,-.13857109526572012,9984369578019572e-21,1.5056327351493116e-7],i=[.9999999999999971,57.15623566586292,-59.59796035547549,14.136097974741746,-.4919138160976202,3399464998481189e-20,4652362892704858e-20,-9837447530487956e-20,.0001580887032249125,-.00021026444172410488,.00021743961811521265,-.0001643181065367639,8441822398385275e-20,-26190838401581408e-21,36899182659531625e-22];function a(t){if(t<0)return Number("0/0");for(var e=i[0],r=i.length-1;r>0;--r)e+=i[r]/(t+r);var n=t+607/128+.5;return.5*Math.log(2*Math.PI)+(t+.5)*Math.log(n)-n+Math.log(e)-Math.log(t)}e.exports=function t(e){if(e<.5)return Math.PI/(Math.sin(Math.PI*e)*t(1-e));if(e>100)return Math.exp(a(e));e-=1;for(var r=n[0],i=1;i<9;i++)r+=n[i]/(e+i);var o=e+7+.5;return Math.sqrt(2*Math.PI)*Math.pow(o,e+.5)*Math.exp(-o)*r},e.exports.log=a},{}],249:[function(t,e,r){e.exports=function(t,e){if("string"!=typeof t)throw new TypeError("must specify type string");if(e=e||{},"undefined"==typeof document&&!e.canvas)return null;var r=e.canvas||document.createElement("canvas");"number"==typeof e.width&&(r.width=e.width);"number"==typeof e.height&&(r.height=e.height);var n,i=e;try{var a=[t];0===t.indexOf("webgl")&&a.push("experimental-"+t);for(var o=0;o0?(p[u]=-1,d[u]=0):(p[u]=0,d[u]=1)}}var g=[0,0,0],m={model:l,view:l,projection:l,_ortho:!1};f.isOpaque=function(){return!0},f.isTransparent=function(){return!1},f.drawTransparent=function(t){};var v=[0,0,0],y=[0,0,0],x=[0,0,0];f.draw=function(t){t=t||m;for(var e=this.gl,r=t.model||l,n=t.view||l,i=t.projection||l,a=this.bounds,s=t._ortho||!1,u=o(r,n,i,a,s),f=u.cubeEdges,h=u.axis,b=n[12],_=n[13],w=n[14],T=n[15],k=(s?2:1)*this.pixelRatio*(i[3]*b+i[7]*_+i[11]*w+i[15]*T)/e.drawingBufferHeight,M=0;M<3;++M)this.lastCubeProps.cubeEdges[M]=f[M],this.lastCubeProps.axis[M]=h[M];var A=p;for(M=0;M<3;++M)d(p[M],M,this.bounds,f,h);e=this.gl;var S,E=g;for(M=0;M<3;++M)this.backgroundEnable[M]?E[M]=h[M]:E[M]=0;this._background.draw(r,n,i,a,E,this.backgroundColor),this._lines.bind(r,n,i,this);for(M=0;M<3;++M){var C=[0,0,0];h[M]>0?C[M]=a[1][M]:C[M]=a[0][M];for(var L=0;L<2;++L){var I=(M+1+L)%3,P=(M+1+(1^L))%3;this.gridEnable[I]&&this._lines.drawGrid(I,P,this.bounds,C,this.gridColor[I],this.gridWidth[I]*this.pixelRatio)}for(L=0;L<2;++L){I=(M+1+L)%3,P=(M+1+(1^L))%3;this.zeroEnable[P]&&Math.min(a[0][P],a[1][P])<=0&&Math.max(a[0][P],a[1][P])>=0&&this._lines.drawZero(I,P,this.bounds,C,this.zeroLineColor[P],this.zeroLineWidth[P]*this.pixelRatio)}}for(M=0;M<3;++M){this.lineEnable[M]&&this._lines.drawAxisLine(M,this.bounds,A[M].primalOffset,this.lineColor[M],this.lineWidth[M]*this.pixelRatio),this.lineMirror[M]&&this._lines.drawAxisLine(M,this.bounds,A[M].mirrorOffset,this.lineColor[M],this.lineWidth[M]*this.pixelRatio);var z=c(v,A[M].primalMinor),O=c(y,A[M].mirrorMinor),D=this.lineTickLength;for(L=0;L<3;++L){var R=k/r[5*L];z[L]*=D[L]*R,O[L]*=D[L]*R}this.lineTickEnable[M]&&this._lines.drawAxisTicks(M,A[M].primalOffset,z,this.lineTickColor[M],this.lineTickWidth[M]*this.pixelRatio),this.lineTickMirror[M]&&this._lines.drawAxisTicks(M,A[M].mirrorOffset,O,this.lineTickColor[M],this.lineTickWidth[M]*this.pixelRatio)}this._lines.unbind(),this._text.bind(r,n,i,this.pixelRatio);var F,B;function N(t){(B=[0,0,0])[t]=1}function j(t,e,r){var n=(t+1)%3,i=(t+2)%3,a=e[n],o=e[i],s=r[n],l=r[i];a>0&&l>0||a>0&&l<0||a<0&&l>0||a<0&&l<0?N(n):(o>0&&s>0||o>0&&s<0||o<0&&s>0||o<0&&s<0)&&N(i)}for(M=0;M<3;++M){var U=A[M].primalMinor,V=A[M].mirrorMinor,q=c(x,A[M].primalOffset);for(L=0;L<3;++L)this.lineTickEnable[M]&&(q[L]+=k*U[L]*Math.max(this.lineTickLength[L],0)/r[5*L]);var H=[0,0,0];if(H[M]=1,this.tickEnable[M]){-3600===this.tickAngle[M]?(this.tickAngle[M]=0,this.tickAlign[M]="auto"):this.tickAlign[M]=-1,F=1,"auto"===(S=[this.tickAlign[M],.5,F])[0]?S[0]=0:S[0]=parseInt(""+S[0]),B=[0,0,0],j(M,U,V);for(L=0;L<3;++L)q[L]+=k*U[L]*this.tickPad[L]/r[5*L];this._text.drawTicks(M,this.tickSize[M],this.tickAngle[M],q,this.tickColor[M],H,B,S)}if(this.labelEnable[M]){F=0,B=[0,0,0],this.labels[M].length>4&&(N(M),F=1),"auto"===(S=[this.labelAlign[M],.5,F])[0]?S[0]=0:S[0]=parseInt(""+S[0]);for(L=0;L<3;++L)q[L]+=k*U[L]*this.labelPad[L]/r[5*L];q[M]+=.5*(a[0][M]+a[1][M]),this._text.drawLabel(M,this.labelSize[M],this.labelAngle[M],q,this.labelColor[M],[0,0,0],B,S)}}this._text.unbind()},f.dispose=function(){this._text.dispose(),this._lines.dispose(),this._background.dispose(),this._lines=null,this._text=null,this._background=null,this.gl=null}},{"./lib/background.js":251,"./lib/cube.js":252,"./lib/lines.js":253,"./lib/text.js":255,"./lib/ticks.js":256}],251:[function(t,e,r){"use strict";e.exports=function(t){for(var e=[],r=[],s=0,l=0;l<3;++l)for(var c=(l+1)%3,u=(l+2)%3,f=[0,0,0],h=[0,0,0],p=-1;p<=1;p+=2){r.push(s,s+2,s+1,s+1,s+2,s+3),f[l]=p,h[l]=p;for(var d=-1;d<=1;d+=2){f[c]=d;for(var g=-1;g<=1;g+=2)f[u]=g,e.push(f[0],f[1],f[2],h[0],h[1],h[2]),s+=1}var m=c;c=u,u=m}var v=n(t,new Float32Array(e)),y=n(t,new Uint16Array(r),t.ELEMENT_ARRAY_BUFFER),x=i(t,[{buffer:v,type:t.FLOAT,size:3,offset:0,stride:24},{buffer:v,type:t.FLOAT,size:3,offset:12,stride:24}],y),b=a(t);return b.attributes.position.location=0,b.attributes.normal.location=1,new o(t,v,x,b)};var n=t("gl-buffer"),i=t("gl-vao"),a=t("./shaders").bg;function o(t,e,r,n){this.gl=t,this.buffer=e,this.vao=r,this.shader=n}var s=o.prototype;s.draw=function(t,e,r,n,i,a){for(var o=!1,s=0;s<3;++s)o=o||i[s];if(o){var l=this.gl;l.enable(l.POLYGON_OFFSET_FILL),l.polygonOffset(1,2),this.shader.bind(),this.shader.uniforms={model:t,view:e,projection:r,bounds:n,enable:i,colors:a},this.vao.bind(),this.vao.draw(this.gl.TRIANGLES,36),this.vao.unbind(),l.disable(l.POLYGON_OFFSET_FILL)}},s.dispose=function(){this.vao.dispose(),this.buffer.dispose(),this.shader.dispose()}},{"./shaders":254,"gl-buffer":259,"gl-vao":358}],252:[function(t,e,r){"use strict";e.exports=function(t,e,r,a,p){i(s,e,t),i(s,r,s);for(var y=0,x=0;x<2;++x){u[2]=a[x][2];for(var b=0;b<2;++b){u[1]=a[b][1];for(var _=0;_<2;++_)u[0]=a[_][0],h(l[y],u,s),y+=1}}var w=-1;for(x=0;x<8;++x){for(var T=l[x][3],k=0;k<3;++k)c[x][k]=l[x][k]/T;p&&(c[x][2]*=-1),T<0&&(w<0||c[x][2]E&&(w|=1<E&&(w|=1<c[x][1])&&(R=x);var F=-1;for(x=0;x<3;++x){if((N=R^1<c[B][0]&&(B=N)}var j=g;j[0]=j[1]=j[2]=0,j[n.log2(F^R)]=R&F,j[n.log2(R^B)]=R&B;var U=7^B;U===w||U===D?(U=7^F,j[n.log2(B^U)]=U&B):j[n.log2(F^U)]=U&F;var V=m,q=w;for(M=0;M<3;++M)V[M]=q&1< HALF_PI) && (b <= ONE_AND_HALF_PI)) ?\n b - PI :\n b;\n}\n\nfloat look_horizontal_or_vertical(float a, float ratio) {\n // ratio controls the ratio between being horizontal to (vertical + horizontal)\n // if ratio is set to 0.5 then it is 50%, 50%.\n // when using a higher ratio e.g. 0.75 the result would\n // likely be more horizontal than vertical.\n\n float b = positive_angle(a);\n\n return\n (b < ( ratio) * HALF_PI) ? 0.0 :\n (b < (2.0 - ratio) * HALF_PI) ? -HALF_PI :\n (b < (2.0 + ratio) * HALF_PI) ? 0.0 :\n (b < (4.0 - ratio) * HALF_PI) ? HALF_PI :\n 0.0;\n}\n\nfloat roundTo(float a, float b) {\n return float(b * floor((a + 0.5 * b) / b));\n}\n\nfloat look_round_n_directions(float a, int n) {\n float b = positive_angle(a);\n float div = TWO_PI / float(n);\n float c = roundTo(b, div);\n return look_upwards(c);\n}\n\nfloat applyAlignOption(float rawAngle, float delta) {\n return\n (option > 2) ? look_round_n_directions(rawAngle + delta, option) : // option 3-n: round to n directions\n (option == 2) ? look_horizontal_or_vertical(rawAngle + delta, hv_ratio) : // horizontal or vertical\n (option == 1) ? rawAngle + delta : // use free angle, and flip to align with one direction of the axis\n (option == 0) ? look_upwards(rawAngle) : // use free angle, and stay upwards\n (option ==-1) ? 0.0 : // useful for backward compatibility, all texts remains horizontal\n rawAngle; // otherwise return back raw input angle\n}\n\nbool isAxisTitle = (axis.x == 0.0) &&\n (axis.y == 0.0) &&\n (axis.z == 0.0);\n\nvoid main() {\n //Compute world offset\n float axisDistance = position.z;\n vec3 dataPosition = axisDistance * axis + offset;\n\n float beta = angle; // i.e. user defined attributes for each tick\n\n float axisAngle;\n float clipAngle;\n float flip;\n\n if (enableAlign) {\n axisAngle = (isAxisTitle) ? HALF_PI :\n computeViewAngle(dataPosition, dataPosition + axis);\n clipAngle = computeViewAngle(dataPosition, dataPosition + alignDir);\n\n axisAngle += (sin(axisAngle) < 0.0) ? PI : 0.0;\n clipAngle += (sin(clipAngle) < 0.0) ? PI : 0.0;\n\n flip = (dot(vec2(cos(axisAngle), sin(axisAngle)),\n vec2(sin(clipAngle),-cos(clipAngle))) > 0.0) ? 1.0 : 0.0;\n\n beta += applyAlignOption(clipAngle, flip * PI);\n }\n\n //Compute plane offset\n vec2 planeCoord = position.xy * pixelScale;\n\n mat2 planeXform = scale * mat2(\n cos(beta), sin(beta),\n -sin(beta), cos(beta)\n );\n\n vec2 viewOffset = 2.0 * planeXform * planeCoord / resolution;\n\n //Compute clip position\n vec3 clipPosition = project(dataPosition);\n\n //Apply text offset in clip coordinates\n clipPosition += vec3(viewOffset, 0.0);\n\n //Done\n gl_Position = vec4(clipPosition, 1.0);\n}"]),l=n(["precision highp float;\n#define GLSLIFY 1\n\nuniform vec4 color;\nvoid main() {\n gl_FragColor = color;\n}"]);r.text=function(t){return i(t,s,l,null,[{name:"position",type:"vec3"}])};var c=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position;\nattribute vec3 normal;\n\nuniform mat4 model, view, projection;\nuniform vec3 enable;\nuniform vec3 bounds[2];\n\nvarying vec3 colorChannel;\n\nvoid main() {\n\n vec3 signAxis = sign(bounds[1] - bounds[0]);\n\n vec3 realNormal = signAxis * normal;\n\n if(dot(realNormal, enable) > 0.0) {\n vec3 minRange = min(bounds[0], bounds[1]);\n vec3 maxRange = max(bounds[0], bounds[1]);\n vec3 nPosition = mix(minRange, maxRange, 0.5 * (position + 1.0));\n gl_Position = projection * view * model * vec4(nPosition, 1.0);\n } else {\n gl_Position = vec4(0,0,0,0);\n }\n\n colorChannel = abs(realNormal);\n}"]),u=n(["precision highp float;\n#define GLSLIFY 1\n\nuniform vec4 colors[3];\n\nvarying vec3 colorChannel;\n\nvoid main() {\n gl_FragColor = colorChannel.x * colors[0] +\n colorChannel.y * colors[1] +\n colorChannel.z * colors[2];\n}"]);r.bg=function(t){return i(t,c,u,null,[{name:"position",type:"vec3"},{name:"normal",type:"vec3"}])}},{"gl-shader":335,glslify:257}],255:[function(t,e,r){(function(r){(function(){"use strict";e.exports=function(t,e,r,a,s,l){var u=n(t),f=i(t,[{buffer:u,size:3}]),h=o(t);h.attributes.position.location=0;var p=new c(t,h,u,f);return p.update(e,r,a,s,l),p};var n=t("gl-buffer"),i=t("gl-vao"),a=t("vectorize-text"),o=t("./shaders").text,s=window||r.global||{},l=s.__TEXT_CACHE||{};s.__TEXT_CACHE={};function c(t,e,r,n){this.gl=t,this.shader=e,this.buffer=r,this.vao=n,this.tickOffset=this.tickCount=this.labelOffset=this.labelCount=null}var u=c.prototype,f=[0,0];u.bind=function(t,e,r,n){this.vao.bind(),this.shader.bind();var i=this.shader.uniforms;i.model=t,i.view=e,i.projection=r,i.pixelScale=n,f[0]=this.gl.drawingBufferWidth,f[1]=this.gl.drawingBufferHeight,this.shader.uniforms.resolution=f},u.unbind=function(){this.vao.unbind()},u.update=function(t,e,r,n,i){var o=[];function s(t,e,r,n,i,s){var c=l[r];c||(c=l[r]={});var u=c[e];u||(u=c[e]=function(t,e){try{return a(t,e)}catch(e){return console.warn('error vectorizing text:"'+t+'" error:',e),{cells:[],positions:[]}}}(e,{triangles:!0,font:r,textAlign:"center",textBaseline:"middle",lineSpacing:i,styletags:s}));for(var f=(n||12)/12,h=u.positions,p=u.cells,d=0,g=p.length;d=0;--v){var y=h[m[v]];o.push(f*y[0],-f*y[1],t)}}for(var c=[0,0,0],u=[0,0,0],f=[0,0,0],h=[0,0,0],p={breaklines:!0,bolds:!0,italics:!0,subscripts:!0,superscripts:!0},d=0;d<3;++d){f[d]=o.length/3|0,s(.5*(t[0][d]+t[1][d]),e[d],r[d],12,1.25,p),h[d]=(o.length/3|0)-f[d],c[d]=o.length/3|0;for(var g=0;g=0&&(i=r.length-n-1);var a=Math.pow(10,i),o=Math.round(t*e*a),s=o+"";if(s.indexOf("e")>=0)return s;var l=o/a,c=o%a;o<0?(l=0|-Math.ceil(l),c=0|-c):(l=0|Math.floor(l),c|=0);var u=""+l;if(o<0&&(u="-"+u),i){for(var f=""+c;f.length=t[0][i];--o)a.push({x:o*e[i],text:n(e[i],o)});r.push(a)}return r},r.equal=function(t,e){for(var r=0;r<3;++r){if(t[r].length!==e[r].length)return!1;for(var n=0;nr)throw new Error("gl-buffer: If resizing buffer, must not specify offset");return t.bufferSubData(e,a,i),r}function u(t,e){for(var r=n.malloc(t.length,e),i=t.length,a=0;a=0;--n){if(e[n]!==r)return!1;r*=t[n]}return!0}(t.shape,t.stride))0===t.offset&&t.data.length===t.shape[0]?this.length=c(this.gl,this.type,this.length,this.usage,t.data,e):this.length=c(this.gl,this.type,this.length,this.usage,t.data.subarray(t.offset,t.shape[0]),e);else{var s=n.malloc(t.size,r),l=a(s,t.shape);i.assign(l,t),this.length=c(this.gl,this.type,this.length,this.usage,e<0?s:s.subarray(0,t.size),e),n.free(s)}}else if(Array.isArray(t)){var f;f=this.type===this.gl.ELEMENT_ARRAY_BUFFER?u(t,"uint16"):u(t,"float32"),this.length=c(this.gl,this.type,this.length,this.usage,e<0?f:f.subarray(0,t.length),e),n.free(f)}else if("object"==typeof t&&"number"==typeof t.length)this.length=c(this.gl,this.type,this.length,this.usage,t,e);else{if("number"!=typeof t&&void 0!==t)throw new Error("gl-buffer: Invalid data type");if(e>=0)throw new Error("gl-buffer: Cannot specify offset when resizing buffer");(t|=0)<=0&&(t=1),this.gl.bufferData(this.type,0|t,this.usage),this.length=t}},e.exports=function(t,e,r,n){if(r=r||t.ARRAY_BUFFER,n=n||t.DYNAMIC_DRAW,r!==t.ARRAY_BUFFER&&r!==t.ELEMENT_ARRAY_BUFFER)throw new Error("gl-buffer: Invalid type for webgl buffer, must be either gl.ARRAY_BUFFER or gl.ELEMENT_ARRAY_BUFFER");if(n!==t.DYNAMIC_DRAW&&n!==t.STATIC_DRAW&&n!==t.STREAM_DRAW)throw new Error("gl-buffer: Invalid usage for buffer, must be either gl.DYNAMIC_DRAW, gl.STATIC_DRAW or gl.STREAM_DRAW");var i=t.createBuffer(),a=new s(t,r,i,0,n);return a.update(e),a}},{ndarray:495,"ndarray-ops":490,"typedarray-pool":595}],260:[function(t,e,r){"use strict";var n=t("gl-vec3");e.exports=function(t,e){var r=t.positions,i=t.vectors,a={positions:[],vertexIntensity:[],vertexIntensityBounds:t.vertexIntensityBounds,vectors:[],cells:[],coneOffset:t.coneOffset,colormap:t.colormap};if(0===t.positions.length)return e&&(e[0]=[0,0,0],e[1]=[0,0,0]),a;for(var o=0,s=1/0,l=-1/0,c=1/0,u=-1/0,f=1/0,h=-1/0,p=null,d=null,g=[],m=1/0,v=!1,y=0;yo&&(o=n.length(b)),y){var _=2*n.distance(p,x)/(n.length(d)+n.length(b));_?(m=Math.min(m,_),v=!1):v=!0}v||(p=x,d=b),g.push(b)}var w=[s,c,f],T=[l,u,h];e&&(e[0]=w,e[1]=T),0===o&&(o=1);var k=1/o;isFinite(m)||(m=1),a.vectorScale=m;var M=t.coneSize||.5;t.absoluteConeSize&&(M=t.absoluteConeSize*k),a.coneScale=M;y=0;for(var A=0;y=1},p.isTransparent=function(){return this.opacity<1},p.pickSlots=1,p.setPickBase=function(t){this.pickId=t},p.update=function(t){t=t||{};var e=this.gl;this.dirty=!0,"lightPosition"in t&&(this.lightPosition=t.lightPosition),"opacity"in t&&(this.opacity=t.opacity),"ambient"in t&&(this.ambientLight=t.ambient),"diffuse"in t&&(this.diffuseLight=t.diffuse),"specular"in t&&(this.specularLight=t.specular),"roughness"in t&&(this.roughness=t.roughness),"fresnel"in t&&(this.fresnel=t.fresnel),void 0!==t.tubeScale&&(this.tubeScale=t.tubeScale),void 0!==t.vectorScale&&(this.vectorScale=t.vectorScale),void 0!==t.coneScale&&(this.coneScale=t.coneScale),void 0!==t.coneOffset&&(this.coneOffset=t.coneOffset),t.colormap&&(this.texture.shape=[256,256],this.texture.minFilter=e.LINEAR_MIPMAP_LINEAR,this.texture.magFilter=e.LINEAR,this.texture.setPixels(function(t){for(var e=u({colormap:t,nshades:256,format:"rgba"}),r=new Uint8Array(1024),n=0;n<256;++n){for(var i=e[n],a=0;a<3;++a)r[4*n+a]=i[a];r[4*n+3]=255*i[3]}return c(r,[256,256,4],[4,0,1])}(t.colormap)),this.texture.generateMipmap());var r=t.cells,n=t.positions,i=t.vectors;if(n&&r&&i){var a=[],o=[],s=[],l=[],f=[];this.cells=r,this.positions=n,this.vectors=i;var h=t.meshColor||[1,1,1,1],p=t.vertexIntensity,d=1/0,g=-1/0;if(p)if(t.vertexIntensityBounds)d=+t.vertexIntensityBounds[0],g=+t.vertexIntensityBounds[1];else for(var m=0;m0){var g=this.triShader;g.bind(),g.uniforms=c,this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind()}},p.drawPick=function(t){t=t||{};for(var e=this.gl,r=t.model||f,n=t.view||f,i=t.projection||f,a=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],o=0;o<3;++o)a[0][o]=Math.max(a[0][o],this.clipBounds[0][o]),a[1][o]=Math.min(a[1][o],this.clipBounds[1][o]);this._model=[].slice.call(r),this._view=[].slice.call(n),this._projection=[].slice.call(i),this._resolution=[e.drawingBufferWidth,e.drawingBufferHeight];var s={model:r,view:n,projection:i,clipBounds:a,tubeScale:this.tubeScale,vectorScale:this.vectorScale,coneScale:this.coneScale,coneOffset:this.coneOffset,pickId:this.pickId/255},l=this.pickShader;l.bind(),l.uniforms=s,this.triangleCount>0&&(this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind())},p.pick=function(t){if(!t)return null;if(t.id!==this.pickId)return null;var e=t.value[0]+256*t.value[1]+65536*t.value[2],r=this.cells[e],n=this.positions[r[1]].slice(0,3),i={position:n,dataCoordinate:n,index:Math.floor(r[1]/48)};return"cone"===this.traceType?i.index=Math.floor(r[1]/48):"streamtube"===this.traceType&&(i.intensity=this.intensity[r[1]],i.velocity=this.vectors[r[1]].slice(0,3),i.divergence=this.vectors[r[1]][3],i.index=e),i},p.dispose=function(){this.texture.dispose(),this.triShader.dispose(),this.pickShader.dispose(),this.triangleVAO.dispose(),this.trianglePositions.dispose(),this.triangleVectors.dispose(),this.triangleColors.dispose(),this.triangleUVs.dispose(),this.triangleIds.dispose()},e.exports=function(t,e,r){var n=r.shaders;1===arguments.length&&(t=(e=t).gl);var s=d(t,n),l=g(t,n),u=o(t,c(new Uint8Array([255,255,255,255]),[1,1,4]));u.generateMipmap(),u.minFilter=t.LINEAR_MIPMAP_LINEAR,u.magFilter=t.LINEAR;var f=i(t),p=i(t),m=i(t),v=i(t),y=i(t),x=a(t,[{buffer:f,type:t.FLOAT,size:4},{buffer:y,type:t.UNSIGNED_BYTE,size:4,normalized:!0},{buffer:m,type:t.FLOAT,size:4},{buffer:v,type:t.FLOAT,size:2},{buffer:p,type:t.FLOAT,size:4}]),b=new h(t,u,s,l,f,p,y,m,v,x,r.traceType||"cone");return b.update(e),b}},{colormap:131,"gl-buffer":259,"gl-mat4/invert":293,"gl-mat4/multiply":295,"gl-shader":335,"gl-texture2d":353,"gl-vao":358,ndarray:495}],262:[function(t,e,r){var n=t("glslify"),i=n(["precision highp float;\n\nprecision highp float;\n#define GLSLIFY 1\n\nvec3 getOrthogonalVector(vec3 v) {\n // Return up-vector for only-z vector.\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\n // Assign z = 0, x = -b, y = a:\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\n return normalize(vec3(-v.y, v.x, 0.0));\n } else {\n return normalize(vec3(0.0, v.z, -v.y));\n }\n}\n\n// Calculate the cone vertex and normal at the given index.\n//\n// The returned vertex is for a cone with its top at origin and height of 1.0,\n// pointing in the direction of the vector attribute.\n//\n// Each cone is made up of a top vertex, a center base vertex and base perimeter vertices.\n// These vertices are used to make up the triangles of the cone by the following:\n// segment + 0 top vertex\n// segment + 1 perimeter vertex a+1\n// segment + 2 perimeter vertex a\n// segment + 3 center base vertex\n// segment + 4 perimeter vertex a\n// segment + 5 perimeter vertex a+1\n// Where segment is the number of the radial segment * 6 and a is the angle at that radial segment.\n// To go from index to segment, floor(index / 6)\n// To go from segment to angle, 2*pi * (segment/segmentCount)\n// To go from index to segment index, index - (segment*6)\n//\nvec3 getConePosition(vec3 d, float rawIndex, float coneOffset, out vec3 normal) {\n\n const float segmentCount = 8.0;\n\n float index = rawIndex - floor(rawIndex /\n (segmentCount * 6.0)) *\n (segmentCount * 6.0);\n\n float segment = floor(0.001 + index/6.0);\n float segmentIndex = index - (segment*6.0);\n\n normal = -normalize(d);\n\n if (segmentIndex > 2.99 && segmentIndex < 3.01) {\n return mix(vec3(0.0), -d, coneOffset);\n }\n\n float nextAngle = (\n (segmentIndex > 0.99 && segmentIndex < 1.01) ||\n (segmentIndex > 4.99 && segmentIndex < 5.01)\n ) ? 1.0 : 0.0;\n float angle = 2.0 * 3.14159 * ((segment + nextAngle) / segmentCount);\n\n vec3 v1 = mix(d, vec3(0.0), coneOffset);\n vec3 v2 = v1 - d;\n\n vec3 u = getOrthogonalVector(d);\n vec3 v = normalize(cross(u, d));\n\n vec3 x = u * cos(angle) * length(d)*0.25;\n vec3 y = v * sin(angle) * length(d)*0.25;\n vec3 v3 = v2 + x + y;\n if (segmentIndex < 3.0) {\n vec3 tx = u * sin(angle);\n vec3 ty = v * -cos(angle);\n vec3 tangent = tx + ty;\n normal = normalize(cross(v3 - v1, tangent));\n }\n\n if (segmentIndex == 0.0) {\n return mix(d, vec3(0.0), coneOffset);\n }\n return v3;\n}\n\nattribute vec3 vector;\nattribute vec4 color, position;\nattribute vec2 uv;\n\nuniform float vectorScale, coneScale, coneOffset;\nuniform mat4 model, view, projection, inverseModel;\nuniform vec3 eyePosition, lightPosition;\n\nvarying vec3 f_normal, f_lightDirection, f_eyeDirection, f_data, f_position;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n // Scale the vector magnitude to stay constant with\n // model & view changes.\n vec3 normal;\n vec3 XYZ = getConePosition(mat3(model) * ((vectorScale * coneScale) * vector), position.w, coneOffset, normal);\n vec4 conePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\n\n //Lighting geometry parameters\n vec4 cameraCoordinate = view * conePosition;\n cameraCoordinate.xyz /= cameraCoordinate.w;\n f_lightDirection = lightPosition - cameraCoordinate.xyz;\n f_eyeDirection = eyePosition - cameraCoordinate.xyz;\n f_normal = normalize((vec4(normal, 0.0) * inverseModel).xyz);\n\n // vec4 m_position = model * vec4(conePosition, 1.0);\n vec4 t_position = view * conePosition;\n gl_Position = projection * t_position;\n\n f_color = color;\n f_data = conePosition.xyz;\n f_position = position.xyz;\n f_uv = uv;\n}\n"]),a=n(["#extension GL_OES_standard_derivatives : enable\n\nprecision highp float;\n#define GLSLIFY 1\n\nfloat beckmannDistribution(float x, float roughness) {\n float NdotH = max(x, 0.0001);\n float cos2Alpha = NdotH * NdotH;\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\n float roughness2 = roughness * roughness;\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\n return exp(tan2Alpha / roughness2) / denom;\n}\n\nfloat cookTorranceSpecular(\n vec3 lightDirection,\n vec3 viewDirection,\n vec3 surfaceNormal,\n float roughness,\n float fresnel) {\n\n float VdotN = max(dot(viewDirection, surfaceNormal), 0.0);\n float LdotN = max(dot(lightDirection, surfaceNormal), 0.0);\n\n //Half angle vector\n vec3 H = normalize(lightDirection + viewDirection);\n\n //Geometric term\n float NdotH = max(dot(surfaceNormal, H), 0.0);\n float VdotH = max(dot(viewDirection, H), 0.000001);\n float LdotH = max(dot(lightDirection, H), 0.000001);\n float G1 = (2.0 * NdotH * VdotN) / VdotH;\n float G2 = (2.0 * NdotH * LdotN) / LdotH;\n float G = min(1.0, min(G1, G2));\n \n //Distribution term\n float D = beckmannDistribution(NdotH, roughness);\n\n //Fresnel term\n float F = pow(1.0 - VdotN, fresnel);\n\n //Multiply terms and done\n return G * F * D / max(3.14159265 * VdotN, 0.000001);\n}\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float roughness, fresnel, kambient, kdiffuse, kspecular, opacity;\nuniform sampler2D texture;\n\nvarying vec3 f_normal, f_lightDirection, f_eyeDirection, f_data, f_position;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n vec3 N = normalize(f_normal);\n vec3 L = normalize(f_lightDirection);\n vec3 V = normalize(f_eyeDirection);\n\n if(gl_FrontFacing) {\n N = -N;\n }\n\n float specular = min(1.0, max(0.0, cookTorranceSpecular(L, V, N, roughness, fresnel)));\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\n\n vec4 surfaceColor = f_color * texture2D(texture, f_uv);\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\n\n gl_FragColor = litColor * opacity;\n}\n"]),o=n(["precision highp float;\n\nprecision highp float;\n#define GLSLIFY 1\n\nvec3 getOrthogonalVector(vec3 v) {\n // Return up-vector for only-z vector.\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\n // Assign z = 0, x = -b, y = a:\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\n return normalize(vec3(-v.y, v.x, 0.0));\n } else {\n return normalize(vec3(0.0, v.z, -v.y));\n }\n}\n\n// Calculate the cone vertex and normal at the given index.\n//\n// The returned vertex is for a cone with its top at origin and height of 1.0,\n// pointing in the direction of the vector attribute.\n//\n// Each cone is made up of a top vertex, a center base vertex and base perimeter vertices.\n// These vertices are used to make up the triangles of the cone by the following:\n// segment + 0 top vertex\n// segment + 1 perimeter vertex a+1\n// segment + 2 perimeter vertex a\n// segment + 3 center base vertex\n// segment + 4 perimeter vertex a\n// segment + 5 perimeter vertex a+1\n// Where segment is the number of the radial segment * 6 and a is the angle at that radial segment.\n// To go from index to segment, floor(index / 6)\n// To go from segment to angle, 2*pi * (segment/segmentCount)\n// To go from index to segment index, index - (segment*6)\n//\nvec3 getConePosition(vec3 d, float rawIndex, float coneOffset, out vec3 normal) {\n\n const float segmentCount = 8.0;\n\n float index = rawIndex - floor(rawIndex /\n (segmentCount * 6.0)) *\n (segmentCount * 6.0);\n\n float segment = floor(0.001 + index/6.0);\n float segmentIndex = index - (segment*6.0);\n\n normal = -normalize(d);\n\n if (segmentIndex > 2.99 && segmentIndex < 3.01) {\n return mix(vec3(0.0), -d, coneOffset);\n }\n\n float nextAngle = (\n (segmentIndex > 0.99 && segmentIndex < 1.01) ||\n (segmentIndex > 4.99 && segmentIndex < 5.01)\n ) ? 1.0 : 0.0;\n float angle = 2.0 * 3.14159 * ((segment + nextAngle) / segmentCount);\n\n vec3 v1 = mix(d, vec3(0.0), coneOffset);\n vec3 v2 = v1 - d;\n\n vec3 u = getOrthogonalVector(d);\n vec3 v = normalize(cross(u, d));\n\n vec3 x = u * cos(angle) * length(d)*0.25;\n vec3 y = v * sin(angle) * length(d)*0.25;\n vec3 v3 = v2 + x + y;\n if (segmentIndex < 3.0) {\n vec3 tx = u * sin(angle);\n vec3 ty = v * -cos(angle);\n vec3 tangent = tx + ty;\n normal = normalize(cross(v3 - v1, tangent));\n }\n\n if (segmentIndex == 0.0) {\n return mix(d, vec3(0.0), coneOffset);\n }\n return v3;\n}\n\nattribute vec4 vector;\nattribute vec4 position;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\nuniform float vectorScale, coneScale, coneOffset;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n vec3 normal;\n vec3 XYZ = getConePosition(mat3(model) * ((vectorScale * coneScale) * vector.xyz), position.w, coneOffset, normal);\n vec4 conePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\n gl_Position = projection * view * conePosition;\n f_id = id;\n f_position = position.xyz;\n}\n"]),s=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float pickId;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n\n gl_FragColor = vec4(pickId, f_id.xyz);\n}"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:"position",type:"vec4"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"},{name:"vector",type:"vec3"}]},r.pickShader={vertex:o,fragment:s,attributes:[{name:"position",type:"vec4"},{name:"id",type:"vec4"},{name:"vector",type:"vec3"}]}},{glslify:263}],263:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],264:[function(t,e,r){e.exports={0:"NONE",1:"ONE",2:"LINE_LOOP",3:"LINE_STRIP",4:"TRIANGLES",5:"TRIANGLE_STRIP",6:"TRIANGLE_FAN",256:"DEPTH_BUFFER_BIT",512:"NEVER",513:"LESS",514:"EQUAL",515:"LEQUAL",516:"GREATER",517:"NOTEQUAL",518:"GEQUAL",519:"ALWAYS",768:"SRC_COLOR",769:"ONE_MINUS_SRC_COLOR",770:"SRC_ALPHA",771:"ONE_MINUS_SRC_ALPHA",772:"DST_ALPHA",773:"ONE_MINUS_DST_ALPHA",774:"DST_COLOR",775:"ONE_MINUS_DST_COLOR",776:"SRC_ALPHA_SATURATE",1024:"STENCIL_BUFFER_BIT",1028:"FRONT",1029:"BACK",1032:"FRONT_AND_BACK",1280:"INVALID_ENUM",1281:"INVALID_VALUE",1282:"INVALID_OPERATION",1285:"OUT_OF_MEMORY",1286:"INVALID_FRAMEBUFFER_OPERATION",2304:"CW",2305:"CCW",2849:"LINE_WIDTH",2884:"CULL_FACE",2885:"CULL_FACE_MODE",2886:"FRONT_FACE",2928:"DEPTH_RANGE",2929:"DEPTH_TEST",2930:"DEPTH_WRITEMASK",2931:"DEPTH_CLEAR_VALUE",2932:"DEPTH_FUNC",2960:"STENCIL_TEST",2961:"STENCIL_CLEAR_VALUE",2962:"STENCIL_FUNC",2963:"STENCIL_VALUE_MASK",2964:"STENCIL_FAIL",2965:"STENCIL_PASS_DEPTH_FAIL",2966:"STENCIL_PASS_DEPTH_PASS",2967:"STENCIL_REF",2968:"STENCIL_WRITEMASK",2978:"VIEWPORT",3024:"DITHER",3042:"BLEND",3088:"SCISSOR_BOX",3089:"SCISSOR_TEST",3106:"COLOR_CLEAR_VALUE",3107:"COLOR_WRITEMASK",3317:"UNPACK_ALIGNMENT",3333:"PACK_ALIGNMENT",3379:"MAX_TEXTURE_SIZE",3386:"MAX_VIEWPORT_DIMS",3408:"SUBPIXEL_BITS",3410:"RED_BITS",3411:"GREEN_BITS",3412:"BLUE_BITS",3413:"ALPHA_BITS",3414:"DEPTH_BITS",3415:"STENCIL_BITS",3553:"TEXTURE_2D",4352:"DONT_CARE",4353:"FASTEST",4354:"NICEST",5120:"BYTE",5121:"UNSIGNED_BYTE",5122:"SHORT",5123:"UNSIGNED_SHORT",5124:"INT",5125:"UNSIGNED_INT",5126:"FLOAT",5386:"INVERT",5890:"TEXTURE",6401:"STENCIL_INDEX",6402:"DEPTH_COMPONENT",6406:"ALPHA",6407:"RGB",6408:"RGBA",6409:"LUMINANCE",6410:"LUMINANCE_ALPHA",7680:"KEEP",7681:"REPLACE",7682:"INCR",7683:"DECR",7936:"VENDOR",7937:"RENDERER",7938:"VERSION",9728:"NEAREST",9729:"LINEAR",9984:"NEAREST_MIPMAP_NEAREST",9985:"LINEAR_MIPMAP_NEAREST",9986:"NEAREST_MIPMAP_LINEAR",9987:"LINEAR_MIPMAP_LINEAR",10240:"TEXTURE_MAG_FILTER",10241:"TEXTURE_MIN_FILTER",10242:"TEXTURE_WRAP_S",10243:"TEXTURE_WRAP_T",10497:"REPEAT",10752:"POLYGON_OFFSET_UNITS",16384:"COLOR_BUFFER_BIT",32769:"CONSTANT_COLOR",32770:"ONE_MINUS_CONSTANT_COLOR",32771:"CONSTANT_ALPHA",32772:"ONE_MINUS_CONSTANT_ALPHA",32773:"BLEND_COLOR",32774:"FUNC_ADD",32777:"BLEND_EQUATION_RGB",32778:"FUNC_SUBTRACT",32779:"FUNC_REVERSE_SUBTRACT",32819:"UNSIGNED_SHORT_4_4_4_4",32820:"UNSIGNED_SHORT_5_5_5_1",32823:"POLYGON_OFFSET_FILL",32824:"POLYGON_OFFSET_FACTOR",32854:"RGBA4",32855:"RGB5_A1",32873:"TEXTURE_BINDING_2D",32926:"SAMPLE_ALPHA_TO_COVERAGE",32928:"SAMPLE_COVERAGE",32936:"SAMPLE_BUFFERS",32937:"SAMPLES",32938:"SAMPLE_COVERAGE_VALUE",32939:"SAMPLE_COVERAGE_INVERT",32968:"BLEND_DST_RGB",32969:"BLEND_SRC_RGB",32970:"BLEND_DST_ALPHA",32971:"BLEND_SRC_ALPHA",33071:"CLAMP_TO_EDGE",33170:"GENERATE_MIPMAP_HINT",33189:"DEPTH_COMPONENT16",33306:"DEPTH_STENCIL_ATTACHMENT",33635:"UNSIGNED_SHORT_5_6_5",33648:"MIRRORED_REPEAT",33901:"ALIASED_POINT_SIZE_RANGE",33902:"ALIASED_LINE_WIDTH_RANGE",33984:"TEXTURE0",33985:"TEXTURE1",33986:"TEXTURE2",33987:"TEXTURE3",33988:"TEXTURE4",33989:"TEXTURE5",33990:"TEXTURE6",33991:"TEXTURE7",33992:"TEXTURE8",33993:"TEXTURE9",33994:"TEXTURE10",33995:"TEXTURE11",33996:"TEXTURE12",33997:"TEXTURE13",33998:"TEXTURE14",33999:"TEXTURE15",34e3:"TEXTURE16",34001:"TEXTURE17",34002:"TEXTURE18",34003:"TEXTURE19",34004:"TEXTURE20",34005:"TEXTURE21",34006:"TEXTURE22",34007:"TEXTURE23",34008:"TEXTURE24",34009:"TEXTURE25",34010:"TEXTURE26",34011:"TEXTURE27",34012:"TEXTURE28",34013:"TEXTURE29",34014:"TEXTURE30",34015:"TEXTURE31",34016:"ACTIVE_TEXTURE",34024:"MAX_RENDERBUFFER_SIZE",34041:"DEPTH_STENCIL",34055:"INCR_WRAP",34056:"DECR_WRAP",34067:"TEXTURE_CUBE_MAP",34068:"TEXTURE_BINDING_CUBE_MAP",34069:"TEXTURE_CUBE_MAP_POSITIVE_X",34070:"TEXTURE_CUBE_MAP_NEGATIVE_X",34071:"TEXTURE_CUBE_MAP_POSITIVE_Y",34072:"TEXTURE_CUBE_MAP_NEGATIVE_Y",34073:"TEXTURE_CUBE_MAP_POSITIVE_Z",34074:"TEXTURE_CUBE_MAP_NEGATIVE_Z",34076:"MAX_CUBE_MAP_TEXTURE_SIZE",34338:"VERTEX_ATTRIB_ARRAY_ENABLED",34339:"VERTEX_ATTRIB_ARRAY_SIZE",34340:"VERTEX_ATTRIB_ARRAY_STRIDE",34341:"VERTEX_ATTRIB_ARRAY_TYPE",34342:"CURRENT_VERTEX_ATTRIB",34373:"VERTEX_ATTRIB_ARRAY_POINTER",34466:"NUM_COMPRESSED_TEXTURE_FORMATS",34467:"COMPRESSED_TEXTURE_FORMATS",34660:"BUFFER_SIZE",34661:"BUFFER_USAGE",34816:"STENCIL_BACK_FUNC",34817:"STENCIL_BACK_FAIL",34818:"STENCIL_BACK_PASS_DEPTH_FAIL",34819:"STENCIL_BACK_PASS_DEPTH_PASS",34877:"BLEND_EQUATION_ALPHA",34921:"MAX_VERTEX_ATTRIBS",34922:"VERTEX_ATTRIB_ARRAY_NORMALIZED",34930:"MAX_TEXTURE_IMAGE_UNITS",34962:"ARRAY_BUFFER",34963:"ELEMENT_ARRAY_BUFFER",34964:"ARRAY_BUFFER_BINDING",34965:"ELEMENT_ARRAY_BUFFER_BINDING",34975:"VERTEX_ATTRIB_ARRAY_BUFFER_BINDING",35040:"STREAM_DRAW",35044:"STATIC_DRAW",35048:"DYNAMIC_DRAW",35632:"FRAGMENT_SHADER",35633:"VERTEX_SHADER",35660:"MAX_VERTEX_TEXTURE_IMAGE_UNITS",35661:"MAX_COMBINED_TEXTURE_IMAGE_UNITS",35663:"SHADER_TYPE",35664:"FLOAT_VEC2",35665:"FLOAT_VEC3",35666:"FLOAT_VEC4",35667:"INT_VEC2",35668:"INT_VEC3",35669:"INT_VEC4",35670:"BOOL",35671:"BOOL_VEC2",35672:"BOOL_VEC3",35673:"BOOL_VEC4",35674:"FLOAT_MAT2",35675:"FLOAT_MAT3",35676:"FLOAT_MAT4",35678:"SAMPLER_2D",35680:"SAMPLER_CUBE",35712:"DELETE_STATUS",35713:"COMPILE_STATUS",35714:"LINK_STATUS",35715:"VALIDATE_STATUS",35716:"INFO_LOG_LENGTH",35717:"ATTACHED_SHADERS",35718:"ACTIVE_UNIFORMS",35719:"ACTIVE_UNIFORM_MAX_LENGTH",35720:"SHADER_SOURCE_LENGTH",35721:"ACTIVE_ATTRIBUTES",35722:"ACTIVE_ATTRIBUTE_MAX_LENGTH",35724:"SHADING_LANGUAGE_VERSION",35725:"CURRENT_PROGRAM",36003:"STENCIL_BACK_REF",36004:"STENCIL_BACK_VALUE_MASK",36005:"STENCIL_BACK_WRITEMASK",36006:"FRAMEBUFFER_BINDING",36007:"RENDERBUFFER_BINDING",36048:"FRAMEBUFFER_ATTACHMENT_OBJECT_TYPE",36049:"FRAMEBUFFER_ATTACHMENT_OBJECT_NAME",36050:"FRAMEBUFFER_ATTACHMENT_TEXTURE_LEVEL",36051:"FRAMEBUFFER_ATTACHMENT_TEXTURE_CUBE_MAP_FACE",36053:"FRAMEBUFFER_COMPLETE",36054:"FRAMEBUFFER_INCOMPLETE_ATTACHMENT",36055:"FRAMEBUFFER_INCOMPLETE_MISSING_ATTACHMENT",36057:"FRAMEBUFFER_INCOMPLETE_DIMENSIONS",36061:"FRAMEBUFFER_UNSUPPORTED",36064:"COLOR_ATTACHMENT0",36096:"DEPTH_ATTACHMENT",36128:"STENCIL_ATTACHMENT",36160:"FRAMEBUFFER",36161:"RENDERBUFFER",36162:"RENDERBUFFER_WIDTH",36163:"RENDERBUFFER_HEIGHT",36164:"RENDERBUFFER_INTERNAL_FORMAT",36168:"STENCIL_INDEX8",36176:"RENDERBUFFER_RED_SIZE",36177:"RENDERBUFFER_GREEN_SIZE",36178:"RENDERBUFFER_BLUE_SIZE",36179:"RENDERBUFFER_ALPHA_SIZE",36180:"RENDERBUFFER_DEPTH_SIZE",36181:"RENDERBUFFER_STENCIL_SIZE",36194:"RGB565",36336:"LOW_FLOAT",36337:"MEDIUM_FLOAT",36338:"HIGH_FLOAT",36339:"LOW_INT",36340:"MEDIUM_INT",36341:"HIGH_INT",36346:"SHADER_COMPILER",36347:"MAX_VERTEX_UNIFORM_VECTORS",36348:"MAX_VARYING_VECTORS",36349:"MAX_FRAGMENT_UNIFORM_VECTORS",37440:"UNPACK_FLIP_Y_WEBGL",37441:"UNPACK_PREMULTIPLY_ALPHA_WEBGL",37442:"CONTEXT_LOST_WEBGL",37443:"UNPACK_COLORSPACE_CONVERSION_WEBGL",37444:"BROWSER_DEFAULT_WEBGL"}},{}],265:[function(t,e,r){var n=t("./1.0/numbers");e.exports=function(t){return n[t]}},{"./1.0/numbers":264}],266:[function(t,e,r){"use strict";e.exports=function(t){var e=t.gl,r=n(e),o=i(e,[{buffer:r,type:e.FLOAT,size:3,offset:0,stride:40},{buffer:r,type:e.FLOAT,size:4,offset:12,stride:40},{buffer:r,type:e.FLOAT,size:3,offset:28,stride:40}]),l=a(e);l.attributes.position.location=0,l.attributes.color.location=1,l.attributes.offset.location=2;var c=new s(e,r,o,l);return c.update(t),c};var n=t("gl-buffer"),i=t("gl-vao"),a=t("./shaders/index"),o=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function s(t,e,r,n){this.gl=t,this.shader=n,this.buffer=e,this.vao=r,this.pixelRatio=1,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.lineWidth=[1,1,1],this.capSize=[10,10,10],this.lineCount=[0,0,0],this.lineOffset=[0,0,0],this.opacity=1,this.hasAlpha=!1}var l=s.prototype;function c(t,e){for(var r=0;r<3;++r)t[0][r]=Math.min(t[0][r],e[r]),t[1][r]=Math.max(t[1][r],e[r])}l.isOpaque=function(){return!this.hasAlpha},l.isTransparent=function(){return this.hasAlpha},l.drawTransparent=l.draw=function(t){var e=this.gl,r=this.shader.uniforms;this.shader.bind();var n=r.view=t.view||o,i=r.projection=t.projection||o;r.model=t.model||o,r.clipBounds=this.clipBounds,r.opacity=this.opacity;var a=n[12],s=n[13],l=n[14],c=n[15],u=(t._ortho||!1?2:1)*this.pixelRatio*(i[3]*a+i[7]*s+i[11]*l+i[15]*c)/e.drawingBufferHeight;this.vao.bind();for(var f=0;f<3;++f)e.lineWidth(this.lineWidth[f]*this.pixelRatio),r.capSize=this.capSize[f]*u,this.lineCount[f]&&e.drawArrays(e.LINES,this.lineOffset[f],this.lineCount[f]);this.vao.unbind()};var u=function(){for(var t=new Array(3),e=0;e<3;++e){for(var r=[],n=1;n<=2;++n)for(var i=-1;i<=1;i+=2){var a=[0,0,0];a[(n+e)%3]=i,r.push(a)}t[e]=r}return t}();function f(t,e,r,n){for(var i=u[n],a=0;a0)(g=u.slice())[s]+=p[1][s],i.push(u[0],u[1],u[2],d[0],d[1],d[2],d[3],0,0,0,g[0],g[1],g[2],d[0],d[1],d[2],d[3],0,0,0),c(this.bounds,g),o+=2+f(i,g,d,s)}}this.lineCount[s]=o-this.lineOffset[s]}this.buffer.update(i)}},l.dispose=function(){this.shader.dispose(),this.buffer.dispose(),this.vao.dispose()}},{"./shaders/index":268,"gl-buffer":259,"gl-vao":358}],267:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],268:[function(t,e,r){"use strict";var n=t("glslify"),i=t("gl-shader"),a=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position, offset;\nattribute vec4 color;\nuniform mat4 model, view, projection;\nuniform float capSize;\nvarying vec4 fragColor;\nvarying vec3 fragPosition;\n\nvoid main() {\n vec4 worldPosition = model * vec4(position, 1.0);\n worldPosition = (worldPosition / worldPosition.w) + vec4(capSize * offset, 0.0);\n gl_Position = projection * view * worldPosition;\n fragColor = color;\n fragPosition = position;\n}"]),o=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float opacity;\nvarying vec3 fragPosition;\nvarying vec4 fragColor;\n\nvoid main() {\n if (\n outOfRange(clipBounds[0], clipBounds[1], fragPosition) ||\n fragColor.a * opacity == 0.\n ) discard;\n\n gl_FragColor = opacity * fragColor;\n}"]);e.exports=function(t){return i(t,a,o,null,[{name:"position",type:"vec3"},{name:"color",type:"vec4"},{name:"offset",type:"vec3"}])}},{"gl-shader":335,glslify:267}],269:[function(t,e,r){"use strict";var n=t("gl-texture2d");e.exports=function(t,e,r,n){i||(i=t.FRAMEBUFFER_UNSUPPORTED,a=t.FRAMEBUFFER_INCOMPLETE_ATTACHMENT,o=t.FRAMEBUFFER_INCOMPLETE_DIMENSIONS,s=t.FRAMEBUFFER_INCOMPLETE_MISSING_ATTACHMENT);var c=t.getExtension("WEBGL_draw_buffers");!l&&c&&function(t,e){var r=t.getParameter(e.MAX_COLOR_ATTACHMENTS_WEBGL);l=new Array(r+1);for(var n=0;n<=r;++n){for(var i=new Array(r),a=0;au||r<0||r>u)throw new Error("gl-fbo: Parameters are too large for FBO");var f=1;if("color"in(n=n||{})){if((f=Math.max(0|n.color,0))<0)throw new Error("gl-fbo: Must specify a nonnegative number of colors");if(f>1){if(!c)throw new Error("gl-fbo: Multiple draw buffer extension not supported");if(f>t.getParameter(c.MAX_COLOR_ATTACHMENTS_WEBGL))throw new Error("gl-fbo: Context does not support "+f+" draw buffers")}}var h=t.UNSIGNED_BYTE,p=t.getExtension("OES_texture_float");if(n.float&&f>0){if(!p)throw new Error("gl-fbo: Context does not support floating point textures");h=t.FLOAT}else n.preferFloat&&f>0&&p&&(h=t.FLOAT);var g=!0;"depth"in n&&(g=!!n.depth);var m=!1;"stencil"in n&&(m=!!n.stencil);return new d(t,e,r,h,f,g,m,c)};var i,a,o,s,l=null;function c(t){return[t.getParameter(t.FRAMEBUFFER_BINDING),t.getParameter(t.RENDERBUFFER_BINDING),t.getParameter(t.TEXTURE_BINDING_2D)]}function u(t,e){t.bindFramebuffer(t.FRAMEBUFFER,e[0]),t.bindRenderbuffer(t.RENDERBUFFER,e[1]),t.bindTexture(t.TEXTURE_2D,e[2])}function f(t){switch(t){case i:throw new Error("gl-fbo: Framebuffer unsupported");case a:throw new Error("gl-fbo: Framebuffer incomplete attachment");case o:throw new Error("gl-fbo: Framebuffer incomplete dimensions");case s:throw new Error("gl-fbo: Framebuffer incomplete missing attachment");default:throw new Error("gl-fbo: Framebuffer failed for unspecified reason")}}function h(t,e,r,i,a,o){if(!i)return null;var s=n(t,e,r,a,i);return s.magFilter=t.NEAREST,s.minFilter=t.NEAREST,s.mipSamples=1,s.bind(),t.framebufferTexture2D(t.FRAMEBUFFER,o,t.TEXTURE_2D,s.handle,0),s}function p(t,e,r,n,i){var a=t.createRenderbuffer();return t.bindRenderbuffer(t.RENDERBUFFER,a),t.renderbufferStorage(t.RENDERBUFFER,n,e,r),t.framebufferRenderbuffer(t.FRAMEBUFFER,i,t.RENDERBUFFER,a),a}function d(t,e,r,n,i,a,o,s){this.gl=t,this._shape=[0|e,0|r],this._destroyed=!1,this._ext=s,this.color=new Array(i);for(var d=0;d1&&s.drawBuffersWEBGL(l[o]);var y=r.getExtension("WEBGL_depth_texture");y?d?t.depth=h(r,i,a,y.UNSIGNED_INT_24_8_WEBGL,r.DEPTH_STENCIL,r.DEPTH_STENCIL_ATTACHMENT):g&&(t.depth=h(r,i,a,r.UNSIGNED_SHORT,r.DEPTH_COMPONENT,r.DEPTH_ATTACHMENT)):g&&d?t._depth_rb=p(r,i,a,r.DEPTH_STENCIL,r.DEPTH_STENCIL_ATTACHMENT):g?t._depth_rb=p(r,i,a,r.DEPTH_COMPONENT16,r.DEPTH_ATTACHMENT):d&&(t._depth_rb=p(r,i,a,r.STENCIL_INDEX,r.STENCIL_ATTACHMENT));var x=r.checkFramebufferStatus(r.FRAMEBUFFER);if(x!==r.FRAMEBUFFER_COMPLETE){t._destroyed=!0,r.bindFramebuffer(r.FRAMEBUFFER,null),r.deleteFramebuffer(t.handle),t.handle=null,t.depth&&(t.depth.dispose(),t.depth=null),t._depth_rb&&(r.deleteRenderbuffer(t._depth_rb),t._depth_rb=null);for(v=0;vi||r<0||r>i)throw new Error("gl-fbo: Can't resize FBO, invalid dimensions");t._shape[0]=e,t._shape[1]=r;for(var a=c(n),o=0;o>8*p&255;this.pickOffset=r,i.bind();var d=i.uniforms;d.viewTransform=t,d.pickOffset=e,d.shape=this.shape;var g=i.attributes;return this.positionBuffer.bind(),g.position.pointer(),this.weightBuffer.bind(),g.weight.pointer(s.UNSIGNED_BYTE,!1),this.idBuffer.bind(),g.pickId.pointer(s.UNSIGNED_BYTE,!1),s.drawArrays(s.TRIANGLES,0,o),r+this.shape[0]*this.shape[1]}}}(),f.pick=function(t,e,r){var n=this.pickOffset,i=this.shape[0]*this.shape[1];if(r=n+i)return null;var a=r-n,o=this.xData,s=this.yData;return{object:this,pointId:a,dataCoord:[o[a%this.shape[0]],s[a/this.shape[0]|0]]}},f.update=function(t){var e=(t=t||{}).shape||[0,0],r=t.x||i(e[0]),o=t.y||i(e[1]),s=t.z||new Float32Array(e[0]*e[1]),l=!1!==t.zsmooth;this.xData=r,this.yData=o;var c,u,f,p,d=t.colorLevels||[0],g=t.colorValues||[0,0,0,1],m=d.length,v=this.bounds;l?(c=v[0]=r[0],u=v[1]=o[0],f=v[2]=r[r.length-1],p=v[3]=o[o.length-1]):(c=v[0]=r[0]+(r[1]-r[0])/2,u=v[1]=o[0]+(o[1]-o[0])/2,f=v[2]=r[r.length-1]+(r[r.length-1]-r[r.length-2])/2,p=v[3]=o[o.length-1]+(o[o.length-1]-o[o.length-2])/2);var y=1/(f-c),x=1/(p-u),b=e[0],_=e[1];this.shape=[b,_];var w=(l?(b-1)*(_-1):b*_)*(h.length>>>1);this.numVertices=w;for(var T=a.mallocUint8(4*w),k=a.mallocFloat32(2*w),M=a.mallocUint8(2*w),A=a.mallocUint32(w),S=0,E=l?b-1:b,C=l?_-1:_,L=0;L max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform sampler2D dashTexture;\nuniform float dashScale;\nuniform float opacity;\n\nvarying vec3 worldPosition;\nvarying float pixelArcLength;\nvarying vec4 fragColor;\n\nvoid main() {\n if (\n outOfRange(clipBounds[0], clipBounds[1], worldPosition) ||\n fragColor.a * opacity == 0.\n ) discard;\n\n float dashWeight = texture2D(dashTexture, vec2(dashScale * pixelArcLength, 0)).r;\n if(dashWeight < 0.5) {\n discard;\n }\n gl_FragColor = fragColor * opacity;\n}\n"]),s=n(["precision highp float;\n#define GLSLIFY 1\n\n#define FLOAT_MAX 1.70141184e38\n#define FLOAT_MIN 1.17549435e-38\n\n// https://github.com/mikolalysenko/glsl-read-float/blob/master/index.glsl\nvec4 packFloat(float v) {\n float av = abs(v);\n\n //Handle special cases\n if(av < FLOAT_MIN) {\n return vec4(0.0, 0.0, 0.0, 0.0);\n } else if(v > FLOAT_MAX) {\n return vec4(127.0, 128.0, 0.0, 0.0) / 255.0;\n } else if(v < -FLOAT_MAX) {\n return vec4(255.0, 128.0, 0.0, 0.0) / 255.0;\n }\n\n vec4 c = vec4(0,0,0,0);\n\n //Compute exponent and mantissa\n float e = floor(log2(av));\n float m = av * pow(2.0, -e) - 1.0;\n\n //Unpack mantissa\n c[1] = floor(128.0 * m);\n m -= c[1] / 128.0;\n c[2] = floor(32768.0 * m);\n m -= c[2] / 32768.0;\n c[3] = floor(8388608.0 * m);\n\n //Unpack exponent\n float ebias = e + 127.0;\n c[0] = floor(ebias / 2.0);\n ebias -= c[0] * 2.0;\n c[1] += floor(ebias) * 128.0;\n\n //Unpack sign bit\n c[0] += 128.0 * step(0.0, -v);\n\n //Scale back to range\n return c / 255.0;\n}\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform float pickId;\nuniform vec3 clipBounds[2];\n\nvarying vec3 worldPosition;\nvarying float pixelArcLength;\nvarying vec4 fragColor;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], worldPosition)) discard;\n\n gl_FragColor = vec4(pickId/255.0, packFloat(pixelArcLength).xyz);\n}"]),l=[{name:"position",type:"vec3"},{name:"nextPosition",type:"vec3"},{name:"arcLength",type:"float"},{name:"lineWidth",type:"float"},{name:"color",type:"vec4"}];r.createShader=function(t){return i(t,a,o,null,l)},r.createPickShader=function(t){return i(t,a,s,null,l)}},{"gl-shader":335,glslify:276}],275:[function(t,e,r){"use strict";e.exports=function(t){var e=t.gl||t.scene&&t.scene.gl,r=f(e);r.attributes.position.location=0,r.attributes.nextPosition.location=1,r.attributes.arcLength.location=2,r.attributes.lineWidth.location=3,r.attributes.color.location=4;var o=h(e);o.attributes.position.location=0,o.attributes.nextPosition.location=1,o.attributes.arcLength.location=2,o.attributes.lineWidth.location=3,o.attributes.color.location=4;for(var s=n(e),l=i(e,[{buffer:s,size:3,offset:0,stride:48},{buffer:s,size:3,offset:12,stride:48},{buffer:s,size:1,offset:24,stride:48},{buffer:s,size:1,offset:28,stride:48},{buffer:s,size:4,offset:32,stride:48}]),u=c(new Array(1024),[256,1,4]),p=0;p<1024;++p)u.data[p]=255;var d=a(e,u);d.wrap=e.REPEAT;var g=new v(e,r,o,s,l,d);return g.update(t),g};var n=t("gl-buffer"),i=t("gl-vao"),a=t("gl-texture2d"),o=new Uint8Array(4),s=new Float32Array(o.buffer);var l=t("binary-search-bounds"),c=t("ndarray"),u=t("./lib/shaders"),f=u.createShader,h=u.createPickShader,p=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function d(t,e){for(var r=0,n=0;n<3;++n){var i=t[n]-e[n];r+=i*i}return Math.sqrt(r)}function g(t){for(var e=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],r=0;r<3;++r)e[0][r]=Math.max(t[0][r],e[0][r]),e[1][r]=Math.min(t[1][r],e[1][r]);return e}function m(t,e,r,n){this.arcLength=t,this.position=e,this.index=r,this.dataCoordinate=n}function v(t,e,r,n,i,a){this.gl=t,this.shader=e,this.pickShader=r,this.buffer=n,this.vao=i,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.points=[],this.arcLength=[],this.vertexCount=0,this.bounds=[[0,0,0],[0,0,0]],this.pickId=0,this.lineWidth=1,this.texture=a,this.dashScale=1,this.opacity=1,this.hasAlpha=!1,this.dirty=!0,this.pixelRatio=1}var y=v.prototype;y.isTransparent=function(){return this.hasAlpha},y.isOpaque=function(){return!this.hasAlpha},y.pickSlots=1,y.setPickBase=function(t){this.pickId=t},y.drawTransparent=y.draw=function(t){if(this.vertexCount){var e=this.gl,r=this.shader,n=this.vao;r.bind(),r.uniforms={model:t.model||p,view:t.view||p,projection:t.projection||p,clipBounds:g(this.clipBounds),dashTexture:this.texture.bind(),dashScale:this.dashScale/this.arcLength[this.arcLength.length-1],opacity:this.opacity,screenShape:[e.drawingBufferWidth,e.drawingBufferHeight],pixelRatio:this.pixelRatio},n.bind(),n.draw(e.TRIANGLE_STRIP,this.vertexCount),n.unbind()}},y.drawPick=function(t){if(this.vertexCount){var e=this.gl,r=this.pickShader,n=this.vao;r.bind(),r.uniforms={model:t.model||p,view:t.view||p,projection:t.projection||p,pickId:this.pickId,clipBounds:g(this.clipBounds),screenShape:[e.drawingBufferWidth,e.drawingBufferHeight],pixelRatio:this.pixelRatio},n.bind(),n.draw(e.TRIANGLE_STRIP,this.vertexCount),n.unbind()}},y.update=function(t){var e,r;this.dirty=!0;var n=!!t.connectGaps;"dashScale"in t&&(this.dashScale=t.dashScale),this.hasAlpha=!1,"opacity"in t&&(this.opacity=+t.opacity,this.opacity<1&&(this.hasAlpha=!0));var i=[],a=[],o=[],s=0,u=0,f=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],h=t.position||t.positions;if(h){var p=t.color||t.colors||[0,0,0,1],g=t.lineWidth||1,m=!1;t:for(e=1;e0){for(var w=0;w<24;++w)i.push(i[i.length-12]);u+=2,m=!0}continue t}f[0][r]=Math.min(f[0][r],b[r],_[r]),f[1][r]=Math.max(f[1][r],b[r],_[r])}Array.isArray(p[0])?(v=p.length>e-1?p[e-1]:p.length>0?p[p.length-1]:[0,0,0,1],y=p.length>e?p[e]:p.length>0?p[p.length-1]:[0,0,0,1]):v=y=p,3===v.length&&(v=[v[0],v[1],v[2],1]),3===y.length&&(y=[y[0],y[1],y[2],1]),!this.hasAlpha&&v[3]<1&&(this.hasAlpha=!0),x=Array.isArray(g)?g.length>e-1?g[e-1]:g.length>0?g[g.length-1]:[0,0,0,1]:g;var T=s;if(s+=d(b,_),m){for(r=0;r<2;++r)i.push(b[0],b[1],b[2],_[0],_[1],_[2],T,x,v[0],v[1],v[2],v[3]);u+=2,m=!1}i.push(b[0],b[1],b[2],_[0],_[1],_[2],T,x,v[0],v[1],v[2],v[3],b[0],b[1],b[2],_[0],_[1],_[2],T,-x,v[0],v[1],v[2],v[3],_[0],_[1],_[2],b[0],b[1],b[2],s,-x,y[0],y[1],y[2],y[3],_[0],_[1],_[2],b[0],b[1],b[2],s,x,y[0],y[1],y[2],y[3]),u+=4}}if(this.buffer.update(i),a.push(s),o.push(h[h.length-1].slice()),this.bounds=f,this.vertexCount=u,this.points=o,this.arcLength=a,"dashes"in t){var k=t.dashes.slice();for(k.unshift(0),e=1;e1.0001)return null;v+=m[f]}if(Math.abs(v-1)>.001)return null;return[h,s(t,m),m]}},{barycentric:78,"polytope-closest-point/lib/closest_point_2d.js":525}],308:[function(t,e,r){var n=t("glslify"),i=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position, normal;\nattribute vec4 color;\nattribute vec2 uv;\n\nuniform mat4 model\n , view\n , projection\n , inverseModel;\nuniform vec3 eyePosition\n , lightPosition;\n\nvarying vec3 f_normal\n , f_lightDirection\n , f_eyeDirection\n , f_data;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvec4 project(vec3 p) {\n return projection * view * model * vec4(p, 1.0);\n}\n\nvoid main() {\n gl_Position = project(position);\n\n //Lighting geometry parameters\n vec4 cameraCoordinate = view * vec4(position , 1.0);\n cameraCoordinate.xyz /= cameraCoordinate.w;\n f_lightDirection = lightPosition - cameraCoordinate.xyz;\n f_eyeDirection = eyePosition - cameraCoordinate.xyz;\n f_normal = normalize((vec4(normal, 0.0) * inverseModel).xyz);\n\n f_color = color;\n f_data = position;\n f_uv = uv;\n}\n"]),a=n(["#extension GL_OES_standard_derivatives : enable\n\nprecision highp float;\n#define GLSLIFY 1\n\nfloat beckmannDistribution(float x, float roughness) {\n float NdotH = max(x, 0.0001);\n float cos2Alpha = NdotH * NdotH;\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\n float roughness2 = roughness * roughness;\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\n return exp(tan2Alpha / roughness2) / denom;\n}\n\nfloat cookTorranceSpecular(\n vec3 lightDirection,\n vec3 viewDirection,\n vec3 surfaceNormal,\n float roughness,\n float fresnel) {\n\n float VdotN = max(dot(viewDirection, surfaceNormal), 0.0);\n float LdotN = max(dot(lightDirection, surfaceNormal), 0.0);\n\n //Half angle vector\n vec3 H = normalize(lightDirection + viewDirection);\n\n //Geometric term\n float NdotH = max(dot(surfaceNormal, H), 0.0);\n float VdotH = max(dot(viewDirection, H), 0.000001);\n float LdotH = max(dot(lightDirection, H), 0.000001);\n float G1 = (2.0 * NdotH * VdotN) / VdotH;\n float G2 = (2.0 * NdotH * LdotN) / LdotH;\n float G = min(1.0, min(G1, G2));\n \n //Distribution term\n float D = beckmannDistribution(NdotH, roughness);\n\n //Fresnel term\n float F = pow(1.0 - VdotN, fresnel);\n\n //Multiply terms and done\n return G * F * D / max(3.14159265 * VdotN, 0.000001);\n}\n\n//#pragma glslify: beckmann = require(glsl-specular-beckmann) // used in gl-surface3d\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float roughness\n , fresnel\n , kambient\n , kdiffuse\n , kspecular;\nuniform sampler2D texture;\n\nvarying vec3 f_normal\n , f_lightDirection\n , f_eyeDirection\n , f_data;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n if (f_color.a == 0.0 ||\n outOfRange(clipBounds[0], clipBounds[1], f_data)\n ) discard;\n\n vec3 N = normalize(f_normal);\n vec3 L = normalize(f_lightDirection);\n vec3 V = normalize(f_eyeDirection);\n\n if(gl_FrontFacing) {\n N = -N;\n }\n\n float specular = min(1.0, max(0.0, cookTorranceSpecular(L, V, N, roughness, fresnel)));\n //float specular = max(0.0, beckmann(L, V, N, roughness)); // used in gl-surface3d\n\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\n\n vec4 surfaceColor = vec4(f_color.rgb, 1.0) * texture2D(texture, f_uv);\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\n\n gl_FragColor = litColor * f_color.a;\n}\n"]),o=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 uv;\n\nuniform mat4 model, view, projection;\n\nvarying vec4 f_color;\nvarying vec3 f_data;\nvarying vec2 f_uv;\n\nvoid main() {\n gl_Position = projection * view * model * vec4(position, 1.0);\n f_color = color;\n f_data = position;\n f_uv = uv;\n}"]),s=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform sampler2D texture;\nuniform float opacity;\n\nvarying vec4 f_color;\nvarying vec3 f_data;\nvarying vec2 f_uv;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_data)) discard;\n\n gl_FragColor = f_color * texture2D(texture, f_uv) * opacity;\n}"]),l=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 uv;\nattribute float pointSize;\n\nuniform mat4 model, view, projection;\nuniform vec3 clipBounds[2];\n\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0.0, 0.0 ,0.0 ,0.0);\n } else {\n gl_Position = projection * view * model * vec4(position, 1.0);\n }\n gl_PointSize = pointSize;\n f_color = color;\n f_uv = uv;\n}"]),c=n(["precision highp float;\n#define GLSLIFY 1\n\nuniform sampler2D texture;\nuniform float opacity;\n\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n vec2 pointR = gl_PointCoord.xy - vec2(0.5, 0.5);\n if(dot(pointR, pointR) > 0.25) {\n discard;\n }\n gl_FragColor = f_color * texture2D(texture, f_uv) * opacity;\n}"]),u=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n gl_Position = projection * view * model * vec4(position, 1.0);\n f_id = id;\n f_position = position;\n}"]),f=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float pickId;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n\n gl_FragColor = vec4(pickId, f_id.xyz);\n}"]),h=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute float pointSize;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\nuniform vec3 clipBounds[2];\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0.0, 0.0, 0.0, 0.0);\n } else {\n gl_Position = projection * view * model * vec4(position, 1.0);\n gl_PointSize = pointSize;\n }\n f_id = id;\n f_position = position;\n}"]),p=n(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec3 position;\n\nuniform mat4 model, view, projection;\n\nvoid main() {\n gl_Position = projection * view * model * vec4(position, 1.0);\n}"]),d=n(["precision highp float;\n#define GLSLIFY 1\n\nuniform vec3 contourColor;\n\nvoid main() {\n gl_FragColor = vec4(contourColor, 1.0);\n}\n"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:"position",type:"vec3"},{name:"normal",type:"vec3"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"}]},r.wireShader={vertex:o,fragment:s,attributes:[{name:"position",type:"vec3"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"}]},r.pointShader={vertex:l,fragment:c,attributes:[{name:"position",type:"vec3"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"},{name:"pointSize",type:"float"}]},r.pickShader={vertex:u,fragment:f,attributes:[{name:"position",type:"vec3"},{name:"id",type:"vec4"}]},r.pointPickShader={vertex:h,fragment:f,attributes:[{name:"position",type:"vec3"},{name:"pointSize",type:"float"},{name:"id",type:"vec4"}]},r.contourShader={vertex:p,fragment:d,attributes:[{name:"position",type:"vec3"}]}},{glslify:310}],309:[function(t,e,r){"use strict";var n=t("gl-shader"),i=t("gl-buffer"),a=t("gl-vao"),o=t("gl-texture2d"),s=t("normals"),l=t("gl-mat4/multiply"),c=t("gl-mat4/invert"),u=t("ndarray"),f=t("colormap"),h=t("simplicial-complex-contour"),p=t("typedarray-pool"),d=t("./lib/shaders"),g=t("./lib/closest-point"),m=d.meshShader,v=d.wireShader,y=d.pointShader,x=d.pickShader,b=d.pointPickShader,_=d.contourShader,w=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function T(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,_,T,k,M,A,S){this.gl=t,this.pixelRatio=1,this.cells=[],this.positions=[],this.intensity=[],this.texture=e,this.dirty=!0,this.triShader=r,this.lineShader=n,this.pointShader=i,this.pickShader=a,this.pointPickShader=o,this.contourShader=s,this.trianglePositions=l,this.triangleColors=u,this.triangleNormals=h,this.triangleUVs=f,this.triangleIds=c,this.triangleVAO=p,this.triangleCount=0,this.lineWidth=1,this.edgePositions=d,this.edgeColors=m,this.edgeUVs=v,this.edgeIds=g,this.edgeVAO=y,this.edgeCount=0,this.pointPositions=x,this.pointColors=_,this.pointUVs=T,this.pointSizes=k,this.pointIds=b,this.pointVAO=M,this.pointCount=0,this.contourLineWidth=1,this.contourPositions=A,this.contourVAO=S,this.contourCount=0,this.contourColor=[0,0,0],this.contourEnable=!0,this.pickVertex=!0,this.pickId=1,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.lightPosition=[1e5,1e5,0],this.ambientLight=.8,this.diffuseLight=.8,this.specularLight=2,this.roughness=.5,this.fresnel=1.5,this.opacity=1,this.hasAlpha=!1,this.opacityscale=!1,this._model=w,this._view=w,this._projection=w,this._resolution=[1,1]}var k=T.prototype;function M(t,e){if(!e)return 1;if(!e.length)return 1;for(var r=0;rt&&r>0){var n=(e[r][0]-t)/(e[r][0]-e[r-1][0]);return e[r][1]*(1-n)+n*e[r-1][1]}}return 1}function A(t){var e=n(t,m.vertex,m.fragment);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e.attributes.normal.location=4,e}function S(t){var e=n(t,v.vertex,v.fragment);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e}function E(t){var e=n(t,y.vertex,y.fragment);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e.attributes.pointSize.location=4,e}function C(t){var e=n(t,x.vertex,x.fragment);return e.attributes.position.location=0,e.attributes.id.location=1,e}function L(t){var e=n(t,b.vertex,b.fragment);return e.attributes.position.location=0,e.attributes.id.location=1,e.attributes.pointSize.location=4,e}function I(t){var e=n(t,_.vertex,_.fragment);return e.attributes.position.location=0,e}k.isOpaque=function(){return!this.hasAlpha},k.isTransparent=function(){return this.hasAlpha},k.pickSlots=1,k.setPickBase=function(t){this.pickId=t},k.highlight=function(t){if(t&&this.contourEnable){for(var e=h(this.cells,this.intensity,t.intensity),r=e.cells,n=e.vertexIds,i=e.vertexWeights,a=r.length,o=p.mallocFloat32(6*a),s=0,l=0;l0&&((f=this.triShader).bind(),f.uniforms=s,this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind());this.edgeCount>0&&this.lineWidth>0&&((f=this.lineShader).bind(),f.uniforms=s,this.edgeVAO.bind(),e.lineWidth(this.lineWidth*this.pixelRatio),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind());this.pointCount>0&&((f=this.pointShader).bind(),f.uniforms=s,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind());this.contourEnable&&this.contourCount>0&&this.contourLineWidth>0&&((f=this.contourShader).bind(),f.uniforms=s,this.contourVAO.bind(),e.drawArrays(e.LINES,0,this.contourCount),this.contourVAO.unbind())},k.drawPick=function(t){t=t||{};for(var e=this.gl,r=t.model||w,n=t.view||w,i=t.projection||w,a=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],o=0;o<3;++o)a[0][o]=Math.max(a[0][o],this.clipBounds[0][o]),a[1][o]=Math.min(a[1][o],this.clipBounds[1][o]);this._model=[].slice.call(r),this._view=[].slice.call(n),this._projection=[].slice.call(i),this._resolution=[e.drawingBufferWidth,e.drawingBufferHeight];var s,l={model:r,view:n,projection:i,clipBounds:a,pickId:this.pickId/255};((s=this.pickShader).bind(),s.uniforms=l,this.triangleCount>0&&(this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind()),this.edgeCount>0&&(this.edgeVAO.bind(),e.lineWidth(this.lineWidth*this.pixelRatio),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind()),this.pointCount>0)&&((s=this.pointPickShader).bind(),s.uniforms=l,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind())},k.pick=function(t){if(!t)return null;if(t.id!==this.pickId)return null;for(var e=t.value[0]+256*t.value[1]+65536*t.value[2],r=this.cells[e],n=this.positions,i=new Array(r.length),a=0;ai[k]&&(r.uniforms.dataAxis=c,r.uniforms.screenOffset=u,r.uniforms.color=m[t],r.uniforms.angle=v[t],a.drawArrays(a.TRIANGLES,i[k],i[M]-i[k]))),y[t]&&T&&(u[1^t]-=A*p*x[t],r.uniforms.dataAxis=f,r.uniforms.screenOffset=u,r.uniforms.color=b[t],r.uniforms.angle=_[t],a.drawArrays(a.TRIANGLES,w,T)),u[1^t]=A*s[2+(1^t)]-1,d[t+2]&&(u[1^t]+=A*p*g[t+2],ki[k]&&(r.uniforms.dataAxis=c,r.uniforms.screenOffset=u,r.uniforms.color=m[t+2],r.uniforms.angle=v[t+2],a.drawArrays(a.TRIANGLES,i[k],i[M]-i[k]))),y[t+2]&&T&&(u[1^t]+=A*p*x[t+2],r.uniforms.dataAxis=f,r.uniforms.screenOffset=u,r.uniforms.color=b[t+2],r.uniforms.angle=_[t+2],a.drawArrays(a.TRIANGLES,w,T))}),g.drawTitle=function(){var t=[0,0],e=[0,0];return function(){var r=this.plot,n=this.shader,i=r.gl,a=r.screenBox,o=r.titleCenter,s=r.titleAngle,l=r.titleColor,c=r.pixelRatio;if(this.titleCount){for(var u=0;u<2;++u)e[u]=2*(o[u]*c-a[u])/(a[2+u]-a[u])-1;n.bind(),n.uniforms.dataAxis=t,n.uniforms.screenOffset=e,n.uniforms.angle=s,n.uniforms.color=l,i.drawArrays(i.TRIANGLES,this.titleOffset,this.titleCount)}}}(),g.bind=(h=[0,0],p=[0,0],d=[0,0],function(){var t=this.plot,e=this.shader,r=t._tickBounds,n=t.dataBox,i=t.screenBox,a=t.viewBox;e.bind();for(var o=0;o<2;++o){var s=r[o],l=r[o+2]-s,c=.5*(n[o+2]+n[o]),u=n[o+2]-n[o],f=a[o],g=a[o+2]-f,m=i[o],v=i[o+2]-m;p[o]=2*l/u*g/v,h[o]=2*(s-c)/u*g/v}d[1]=2*t.pixelRatio/(i[3]-i[1]),d[0]=d[1]*(i[3]-i[1])/(i[2]-i[0]),e.uniforms.dataScale=p,e.uniforms.dataShift=h,e.uniforms.textScale=d,this.vbo.bind(),e.attributes.textCoordinate.pointer()}),g.update=function(t){var e,r,n,i,o,s=[],l=t.ticks,c=t.bounds;for(o=0;o<2;++o){var u=[Math.floor(s.length/3)],f=[-1/0],h=l[o];for(e=0;e=0){var g=e[d]-n[d]*(e[d+2]-e[d])/(n[d+2]-n[d]);0===d?o.drawLine(g,e[1],g,e[3],p[d],h[d]):o.drawLine(e[0],g,e[2],g,p[d],h[d])}}for(d=0;d=0;--t)this.objects[t].dispose();this.objects.length=0;for(t=this.overlays.length-1;t>=0;--t)this.overlays[t].dispose();this.overlays.length=0,this.gl=null},c.addObject=function(t){this.objects.indexOf(t)<0&&(this.objects.push(t),this.setDirty())},c.removeObject=function(t){for(var e=this.objects,r=0;rMath.abs(e))c.rotate(a,0,0,-t*r*Math.PI*d.rotateSpeed/window.innerWidth);else if(!d._ortho){var o=-d.zoomSpeed*i*e/window.innerHeight*(a-c.lastT())/20;c.pan(a,0,0,f*(Math.exp(o)-1))}}}),!0)},d.enableMouseListeners(),d};var n=t("right-now"),i=t("3d-view"),a=t("mouse-change"),o=t("mouse-wheel"),s=t("mouse-event-offset"),l=t("has-passive-events")},{"3d-view":54,"has-passive-events":441,"mouse-change":483,"mouse-event-offset":484,"mouse-wheel":486,"right-now":542}],319:[function(t,e,r){var n=t("glslify"),i=t("gl-shader"),a=n(["precision mediump float;\n#define GLSLIFY 1\nattribute vec2 position;\nvarying vec2 uv;\nvoid main() {\n uv = position;\n gl_Position = vec4(position, 0, 1);\n}"]),o=n(["precision mediump float;\n#define GLSLIFY 1\n\nuniform sampler2D accumBuffer;\nvarying vec2 uv;\n\nvoid main() {\n vec4 accum = texture2D(accumBuffer, 0.5 * (uv + 1.0));\n gl_FragColor = min(vec4(1,1,1,1), accum);\n}"]);e.exports=function(t){return i(t,a,o,null,[{name:"position",type:"vec2"}])}},{"gl-shader":335,glslify:320}],320:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],321:[function(t,e,r){"use strict";var n=t("./camera.js"),i=t("gl-axes3d"),a=t("gl-axes3d/properties"),o=t("gl-spikes3d"),s=t("gl-select-static"),l=t("gl-fbo"),c=t("a-big-triangle"),u=t("mouse-change"),f=t("gl-mat4/perspective"),h=t("gl-mat4/ortho"),p=t("./lib/shader"),d=t("is-mobile")({tablet:!0,featureDetect:!0});function g(){this.mouse=[-1,-1],this.screen=null,this.distance=1/0,this.index=null,this.dataCoordinate=null,this.dataPosition=null,this.object=null,this.data=null}function m(t){var e=Math.round(Math.log(Math.abs(t))/Math.log(10));if(e<0){var r=Math.round(Math.pow(10,-e));return Math.ceil(t*r)/r}if(e>0){r=Math.round(Math.pow(10,e));return Math.ceil(t/r)*r}return Math.ceil(t)}function v(t){return"boolean"!=typeof t||t}e.exports={createScene:function(t){(t=t||{}).camera=t.camera||{};var e=t.canvas;if(!e){if(e=document.createElement("canvas"),t.container)t.container.appendChild(e);else document.body.appendChild(e)}var r=t.gl;r||(t.glOptions&&(d=!!t.glOptions.preserveDrawingBuffer),r=function(t,e){var r=null;try{(r=t.getContext("webgl",e))||(r=t.getContext("experimental-webgl",e))}catch(t){return null}return r}(e,t.glOptions||{premultipliedAlpha:!0,antialias:!0,preserveDrawingBuffer:d}));if(!r)throw new Error("webgl not supported");var y=t.bounds||[[-10,-10,-10],[10,10,10]],x=new g,b=l(r,r.drawingBufferWidth,r.drawingBufferHeight,{preferFloat:!d}),_=p(r),w=t.cameraObject&&!0===t.cameraObject._ortho||t.camera.projection&&"orthographic"===t.camera.projection.type||!1,T={eye:t.camera.eye||[2,0,0],center:t.camera.center||[0,0,0],up:t.camera.up||[0,1,0],zoomMin:t.camera.zoomMax||.1,zoomMax:t.camera.zoomMin||100,mode:t.camera.mode||"turntable",_ortho:w},k=t.axes||{},M=i(r,k);M.enable=!k.disable;var A=t.spikes||{},S=o(r,A),E=[],C=[],L=[],I=[],P=!0,z=!0,O=new Array(16),D=new Array(16),R={view:null,projection:O,model:D,_ortho:!1},F=(z=!0,[r.drawingBufferWidth,r.drawingBufferHeight]),B=t.cameraObject||n(e,T),N={gl:r,contextLost:!1,pixelRatio:t.pixelRatio||1,canvas:e,selection:x,camera:B,axes:M,axesPixels:null,spikes:S,bounds:y,objects:E,shape:F,aspect:t.aspectRatio||[1,1,1],pickRadius:t.pickRadius||10,zNear:t.zNear||.01,zFar:t.zFar||1e3,fovy:t.fovy||Math.PI/4,clearColor:t.clearColor||[0,0,0,0],autoResize:v(t.autoResize),autoBounds:v(t.autoBounds),autoScale:!!t.autoScale,autoCenter:v(t.autoCenter),clipToBounds:v(t.clipToBounds),snapToData:!!t.snapToData,onselect:t.onselect||null,onrender:t.onrender||null,onclick:t.onclick||null,cameraParams:R,oncontextloss:null,mouseListener:null,_stopped:!1,getAspectratio:function(){return{x:this.aspect[0],y:this.aspect[1],z:this.aspect[2]}},setAspectratio:function(t){this.aspect[0]=t.x,this.aspect[1]=t.y,this.aspect[2]=t.z,z=!0},setBounds:function(t,e){this.bounds[0][t]=e.min,this.bounds[1][t]=e.max},setClearColor:function(t){this.clearColor=t},clearRGBA:function(){this.gl.clearColor(this.clearColor[0],this.clearColor[1],this.clearColor[2],this.clearColor[3]),this.gl.clear(this.gl.COLOR_BUFFER_BIT|this.gl.DEPTH_BUFFER_BIT)}},j=[r.drawingBufferWidth/N.pixelRatio|0,r.drawingBufferHeight/N.pixelRatio|0];function U(){if(!N._stopped&&N.autoResize){var t=e.parentNode,r=1,n=1;t&&t!==document.body?(r=t.clientWidth,n=t.clientHeight):(r=window.innerWidth,n=window.innerHeight);var i=0|Math.ceil(r*N.pixelRatio),a=0|Math.ceil(n*N.pixelRatio);if(i!==e.width||a!==e.height){e.width=i,e.height=a;var o=e.style;o.position=o.position||"absolute",o.left="0px",o.top="0px",o.width=r+"px",o.height=n+"px",P=!0}}}N.autoResize&&U();function V(){for(var t=E.length,e=I.length,n=0;n0&&0===L[e-1];)L.pop(),I.pop().dispose()}function q(){if(N.contextLost)return!0;r.isContextLost()&&(N.contextLost=!0,N.mouseListener.enabled=!1,N.selection.object=null,N.oncontextloss&&N.oncontextloss())}window.addEventListener("resize",U),N.update=function(t){N._stopped||(t=t||{},P=!0,z=!0)},N.add=function(t){N._stopped||(t.axes=M,E.push(t),C.push(-1),P=!0,z=!0,V())},N.remove=function(t){if(!N._stopped){var e=E.indexOf(t);e<0||(E.splice(e,1),C.pop(),P=!0,z=!0,V())}},N.dispose=function(){if(!N._stopped&&(N._stopped=!0,window.removeEventListener("resize",U),e.removeEventListener("webglcontextlost",q),N.mouseListener.enabled=!1,!N.contextLost)){M.dispose(),S.dispose();for(var t=0;tx.distance)continue;for(var c=0;c 1.0) {\n discard;\n }\n baseColor = mix(borderColor, color, step(radius, centerFraction));\n gl_FragColor = vec4(baseColor.rgb * baseColor.a, baseColor.a);\n }\n}\n"]),r.pickVertex=n(["precision mediump float;\n#define GLSLIFY 1\n\nattribute vec2 position;\nattribute vec4 pickId;\n\nuniform mat3 matrix;\nuniform float pointSize;\nuniform vec4 pickOffset;\n\nvarying vec4 fragId;\n\nvoid main() {\n vec3 hgPosition = matrix * vec3(position, 1);\n gl_Position = vec4(hgPosition.xy, 0, hgPosition.z);\n gl_PointSize = pointSize;\n\n vec4 id = pickId + pickOffset;\n id.y += floor(id.x / 256.0);\n id.x -= floor(id.x / 256.0) * 256.0;\n\n id.z += floor(id.y / 256.0);\n id.y -= floor(id.y / 256.0) * 256.0;\n\n id.w += floor(id.z / 256.0);\n id.z -= floor(id.z / 256.0) * 256.0;\n\n fragId = id;\n}\n"]),r.pickFragment=n(["precision mediump float;\n#define GLSLIFY 1\n\nvarying vec4 fragId;\n\nvoid main() {\n float radius = length(2.0 * gl_PointCoord.xy - 1.0);\n if(radius > 1.0) {\n discard;\n }\n gl_FragColor = fragId / 255.0;\n}\n"])},{glslify:323}],323:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],324:[function(t,e,r){"use strict";var n=t("gl-shader"),i=t("gl-buffer"),a=t("typedarray-pool"),o=t("./lib/shader");function s(t,e,r,n,i){this.plot=t,this.offsetBuffer=e,this.pickBuffer=r,this.shader=n,this.pickShader=i,this.sizeMin=.5,this.sizeMinCap=2,this.sizeMax=20,this.areaRatio=1,this.pointCount=0,this.color=[1,0,0,1],this.borderColor=[0,0,0,1],this.blend=!1,this.pickOffset=0,this.points=null}e.exports=function(t,e){var r=t.gl,a=i(r),l=i(r),c=n(r,o.pointVertex,o.pointFragment),u=n(r,o.pickVertex,o.pickFragment),f=new s(t,a,l,c,u);return f.update(e),t.addObject(f),f};var l,c,u=s.prototype;u.dispose=function(){this.shader.dispose(),this.pickShader.dispose(),this.offsetBuffer.dispose(),this.pickBuffer.dispose(),this.plot.removeObject(this)},u.update=function(t){var e;function r(e,r){return e in t?t[e]:r}t=t||{},this.sizeMin=r("sizeMin",.5),this.sizeMax=r("sizeMax",20),this.color=r("color",[1,0,0,1]).slice(),this.areaRatio=r("areaRatio",1),this.borderColor=r("borderColor",[0,0,0,1]).slice(),this.blend=r("blend",!1);var n=t.positions.length>>>1,i=t.positions instanceof Float32Array,o=t.idToIndex instanceof Int32Array&&t.idToIndex.length>=n,s=t.positions,l=i?s:a.mallocFloat32(s.length),c=o?t.idToIndex:a.mallocInt32(n);if(i||l.set(s),!o)for(l.set(s),e=0;e>>1;for(r=0;r=e[0]&&a<=e[2]&&o>=e[1]&&o<=e[3]&&n++}return n}(this.points,i),u=this.plot.pickPixelRatio*Math.max(Math.min(this.sizeMinCap,this.sizeMin),Math.min(this.sizeMax,this.sizeMax/Math.pow(s,.33333)));l[0]=2/a,l[4]=2/o,l[6]=-2*i[0]/a-1,l[7]=-2*i[1]/o-1,this.offsetBuffer.bind(),r.bind(),r.attributes.position.pointer(),r.uniforms.matrix=l,r.uniforms.color=this.color,r.uniforms.borderColor=this.borderColor,r.uniforms.pointCloud=u<5,r.uniforms.pointSize=u,r.uniforms.centerFraction=Math.min(1,Math.max(0,Math.sqrt(1-this.areaRatio))),e&&(c[0]=255&t,c[1]=t>>8&255,c[2]=t>>16&255,c[3]=t>>24&255,this.pickBuffer.bind(),r.attributes.pickId.pointer(n.UNSIGNED_BYTE),r.uniforms.pickOffset=c,this.pickOffset=t);var f=n.getParameter(n.BLEND),h=n.getParameter(n.DITHER);return f&&!this.blend&&n.disable(n.BLEND),h&&n.disable(n.DITHER),n.drawArrays(n.POINTS,0,this.pointCount),f&&!this.blend&&n.enable(n.BLEND),h&&n.enable(n.DITHER),t+this.pointCount}),u.draw=u.unifiedDraw,u.drawPick=u.unifiedDraw,u.pick=function(t,e,r){var n=this.pickOffset,i=this.pointCount;if(r=n+i)return null;var a=r-n,o=this.points;return{object:this,pointId:a,dataCoord:[o[2*a],o[2*a+1]]}}},{"./lib/shader":322,"gl-buffer":259,"gl-shader":335,"typedarray-pool":595}],325:[function(t,e,r){e.exports=function(t,e,r,n){var i,a,o,s,l,c=e[0],u=e[1],f=e[2],h=e[3],p=r[0],d=r[1],g=r[2],m=r[3];(a=c*p+u*d+f*g+h*m)<0&&(a=-a,p=-p,d=-d,g=-g,m=-m);1-a>1e-6?(i=Math.acos(a),o=Math.sin(i),s=Math.sin((1-n)*i)/o,l=Math.sin(n*i)/o):(s=1-n,l=n);return t[0]=s*c+l*p,t[1]=s*u+l*d,t[2]=s*f+l*g,t[3]=s*h+l*m,t}},{}],326:[function(t,e,r){"use strict";e.exports=function(t){return t||0===t?t.toString():""}},{}],327:[function(t,e,r){"use strict";var n=t("vectorize-text");e.exports=function(t,e,r){var a=i[e];a||(a=i[e]={});if(t in a)return a[t];var o={textAlign:"center",textBaseline:"middle",lineHeight:1,font:e,lineSpacing:1.25,styletags:{breaklines:!0,bolds:!0,italics:!0,subscripts:!0,superscripts:!0},triangles:!0},s=n(t,o);o.triangles=!1;var l,c,u=n(t,o);if(r&&1!==r){for(l=0;l max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 glyph;\nattribute vec4 id;\n\nuniform vec4 highlightId;\nuniform float highlightScale;\nuniform mat4 model, view, projection;\nuniform vec3 clipBounds[2];\n\nvarying vec4 interpColor;\nvarying vec4 pickId;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0,0,0,0);\n } else {\n float scale = 1.0;\n if(distance(highlightId, id) < 0.0001) {\n scale = highlightScale;\n }\n\n vec4 worldPosition = model * vec4(position, 1);\n vec4 viewPosition = view * worldPosition;\n viewPosition = viewPosition / viewPosition.w;\n vec4 clipPosition = projection * (viewPosition + scale * vec4(glyph.x, -glyph.y, 0, 0));\n\n gl_Position = clipPosition;\n interpColor = color;\n pickId = id;\n dataCoordinate = position;\n }\n}"]),o=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 glyph;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\nuniform vec2 screenSize;\nuniform vec3 clipBounds[2];\nuniform float highlightScale, pixelRatio;\nuniform vec4 highlightId;\n\nvarying vec4 interpColor;\nvarying vec4 pickId;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0,0,0,0);\n } else {\n float scale = pixelRatio;\n if(distance(highlightId.bgr, id.bgr) < 0.001) {\n scale *= highlightScale;\n }\n\n vec4 worldPosition = model * vec4(position, 1.0);\n vec4 viewPosition = view * worldPosition;\n vec4 clipPosition = projection * viewPosition;\n clipPosition /= clipPosition.w;\n\n gl_Position = clipPosition + vec4(screenSize * scale * vec2(glyph.x, -glyph.y), 0.0, 0.0);\n interpColor = color;\n pickId = id;\n dataCoordinate = position;\n }\n}"]),s=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nattribute vec3 position;\nattribute vec4 color;\nattribute vec2 glyph;\nattribute vec4 id;\n\nuniform float highlightScale;\nuniform vec4 highlightId;\nuniform vec3 axes[2];\nuniform mat4 model, view, projection;\nuniform vec2 screenSize;\nuniform vec3 clipBounds[2];\nuniform float scale, pixelRatio;\n\nvarying vec4 interpColor;\nvarying vec4 pickId;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\n\n gl_Position = vec4(0,0,0,0);\n } else {\n float lscale = pixelRatio * scale;\n if(distance(highlightId, id) < 0.0001) {\n lscale *= highlightScale;\n }\n\n vec4 clipCenter = projection * view * model * vec4(position, 1);\n vec3 dataPosition = position + 0.5*lscale*(axes[0] * glyph.x + axes[1] * glyph.y) * clipCenter.w * screenSize.y;\n vec4 clipPosition = projection * view * model * vec4(dataPosition, 1);\n\n gl_Position = clipPosition;\n interpColor = color;\n pickId = id;\n dataCoordinate = dataPosition;\n }\n}\n"]),l=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 fragClipBounds[2];\nuniform float opacity;\n\nvarying vec4 interpColor;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (\n outOfRange(fragClipBounds[0], fragClipBounds[1], dataCoordinate) ||\n interpColor.a * opacity == 0.\n ) discard;\n gl_FragColor = interpColor * opacity;\n}\n"]),c=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 fragClipBounds[2];\nuniform float pickGroup;\n\nvarying vec4 pickId;\nvarying vec3 dataCoordinate;\n\nvoid main() {\n if (outOfRange(fragClipBounds[0], fragClipBounds[1], dataCoordinate)) discard;\n\n gl_FragColor = vec4(pickGroup, pickId.bgr);\n}"]),u=[{name:"position",type:"vec3"},{name:"color",type:"vec4"},{name:"glyph",type:"vec2"},{name:"id",type:"vec4"}],f={vertex:a,fragment:l,attributes:u},h={vertex:o,fragment:l,attributes:u},p={vertex:s,fragment:l,attributes:u},d={vertex:a,fragment:c,attributes:u},g={vertex:o,fragment:c,attributes:u},m={vertex:s,fragment:c,attributes:u};function v(t,e){var r=n(t,e),i=r.attributes;return i.position.location=0,i.color.location=1,i.glyph.location=2,i.id.location=3,r}r.createPerspective=function(t){return v(t,f)},r.createOrtho=function(t){return v(t,h)},r.createProject=function(t){return v(t,p)},r.createPickPerspective=function(t){return v(t,d)},r.createPickOrtho=function(t){return v(t,g)},r.createPickProject=function(t){return v(t,m)}},{"gl-shader":335,glslify:329}],329:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],330:[function(t,e,r){"use strict";var n=t("is-string-blank"),i=t("gl-buffer"),a=t("gl-vao"),o=t("typedarray-pool"),s=t("gl-mat4/multiply"),l=t("./lib/shaders"),c=t("./lib/glyphs"),u=t("./lib/get-simple-string"),f=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function h(t,e){var r=t[0],n=t[1],i=t[2],a=t[3];return t[0]=e[0]*r+e[4]*n+e[8]*i+e[12]*a,t[1]=e[1]*r+e[5]*n+e[9]*i+e[13]*a,t[2]=e[2]*r+e[6]*n+e[10]*i+e[14]*a,t[3]=e[3]*r+e[7]*n+e[11]*i+e[15]*a,t}function p(t,e,r,n){return h(n,n),h(n,n),h(n,n)}function d(t,e){this.index=t,this.dataCoordinate=this.position=e}function g(t){return!0===t||t>1?1:t}function m(t,e,r,n,i,a,o,s,l,c,u,f){this.gl=t,this.pixelRatio=1,this.shader=e,this.orthoShader=r,this.projectShader=n,this.pointBuffer=i,this.colorBuffer=a,this.glyphBuffer=o,this.idBuffer=s,this.vao=l,this.vertexCount=0,this.lineVertexCount=0,this.opacity=1,this.hasAlpha=!1,this.lineWidth=0,this.projectScale=[2/3,2/3,2/3],this.projectOpacity=[1,1,1],this.projectHasAlpha=!1,this.pickId=0,this.pickPerspectiveShader=c,this.pickOrthoShader=u,this.pickProjectShader=f,this.points=[],this._selectResult=new d(0,[0,0,0]),this.useOrtho=!0,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.axesProject=[!0,!0,!0],this.axesBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.highlightId=[1,1,1,1],this.highlightScale=2,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.dirty=!0}e.exports=function(t){var e=t.gl,r=l.createPerspective(e),n=l.createOrtho(e),o=l.createProject(e),s=l.createPickPerspective(e),c=l.createPickOrtho(e),u=l.createPickProject(e),f=i(e),h=i(e),p=i(e),d=i(e),g=a(e,[{buffer:f,size:3,type:e.FLOAT},{buffer:h,size:4,type:e.FLOAT},{buffer:p,size:2,type:e.FLOAT},{buffer:d,size:4,type:e.UNSIGNED_BYTE,normalized:!0}]),v=new m(e,r,n,o,f,h,p,d,g,s,c,u);return v.update(t),v};var v=m.prototype;v.pickSlots=1,v.setPickBase=function(t){this.pickId=t},v.isTransparent=function(){if(this.hasAlpha)return!0;for(var t=0;t<3;++t)if(this.axesProject[t]&&this.projectHasAlpha)return!0;return!1},v.isOpaque=function(){if(!this.hasAlpha)return!0;for(var t=0;t<3;++t)if(this.axesProject[t]&&!this.projectHasAlpha)return!0;return!1};var y=[0,0],x=[0,0,0],b=[0,0,0],_=[0,0,0,1],w=[0,0,0,1],T=f.slice(),k=[0,0,0],M=[[0,0,0],[0,0,0]];function A(t){return t[0]=t[1]=t[2]=0,t}function S(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[3]=1,t}function E(t,e,r,n){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[r]=n,t}function C(t,e,r,n){var i,a=e.axesProject,o=e.gl,l=t.uniforms,c=r.model||f,u=r.view||f,h=r.projection||f,d=e.axesBounds,g=function(t){for(var e=M,r=0;r<2;++r)for(var n=0;n<3;++n)e[r][n]=Math.max(Math.min(t[r][n],1e8),-1e8);return e}(e.clipBounds);i=e.axes&&e.axes.lastCubeProps?e.axes.lastCubeProps.axis:[1,1,1],y[0]=2/o.drawingBufferWidth,y[1]=2/o.drawingBufferHeight,t.bind(),l.view=u,l.projection=h,l.screenSize=y,l.highlightId=e.highlightId,l.highlightScale=e.highlightScale,l.clipBounds=g,l.pickGroup=e.pickId/255,l.pixelRatio=n;for(var m=0;m<3;++m)if(a[m]){l.scale=e.projectScale[m],l.opacity=e.projectOpacity[m];for(var v=T,C=0;C<16;++C)v[C]=0;for(C=0;C<4;++C)v[5*C]=1;v[5*m]=0,i[m]<0?v[12+m]=d[0][m]:v[12+m]=d[1][m],s(v,c,v),l.model=v;var L=(m+1)%3,I=(m+2)%3,P=A(x),z=A(b);P[L]=1,z[I]=1;var O=p(0,0,0,S(_,P)),D=p(0,0,0,S(w,z));if(Math.abs(O[1])>Math.abs(D[1])){var R=O;O=D,D=R,R=P,P=z,z=R;var F=L;L=I,I=F}O[0]<0&&(P[L]=-1),D[1]>0&&(z[I]=-1);var B=0,N=0;for(C=0;C<4;++C)B+=Math.pow(c[4*L+C],2),N+=Math.pow(c[4*I+C],2);P[L]/=Math.sqrt(B),z[I]/=Math.sqrt(N),l.axes[0]=P,l.axes[1]=z,l.fragClipBounds[0]=E(k,g[0],m,-1e8),l.fragClipBounds[1]=E(k,g[1],m,1e8),e.vao.bind(),e.vao.draw(o.TRIANGLES,e.vertexCount),e.lineWidth>0&&(o.lineWidth(e.lineWidth*n),e.vao.draw(o.LINES,e.lineVertexCount,e.vertexCount)),e.vao.unbind()}}var L=[[-1e8,-1e8,-1e8],[1e8,1e8,1e8]];function I(t,e,r,n,i,a,o){var s=r.gl;if((a===r.projectHasAlpha||o)&&C(e,r,n,i),a===r.hasAlpha||o){t.bind();var l=t.uniforms;l.model=n.model||f,l.view=n.view||f,l.projection=n.projection||f,y[0]=2/s.drawingBufferWidth,y[1]=2/s.drawingBufferHeight,l.screenSize=y,l.highlightId=r.highlightId,l.highlightScale=r.highlightScale,l.fragClipBounds=L,l.clipBounds=r.axes.bounds,l.opacity=r.opacity,l.pickGroup=r.pickId/255,l.pixelRatio=i,r.vao.bind(),r.vao.draw(s.TRIANGLES,r.vertexCount),r.lineWidth>0&&(s.lineWidth(r.lineWidth*i),r.vao.draw(s.LINES,r.lineVertexCount,r.vertexCount)),r.vao.unbind()}}function P(t,e,r,i){var a;a=Array.isArray(t)?e=this.pointCount||e<0)return null;var r=this.points[e],n=this._selectResult;n.index=e;for(var i=0;i<3;++i)n.position[i]=n.dataCoordinate[i]=r[i];return n},v.highlight=function(t){if(t){var e=t.index,r=255&e,n=e>>8&255,i=e>>16&255;this.highlightId=[r/255,n/255,i/255,0]}else this.highlightId=[1,1,1,1]},v.update=function(t){if("perspective"in(t=t||{})&&(this.useOrtho=!t.perspective),"orthographic"in t&&(this.useOrtho=!!t.orthographic),"lineWidth"in t&&(this.lineWidth=t.lineWidth),"project"in t)if(Array.isArray(t.project))this.axesProject=t.project;else{var e=!!t.project;this.axesProject=[e,e,e]}if("projectScale"in t)if(Array.isArray(t.projectScale))this.projectScale=t.projectScale.slice();else{var r=+t.projectScale;this.projectScale=[r,r,r]}if(this.projectHasAlpha=!1,"projectOpacity"in t){if(Array.isArray(t.projectOpacity))this.projectOpacity=t.projectOpacity.slice();else{r=+t.projectOpacity;this.projectOpacity=[r,r,r]}for(var n=0;n<3;++n)this.projectOpacity[n]=g(this.projectOpacity[n]),this.projectOpacity[n]<1&&(this.projectHasAlpha=!0)}this.hasAlpha=!1,"opacity"in t&&(this.opacity=g(t.opacity),this.opacity<1&&(this.hasAlpha=!0)),this.dirty=!0;var i,a,s=t.position,l=t.font||"normal",c=t.alignment||[0,0];if(2===c.length)i=c[0],a=c[1];else{i=[],a=[];for(n=0;n0){var z=0,O=x,D=[0,0,0,1],R=[0,0,0,1],F=Array.isArray(p)&&Array.isArray(p[0]),B=Array.isArray(v)&&Array.isArray(v[0]);t:for(n=0;n<_;++n){y+=1;for(w=s[n],T=0;T<3;++T){if(isNaN(w[T])||!isFinite(w[T]))continue t;f[T]=Math.max(f[T],w[T]),u[T]=Math.min(u[T],w[T])}k=(N=P(h,n,l,this.pixelRatio)).mesh,M=N.lines,A=N.bounds;var N,j=N.visible;if(j)if(Array.isArray(p)){if(3===(U=F?n0?1-A[0][0]:Y<0?1+A[1][0]:1,W*=W>0?1-A[0][1]:W<0?1+A[1][1]:1],Z=k.cells||[],J=k.positions||[];for(T=0;T0){var v=r*u;o.drawBox(f-v,h-v,p+v,h+v,a),o.drawBox(f-v,d-v,p+v,d+v,a),o.drawBox(f-v,h-v,f+v,d+v,a),o.drawBox(p-v,h-v,p+v,d+v,a)}}}},s.update=function(t){t=t||{},this.innerFill=!!t.innerFill,this.outerFill=!!t.outerFill,this.innerColor=(t.innerColor||[0,0,0,.5]).slice(),this.outerColor=(t.outerColor||[0,0,0,.5]).slice(),this.borderColor=(t.borderColor||[0,0,0,1]).slice(),this.borderWidth=t.borderWidth||0,this.selectBox=(t.selectBox||this.selectBox).slice()},s.dispose=function(){this.boxBuffer.dispose(),this.boxShader.dispose(),this.plot.removeOverlay(this)}},{"./lib/shaders":331,"gl-buffer":259,"gl-shader":335}],334:[function(t,e,r){"use strict";e.exports=function(t,e){var r=e[0],a=e[1],o=n(t,r,a,{}),s=i.mallocUint8(r*a*4);return new l(t,o,s)};var n=t("gl-fbo"),i=t("typedarray-pool"),a=t("ndarray"),o=t("bit-twiddle").nextPow2;function s(t,e,r,n,i){this.coord=[t,e],this.id=r,this.value=n,this.distance=i}function l(t,e,r){this.gl=t,this.fbo=e,this.buffer=r,this._readTimeout=null;var n=this;this._readCallback=function(){n.gl&&(e.bind(),t.readPixels(0,0,e.shape[0],e.shape[1],t.RGBA,t.UNSIGNED_BYTE,n.buffer),n._readTimeout=null)}}var c=l.prototype;Object.defineProperty(c,"shape",{get:function(){return this.gl?this.fbo.shape.slice():[0,0]},set:function(t){if(this.gl){this.fbo.shape=t;var e=this.fbo.shape[0],r=this.fbo.shape[1];if(r*e*4>this.buffer.length){i.free(this.buffer);for(var n=this.buffer=i.mallocUint8(o(r*e*4)),a=0;ar)for(t=r;te)for(t=e;t=0){for(var T=0|w.type.charAt(w.type.length-1),k=new Array(T),M=0;M=0;)A+=1;_[y]=A}var S=new Array(r.length);function E(){h.program=o.program(p,h._vref,h._fref,b,_);for(var t=0;t=0){if((d=h.charCodeAt(h.length-1)-48)<2||d>4)throw new n("","Invalid data type for attribute "+f+": "+h);o(t,e,p[0],i,d,a,f)}else{if(!(h.indexOf("mat")>=0))throw new n("","Unknown data type for attribute "+f+": "+h);var d;if((d=h.charCodeAt(h.length-1)-48)<2||d>4)throw new n("","Invalid data type for attribute "+f+": "+h);s(t,e,p,i,d,a,f)}}}return a};var n=t("./GLError");function i(t,e,r,n,i,a){this._gl=t,this._wrapper=e,this._index=r,this._locations=n,this._dimension=i,this._constFunc=a}var a=i.prototype;function o(t,e,r,n,a,o,s){for(var l=["gl","v"],c=[],u=0;u4)throw new i("","Invalid uniform dimension type for matrix "+name+": "+r);return"gl.uniformMatrix"+a+"fv(locations["+e+"],false,obj"+t+")"}throw new i("","Unknown uniform data type for "+name+": "+r)}if((a=r.charCodeAt(r.length-1)-48)<2||a>4)throw new i("","Invalid data type");switch(r.charAt(0)){case"b":case"i":return"gl.uniform"+a+"iv(locations["+e+"],obj"+t+")";case"v":return"gl.uniform"+a+"fv(locations["+e+"],obj"+t+")";default:throw new i("","Unrecognized data type for vector "+name+": "+r)}}}function c(e){for(var n=["return function updateProperty(obj){"],i=function t(e,r){if("object"!=typeof r)return[[e,r]];var n=[];for(var i in r){var a=r[i],o=e;parseInt(i)+""===i?o+="["+i+"]":o+="."+i,"object"==typeof a?n.push.apply(n,t(o,a)):n.push([o,a])}return n}("",e),a=0;a4)throw new i("","Invalid data type");return"b"===t.charAt(0)?o(r,!1):o(r,0)}if(0===t.indexOf("mat")&&4===t.length){var r;if((r=t.charCodeAt(t.length-1)-48)<2||r>4)throw new i("","Invalid uniform dimension type for matrix "+name+": "+t);return o(r*r,0)}throw new i("","Unknown uniform data type for "+name+": "+t)}}(r[u].type);var p}function f(t){var e;if(Array.isArray(t)){e=new Array(t.length);for(var r=0;r1){s[0]in a||(a[s[0]]=[]),a=a[s[0]];for(var l=1;l1)for(var l=0;l 0 U ||b|| > 0.\n // Assign z = 0, x = -b, y = a:\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\n return normalize(vec3(-v.y, v.x, 0.0));\n } else {\n return normalize(vec3(0.0, v.z, -v.y));\n }\n}\n\n// Calculate the tube vertex and normal at the given index.\n//\n// The returned vertex is for a tube ring with its center at origin, radius of length(d), pointing in the direction of d.\n//\n// Each tube segment is made up of a ring of vertices.\n// These vertices are used to make up the triangles of the tube by connecting them together in the vertex array.\n// The indexes of tube segments run from 0 to 8.\n//\nvec3 getTubePosition(vec3 d, float index, out vec3 normal) {\n float segmentCount = 8.0;\n\n float angle = 2.0 * 3.14159 * (index / segmentCount);\n\n vec3 u = getOrthogonalVector(d);\n vec3 v = normalize(cross(u, d));\n\n vec3 x = u * cos(angle) * length(d);\n vec3 y = v * sin(angle) * length(d);\n vec3 v3 = x + y;\n\n normal = normalize(v3);\n\n return v3;\n}\n\nattribute vec4 vector;\nattribute vec4 color, position;\nattribute vec2 uv;\n\nuniform float vectorScale, tubeScale;\nuniform mat4 model, view, projection, inverseModel;\nuniform vec3 eyePosition, lightPosition;\n\nvarying vec3 f_normal, f_lightDirection, f_eyeDirection, f_data, f_position;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n // Scale the vector magnitude to stay constant with\n // model & view changes.\n vec3 normal;\n vec3 XYZ = getTubePosition(mat3(model) * (tubeScale * vector.w * normalize(vector.xyz)), position.w, normal);\n vec4 tubePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\n\n //Lighting geometry parameters\n vec4 cameraCoordinate = view * tubePosition;\n cameraCoordinate.xyz /= cameraCoordinate.w;\n f_lightDirection = lightPosition - cameraCoordinate.xyz;\n f_eyeDirection = eyePosition - cameraCoordinate.xyz;\n f_normal = normalize((vec4(normal, 0.0) * inverseModel).xyz);\n\n // vec4 m_position = model * vec4(tubePosition, 1.0);\n vec4 t_position = view * tubePosition;\n gl_Position = projection * t_position;\n\n f_color = color;\n f_data = tubePosition.xyz;\n f_position = position.xyz;\n f_uv = uv;\n}\n"]),a=n(["#extension GL_OES_standard_derivatives : enable\n\nprecision highp float;\n#define GLSLIFY 1\n\nfloat beckmannDistribution(float x, float roughness) {\n float NdotH = max(x, 0.0001);\n float cos2Alpha = NdotH * NdotH;\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\n float roughness2 = roughness * roughness;\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\n return exp(tan2Alpha / roughness2) / denom;\n}\n\nfloat cookTorranceSpecular(\n vec3 lightDirection,\n vec3 viewDirection,\n vec3 surfaceNormal,\n float roughness,\n float fresnel) {\n\n float VdotN = max(dot(viewDirection, surfaceNormal), 0.0);\n float LdotN = max(dot(lightDirection, surfaceNormal), 0.0);\n\n //Half angle vector\n vec3 H = normalize(lightDirection + viewDirection);\n\n //Geometric term\n float NdotH = max(dot(surfaceNormal, H), 0.0);\n float VdotH = max(dot(viewDirection, H), 0.000001);\n float LdotH = max(dot(lightDirection, H), 0.000001);\n float G1 = (2.0 * NdotH * VdotN) / VdotH;\n float G2 = (2.0 * NdotH * LdotN) / LdotH;\n float G = min(1.0, min(G1, G2));\n \n //Distribution term\n float D = beckmannDistribution(NdotH, roughness);\n\n //Fresnel term\n float F = pow(1.0 - VdotN, fresnel);\n\n //Multiply terms and done\n return G * F * D / max(3.14159265 * VdotN, 0.000001);\n}\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float roughness, fresnel, kambient, kdiffuse, kspecular, opacity;\nuniform sampler2D texture;\n\nvarying vec3 f_normal, f_lightDirection, f_eyeDirection, f_data, f_position;\nvarying vec4 f_color;\nvarying vec2 f_uv;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n vec3 N = normalize(f_normal);\n vec3 L = normalize(f_lightDirection);\n vec3 V = normalize(f_eyeDirection);\n\n if(gl_FrontFacing) {\n N = -N;\n }\n\n float specular = min(1.0, max(0.0, cookTorranceSpecular(L, V, N, roughness, fresnel)));\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\n\n vec4 surfaceColor = f_color * texture2D(texture, f_uv);\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\n\n gl_FragColor = litColor * opacity;\n}\n"]),o=n(["precision highp float;\n\nprecision highp float;\n#define GLSLIFY 1\n\nvec3 getOrthogonalVector(vec3 v) {\n // Return up-vector for only-z vector.\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\n // Assign z = 0, x = -b, y = a:\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\n return normalize(vec3(-v.y, v.x, 0.0));\n } else {\n return normalize(vec3(0.0, v.z, -v.y));\n }\n}\n\n// Calculate the tube vertex and normal at the given index.\n//\n// The returned vertex is for a tube ring with its center at origin, radius of length(d), pointing in the direction of d.\n//\n// Each tube segment is made up of a ring of vertices.\n// These vertices are used to make up the triangles of the tube by connecting them together in the vertex array.\n// The indexes of tube segments run from 0 to 8.\n//\nvec3 getTubePosition(vec3 d, float index, out vec3 normal) {\n float segmentCount = 8.0;\n\n float angle = 2.0 * 3.14159 * (index / segmentCount);\n\n vec3 u = getOrthogonalVector(d);\n vec3 v = normalize(cross(u, d));\n\n vec3 x = u * cos(angle) * length(d);\n vec3 y = v * sin(angle) * length(d);\n vec3 v3 = x + y;\n\n normal = normalize(v3);\n\n return v3;\n}\n\nattribute vec4 vector;\nattribute vec4 position;\nattribute vec4 id;\n\nuniform mat4 model, view, projection;\nuniform float tubeScale;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n vec3 normal;\n vec3 XYZ = getTubePosition(mat3(model) * (tubeScale * vector.w * normalize(vector.xyz)), position.w, normal);\n vec4 tubePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\n\n gl_Position = projection * view * tubePosition;\n f_id = id;\n f_position = position.xyz;\n}\n"]),s=n(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 clipBounds[2];\nuniform float pickId;\n\nvarying vec3 f_position;\nvarying vec4 f_id;\n\nvoid main() {\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\n\n gl_FragColor = vec4(pickId, f_id.xyz);\n}"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:"position",type:"vec4"},{name:"color",type:"vec4"},{name:"uv",type:"vec2"},{name:"vector",type:"vec4"}]},r.pickShader={vertex:o,fragment:s,attributes:[{name:"position",type:"vec4"},{name:"id",type:"vec4"},{name:"vector",type:"vec4"}]}},{glslify:347}],347:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],348:[function(t,e,r){"use strict";var n=t("gl-vec3"),i=t("gl-vec4"),a=["xyz","xzy","yxz","yzx","zxy","zyx"],o=function(t,e,r,a){for(var o=0,s=0;s0)for(T=0;T<8;T++){var k=(T+1)%8;c.push(h[T],p[T],p[k],p[k],h[k],h[T]),f.push(y,v,v,v,y,y),d.push(g,m,m,m,g,g);var M=c.length;u.push([M-6,M-5,M-4],[M-3,M-2,M-1])}var A=h;h=p,p=A;var S=y;y=v,v=S;var E=g;g=m,m=E}return{positions:c,cells:u,vectors:f,vertexIntensity:d}}(t,r,a,o)})),f=[],h=[],p=[],d=[];for(s=0;se)return r-1}return r},l=function(t,e,r){return tr?r:t},c=function(t){var e=1/0;t.sort((function(t,e){return t-e}));for(var r=t.length,n=1;nf-1||y>h-1||x>p-1)return n.create();var b,_,w,T,k,M,A=a[0][d],S=a[0][v],E=a[1][g],C=a[1][y],L=a[2][m],I=(o-A)/(S-A),P=(c-E)/(C-E),z=(u-L)/(a[2][x]-L);switch(isFinite(I)||(I=.5),isFinite(P)||(P=.5),isFinite(z)||(z=.5),r.reversedX&&(d=f-1-d,v=f-1-v),r.reversedY&&(g=h-1-g,y=h-1-y),r.reversedZ&&(m=p-1-m,x=p-1-x),r.filled){case 5:k=m,M=x,w=g*p,T=y*p,b=d*p*h,_=v*p*h;break;case 4:k=m,M=x,b=d*p,_=v*p,w=g*p*f,T=y*p*f;break;case 3:w=g,T=y,k=m*h,M=x*h,b=d*h*p,_=v*h*p;break;case 2:w=g,T=y,b=d*h,_=v*h,k=m*h*f,M=x*h*f;break;case 1:b=d,_=v,k=m*f,M=x*f,w=g*f*p,T=y*f*p;break;default:b=d,_=v,w=g*f,T=y*f,k=m*f*h,M=x*f*h}var O=i[b+w+k],D=i[b+w+M],R=i[b+T+k],F=i[b+T+M],B=i[_+w+k],N=i[_+w+M],j=i[_+T+k],U=i[_+T+M],V=n.create(),q=n.create(),H=n.create(),G=n.create();n.lerp(V,O,B,I),n.lerp(q,D,N,I),n.lerp(H,R,j,I),n.lerp(G,F,U,I);var Y=n.create(),W=n.create();n.lerp(Y,V,H,P),n.lerp(W,q,G,P);var X=n.create();return n.lerp(X,Y,W,z),X}(e,t,p)},g=t.getDivergence||function(t,e){var r=n.create(),i=1e-4;n.add(r,t,[i,0,0]);var a=d(r);n.subtract(a,a,e),n.scale(a,a,1/i),n.add(r,t,[0,i,0]);var o=d(r);n.subtract(o,o,e),n.scale(o,o,1/i),n.add(r,t,[0,0,i]);var s=d(r);return n.subtract(s,s,e),n.scale(s,s,1/i),n.add(r,a,o),n.add(r,r,s),r},m=[],v=e[0][0],y=e[0][1],x=e[0][2],b=e[1][0],_=e[1][1],w=e[1][2],T=function(t){var e=t[0],r=t[1],n=t[2];return!(eb||r_||nw)},k=10*n.distance(e[0],e[1])/i,M=k*k,A=1,S=0,E=r.length;E>1&&(A=function(t){for(var e=[],r=[],n=[],i={},a={},o={},s=t.length,l=0;lS&&(S=F),D.push(F),m.push({points:I,velocities:P,divergences:D});for(var B=0;B<100*i&&I.lengthM&&n.scale(N,N,k/Math.sqrt(j)),n.add(N,N,L),z=d(N),n.squaredDistance(O,N)-M>-1e-4*M){I.push(N),O=N,P.push(z);R=g(N,z),F=n.length(R);isFinite(F)&&F>S&&(S=F),D.push(F)}L=N}}var U=o(m,t.colormap,S,A);return f?U.tubeScale=f:(0===S&&(S=1),U.tubeScale=.5*u*A/S),U};var u=t("./lib/shaders"),f=t("gl-cone3d").createMesh;e.exports.createTubeMesh=function(t,e){return f(t,e,{shaders:u,traceType:"streamtube"})}},{"./lib/shaders":346,"gl-cone3d":260,"gl-vec3":377,"gl-vec4":413}],349:[function(t,e,r){var n=t("gl-shader"),i=t("glslify"),a=i(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec4 uv;\nattribute vec3 f;\nattribute vec3 normal;\n\nuniform vec3 objectOffset;\nuniform mat4 model, view, projection, inverseModel;\nuniform vec3 lightPosition, eyePosition;\nuniform sampler2D colormap;\n\nvarying float value, kill;\nvarying vec3 worldCoordinate;\nvarying vec2 planeCoordinate;\nvarying vec3 lightDirection, eyeDirection, surfaceNormal;\nvarying vec4 vColor;\n\nvoid main() {\n vec3 localCoordinate = vec3(uv.zw, f.x);\n worldCoordinate = objectOffset + localCoordinate;\n vec4 worldPosition = model * vec4(worldCoordinate, 1.0);\n vec4 clipPosition = projection * view * worldPosition;\n gl_Position = clipPosition;\n kill = f.y;\n value = f.z;\n planeCoordinate = uv.xy;\n\n vColor = texture2D(colormap, vec2(value, value));\n\n //Lighting geometry parameters\n vec4 cameraCoordinate = view * worldPosition;\n cameraCoordinate.xyz /= cameraCoordinate.w;\n lightDirection = lightPosition - cameraCoordinate.xyz;\n eyeDirection = eyePosition - cameraCoordinate.xyz;\n surfaceNormal = normalize((vec4(normal,0) * inverseModel).xyz);\n}\n"]),o=i(["precision highp float;\n#define GLSLIFY 1\n\nfloat beckmannDistribution(float x, float roughness) {\n float NdotH = max(x, 0.0001);\n float cos2Alpha = NdotH * NdotH;\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\n float roughness2 = roughness * roughness;\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\n return exp(tan2Alpha / roughness2) / denom;\n}\n\nfloat beckmannSpecular(\n vec3 lightDirection,\n vec3 viewDirection,\n vec3 surfaceNormal,\n float roughness) {\n return beckmannDistribution(dot(surfaceNormal, normalize(lightDirection + viewDirection)), roughness);\n}\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec3 lowerBound, upperBound;\nuniform float contourTint;\nuniform vec4 contourColor;\nuniform sampler2D colormap;\nuniform vec3 clipBounds[2];\nuniform float roughness, fresnel, kambient, kdiffuse, kspecular, opacity;\nuniform float vertexColor;\n\nvarying float value, kill;\nvarying vec3 worldCoordinate;\nvarying vec3 lightDirection, eyeDirection, surfaceNormal;\nvarying vec4 vColor;\n\nvoid main() {\n if (\n kill > 0.0 ||\n vColor.a == 0.0 ||\n outOfRange(clipBounds[0], clipBounds[1], worldCoordinate)\n ) discard;\n\n vec3 N = normalize(surfaceNormal);\n vec3 V = normalize(eyeDirection);\n vec3 L = normalize(lightDirection);\n\n if(gl_FrontFacing) {\n N = -N;\n }\n\n float specular = max(beckmannSpecular(L, V, N, roughness), 0.);\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\n\n //decide how to interpolate color \u2014 in vertex or in fragment\n vec4 surfaceColor =\n step(vertexColor, .5) * texture2D(colormap, vec2(value, value)) +\n step(.5, vertexColor) * vColor;\n\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\n\n gl_FragColor = mix(litColor, contourColor, contourTint) * opacity;\n}\n"]),s=i(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec4 uv;\nattribute float f;\n\nuniform vec3 objectOffset;\nuniform mat3 permutation;\nuniform mat4 model, view, projection;\nuniform float height, zOffset;\nuniform sampler2D colormap;\n\nvarying float value, kill;\nvarying vec3 worldCoordinate;\nvarying vec2 planeCoordinate;\nvarying vec3 lightDirection, eyeDirection, surfaceNormal;\nvarying vec4 vColor;\n\nvoid main() {\n vec3 dataCoordinate = permutation * vec3(uv.xy, height);\n worldCoordinate = objectOffset + dataCoordinate;\n vec4 worldPosition = model * vec4(worldCoordinate, 1.0);\n\n vec4 clipPosition = projection * view * worldPosition;\n clipPosition.z += zOffset;\n\n gl_Position = clipPosition;\n value = f + objectOffset.z;\n kill = -1.0;\n planeCoordinate = uv.zw;\n\n vColor = texture2D(colormap, vec2(value, value));\n\n //Don't do lighting for contours\n surfaceNormal = vec3(1,0,0);\n eyeDirection = vec3(0,1,0);\n lightDirection = vec3(0,0,1);\n}\n"]),l=i(["precision highp float;\n#define GLSLIFY 1\n\nbool outOfRange(float a, float b, float p) {\n return ((p > max(a, b)) || \n (p < min(a, b)));\n}\n\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y));\n}\n\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\n return (outOfRange(a.x, b.x, p.x) ||\n outOfRange(a.y, b.y, p.y) ||\n outOfRange(a.z, b.z, p.z));\n}\n\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\n return outOfRange(a.xyz, b.xyz, p.xyz);\n}\n\nuniform vec2 shape;\nuniform vec3 clipBounds[2];\nuniform float pickId;\n\nvarying float value, kill;\nvarying vec3 worldCoordinate;\nvarying vec2 planeCoordinate;\nvarying vec3 surfaceNormal;\n\nvec2 splitFloat(float v) {\n float vh = 255.0 * v;\n float upper = floor(vh);\n float lower = fract(vh);\n return vec2(upper / 255.0, floor(lower * 16.0) / 16.0);\n}\n\nvoid main() {\n if ((kill > 0.0) ||\n (outOfRange(clipBounds[0], clipBounds[1], worldCoordinate))) discard;\n\n vec2 ux = splitFloat(planeCoordinate.x / shape.x);\n vec2 uy = splitFloat(planeCoordinate.y / shape.y);\n gl_FragColor = vec4(pickId, ux.x, uy.x, ux.y + (uy.y/16.0));\n}\n"]);r.createShader=function(t){var e=n(t,a,o,null,[{name:"uv",type:"vec4"},{name:"f",type:"vec3"},{name:"normal",type:"vec3"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e.attributes.normal.location=2,e},r.createPickShader=function(t){var e=n(t,a,l,null,[{name:"uv",type:"vec4"},{name:"f",type:"vec3"},{name:"normal",type:"vec3"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e.attributes.normal.location=2,e},r.createContourShader=function(t){var e=n(t,s,o,null,[{name:"uv",type:"vec4"},{name:"f",type:"float"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e},r.createPickContourShader=function(t){var e=n(t,s,l,null,[{name:"uv",type:"vec4"},{name:"f",type:"float"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e}},{"gl-shader":335,glslify:350}],350:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],351:[function(t,e,r){"use strict";e.exports=function(t){var e=t.gl,r=y(e),n=b(e),s=x(e),l=_(e),c=i(e),u=a(e,[{buffer:c,size:4,stride:40,offset:0},{buffer:c,size:3,stride:40,offset:16},{buffer:c,size:3,stride:40,offset:28}]),f=i(e),h=a(e,[{buffer:f,size:4,stride:20,offset:0},{buffer:f,size:1,stride:20,offset:16}]),p=i(e),d=a(e,[{buffer:p,size:2,type:e.FLOAT}]),g=o(e,1,256,e.RGBA,e.UNSIGNED_BYTE);g.minFilter=e.LINEAR,g.magFilter=e.LINEAR;var m=new A(e,[0,0],[[0,0,0],[0,0,0]],r,n,c,u,g,s,l,f,h,p,d,[0,0,0]),v={levels:[[],[],[]]};for(var w in t)v[w]=t[w];return v.colormap=v.colormap||"jet",m.update(v),m};var n=t("bit-twiddle"),i=t("gl-buffer"),a=t("gl-vao"),o=t("gl-texture2d"),s=t("typedarray-pool"),l=t("colormap"),c=t("ndarray-ops"),u=t("ndarray-pack"),f=t("ndarray"),h=t("surface-nets"),p=t("gl-mat4/multiply"),d=t("gl-mat4/invert"),g=t("binary-search-bounds"),m=t("ndarray-gradient"),v=t("./lib/shaders"),y=v.createShader,x=v.createContourShader,b=v.createPickShader,_=v.createPickContourShader,w=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1],T=[[0,0],[0,1],[1,0],[1,1],[1,0],[0,1]],k=[[0,0,0,0,0,0,0,0,0],[0,0,0,0,0,0,0,0,0],[0,0,0,0,0,0,0,0,0]];function M(t,e,r,n,i){this.position=t,this.index=e,this.uv=r,this.level=n,this.dataCoordinate=i}!function(){for(var t=0;t<3;++t){var e=k[t],r=(t+2)%3;e[(t+1)%3+0]=1,e[r+3]=1,e[t+6]=1}}();function A(t,e,r,n,i,a,o,l,c,u,h,p,d,g,m){this.gl=t,this.shape=e,this.bounds=r,this.objectOffset=m,this.intensityBounds=[],this._shader=n,this._pickShader=i,this._coordinateBuffer=a,this._vao=o,this._colorMap=l,this._contourShader=c,this._contourPickShader=u,this._contourBuffer=h,this._contourVAO=p,this._contourOffsets=[[],[],[]],this._contourCounts=[[],[],[]],this._vertexCount=0,this._pickResult=new M([0,0,0],[0,0],[0,0],[0,0,0],[0,0,0]),this._dynamicBuffer=d,this._dynamicVAO=g,this._dynamicOffsets=[0,0,0],this._dynamicCounts=[0,0,0],this.contourWidth=[1,1,1],this.contourLevels=[[1],[1],[1]],this.contourTint=[0,0,0],this.contourColor=[[.5,.5,.5,1],[.5,.5,.5,1],[.5,.5,.5,1]],this.showContour=!0,this.showSurface=!0,this.enableHighlight=[!0,!0,!0],this.highlightColor=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.highlightTint=[1,1,1],this.highlightLevel=[-1,-1,-1],this.enableDynamic=[!0,!0,!0],this.dynamicLevel=[NaN,NaN,NaN],this.dynamicColor=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.dynamicTint=[1,1,1],this.dynamicWidth=[1,1,1],this.axesBounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.surfaceProject=[!1,!1,!1],this.contourProject=[[!1,!1,!1],[!1,!1,!1],[!1,!1,!1]],this.colorBounds=[!1,!1],this._field=[f(s.mallocFloat(1024),[0,0]),f(s.mallocFloat(1024),[0,0]),f(s.mallocFloat(1024),[0,0])],this.pickId=1,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.snapToData=!1,this.pixelRatio=1,this.opacity=1,this.lightPosition=[10,1e4,0],this.ambientLight=.8,this.diffuseLight=.8,this.specularLight=2,this.roughness=.5,this.fresnel=1.5,this.vertexColor=0,this.dirty=!0}var S=A.prototype;S.genColormap=function(t,e){var r=!1,n=u([l({colormap:t,nshades:256,format:"rgba"}).map((function(t,n){var i=e?function(t,e){if(!e)return 1;if(!e.length)return 1;for(var r=0;rt&&r>0){var n=(e[r][0]-t)/(e[r][0]-e[r-1][0]);return e[r][1]*(1-n)+n*e[r-1][1]}}return 1}(n/255,e):t[3];return i<1&&(r=!0),[t[0],t[1],t[2],255*i]}))]);return c.divseq(n,255),this.hasAlphaScale=r,n},S.isTransparent=function(){return this.opacity<1||this.hasAlphaScale},S.isOpaque=function(){return!this.isTransparent()},S.pickSlots=1,S.setPickBase=function(t){this.pickId=t};var E=[0,0,0],C={showSurface:!1,showContour:!1,projections:[w.slice(),w.slice(),w.slice()],clipBounds:[[[0,0,0],[0,0,0]],[[0,0,0],[0,0,0]],[[0,0,0],[0,0,0]]]};function L(t,e){var r,n,i,a=e.axes&&e.axes.lastCubeProps.axis||E,o=e.showSurface,s=e.showContour;for(r=0;r<3;++r)for(o=o||e.surfaceProject[r],n=0;n<3;++n)s=s||e.contourProject[r][n];for(r=0;r<3;++r){var l=C.projections[r];for(n=0;n<16;++n)l[n]=0;for(n=0;n<4;++n)l[5*n]=1;l[5*r]=0,l[12+r]=e.axesBounds[+(a[r]>0)][r],p(l,t.model,l);var c=C.clipBounds[r];for(i=0;i<2;++i)for(n=0;n<3;++n)c[i][n]=t.clipBounds[i][n];c[0][r]=-1e8,c[1][r]=1e8}return C.showSurface=o,C.showContour=s,C}var I={model:w,view:w,projection:w,inverseModel:w.slice(),lowerBound:[0,0,0],upperBound:[0,0,0],colorMap:0,clipBounds:[[0,0,0],[0,0,0]],height:0,contourTint:0,contourColor:[0,0,0,1],permutation:[1,0,0,0,1,0,0,0,1],zOffset:-1e-4,objectOffset:[0,0,0],kambient:1,kdiffuse:1,kspecular:1,lightPosition:[1e3,1e3,1e3],eyePosition:[0,0,0],roughness:1,fresnel:1,opacity:1,vertexColor:0},P=w.slice(),z=[1,0,0,0,1,0,0,0,1];function O(t,e){t=t||{};var r=this.gl;r.disable(r.CULL_FACE),this._colorMap.bind(0);var n=I;n.model=t.model||w,n.view=t.view||w,n.projection=t.projection||w,n.lowerBound=[this.bounds[0][0],this.bounds[0][1],this.colorBounds[0]||this.bounds[0][2]],n.upperBound=[this.bounds[1][0],this.bounds[1][1],this.colorBounds[1]||this.bounds[1][2]],n.objectOffset=this.objectOffset,n.contourColor=this.contourColor[0],n.inverseModel=d(n.inverseModel,n.model);for(var i=0;i<2;++i)for(var a=n.clipBounds[i],o=0;o<3;++o)a[o]=Math.min(Math.max(this.clipBounds[i][o],-1e8),1e8);n.kambient=this.ambientLight,n.kdiffuse=this.diffuseLight,n.kspecular=this.specularLight,n.roughness=this.roughness,n.fresnel=this.fresnel,n.opacity=this.opacity,n.height=0,n.permutation=z,n.vertexColor=this.vertexColor;var s=P;for(p(s,n.view,n.model),p(s,n.projection,s),d(s,s),i=0;i<3;++i)n.eyePosition[i]=s[12+i]/s[15];var l=s[15];for(i=0;i<3;++i)l+=this.lightPosition[i]*s[4*i+3];for(i=0;i<3;++i){var c=s[12+i];for(o=0;o<3;++o)c+=s[4*o+i]*this.lightPosition[o];n.lightPosition[i]=c/l}var u=L(n,this);if(u.showSurface){for(this._shader.bind(),this._shader.uniforms=n,this._vao.bind(),this.showSurface&&this._vertexCount&&this._vao.draw(r.TRIANGLES,this._vertexCount),i=0;i<3;++i)this.surfaceProject[i]&&this.vertexCount&&(this._shader.uniforms.model=u.projections[i],this._shader.uniforms.clipBounds=u.clipBounds[i],this._vao.draw(r.TRIANGLES,this._vertexCount));this._vao.unbind()}if(u.showContour){var f=this._contourShader;n.kambient=1,n.kdiffuse=0,n.kspecular=0,n.opacity=1,f.bind(),f.uniforms=n;var h=this._contourVAO;for(h.bind(),i=0;i<3;++i)for(f.uniforms.permutation=k[i],r.lineWidth(this.contourWidth[i]*this.pixelRatio),o=0;o>4)/16)/255,i=Math.floor(n),a=n-i,o=e[1]*(t.value[1]+(15&t.value[2])/16)/255,s=Math.floor(o),l=o-s;i+=1,s+=1;var c=r.position;c[0]=c[1]=c[2]=0;for(var u=0;u<2;++u)for(var f=u?a:1-a,h=0;h<2;++h)for(var p=i+u,d=s+h,m=f*(h?l:1-l),v=0;v<3;++v)c[v]+=this._field[v].get(p,d)*m;for(var y=this._pickResult.level,x=0;x<3;++x)if(y[x]=g.le(this.contourLevels[x],c[x]),y[x]<0)this.contourLevels[x].length>0&&(y[x]=0);else if(y[x]Math.abs(_-c[x])&&(y[x]+=1)}for(r.index[0]=a<.5?i:i+1,r.index[1]=l<.5?s:s+1,r.uv[0]=n/e[0],r.uv[1]=o/e[1],v=0;v<3;++v)r.dataCoordinate[v]=this._field[v].get(r.index[0],r.index[1]);return r},S.padField=function(t,e){var r=e.shape.slice(),n=t.shape.slice();c.assign(t.lo(1,1).hi(r[0],r[1]),e),c.assign(t.lo(1).hi(r[0],1),e.hi(r[0],1)),c.assign(t.lo(1,n[1]-1).hi(r[0],1),e.lo(0,r[1]-1).hi(r[0],1)),c.assign(t.lo(0,1).hi(1,r[1]),e.hi(1)),c.assign(t.lo(n[0]-1,1).hi(1,r[1]),e.lo(r[0]-1)),t.set(0,0,e.get(0,0)),t.set(0,n[1]-1,e.get(0,r[1]-1)),t.set(n[0]-1,0,e.get(r[0]-1,0)),t.set(n[0]-1,n[1]-1,e.get(r[0]-1,r[1]-1))},S.update=function(t){t=t||{},this.objectOffset=t.objectOffset||this.objectOffset,this.dirty=!0,"contourWidth"in t&&(this.contourWidth=R(t.contourWidth,Number)),"showContour"in t&&(this.showContour=R(t.showContour,Boolean)),"showSurface"in t&&(this.showSurface=!!t.showSurface),"contourTint"in t&&(this.contourTint=R(t.contourTint,Boolean)),"contourColor"in t&&(this.contourColor=B(t.contourColor)),"contourProject"in t&&(this.contourProject=R(t.contourProject,(function(t){return R(t,Boolean)}))),"surfaceProject"in t&&(this.surfaceProject=t.surfaceProject),"dynamicColor"in t&&(this.dynamicColor=B(t.dynamicColor)),"dynamicTint"in t&&(this.dynamicTint=R(t.dynamicTint,Number)),"dynamicWidth"in t&&(this.dynamicWidth=R(t.dynamicWidth,Number)),"opacity"in t&&(this.opacity=t.opacity),"opacityscale"in t&&(this.opacityscale=t.opacityscale),"colorBounds"in t&&(this.colorBounds=t.colorBounds),"vertexColor"in t&&(this.vertexColor=t.vertexColor?1:0),"colormap"in t&&this._colorMap.setPixels(this.genColormap(t.colormap,this.opacityscale));var e=t.field||t.coords&&t.coords[2]||null,r=!1;if(e||(e=this._field[2].shape[0]||this._field[2].shape[2]?this._field[2].lo(1,1).hi(this._field[2].shape[0]-2,this._field[2].shape[1]-2):this._field[2].hi(0,0)),"field"in t||"coords"in t){var i=(e.shape[0]+2)*(e.shape[1]+2);i>this._field[2].data.length&&(s.freeFloat(this._field[2].data),this._field[2].data=s.mallocFloat(n.nextPow2(i))),this._field[2]=f(this._field[2].data,[e.shape[0]+2,e.shape[1]+2]),this.padField(this._field[2],e),this.shape=e.shape.slice();for(var a=this.shape,o=0;o<2;++o)this._field[2].size>this._field[o].data.length&&(s.freeFloat(this._field[o].data),this._field[o].data=s.mallocFloat(this._field[2].size)),this._field[o]=f(this._field[o].data,[a[0]+2,a[1]+2]);if(t.coords){var l=t.coords;if(!Array.isArray(l)||3!==l.length)throw new Error("gl-surface: invalid coordinates for x/y");for(o=0;o<2;++o){var c=l[o];for(v=0;v<2;++v)if(c.shape[v]!==a[v])throw new Error("gl-surface: coords have incorrect shape");this.padField(this._field[o],c)}}else if(t.ticks){var u=t.ticks;if(!Array.isArray(u)||2!==u.length)throw new Error("gl-surface: invalid ticks");for(o=0;o<2;++o){var p=u[o];if((Array.isArray(p)||p.length)&&(p=f(p)),p.shape[0]!==a[o])throw new Error("gl-surface: invalid tick length");var d=f(p.data,a);d.stride[o]=p.stride[0],d.stride[1^o]=0,this.padField(this._field[o],d)}}else{for(o=0;o<2;++o){var g=[0,0];g[o]=1,this._field[o]=f(this._field[o].data,[a[0]+2,a[1]+2],g,0)}this._field[0].set(0,0,0);for(var v=0;v0){for(var xt=0;xt<5;++xt)Q.pop();U-=1}continue t}Q.push(nt[0],nt[1],ot[0],ot[1],nt[2]),U+=1}}rt.push(U)}this._contourOffsets[$]=et,this._contourCounts[$]=rt}var bt=s.mallocFloat(Q.length);for(o=0;o halfCharStep + halfCharWidth ||\n\t\t\t\t\tfloor(uv.x) < halfCharStep - halfCharWidth) return;\n\n\t\t\t\tuv += charId * charStep;\n\t\t\t\tuv = uv / atlasSize;\n\n\t\t\t\tvec4 color = fontColor;\n\t\t\t\tvec4 mask = texture2D(atlas, uv);\n\n\t\t\t\tfloat maskY = lightness(mask);\n\t\t\t\t// float colorY = lightness(color);\n\t\t\t\tcolor.a *= maskY;\n\t\t\t\tcolor.a *= opacity;\n\n\t\t\t\t// color.a += .1;\n\n\t\t\t\t// antialiasing, see yiq color space y-channel formula\n\t\t\t\t// color.rgb += (1. - color.rgb) * (1. - mask.rgb);\n\n\t\t\t\tgl_FragColor = color;\n\t\t\t}"});return{regl:t,draw:e,atlas:{}}},T.prototype.update=function(t){var e=this;if("string"==typeof t)t={text:t};else if(!t)return;null!=(t=i(t,{position:"position positions coord coords coordinates",font:"font fontFace fontface typeface cssFont css-font family fontFamily",fontSize:"fontSize fontsize size font-size",text:"text texts chars characters value values symbols",align:"align alignment textAlign textbaseline",baseline:"baseline textBaseline textbaseline",direction:"dir direction textDirection",color:"color colour fill fill-color fillColor textColor textcolor",kerning:"kerning kern",range:"range dataBox",viewport:"vp viewport viewBox viewbox viewPort",opacity:"opacity alpha transparency visible visibility opaque",offset:"offset positionOffset padding shift indent indentation"},!0)).opacity&&(Array.isArray(t.opacity)?this.opacity=t.opacity.map((function(t){return parseFloat(t)})):this.opacity=parseFloat(t.opacity)),null!=t.viewport&&(this.viewport=f(t.viewport),T.normalViewport&&(this.viewport.y=this.canvas.height-this.viewport.y-this.viewport.height),this.viewportArray=[this.viewport.x,this.viewport.y,this.viewport.width,this.viewport.height]),null==this.viewport&&(this.viewport={x:0,y:0,width:this.gl.drawingBufferWidth,height:this.gl.drawingBufferHeight},this.viewportArray=[this.viewport.x,this.viewport.y,this.viewport.width,this.viewport.height]),null!=t.kerning&&(this.kerning=t.kerning),null!=t.offset&&("number"==typeof t.offset&&(t.offset=[t.offset,0]),this.positionOffset=y(t.offset)),t.direction&&(this.direction=t.direction),t.range&&(this.range=t.range,this.scale=[1/(t.range[2]-t.range[0]),1/(t.range[3]-t.range[1])],this.translate=[-t.range[0],-t.range[1]]),t.scale&&(this.scale=t.scale),t.translate&&(this.translate=t.translate),this.scale||(this.scale=[1/this.viewport.width,1/this.viewport.height]),this.translate||(this.translate=[0,0]),this.font.length||t.font||(t.font=T.baseFontSize+"px sans-serif");var r,a=!1,o=!1;if(t.font&&(Array.isArray(t.font)?t.font:[t.font]).forEach((function(t,r){if("string"==typeof t)try{t=n.parse(t)}catch(e){t=n.parse(T.baseFontSize+"px "+t)}else t=n.parse(n.stringify(t));var i=n.stringify({size:T.baseFontSize,family:t.family,stretch:_?t.stretch:void 0,variant:t.variant,weight:t.weight,style:t.style}),s=p(t.size),l=Math.round(s[0]*d(s[1]));if(l!==e.fontSize[r]&&(o=!0,e.fontSize[r]=l),!(e.font[r]&&i==e.font[r].baseString||(a=!0,e.font[r]=T.fonts[i],e.font[r]))){var c=t.family.join(", "),u=[t.style];t.style!=t.variant&&u.push(t.variant),t.variant!=t.weight&&u.push(t.weight),_&&t.weight!=t.stretch&&u.push(t.stretch),e.font[r]={baseString:i,family:c,weight:t.weight,stretch:t.stretch,style:t.style,variant:t.variant,width:{},kerning:{},metrics:v(c,{origin:"top",fontSize:T.baseFontSize,fontStyle:u.join(" ")})},T.fonts[i]=e.font[r]}})),(a||o)&&this.font.forEach((function(r,i){var a=n.stringify({size:e.fontSize[i],family:r.family,stretch:_?r.stretch:void 0,variant:r.variant,weight:r.weight,style:r.style});if(e.fontAtlas[i]=e.shader.atlas[a],!e.fontAtlas[i]){var o=r.metrics;e.shader.atlas[a]=e.fontAtlas[i]={fontString:a,step:2*Math.ceil(e.fontSize[i]*o.bottom*.5),em:e.fontSize[i],cols:0,rows:0,height:0,width:0,chars:[],ids:{},texture:e.regl.texture()}}null==t.text&&(t.text=e.text)})),"string"==typeof t.text&&t.position&&t.position.length>2){for(var s=Array(.5*t.position.length),h=0;h2){for(var w=!t.position[0].length,k=u.mallocFloat(2*this.count),M=0,A=0;M1?e.align[r]:e.align[0]:e.align;if("number"==typeof n)return n;switch(n){case"right":case"end":return-t;case"center":case"centre":case"middle":return.5*-t}return 0}))),null==this.baseline&&null==t.baseline&&(t.baseline=0),null!=t.baseline&&(this.baseline=t.baseline,Array.isArray(this.baseline)||(this.baseline=[this.baseline]),this.baselineOffset=this.baseline.map((function(t,r){var n=(e.font[r]||e.font[0]).metrics,i=0;return i+=.5*n.bottom,i+="number"==typeof t?t-n.baseline:-n[t],T.normalViewport||(i*=-1),i}))),null!=t.color)if(t.color||(t.color="transparent"),"string"!=typeof t.color&&isNaN(t.color)){var H;if("number"==typeof t.color[0]&&t.color.length>this.counts.length){var G=t.color.length;H=u.mallocUint8(G);for(var Y=(t.color.subarray||t.color.slice).bind(t.color),W=0;W4||this.baselineOffset.length>1||this.align&&this.align.length>1||this.fontAtlas.length>1||this.positionOffset.length>2){var J=Math.max(.5*this.position.length||0,.25*this.color.length||0,this.baselineOffset.length||0,this.alignOffset.length||0,this.font.length||0,this.opacity.length||0,.5*this.positionOffset.length||0);this.batch=Array(J);for(var K=0;K1?this.counts[K]:this.counts[0],offset:this.textOffsets.length>1?this.textOffsets[K]:this.textOffsets[0],color:this.color?this.color.length<=4?this.color:this.color.subarray(4*K,4*K+4):[0,0,0,255],opacity:Array.isArray(this.opacity)?this.opacity[K]:this.opacity,baseline:null!=this.baselineOffset[K]?this.baselineOffset[K]:this.baselineOffset[0],align:this.align?null!=this.alignOffset[K]?this.alignOffset[K]:this.alignOffset[0]:0,atlas:this.fontAtlas[K]||this.fontAtlas[0],positionOffset:this.positionOffset.length>2?this.positionOffset.subarray(2*K,2*K+2):this.positionOffset}}else this.count?this.batch=[{count:this.count,offset:0,color:this.color||[0,0,0,255],opacity:Array.isArray(this.opacity)?this.opacity[0]:this.opacity,baseline:this.baselineOffset[0],align:this.alignOffset?this.alignOffset[0]:0,atlas:this.fontAtlas[0],positionOffset:this.positionOffset}]:this.batch=[]},T.prototype.destroy=function(){},T.prototype.kerning=!0,T.prototype.position={constant:new Float32Array(2)},T.prototype.translate=null,T.prototype.scale=null,T.prototype.font=null,T.prototype.text="",T.prototype.positionOffset=[0,0],T.prototype.opacity=1,T.prototype.color=new Uint8Array([0,0,0,255]),T.prototype.alignOffset=[0,0],T.normalViewport=!1,T.maxAtlasSize=1024,T.atlasCanvas=document.createElement("canvas"),T.atlasContext=T.atlasCanvas.getContext("2d",{alpha:!1}),T.baseFontSize=64,T.fonts={},e.exports=T},{"bit-twiddle":97,"color-normalize":125,"css-font":144,"detect-kerning":172,"es6-weak-map":233,"flatten-vertex-data":244,"font-atlas":245,"font-measure":246,"gl-util/context":354,"is-plain-obj":469,"object-assign":499,"parse-rect":504,"parse-unit":506,"pick-by-alias":511,regl:540,"to-px":578,"typedarray-pool":595}],353:[function(t,e,r){"use strict";var n=t("ndarray"),i=t("ndarray-ops"),a=t("typedarray-pool");e.exports=function(t){if(arguments.length<=1)throw new Error("gl-texture2d: Missing arguments for texture2d constructor");o||c(t);if("number"==typeof arguments[1])return v(t,arguments[1],arguments[2],arguments[3]||t.RGBA,arguments[4]||t.UNSIGNED_BYTE);if(Array.isArray(arguments[1]))return v(t,0|arguments[1][0],0|arguments[1][1],arguments[2]||t.RGBA,arguments[3]||t.UNSIGNED_BYTE);if("object"==typeof arguments[1]){var e=arguments[1],r=u(e)?e:e.raw;if(r)return y(t,r,0|e.width,0|e.height,arguments[2]||t.RGBA,arguments[3]||t.UNSIGNED_BYTE);if(e.shape&&e.data&&e.stride)return x(t,e)}throw new Error("gl-texture2d: Invalid arguments for texture2d constructor")};var o=null,s=null,l=null;function c(t){o=[t.LINEAR,t.NEAREST_MIPMAP_LINEAR,t.LINEAR_MIPMAP_NEAREST,t.LINEAR_MIPMAP_NEAREST],s=[t.NEAREST,t.LINEAR,t.NEAREST_MIPMAP_NEAREST,t.NEAREST_MIPMAP_LINEAR,t.LINEAR_MIPMAP_NEAREST,t.LINEAR_MIPMAP_LINEAR],l=[t.REPEAT,t.CLAMP_TO_EDGE,t.MIRRORED_REPEAT]}function u(t){return"undefined"!=typeof HTMLCanvasElement&&t instanceof HTMLCanvasElement||"undefined"!=typeof HTMLImageElement&&t instanceof HTMLImageElement||"undefined"!=typeof HTMLVideoElement&&t instanceof HTMLVideoElement||"undefined"!=typeof ImageData&&t instanceof ImageData}var f=function(t,e){i.muls(t,e,255)};function h(t,e,r){var n=t.gl,i=n.getParameter(n.MAX_TEXTURE_SIZE);if(e<0||e>i||r<0||r>i)throw new Error("gl-texture2d: Invalid texture size");return t._shape=[e,r],t.bind(),n.texImage2D(n.TEXTURE_2D,0,t.format,e,r,0,t.format,t.type,null),t._mipLevels=[0],t}function p(t,e,r,n,i,a){this.gl=t,this.handle=e,this.format=i,this.type=a,this._shape=[r,n],this._mipLevels=[0],this._magFilter=t.NEAREST,this._minFilter=t.NEAREST,this._wrapS=t.CLAMP_TO_EDGE,this._wrapT=t.CLAMP_TO_EDGE,this._anisoSamples=1;var o=this,s=[this._wrapS,this._wrapT];Object.defineProperties(s,[{get:function(){return o._wrapS},set:function(t){return o.wrapS=t}},{get:function(){return o._wrapT},set:function(t){return o.wrapT=t}}]),this._wrapVector=s;var l=[this._shape[0],this._shape[1]];Object.defineProperties(l,[{get:function(){return o._shape[0]},set:function(t){return o.width=t}},{get:function(){return o._shape[1]},set:function(t){return o.height=t}}]),this._shapeVector=l}var d=p.prototype;function g(t,e){return 3===t.length?1===e[2]&&e[1]===t[0]*t[2]&&e[0]===t[2]:1===e[0]&&e[1]===t[0]}function m(t){var e=t.createTexture();return t.bindTexture(t.TEXTURE_2D,e),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_MIN_FILTER,t.NEAREST),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_MAG_FILTER,t.NEAREST),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_WRAP_S,t.CLAMP_TO_EDGE),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_WRAP_T,t.CLAMP_TO_EDGE),e}function v(t,e,r,n,i){var a=t.getParameter(t.MAX_TEXTURE_SIZE);if(e<0||e>a||r<0||r>a)throw new Error("gl-texture2d: Invalid texture shape");if(i===t.FLOAT&&!t.getExtension("OES_texture_float"))throw new Error("gl-texture2d: Floating point textures not supported on this platform");var o=m(t);return t.texImage2D(t.TEXTURE_2D,0,n,e,r,0,n,i,null),new p(t,o,e,r,n,i)}function y(t,e,r,n,i,a){var o=m(t);return t.texImage2D(t.TEXTURE_2D,0,i,i,a,e),new p(t,o,r,n,i,a)}function x(t,e){var r=e.dtype,o=e.shape.slice(),s=t.getParameter(t.MAX_TEXTURE_SIZE);if(o[0]<0||o[0]>s||o[1]<0||o[1]>s)throw new Error("gl-texture2d: Invalid texture size");var l=g(o,e.stride.slice()),c=0;"float32"===r?c=t.FLOAT:"float64"===r?(c=t.FLOAT,l=!1,r="float32"):"uint8"===r?c=t.UNSIGNED_BYTE:(c=t.UNSIGNED_BYTE,l=!1,r="uint8");var u,h,d=0;if(2===o.length)d=t.LUMINANCE,o=[o[0],o[1],1],e=n(e.data,o,[e.stride[0],e.stride[1],1],e.offset);else{if(3!==o.length)throw new Error("gl-texture2d: Invalid shape for texture");if(1===o[2])d=t.ALPHA;else if(2===o[2])d=t.LUMINANCE_ALPHA;else if(3===o[2])d=t.RGB;else{if(4!==o[2])throw new Error("gl-texture2d: Invalid shape for pixel coords");d=t.RGBA}}c!==t.FLOAT||t.getExtension("OES_texture_float")||(c=t.UNSIGNED_BYTE,l=!1);var v=e.size;if(l)u=0===e.offset&&e.data.length===v?e.data:e.data.subarray(e.offset,e.offset+v);else{var y=[o[2],o[2]*o[0],1];h=a.malloc(v,r);var x=n(h,o,y,0);"float32"!==r&&"float64"!==r||c!==t.UNSIGNED_BYTE?i.assign(x,e):f(x,e),u=h.subarray(0,v)}var b=m(t);return t.texImage2D(t.TEXTURE_2D,0,d,o[0],o[1],0,d,c,u),l||a.free(h),new p(t,b,o[0],o[1],d,c)}Object.defineProperties(d,{minFilter:{get:function(){return this._minFilter},set:function(t){this.bind();var e=this.gl;if(this.type===e.FLOAT&&o.indexOf(t)>=0&&(e.getExtension("OES_texture_float_linear")||(t=e.NEAREST)),s.indexOf(t)<0)throw new Error("gl-texture2d: Unknown filter mode "+t);return e.texParameteri(e.TEXTURE_2D,e.TEXTURE_MIN_FILTER,t),this._minFilter=t}},magFilter:{get:function(){return this._magFilter},set:function(t){this.bind();var e=this.gl;if(this.type===e.FLOAT&&o.indexOf(t)>=0&&(e.getExtension("OES_texture_float_linear")||(t=e.NEAREST)),s.indexOf(t)<0)throw new Error("gl-texture2d: Unknown filter mode "+t);return e.texParameteri(e.TEXTURE_2D,e.TEXTURE_MAG_FILTER,t),this._magFilter=t}},mipSamples:{get:function(){return this._anisoSamples},set:function(t){var e=this._anisoSamples;if(this._anisoSamples=0|Math.max(t,1),e!==this._anisoSamples){var r=this.gl.getExtension("EXT_texture_filter_anisotropic");r&&this.gl.texParameterf(this.gl.TEXTURE_2D,r.TEXTURE_MAX_ANISOTROPY_EXT,this._anisoSamples)}return this._anisoSamples}},wrapS:{get:function(){return this._wrapS},set:function(t){if(this.bind(),l.indexOf(t)<0)throw new Error("gl-texture2d: Unknown wrap mode "+t);return this.gl.texParameteri(this.gl.TEXTURE_2D,this.gl.TEXTURE_WRAP_S,t),this._wrapS=t}},wrapT:{get:function(){return this._wrapT},set:function(t){if(this.bind(),l.indexOf(t)<0)throw new Error("gl-texture2d: Unknown wrap mode "+t);return this.gl.texParameteri(this.gl.TEXTURE_2D,this.gl.TEXTURE_WRAP_T,t),this._wrapT=t}},wrap:{get:function(){return this._wrapVector},set:function(t){if(Array.isArray(t)||(t=[t,t]),2!==t.length)throw new Error("gl-texture2d: Must specify wrap mode for rows and columns");for(var e=0;e<2;++e)if(l.indexOf(t[e])<0)throw new Error("gl-texture2d: Unknown wrap mode "+t);this._wrapS=t[0],this._wrapT=t[1];var r=this.gl;return this.bind(),r.texParameteri(r.TEXTURE_2D,r.TEXTURE_WRAP_S,this._wrapS),r.texParameteri(r.TEXTURE_2D,r.TEXTURE_WRAP_T,this._wrapT),t}},shape:{get:function(){return this._shapeVector},set:function(t){if(Array.isArray(t)){if(2!==t.length)throw new Error("gl-texture2d: Invalid texture shape")}else t=[0|t,0|t];return h(this,0|t[0],0|t[1]),[0|t[0],0|t[1]]}},width:{get:function(){return this._shape[0]},set:function(t){return h(this,t|=0,this._shape[1]),t}},height:{get:function(){return this._shape[1]},set:function(t){return t|=0,h(this,this._shape[0],t),t}}}),d.bind=function(t){var e=this.gl;return void 0!==t&&e.activeTexture(e.TEXTURE0+(0|t)),e.bindTexture(e.TEXTURE_2D,this.handle),void 0!==t?0|t:e.getParameter(e.ACTIVE_TEXTURE)-e.TEXTURE0},d.dispose=function(){this.gl.deleteTexture(this.handle)},d.generateMipmap=function(){this.bind(),this.gl.generateMipmap(this.gl.TEXTURE_2D);for(var t=Math.min(this._shape[0],this._shape[1]),e=0;t>0;++e,t>>>=1)this._mipLevels.indexOf(e)<0&&this._mipLevels.push(e)},d.setPixels=function(t,e,r,o){var s=this.gl;this.bind(),Array.isArray(e)?(o=r,r=0|e[1],e=0|e[0]):(e=e||0,r=r||0),o=o||0;var l=u(t)?t:t.raw;if(l){this._mipLevels.indexOf(o)<0?(s.texImage2D(s.TEXTURE_2D,0,this.format,this.format,this.type,l),this._mipLevels.push(o)):s.texSubImage2D(s.TEXTURE_2D,o,e,r,this.format,this.type,l)}else{if(!(t.shape&&t.stride&&t.data))throw new Error("gl-texture2d: Unsupported data type");if(t.shape.length<2||e+t.shape[1]>this._shape[1]>>>o||r+t.shape[0]>this._shape[0]>>>o||e<0||r<0)throw new Error("gl-texture2d: Texture dimensions are out of bounds");!function(t,e,r,o,s,l,c,u){var h=u.dtype,p=u.shape.slice();if(p.length<2||p.length>3)throw new Error("gl-texture2d: Invalid ndarray, must be 2d or 3d");var d=0,m=0,v=g(p,u.stride.slice());"float32"===h?d=t.FLOAT:"float64"===h?(d=t.FLOAT,v=!1,h="float32"):"uint8"===h?d=t.UNSIGNED_BYTE:(d=t.UNSIGNED_BYTE,v=!1,h="uint8");if(2===p.length)m=t.LUMINANCE,p=[p[0],p[1],1],u=n(u.data,p,[u.stride[0],u.stride[1],1],u.offset);else{if(3!==p.length)throw new Error("gl-texture2d: Invalid shape for texture");if(1===p[2])m=t.ALPHA;else if(2===p[2])m=t.LUMINANCE_ALPHA;else if(3===p[2])m=t.RGB;else{if(4!==p[2])throw new Error("gl-texture2d: Invalid shape for pixel coords");m=t.RGBA}p[2]}m!==t.LUMINANCE&&m!==t.ALPHA||s!==t.LUMINANCE&&s!==t.ALPHA||(m=s);if(m!==s)throw new Error("gl-texture2d: Incompatible texture format for setPixels");var y=u.size,x=c.indexOf(o)<0;x&&c.push(o);if(d===l&&v)0===u.offset&&u.data.length===y?x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,u.data):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,u.data):x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,u.data.subarray(u.offset,u.offset+y)):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,u.data.subarray(u.offset,u.offset+y));else{var b;b=l===t.FLOAT?a.mallocFloat32(y):a.mallocUint8(y);var _=n(b,p,[p[2],p[2]*p[0],1]);d===t.FLOAT&&l===t.UNSIGNED_BYTE?f(_,u):i.assign(_,u),x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,b.subarray(0,y)):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,b.subarray(0,y)),l===t.FLOAT?a.freeFloat32(b):a.freeUint8(b)}}(s,e,r,o,this.format,this.type,this._mipLevels,t)}}},{ndarray:495,"ndarray-ops":490,"typedarray-pool":595}],354:[function(t,e,r){(function(r){(function(){"use strict";var n=t("pick-by-alias");function i(t){if(t.container)if(t.container==document.body)document.body.style.width||(t.canvas.width=t.width||t.pixelRatio*r.innerWidth),document.body.style.height||(t.canvas.height=t.height||t.pixelRatio*r.innerHeight);else{var e=t.container.getBoundingClientRect();t.canvas.width=t.width||e.right-e.left,t.canvas.height=t.height||e.bottom-e.top}}function a(t){return"function"==typeof t.getContext&&"width"in t&&"height"in t}function o(){var t=document.createElement("canvas");return t.style.position="absolute",t.style.top=0,t.style.left=0,t}e.exports=function(t){var e;if(t?"string"==typeof t&&(t={container:t}):t={},a(t)?t={container:t}:t="string"==typeof(e=t).nodeName&&"function"==typeof e.appendChild&&"function"==typeof e.getBoundingClientRect?{container:t}:function(t){return"function"==typeof t.drawArrays||"function"==typeof t.drawElements}(t)?{gl:t}:n(t,{container:"container target element el canvas holder parent parentNode wrapper use ref root node",gl:"gl context webgl glContext",attrs:"attributes attrs contextAttributes",pixelRatio:"pixelRatio pxRatio px ratio pxratio pixelratio",width:"w width",height:"h height"},!0),t.pixelRatio||(t.pixelRatio=r.pixelRatio||1),t.gl)return t.gl;if(t.canvas&&(t.container=t.canvas.parentNode),t.container){if("string"==typeof t.container){var s=document.querySelector(t.container);if(!s)throw Error("Element "+t.container+" is not found");t.container=s}a(t.container)?(t.canvas=t.container,t.container=t.canvas.parentNode):t.canvas||(t.canvas=o(),t.container.appendChild(t.canvas),i(t))}else if(!t.canvas){if("undefined"==typeof document)throw Error("Not DOM environment. Use headless-gl.");t.container=document.body||document.documentElement,t.canvas=o(),t.container.appendChild(t.canvas),i(t)}if(!t.gl)try{t.gl=t.canvas.getContext("webgl",t.attrs)}catch(e){try{t.gl=t.canvas.getContext("experimental-webgl",t.attrs)}catch(e){t.gl=t.canvas.getContext("webgl-experimental",t.attrs)}}return t.gl}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"pick-by-alias":511}],355:[function(t,e,r){"use strict";e.exports=function(t,e,r){e?e.bind():t.bindBuffer(t.ELEMENT_ARRAY_BUFFER,null);var n=0|t.getParameter(t.MAX_VERTEX_ATTRIBS);if(r){if(r.length>n)throw new Error("gl-vao: Too many vertex attributes");for(var i=0;i1?0:Math.acos(s)};var n=t("./fromValues"),i=t("./normalize"),a=t("./dot")},{"./dot":370,"./fromValues":376,"./normalize":387}],361:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.ceil(e[0]),t[1]=Math.ceil(e[1]),t[2]=Math.ceil(e[2]),t}},{}],362:[function(t,e,r){e.exports=function(t){var e=new Float32Array(3);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e}},{}],363:[function(t,e,r){e.exports=function(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t}},{}],364:[function(t,e,r){e.exports=function(){var t=new Float32Array(3);return t[0]=0,t[1]=0,t[2]=0,t}},{}],365:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2];return t[0]=i*l-a*s,t[1]=a*o-n*l,t[2]=n*s-i*o,t}},{}],366:[function(t,e,r){e.exports=t("./distance")},{"./distance":367}],367:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2];return Math.sqrt(r*r+n*n+i*i)}},{}],368:[function(t,e,r){e.exports=t("./divide")},{"./divide":369}],369:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]/r[0],t[1]=e[1]/r[1],t[2]=e[2]/r[2],t}},{}],370:[function(t,e,r){e.exports=function(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]}},{}],371:[function(t,e,r){e.exports=1e-6},{}],372:[function(t,e,r){e.exports=function(t,e){var r=t[0],i=t[1],a=t[2],o=e[0],s=e[1],l=e[2];return Math.abs(r-o)<=n*Math.max(1,Math.abs(r),Math.abs(o))&&Math.abs(i-s)<=n*Math.max(1,Math.abs(i),Math.abs(s))&&Math.abs(a-l)<=n*Math.max(1,Math.abs(a),Math.abs(l))};var n=t("./epsilon")},{"./epsilon":371}],373:[function(t,e,r){e.exports=function(t,e){return t[0]===e[0]&&t[1]===e[1]&&t[2]===e[2]}},{}],374:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.floor(e[0]),t[1]=Math.floor(e[1]),t[2]=Math.floor(e[2]),t}},{}],375:[function(t,e,r){e.exports=function(t,e,r,i,a,o){var s,l;e||(e=3);r||(r=0);l=i?Math.min(i*e+r,t.length):t.length;for(s=r;s0&&(a=1/Math.sqrt(a),t[0]=e[0]*a,t[1]=e[1]*a,t[2]=e[2]*a);return t}},{}],388:[function(t,e,r){e.exports=function(t,e){e=e||1;var r=2*Math.random()*Math.PI,n=2*Math.random()-1,i=Math.sqrt(1-n*n)*e;return t[0]=Math.cos(r)*i,t[1]=Math.sin(r)*i,t[2]=n*e,t}},{}],389:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[1],a=r[2],o=e[1]-i,s=e[2]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=e[0],t[1]=i+o*c-s*l,t[2]=a+o*l+s*c,t}},{}],390:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[0],a=r[2],o=e[0]-i,s=e[2]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=i+s*l+o*c,t[1]=e[1],t[2]=a+s*c-o*l,t}},{}],391:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[0],a=r[1],o=e[0]-i,s=e[1]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=i+o*c-s*l,t[1]=a+o*l+s*c,t[2]=e[2],t}},{}],392:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.round(e[0]),t[1]=Math.round(e[1]),t[2]=Math.round(e[2]),t}},{}],393:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r,t[1]=e[1]*r,t[2]=e[2]*r,t}},{}],394:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e[0]+r[0]*n,t[1]=e[1]+r[1]*n,t[2]=e[2]+r[2]*n,t}},{}],395:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e,t[1]=r,t[2]=n,t}},{}],396:[function(t,e,r){e.exports=t("./squaredDistance")},{"./squaredDistance":398}],397:[function(t,e,r){e.exports=t("./squaredLength")},{"./squaredLength":399}],398:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2];return r*r+n*n+i*i}},{}],399:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2];return e*e+r*r+n*n}},{}],400:[function(t,e,r){e.exports=t("./subtract")},{"./subtract":401}],401:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]-r[0],t[1]=e[1]-r[1],t[2]=e[2]-r[2],t}},{}],402:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2];return t[0]=n*r[0]+i*r[3]+a*r[6],t[1]=n*r[1]+i*r[4]+a*r[7],t[2]=n*r[2]+i*r[5]+a*r[8],t}},{}],403:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[3]*n+r[7]*i+r[11]*a+r[15];return o=o||1,t[0]=(r[0]*n+r[4]*i+r[8]*a+r[12])/o,t[1]=(r[1]*n+r[5]*i+r[9]*a+r[13])/o,t[2]=(r[2]*n+r[6]*i+r[10]*a+r[14])/o,t}},{}],404:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2],c=r[3],u=c*n+s*a-l*i,f=c*i+l*n-o*a,h=c*a+o*i-s*n,p=-o*n-s*i-l*a;return t[0]=u*c+p*-o+f*-l-h*-s,t[1]=f*c+p*-s+h*-o-u*-l,t[2]=h*c+p*-l+u*-s-f*-o,t}},{}],405:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]+r[0],t[1]=e[1]+r[1],t[2]=e[2]+r[2],t[3]=e[3]+r[3],t}},{}],406:[function(t,e,r){e.exports=function(t){var e=new Float32Array(4);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e[3]=t[3],e}},{}],407:[function(t,e,r){e.exports=function(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[3]=e[3],t}},{}],408:[function(t,e,r){e.exports=function(){var t=new Float32Array(4);return t[0]=0,t[1]=0,t[2]=0,t[3]=0,t}},{}],409:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2],a=e[3]-t[3];return Math.sqrt(r*r+n*n+i*i+a*a)}},{}],410:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]/r[0],t[1]=e[1]/r[1],t[2]=e[2]/r[2],t[3]=e[3]/r[3],t}},{}],411:[function(t,e,r){e.exports=function(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]+t[3]*e[3]}},{}],412:[function(t,e,r){e.exports=function(t,e,r,n){var i=new Float32Array(4);return i[0]=t,i[1]=e,i[2]=r,i[3]=n,i}},{}],413:[function(t,e,r){e.exports={create:t("./create"),clone:t("./clone"),fromValues:t("./fromValues"),copy:t("./copy"),set:t("./set"),add:t("./add"),subtract:t("./subtract"),multiply:t("./multiply"),divide:t("./divide"),min:t("./min"),max:t("./max"),scale:t("./scale"),scaleAndAdd:t("./scaleAndAdd"),distance:t("./distance"),squaredDistance:t("./squaredDistance"),length:t("./length"),squaredLength:t("./squaredLength"),negate:t("./negate"),inverse:t("./inverse"),normalize:t("./normalize"),dot:t("./dot"),lerp:t("./lerp"),random:t("./random"),transformMat4:t("./transformMat4"),transformQuat:t("./transformQuat")}},{"./add":405,"./clone":406,"./copy":407,"./create":408,"./distance":409,"./divide":410,"./dot":411,"./fromValues":412,"./inverse":414,"./length":415,"./lerp":416,"./max":417,"./min":418,"./multiply":419,"./negate":420,"./normalize":421,"./random":422,"./scale":423,"./scaleAndAdd":424,"./set":425,"./squaredDistance":426,"./squaredLength":427,"./subtract":428,"./transformMat4":429,"./transformQuat":430}],414:[function(t,e,r){e.exports=function(t,e){return t[0]=1/e[0],t[1]=1/e[1],t[2]=1/e[2],t[3]=1/e[3],t}},{}],415:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2],i=t[3];return Math.sqrt(e*e+r*r+n*n+i*i)}},{}],416:[function(t,e,r){e.exports=function(t,e,r,n){var i=e[0],a=e[1],o=e[2],s=e[3];return t[0]=i+n*(r[0]-i),t[1]=a+n*(r[1]-a),t[2]=o+n*(r[2]-o),t[3]=s+n*(r[3]-s),t}},{}],417:[function(t,e,r){e.exports=function(t,e,r){return t[0]=Math.max(e[0],r[0]),t[1]=Math.max(e[1],r[1]),t[2]=Math.max(e[2],r[2]),t[3]=Math.max(e[3],r[3]),t}},{}],418:[function(t,e,r){e.exports=function(t,e,r){return t[0]=Math.min(e[0],r[0]),t[1]=Math.min(e[1],r[1]),t[2]=Math.min(e[2],r[2]),t[3]=Math.min(e[3],r[3]),t}},{}],419:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r[0],t[1]=e[1]*r[1],t[2]=e[2]*r[2],t[3]=e[3]*r[3],t}},{}],420:[function(t,e,r){e.exports=function(t,e){return t[0]=-e[0],t[1]=-e[1],t[2]=-e[2],t[3]=-e[3],t}},{}],421:[function(t,e,r){e.exports=function(t,e){var r=e[0],n=e[1],i=e[2],a=e[3],o=r*r+n*n+i*i+a*a;o>0&&(o=1/Math.sqrt(o),t[0]=r*o,t[1]=n*o,t[2]=i*o,t[3]=a*o);return t}},{}],422:[function(t,e,r){var n=t("./normalize"),i=t("./scale");e.exports=function(t,e){return e=e||1,t[0]=Math.random(),t[1]=Math.random(),t[2]=Math.random(),t[3]=Math.random(),n(t,t),i(t,t,e),t}},{"./normalize":421,"./scale":423}],423:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r,t[1]=e[1]*r,t[2]=e[2]*r,t[3]=e[3]*r,t}},{}],424:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e[0]+r[0]*n,t[1]=e[1]+r[1]*n,t[2]=e[2]+r[2]*n,t[3]=e[3]+r[3]*n,t}},{}],425:[function(t,e,r){e.exports=function(t,e,r,n,i){return t[0]=e,t[1]=r,t[2]=n,t[3]=i,t}},{}],426:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2],a=e[3]-t[3];return r*r+n*n+i*i+a*a}},{}],427:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2],i=t[3];return e*e+r*r+n*n+i*i}},{}],428:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]-r[0],t[1]=e[1]-r[1],t[2]=e[2]-r[2],t[3]=e[3]-r[3],t}},{}],429:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3];return t[0]=r[0]*n+r[4]*i+r[8]*a+r[12]*o,t[1]=r[1]*n+r[5]*i+r[9]*a+r[13]*o,t[2]=r[2]*n+r[6]*i+r[10]*a+r[14]*o,t[3]=r[3]*n+r[7]*i+r[11]*a+r[15]*o,t}},{}],430:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2],c=r[3],u=c*n+s*a-l*i,f=c*i+l*n-o*a,h=c*a+o*i-s*n,p=-o*n-s*i-l*a;return t[0]=u*c+p*-o+f*-l-h*-s,t[1]=f*c+p*-s+h*-o-u*-l,t[2]=h*c+p*-l+u*-s-f*-o,t[3]=e[3],t}},{}],431:[function(t,e,r){var n=t("glsl-tokenizer"),i=t("atob-lite");e.exports=function(t){for(var e=Array.isArray(t)?t:n(t),r=0;r0)continue;r=t.slice(0,1).join("")}return M(r),v+=r.length,(p=p.slice(r.length)).length}}function P(){return/[^a-fA-F0-9]/.test(e)?(M(p.join("")),h=999,u):(p.push(e),r=e,u+1)}function z(){return"."===e||/[eE]/.test(e)?(p.push(e),h=5,r=e,u+1):"x"===e&&1===p.length&&"0"===p[0]?(h=11,p.push(e),r=e,u+1):/[^\d]/.test(e)?(M(p.join("")),h=999,u):(p.push(e),r=e,u+1)}function O(){return"f"===e&&(p.push(e),r=e,u+=1),/[eE]/.test(e)?(p.push(e),r=e,u+1):("-"!==e&&"+"!==e||!/[eE]/.test(r))&&/[^\d]/.test(e)?(M(p.join("")),h=999,u):(p.push(e),r=e,u+1)}function D(){if(/[^\d\w_]/.test(e)){var t=p.join("");return h=k[t]?8:T[t]?7:6,M(p.join("")),h=999,u}return p.push(e),r=e,u+1}};var n=t("./lib/literals"),i=t("./lib/operators"),a=t("./lib/builtins"),o=t("./lib/literals-300es"),s=t("./lib/builtins-300es"),l=["block-comment","line-comment","preprocessor","operator","integer","float","ident","builtin","keyword","whitespace","eof","integer"]},{"./lib/builtins":434,"./lib/builtins-300es":433,"./lib/literals":436,"./lib/literals-300es":435,"./lib/operators":437}],433:[function(t,e,r){var n=t("./builtins");n=n.slice().filter((function(t){return!/^(gl\_|texture)/.test(t)})),e.exports=n.concat(["gl_VertexID","gl_InstanceID","gl_Position","gl_PointSize","gl_FragCoord","gl_FrontFacing","gl_FragDepth","gl_PointCoord","gl_MaxVertexAttribs","gl_MaxVertexUniformVectors","gl_MaxVertexOutputVectors","gl_MaxFragmentInputVectors","gl_MaxVertexTextureImageUnits","gl_MaxCombinedTextureImageUnits","gl_MaxTextureImageUnits","gl_MaxFragmentUniformVectors","gl_MaxDrawBuffers","gl_MinProgramTexelOffset","gl_MaxProgramTexelOffset","gl_DepthRangeParameters","gl_DepthRange","trunc","round","roundEven","isnan","isinf","floatBitsToInt","floatBitsToUint","intBitsToFloat","uintBitsToFloat","packSnorm2x16","unpackSnorm2x16","packUnorm2x16","unpackUnorm2x16","packHalf2x16","unpackHalf2x16","outerProduct","transpose","determinant","inverse","texture","textureSize","textureProj","textureLod","textureOffset","texelFetch","texelFetchOffset","textureProjOffset","textureLodOffset","textureProjLod","textureProjLodOffset","textureGrad","textureGradOffset","textureProjGrad","textureProjGradOffset"])},{"./builtins":434}],434:[function(t,e,r){e.exports=["abs","acos","all","any","asin","atan","ceil","clamp","cos","cross","dFdx","dFdy","degrees","distance","dot","equal","exp","exp2","faceforward","floor","fract","gl_BackColor","gl_BackLightModelProduct","gl_BackLightProduct","gl_BackMaterial","gl_BackSecondaryColor","gl_ClipPlane","gl_ClipVertex","gl_Color","gl_DepthRange","gl_DepthRangeParameters","gl_EyePlaneQ","gl_EyePlaneR","gl_EyePlaneS","gl_EyePlaneT","gl_Fog","gl_FogCoord","gl_FogFragCoord","gl_FogParameters","gl_FragColor","gl_FragCoord","gl_FragData","gl_FragDepth","gl_FragDepthEXT","gl_FrontColor","gl_FrontFacing","gl_FrontLightModelProduct","gl_FrontLightProduct","gl_FrontMaterial","gl_FrontSecondaryColor","gl_LightModel","gl_LightModelParameters","gl_LightModelProducts","gl_LightProducts","gl_LightSource","gl_LightSourceParameters","gl_MaterialParameters","gl_MaxClipPlanes","gl_MaxCombinedTextureImageUnits","gl_MaxDrawBuffers","gl_MaxFragmentUniformComponents","gl_MaxLights","gl_MaxTextureCoords","gl_MaxTextureImageUnits","gl_MaxTextureUnits","gl_MaxVaryingFloats","gl_MaxVertexAttribs","gl_MaxVertexTextureImageUnits","gl_MaxVertexUniformComponents","gl_ModelViewMatrix","gl_ModelViewMatrixInverse","gl_ModelViewMatrixInverseTranspose","gl_ModelViewMatrixTranspose","gl_ModelViewProjectionMatrix","gl_ModelViewProjectionMatrixInverse","gl_ModelViewProjectionMatrixInverseTranspose","gl_ModelViewProjectionMatrixTranspose","gl_MultiTexCoord0","gl_MultiTexCoord1","gl_MultiTexCoord2","gl_MultiTexCoord3","gl_MultiTexCoord4","gl_MultiTexCoord5","gl_MultiTexCoord6","gl_MultiTexCoord7","gl_Normal","gl_NormalMatrix","gl_NormalScale","gl_ObjectPlaneQ","gl_ObjectPlaneR","gl_ObjectPlaneS","gl_ObjectPlaneT","gl_Point","gl_PointCoord","gl_PointParameters","gl_PointSize","gl_Position","gl_ProjectionMatrix","gl_ProjectionMatrixInverse","gl_ProjectionMatrixInverseTranspose","gl_ProjectionMatrixTranspose","gl_SecondaryColor","gl_TexCoord","gl_TextureEnvColor","gl_TextureMatrix","gl_TextureMatrixInverse","gl_TextureMatrixInverseTranspose","gl_TextureMatrixTranspose","gl_Vertex","greaterThan","greaterThanEqual","inversesqrt","length","lessThan","lessThanEqual","log","log2","matrixCompMult","max","min","mix","mod","normalize","not","notEqual","pow","radians","reflect","refract","sign","sin","smoothstep","sqrt","step","tan","texture2D","texture2DLod","texture2DProj","texture2DProjLod","textureCube","textureCubeLod","texture2DLodEXT","texture2DProjLodEXT","textureCubeLodEXT","texture2DGradEXT","texture2DProjGradEXT","textureCubeGradEXT"]},{}],435:[function(t,e,r){var n=t("./literals");e.exports=n.slice().concat(["layout","centroid","smooth","case","mat2x2","mat2x3","mat2x4","mat3x2","mat3x3","mat3x4","mat4x2","mat4x3","mat4x4","uvec2","uvec3","uvec4","samplerCubeShadow","sampler2DArray","sampler2DArrayShadow","isampler2D","isampler3D","isamplerCube","isampler2DArray","usampler2D","usampler3D","usamplerCube","usampler2DArray","coherent","restrict","readonly","writeonly","resource","atomic_uint","noperspective","patch","sample","subroutine","common","partition","active","filter","image1D","image2D","image3D","imageCube","iimage1D","iimage2D","iimage3D","iimageCube","uimage1D","uimage2D","uimage3D","uimageCube","image1DArray","image2DArray","iimage1DArray","iimage2DArray","uimage1DArray","uimage2DArray","image1DShadow","image2DShadow","image1DArrayShadow","image2DArrayShadow","imageBuffer","iimageBuffer","uimageBuffer","sampler1DArray","sampler1DArrayShadow","isampler1D","isampler1DArray","usampler1D","usampler1DArray","isampler2DRect","usampler2DRect","samplerBuffer","isamplerBuffer","usamplerBuffer","sampler2DMS","isampler2DMS","usampler2DMS","sampler2DMSArray","isampler2DMSArray","usampler2DMSArray"])},{"./literals":436}],436:[function(t,e,r){e.exports=["precision","highp","mediump","lowp","attribute","const","uniform","varying","break","continue","do","for","while","if","else","in","out","inout","float","int","uint","void","bool","true","false","discard","return","mat2","mat3","mat4","vec2","vec3","vec4","ivec2","ivec3","ivec4","bvec2","bvec3","bvec4","sampler1D","sampler2D","sampler3D","samplerCube","sampler1DShadow","sampler2DShadow","struct","asm","class","union","enum","typedef","template","this","packed","goto","switch","default","inline","noinline","volatile","public","static","extern","external","interface","long","short","double","half","fixed","unsigned","input","output","hvec2","hvec3","hvec4","dvec2","dvec3","dvec4","fvec2","fvec3","fvec4","sampler2DRect","sampler3DRect","sampler2DRectShadow","sizeof","cast","namespace","using"]},{}],437:[function(t,e,r){e.exports=["<<=",">>=","++","--","<<",">>","<=",">=","==","!=","&&","||","+=","-=","*=","/=","%=","&=","^^","^=","|=","(",")","[","]",".","!","~","*","/","%","+","-","<",">","&","^","|","?",":","=",",",";","{","}"]},{}],438:[function(t,e,r){var n=t("./index");e.exports=function(t,e){var r=n(e),i=[];return i=(i=i.concat(r(t))).concat(r(null))}},{"./index":432}],439:[function(t,e,r){arguments[4][257][0].apply(r,arguments)},{dup:257}],440:[function(t,e,r){(function(r){(function(){"use strict";var n,i=t("is-browser");n="function"==typeof r.matchMedia?!r.matchMedia("(hover: none)").matches:i,e.exports=n}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"is-browser":464}],441:[function(t,e,r){"use strict";var n=t("is-browser");e.exports=n&&function(){var t=!1;try{var e=Object.defineProperty({},"passive",{get:function(){t=!0}});window.addEventListener("test",null,e),window.removeEventListener("test",null,e)}catch(e){t=!1}return t}()},{"is-browser":464}],442:[function(t,e,r){r.read=function(t,e,r,n,i){var a,o,s=8*i-n-1,l=(1<>1,u=-7,f=r?i-1:0,h=r?-1:1,p=t[e+f];for(f+=h,a=p&(1<<-u)-1,p>>=-u,u+=s;u>0;a=256*a+t[e+f],f+=h,u-=8);for(o=a&(1<<-u)-1,a>>=-u,u+=n;u>0;o=256*o+t[e+f],f+=h,u-=8);if(0===a)a=1-c;else{if(a===l)return o?NaN:1/0*(p?-1:1);o+=Math.pow(2,n),a-=c}return(p?-1:1)*o*Math.pow(2,a-n)},r.write=function(t,e,r,n,i,a){var o,s,l,c=8*a-i-1,u=(1<>1,h=23===i?Math.pow(2,-24)-Math.pow(2,-77):0,p=n?0:a-1,d=n?1:-1,g=e<0||0===e&&1/e<0?1:0;for(e=Math.abs(e),isNaN(e)||e===1/0?(s=isNaN(e)?1:0,o=u):(o=Math.floor(Math.log(e)/Math.LN2),e*(l=Math.pow(2,-o))<1&&(o--,l*=2),(e+=o+f>=1?h/l:h*Math.pow(2,1-f))*l>=2&&(o++,l/=2),o+f>=u?(s=0,o=u):o+f>=1?(s=(e*l-1)*Math.pow(2,i),o+=f):(s=e*Math.pow(2,f-1)*Math.pow(2,i),o=0));i>=8;t[r+p]=255&s,p+=d,s/=256,i-=8);for(o=o<0;t[r+p]=255&o,p+=d,o/=256,c-=8);t[r+p-d]|=128*g}},{}],443:[function(t,e,r){"use strict";var n=t("./types");e.exports=function(t,e){var r;for(r in n)if(n[r].detect(t,e))return r}},{"./types":446}],444:[function(t,e,r){(function(r){(function(){"use strict";var n=t("fs"),i=t("path"),a=t("./types"),o=t("./detector");function s(t,e){var r=o(t,e);if(r in a){var n=a[r].calculate(t,e);if(!1!==n)return n.type=r,n}throw new TypeError("unsupported file type: "+r+" (file: "+e+")")}e.exports=function(t,e){if(r.isBuffer(t))return s(t);if("string"!=typeof t)throw new TypeError("invalid invocation");var a=i.resolve(t);if("function"!=typeof e)return s(function(t){var e=n.openSync(t,"r"),i=n.fstatSync(e).size,a=Math.min(i,524288),o=r.alloc(a);return n.readSync(e,o,0,a,0),n.closeSync(e),o}(a),a);!function(t,e){n.open(t,"r",(function(i,a){if(i)return e(i);n.fstat(a,(function(i,o){if(i)return e(i);var s=o.size;if(s<=0)return e(new Error("File size is not greater than 0 \u2014\u2014 "+t));var l=Math.min(s,524288),c=r.alloc(l);n.read(a,c,0,l,0,(function(t){if(t)return e(t);n.close(a,(function(t){e(t,c)}))}))}))}))}(a,(function(t,r){if(t)return e(t);var n;try{n=s(r,a)}catch(e){t=e}e(t,n)}))},e.exports.types=Object.keys(a)}).call(this)}).call(this,t("buffer").Buffer)},{"./detector":443,"./types":446,buffer:111,fs:109,path:507}],445:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){return r=r||0,t["readUInt"+e+(n?"BE":"LE")].call(t,r)}},{}],446:[function(t,e,r){"use strict";var n={bmp:t("./types/bmp"),cur:t("./types/cur"),dds:t("./types/dds"),gif:t("./types/gif"),icns:t("./types/icns"),ico:t("./types/ico"),jpg:t("./types/jpg"),png:t("./types/png"),psd:t("./types/psd"),svg:t("./types/svg"),tiff:t("./types/tiff"),webp:t("./types/webp")};e.exports=n},{"./types/bmp":447,"./types/cur":448,"./types/dds":449,"./types/gif":450,"./types/icns":451,"./types/ico":452,"./types/jpg":453,"./types/png":454,"./types/psd":455,"./types/svg":456,"./types/tiff":457,"./types/webp":458}],447:[function(t,e,r){"use strict";e.exports={detect:function(t){return"BM"===t.toString("ascii",0,2)},calculate:function(t){return{width:t.readUInt32LE(18),height:Math.abs(t.readInt32LE(22))}}}},{}],448:[function(t,e,r){"use strict";e.exports={detect:function(t){return 0===t.readUInt16LE(0)&&2===t.readUInt16LE(2)},calculate:t("./ico").calculate}},{"./ico":452}],449:[function(t,e,r){"use strict";e.exports={detect:function(t){return 542327876===t.readUInt32LE(0)},calculate:function(t){return{height:t.readUInt32LE(12),width:t.readUInt32LE(16)}}}},{}],450:[function(t,e,r){"use strict";var n=/^GIF8[79]a/;e.exports={detect:function(t){var e=t.toString("ascii",0,6);return n.test(e)},calculate:function(t){return{width:t.readUInt16LE(6),height:t.readUInt16LE(8)}}}},{}],451:[function(t,e,r){"use strict";var n={ICON:32,"ICN#":32,"icm#":16,icm4:16,icm8:16,"ics#":16,ics4:16,ics8:16,is32:16,s8mk:16,icp4:16,icl4:32,icl8:32,il32:32,l8mk:32,icp5:32,ic11:32,ich4:48,ich8:48,ih32:48,h8mk:48,icp6:64,ic12:32,it32:128,t8mk:128,ic07:128,ic08:256,ic13:256,ic09:512,ic14:512,ic10:1024};function i(t,e){var r=e+4;return[t.toString("ascii",e,r),t.readUInt32BE(r)]}function a(t){var e=n[t];return{width:e,height:e,type:t}}e.exports={detect:function(t){return"icns"===t.toString("ascii",0,4)},calculate:function(t){var e,r,n,o=t.length,s=8,l=t.readUInt32BE(4);if(r=a((e=i(t,s))[0]),(s+=e[1])===l)return r;for(n={width:r.width,height:r.height,images:[r]};st.length)return;var s=t.slice(r,i);if(274===n(s,16,0,e)){if(3!==n(s,16,2,e))return;if(1!==n(s,32,4,e))return;return n(s,16,8,e)}}}(r,a)}function s(t,e){if(e>t.length)throw new TypeError("Corrupt JPG, exceeded buffer limits");if(255!==t[e])throw new TypeError("Invalid JPG, marker table corrupted")}e.exports={detect:function(t){return"ffd8"===t.toString("hex",0,2)},calculate:function(t){var e,r,n;for(t=t.slice(4);t.length;){if(r=t.readUInt16BE(0),i(t)&&(e=o(t,r)),s(t,r),192===(n=t[r+1])||193===n||194===n){var l=a(t,r+5);return e?{width:l.width,height:l.height,orientation:e}:l}t=t.slice(r+2)}throw new TypeError("Invalid JPG, no size found")}}},{"../readUInt":445}],454:[function(t,e,r){"use strict";e.exports={detect:function(t){if("PNG\r\n\x1a\n"===t.toString("ascii",1,8)){var e=t.toString("ascii",12,16);if("CgBI"===e&&(e=t.toString("ascii",28,32)),"IHDR"!==e)throw new TypeError("invalid png");return!0}},calculate:function(t){return"CgBI"===t.toString("ascii",12,16)?{width:t.readUInt32BE(32),height:t.readUInt32BE(36)}:{width:t.readUInt32BE(16),height:t.readUInt32BE(20)}}}},{}],455:[function(t,e,r){"use strict";e.exports={detect:function(t){return"8BPS"===t.toString("ascii",0,4)},calculate:function(t){return{width:t.readUInt32BE(18),height:t.readUInt32BE(14)}}}},{}],456:[function(t,e,r){"use strict";var n=/"']|"[^"]*"|'[^']*')*>/;var i={root:n,width:/\swidth=(['"])([^%]+?)\1/,height:/\sheight=(['"])([^%]+?)\1/,viewbox:/\sviewBox=(['"])(.+?)\1/},a={cm:96/2.54,mm:96/2.54/10,m:96/2.54*100,pt:96/72,pc:96/72/12,em:16,ex:8};function o(t){var e=/([0-9.]+)([a-z]*)/.exec(t);if(e)return Math.round(parseFloat(e[1])*(a[e[2]]||1))}function s(t){var e=t.split(" ");return{width:o(e[2]),height:o(e[3])}}e.exports={detect:function(t){return n.test(t)},calculate:function(t){var e=t.toString("utf8").match(i.root);if(e){var r=function(t){var e=t.match(i.width),r=t.match(i.height),n=t.match(i.viewbox);return{width:e&&o(e[2]),height:r&&o(r[2]),viewbox:n&&s(n[2])}}(e[0]);if(r.width&&r.height)return function(t){return{width:t.width,height:t.height}}(r);if(r.viewbox)return function(t){var e=t.viewbox.width/t.viewbox.height;return t.width?{width:t.width,height:Math.floor(t.width/e)}:t.height?{width:Math.floor(t.height*e),height:t.height}:{width:t.viewbox.width,height:t.viewbox.height}}(r)}throw new TypeError("invalid svg")}}},{}],457:[function(t,e,r){(function(r){(function(){"use strict";var n=t("fs"),i=t("../readUInt");function a(t,e){var r=i(t,16,8,e);return(i(t,16,10,e)<<16)+r}function o(t){if(t.length>24)return t.slice(12)}e.exports={detect:function(t){var e=t.toString("hex",0,4);return"49492a00"===e||"4d4d002a"===e},calculate:function(t,e){if(!e)throw new TypeError("Tiff doesn't support buffer");var s="BE"===function(t){var e=t.toString("ascii",0,2);return"II"===e?"LE":"MM"===e?"BE":void 0}(t),l=function(t,e){for(var r,n,s,l={};t&&t.length&&(r=i(t,16,0,e),n=i(t,16,2,e),s=i(t,32,4,e),0!==r);)1!==s||3!==n&&4!==n||(l[r]=a(t,e)),t=o(t);return l}(function(t,e,a){var o=i(t,32,4,a),s=1024,l=n.statSync(e).size;o+s>l&&(s=l-o-10);var c=r.alloc(s),u=n.openSync(e,"r");return n.readSync(u,c,0,s,o),c.slice(2)}(t,e,s),s),c=l[256],u=l[257];if(!c||!u)throw new TypeError("Invalid Tiff, missing tags");return{width:c,height:u}}}}).call(this)}).call(this,t("buffer").Buffer)},{"../readUInt":445,buffer:111,fs:109}],458:[function(t,e,r){"use strict";e.exports={detect:function(t){var e="RIFF"===t.toString("ascii",0,4),r="WEBP"===t.toString("ascii",8,12),n="VP8"===t.toString("ascii",12,15);return e&&r&&n},calculate:function(t){var e=t.toString("ascii",12,16);if(t=t.slice(20,30),"VP8X"===e){var r=t[0];return!(!(0==(192&r))||!(0==(1&r)))&&function(t){return{width:1+t.readUIntLE(4,3),height:1+t.readUIntLE(7,3)}}(t)}if("VP8 "===e&&47!==t[0])return function(t){return{width:16383&t.readInt16LE(6),height:16383&t.readInt16LE(8)}}(t);var n=t.toString("hex",3,6);return"VP8L"===e&&"9d012a"!==n&&function(t){return{width:1+((63&t[2])<<8|t[1]),height:1+((15&t[4])<<10|t[3]<<2|(192&t[2])>>6)}}(t)}}},{}],459:[function(t,e,r){"use strict";e.exports=function(t,e){var r=t.length;if(0===r)throw new Error("Must have at least d+1 points");var i=t[0].length;if(r<=i)throw new Error("Must input at least d+1 points");var o=t.slice(0,i+1),s=n.apply(void 0,o);if(0===s)throw new Error("Input not in general position");for(var l=new Array(i+1),u=0;u<=i;++u)l[u]=u;s<0&&(l[0]=1,l[1]=0);var f=new a(l,new Array(i+1),!1),h=f.adjacent,p=new Array(i+2);for(u=0;u<=i;++u){for(var d=l.slice(),g=0;g<=i;++g)g===u&&(d[g]=-1);var m=d[0];d[0]=d[1],d[1]=m;var v=new a(d,new Array(i+1),!0);h[u]=v,p[u]=v}p[i+1]=f;for(u=0;u<=i;++u){d=h[u].vertices;var y=h[u].adjacent;for(g=0;g<=i;++g){var x=d[g];if(x<0)y[g]=f;else for(var b=0;b<=i;++b)h[b].vertices.indexOf(x)<0&&(y[g]=h[b])}}var _=new c(i,o,p),w=!!e;for(u=i+1;u0&&e.push(","),e.push("tuple[",r,"]");e.push(")}return orient");var i=new Function("test",e.join("")),a=n[t+1];return a||(a=n),i(a)}(t)),this.orient=a}var u=c.prototype;u.handleBoundaryDegeneracy=function(t,e){var r=this.dimension,n=this.vertices.length-1,i=this.tuple,a=this.vertices,o=[t];for(t.lastVisited=-n;o.length>0;){(t=o.pop()).vertices;for(var s=t.adjacent,l=0;l<=r;++l){var c=s[l];if(c.boundary&&!(c.lastVisited<=-n)){for(var u=c.vertices,f=0;f<=r;++f){var h=u[f];i[f]=h<0?e:a[h]}var p=this.orient();if(p>0)return c;c.lastVisited=-n,0===p&&o.push(c)}}}return null},u.walk=function(t,e){var r=this.vertices.length-1,n=this.dimension,i=this.vertices,a=this.tuple,o=e?this.interior.length*Math.random()|0:this.interior.length-1,s=this.interior[o];t:for(;!s.boundary;){for(var l=s.vertices,c=s.adjacent,u=0;u<=n;++u)a[u]=i[l[u]];s.lastVisited=r;for(u=0;u<=n;++u){var f=c[u];if(!(f.lastVisited>=r)){var h=a[u];a[u]=t;var p=this.orient();if(a[u]=h,p<0){s=f;continue t}f.boundary?f.lastVisited=-r:f.lastVisited=r}}return}return s},u.addPeaks=function(t,e){var r=this.vertices.length-1,n=this.dimension,i=this.vertices,l=this.tuple,c=this.interior,u=this.simplices,f=[e];e.lastVisited=r,e.vertices[e.vertices.indexOf(-1)]=r,e.boundary=!1,c.push(e);for(var h=[];f.length>0;){var p=(e=f.pop()).vertices,d=e.adjacent,g=p.indexOf(r);if(!(g<0))for(var m=0;m<=n;++m)if(m!==g){var v=d[m];if(v.boundary&&!(v.lastVisited>=r)){var y=v.vertices;if(v.lastVisited!==-r){for(var x=0,b=0;b<=n;++b)y[b]<0?(x=b,l[b]=t):l[b]=i[y[b]];if(this.orient()>0){y[x]=r,v.boundary=!1,c.push(v),f.push(v),v.lastVisited=r;continue}v.lastVisited=-r}var _=v.adjacent,w=p.slice(),T=d.slice(),k=new a(w,T,!0);u.push(k);var M=_.indexOf(e);if(!(M<0)){_[M]=k,T[g]=v,w[m]=-1,T[m]=e,d[m]=k,k.flip();for(b=0;b<=n;++b){var A=w[b];if(!(A<0||A===r)){for(var S=new Array(n-1),E=0,C=0;C<=n;++C){var L=w[C];L<0||C===b||(S[E++]=L)}h.push(new o(S,k,b))}}}}}}h.sort(s);for(m=0;m+1=0?o[l++]=s[u]:c=1&u;if(c===(1&t)){var f=o[0];o[0]=o[1],o[1]=f}e.push(o)}}return e}},{"robust-orientation":548,"simplicial-complex":558}],460:[function(t,e,r){"use strict";var n=t("binary-search-bounds");function i(t,e,r,n,i){this.mid=t,this.left=e,this.right=r,this.leftPoints=n,this.rightPoints=i,this.count=(e?e.count:0)+(r?r.count:0)+n.length}e.exports=function(t){if(!t||0===t.length)return new v(null);return new v(m(t))};var a=i.prototype;function o(t,e){t.mid=e.mid,t.left=e.left,t.right=e.right,t.leftPoints=e.leftPoints,t.rightPoints=e.rightPoints,t.count=e.count}function s(t,e){var r=m(e);t.mid=r.mid,t.left=r.left,t.right=r.right,t.leftPoints=r.leftPoints,t.rightPoints=r.rightPoints,t.count=r.count}function l(t,e){var r=t.intervals([]);r.push(e),s(t,r)}function c(t,e){var r=t.intervals([]),n=r.indexOf(e);return n<0?0:(r.splice(n,1),s(t,r),1)}function u(t,e,r){for(var n=0;n=0&&t[n][1]>=e;--n){var i=r(t[n]);if(i)return i}}function h(t,e){for(var r=0;r>1],a=[],o=[],s=[];for(r=0;r3*(e+1)?l(this,t):this.left.insert(t):this.left=m([t]);else if(t[0]>this.mid)this.right?4*(this.right.count+1)>3*(e+1)?l(this,t):this.right.insert(t):this.right=m([t]);else{var r=n.ge(this.leftPoints,t,d),i=n.ge(this.rightPoints,t,g);this.leftPoints.splice(r,0,t),this.rightPoints.splice(i,0,t)}},a.remove=function(t){var e=this.count-this.leftPoints;if(t[1]3*(e-1)?c(this,t):2===(s=this.left.remove(t))?(this.left=null,this.count-=1,1):(1===s&&(this.count-=1),s):0;if(t[0]>this.mid)return this.right?4*(this.left?this.left.count:0)>3*(e-1)?c(this,t):2===(s=this.right.remove(t))?(this.right=null,this.count-=1,1):(1===s&&(this.count-=1),s):0;if(1===this.count)return this.leftPoints[0]===t?2:0;if(1===this.leftPoints.length&&this.leftPoints[0]===t){if(this.left&&this.right){for(var r=this,i=this.left;i.right;)r=i,i=i.right;if(r===this)i.right=this.right;else{var a=this.left,s=this.right;r.count-=i.count,r.right=i.left,i.left=a,i.right=s}o(this,i),this.count=(this.left?this.left.count:0)+(this.right?this.right.count:0)+this.leftPoints.length}else this.left?o(this,this.left):o(this,this.right);return 1}for(a=n.ge(this.leftPoints,t,d);athis.mid){var r;if(this.right)if(r=this.right.queryPoint(t,e))return r;return f(this.rightPoints,t,e)}return h(this.leftPoints,e)},a.queryInterval=function(t,e,r){var n;if(tthis.mid&&this.right&&(n=this.right.queryInterval(t,e,r)))return n;return ethis.mid?f(this.rightPoints,t,r):h(this.leftPoints,r)};var y=v.prototype;y.insert=function(t){this.root?this.root.insert(t):this.root=new i(t[0],null,null,[t],[t])},y.remove=function(t){if(this.root){var e=this.root.remove(t);return 2===e&&(this.root=null),0!==e}return!1},y.queryPoint=function(t,e){if(this.root)return this.root.queryPoint(t,e)},y.queryInterval=function(t,e,r){if(t<=e&&this.root)return this.root.queryInterval(t,e,r)},Object.defineProperty(y,"count",{get:function(){return this.root?this.root.count:0}}),Object.defineProperty(y,"intervals",{get:function(){return this.root?this.root.intervals([]):[]}})},{"binary-search-bounds":461}],461:[function(t,e,r){arguments[4][243][0].apply(r,arguments)},{dup:243}],462:[function(t,e,r){"use strict";e.exports=function(t,e){e=e||new Array(t.length);for(var r=0;r + * @license MIT + */ +e.exports=function(t){return null!=t&&(n(t)||function(t){return"function"==typeof t.readFloatLE&&"function"==typeof t.slice&&n(t.slice(0,0))}(t)||!!t._isBuffer)}},{}],466:[function(t,e,r){"use strict";e.exports="undefined"!=typeof navigator&&(/MSIE/.test(navigator.userAgent)||/Trident\//.test(navigator.appVersion))},{}],467:[function(t,e,r){"use strict";e.exports=a,e.exports.isMobile=a,e.exports.default=a;var n=/(android|bb\d+|meego).+mobile|avantgo|bada\/|blackberry|blazer|compal|elaine|fennec|hiptop|iemobile|ip(hone|od)|iris|kindle|lge |maemo|midp|mmp|mobile.+firefox|netfront|opera m(ob|in)i|palm( os)?|phone|p(ixi|re)\/|plucker|pocket|psp|series[46]0|symbian|treo|up\.(browser|link)|vodafone|wap|windows (ce|phone)|xda|xiino/i,i=/(android|bb\d+|meego).+mobile|avantgo|bada\/|blackberry|blazer|compal|elaine|fennec|hiptop|iemobile|ip(hone|od)|iris|kindle|lge |maemo|midp|mmp|mobile.+firefox|netfront|opera m(ob|in)i|palm( os)?|phone|p(ixi|re)\/|plucker|pocket|psp|series[46]0|symbian|treo|up\.(browser|link)|vodafone|wap|windows (ce|phone)|xda|xiino|android|ipad|playbook|silk/i;function a(t){t||(t={});var e=t.ua;if(e||"undefined"==typeof navigator||(e=navigator.userAgent),e&&e.headers&&"string"==typeof e.headers["user-agent"]&&(e=e.headers["user-agent"]),"string"!=typeof e)return!1;var r=t.tablet?i.test(e):n.test(e);return!r&&t.tablet&&t.featureDetect&&navigator&&navigator.maxTouchPoints>1&&-1!==e.indexOf("Macintosh")&&-1!==e.indexOf("Safari")&&(r=!0),r}},{}],468:[function(t,e,r){"use strict";e.exports=function(t){var e=typeof t;return null!==t&&("object"===e||"function"===e)}},{}],469:[function(t,e,r){"use strict";var n=Object.prototype.toString;e.exports=function(t){var e;return"[object Object]"===n.call(t)&&(null===(e=Object.getPrototypeOf(t))||e===Object.getPrototypeOf({}))}},{}],470:[function(t,e,r){"use strict";e.exports=function(t){for(var e,r=t.length,n=0;n13)&&32!==e&&133!==e&&160!==e&&5760!==e&&6158!==e&&(e<8192||e>8205)&&8232!==e&&8233!==e&&8239!==e&&8287!==e&&8288!==e&&12288!==e&&65279!==e)return!1;return!0}},{}],471:[function(t,e,r){"use strict";e.exports=function(t){return"string"==typeof t&&(t=t.trim(),!!(/^[mzlhvcsqta]\s*[-+.0-9][^mlhvzcsqta]+/i.test(t)&&/[\dz]$/i.test(t)&&t.length>4))}},{}],472:[function(t,e,r){e.exports=function(t,e,r){return t*(1-r)+e*r}},{}],473:[function(t,e,r){!function(t,n){"object"==typeof r&&"undefined"!=typeof e?e.exports=n():(t=t||self).mapboxgl=n()}(this,(function(){"use strict";var t,e,r;function n(n,i){if(t)if(e){var a="var sharedChunk = {}; ("+t+")(sharedChunk); ("+e+")(sharedChunk);",o={};t(o),(r=i(o)).workerUrl=window.URL.createObjectURL(new Blob([a],{type:"text/javascript"}))}else e=i;else t=i}return n(0,(function(t){function e(t,e){return t(e={exports:{}},e.exports),e.exports}var r=n;function n(t,e,r,n){this.cx=3*t,this.bx=3*(r-t)-this.cx,this.ax=1-this.cx-this.bx,this.cy=3*e,this.by=3*(n-e)-this.cy,this.ay=1-this.cy-this.by,this.p1x=t,this.p1y=n,this.p2x=r,this.p2y=n}n.prototype.sampleCurveX=function(t){return((this.ax*t+this.bx)*t+this.cx)*t},n.prototype.sampleCurveY=function(t){return((this.ay*t+this.by)*t+this.cy)*t},n.prototype.sampleCurveDerivativeX=function(t){return(3*this.ax*t+2*this.bx)*t+this.cx},n.prototype.solveCurveX=function(t,e){var r,n,i,a,o;for(void 0===e&&(e=1e-6),i=t,o=0;o<8;o++){if(a=this.sampleCurveX(i)-t,Math.abs(a)(n=1))return n;for(;ra?r=i:n=i,i=.5*(n-r)+r}return i},n.prototype.solve=function(t,e){return this.sampleCurveY(this.solveCurveX(t,e))};var i=a;function a(t,e){this.x=t,this.y=e}function o(t,e,n,i){var a=new r(t,e,n,i);return function(t){return a.solve(t)}}a.prototype={clone:function(){return new a(this.x,this.y)},add:function(t){return this.clone()._add(t)},sub:function(t){return this.clone()._sub(t)},multByPoint:function(t){return this.clone()._multByPoint(t)},divByPoint:function(t){return this.clone()._divByPoint(t)},mult:function(t){return this.clone()._mult(t)},div:function(t){return this.clone()._div(t)},rotate:function(t){return this.clone()._rotate(t)},rotateAround:function(t,e){return this.clone()._rotateAround(t,e)},matMult:function(t){return this.clone()._matMult(t)},unit:function(){return this.clone()._unit()},perp:function(){return this.clone()._perp()},round:function(){return this.clone()._round()},mag:function(){return Math.sqrt(this.x*this.x+this.y*this.y)},equals:function(t){return this.x===t.x&&this.y===t.y},dist:function(t){return Math.sqrt(this.distSqr(t))},distSqr:function(t){var e=t.x-this.x,r=t.y-this.y;return e*e+r*r},angle:function(){return Math.atan2(this.y,this.x)},angleTo:function(t){return Math.atan2(this.y-t.y,this.x-t.x)},angleWith:function(t){return this.angleWithSep(t.x,t.y)},angleWithSep:function(t,e){return Math.atan2(this.x*e-this.y*t,this.x*t+this.y*e)},_matMult:function(t){var e=t[2]*this.x+t[3]*this.y;return this.x=t[0]*this.x+t[1]*this.y,this.y=e,this},_add:function(t){return this.x+=t.x,this.y+=t.y,this},_sub:function(t){return this.x-=t.x,this.y-=t.y,this},_mult:function(t){return this.x*=t,this.y*=t,this},_div:function(t){return this.x/=t,this.y/=t,this},_multByPoint:function(t){return this.x*=t.x,this.y*=t.y,this},_divByPoint:function(t){return this.x/=t.x,this.y/=t.y,this},_unit:function(){return this._div(this.mag()),this},_perp:function(){var t=this.y;return this.y=this.x,this.x=-t,this},_rotate:function(t){var e=Math.cos(t),r=Math.sin(t),n=r*this.x+e*this.y;return this.x=e*this.x-r*this.y,this.y=n,this},_rotateAround:function(t,e){var r=Math.cos(t),n=Math.sin(t),i=e.y+n*(this.x-e.x)+r*(this.y-e.y);return this.x=e.x+r*(this.x-e.x)-n*(this.y-e.y),this.y=i,this},_round:function(){return this.x=Math.round(this.x),this.y=Math.round(this.y),this}},a.convert=function(t){return t instanceof a?t:Array.isArray(t)?new a(t[0],t[1]):t};var s=o(.25,.1,.25,1);function l(t,e,r){return Math.min(r,Math.max(e,t))}function c(t,e,r){var n=r-e,i=((t-e)%n+n)%n+e;return i===e?r:i}function u(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];for(var n=0,i=e;n>e/4).toString(16):([1e7]+-[1e3]+-4e3+-8e3+-1e11).replace(/[018]/g,t)}()}function d(t){return!!t&&/^[0-9a-f]{8}-[0-9a-f]{4}-[4][0-9a-f]{3}-[89ab][0-9a-f]{3}-[0-9a-f]{12}$/i.test(t)}function g(t,e){t.forEach((function(t){e[t]&&(e[t]=e[t].bind(e))}))}function m(t,e){return-1!==t.indexOf(e,t.length-e.length)}function v(t,e,r){var n={};for(var i in t)n[i]=e.call(r||this,t[i],i,t);return n}function y(t,e,r){var n={};for(var i in t)e.call(r||this,t[i],i,t)&&(n[i]=t[i]);return n}function x(t){return Array.isArray(t)?t.map(x):"object"==typeof t&&t?v(t,x):t}var b={};function _(t){b[t]||("undefined"!=typeof console&&console.warn(t),b[t]=!0)}function w(t,e,r){return(r.y-t.y)*(e.x-t.x)>(e.y-t.y)*(r.x-t.x)}function T(t){for(var e=0,r=0,n=t.length,i=n-1,a=void 0,o=void 0;r@\,;\:\\"\/\[\]\?\=\{\}\x7F]+)(?:\=(?:([^\x00-\x20\(\)<>@\,;\:\\"\/\[\]\?\=\{\}\x7F]+)|(?:\"((?:[^"\\]|\\.)*)\")))?/g,(function(t,r,n,i){var a=n||i;return e[r]=!a||a.toLowerCase(),""})),e["max-age"]){var r=parseInt(e["max-age"],10);isNaN(r)?delete e["max-age"]:e["max-age"]=r}return e}var A=null;function S(t){if(null==A){var e=t.navigator?t.navigator.userAgent:null;A=!!t.safari||!(!e||!(/\b(iPad|iPhone|iPod)\b/.test(e)||e.match("Safari")&&!e.match("Chrome")))}return A}function E(t){try{var e=self[t];return e.setItem("_mapbox_test_",1),e.removeItem("_mapbox_test_"),!0}catch(t){return!1}}var C,L,I,P,z=self.performance&&self.performance.now?self.performance.now.bind(self.performance):Date.now.bind(Date),O=self.requestAnimationFrame||self.mozRequestAnimationFrame||self.webkitRequestAnimationFrame||self.msRequestAnimationFrame,D=self.cancelAnimationFrame||self.mozCancelAnimationFrame||self.webkitCancelAnimationFrame||self.msCancelAnimationFrame,R={now:z,frame:function(t){var e=O(t);return{cancel:function(){return D(e)}}},getImageData:function(t,e){void 0===e&&(e=0);var r=self.document.createElement("canvas"),n=r.getContext("2d");if(!n)throw new Error("failed to create canvas 2d context");return r.width=t.width,r.height=t.height,n.drawImage(t,0,0,t.width,t.height),n.getImageData(-e,-e,t.width+2*e,t.height+2*e)},resolveURL:function(t){return C||(C=self.document.createElement("a")),C.href=t,C.href},hardwareConcurrency:self.navigator.hardwareConcurrency||4,get devicePixelRatio(){return self.devicePixelRatio},get prefersReducedMotion(){return!!self.matchMedia&&(null==L&&(L=self.matchMedia("(prefers-reduced-motion: reduce)")),L.matches)}},F={API_URL:"https://api.mapbox.com",get EVENTS_URL(){return this.API_URL?0===this.API_URL.indexOf("https://api.mapbox.cn")?"https://events.mapbox.cn/events/v2":0===this.API_URL.indexOf("https://api.mapbox.com")?"https://events.mapbox.com/events/v2":null:null},FEEDBACK_URL:"https://apps.mapbox.com/feedback",REQUIRE_ACCESS_TOKEN:!0,ACCESS_TOKEN:null,MAX_PARALLEL_IMAGE_REQUESTS:16},B={supported:!1,testSupport:function(t){!N&&P&&(j?U(t):I=t)}},N=!1,j=!1;function U(t){var e=t.createTexture();t.bindTexture(t.TEXTURE_2D,e);try{if(t.texImage2D(t.TEXTURE_2D,0,t.RGBA,t.RGBA,t.UNSIGNED_BYTE,P),t.isContextLost())return;B.supported=!0}catch(t){}t.deleteTexture(e),N=!0}self.document&&((P=self.document.createElement("img")).onload=function(){I&&U(I),I=null,j=!0},P.onerror=function(){N=!0,I=null},P.src="data:image/webp;base64,UklGRh4AAABXRUJQVlA4TBEAAAAvAQAAAAfQ//73v/+BiOh/AAA=");var V="01",q=function(t,e){this._transformRequestFn=t,this._customAccessToken=e,this._createSkuToken()};function H(t){return 0===t.indexOf("mapbox:")}q.prototype._createSkuToken=function(){var t=function(){for(var t="",e=0;e<10;e++)t+="0123456789abcdefghijklmnopqrstuvwxyzABCDEFGHIJKLMNOPQRSTUVWXYZ"[Math.floor(62*Math.random())];return{token:["1",V,t].join(""),tokenExpiresAt:Date.now()+432e5}}();this._skuToken=t.token,this._skuTokenExpiresAt=t.tokenExpiresAt},q.prototype._isSkuTokenExpired=function(){return Date.now()>this._skuTokenExpiresAt},q.prototype.transformRequest=function(t,e){return this._transformRequestFn&&this._transformRequestFn(t,e)||{url:t}},q.prototype.normalizeStyleURL=function(t,e){if(!H(t))return t;var r=X(t);return r.path="/styles/v1"+r.path,this._makeAPIURL(r,this._customAccessToken||e)},q.prototype.normalizeGlyphsURL=function(t,e){if(!H(t))return t;var r=X(t);return r.path="/fonts/v1"+r.path,this._makeAPIURL(r,this._customAccessToken||e)},q.prototype.normalizeSourceURL=function(t,e){if(!H(t))return t;var r=X(t);return r.path="/v4/"+r.authority+".json",r.params.push("secure"),this._makeAPIURL(r,this._customAccessToken||e)},q.prototype.normalizeSpriteURL=function(t,e,r,n){var i=X(t);return H(t)?(i.path="/styles/v1"+i.path+"/sprite"+e+r,this._makeAPIURL(i,this._customAccessToken||n)):(i.path+=""+e+r,Z(i))},q.prototype.normalizeTileURL=function(t,e){if(this._isSkuTokenExpired()&&this._createSkuToken(),t&&!H(t))return t;var r=X(t);r.path=r.path.replace(/(\.(png|jpg)\d*)(?=$)/,(R.devicePixelRatio>=2||512===e?"@2x":"")+(B.supported?".webp":"$1")),r.path=r.path.replace(/^.+\/v4\//,"/"),r.path="/v4"+r.path;var n=this._customAccessToken||function(t){for(var e=0,r=t;e=1&&self.localStorage.setItem(e,JSON.stringify(this.eventData))}catch(t){_("Unable to write to LocalStorage")}},K.prototype.processRequests=function(t){},K.prototype.postEvent=function(t,e,r,n){var i=this;if(F.EVENTS_URL){var a=X(F.EVENTS_URL);a.params.push("access_token="+(n||F.ACCESS_TOKEN||""));var o={event:this.type,created:new Date(t).toISOString(),sdkIdentifier:"mapbox-gl-js",sdkVersion:"1.10.1",skuId:V,userId:this.anonId},s=e?u(o,e):o,l={url:Z(a),headers:{"Content-Type":"text/plain"},body:JSON.stringify([s])};this.pendingRequest=xt(l,(function(t){i.pendingRequest=null,r(t),i.saveEventData(),i.processRequests(n)}))}},K.prototype.queueRequest=function(t,e){this.queue.push(t),this.processRequests(e)};var Q,$,tt=function(t){function e(){t.call(this,"map.load"),this.success={},this.skuToken=""}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.postMapLoadEvent=function(t,e,r,n){this.skuToken=r,(F.EVENTS_URL&&n||F.ACCESS_TOKEN&&Array.isArray(t)&&t.some((function(t){return H(t)||Y(t)})))&&this.queueRequest({id:e,timestamp:Date.now()},n)},e.prototype.processRequests=function(t){var e=this;if(!this.pendingRequest&&0!==this.queue.length){var r=this.queue.shift(),n=r.id,i=r.timestamp;n&&this.success[n]||(this.anonId||this.fetchEventData(),d(this.anonId)||(this.anonId=p()),this.postEvent(i,{skuToken:this.skuToken},(function(t){t||n&&(e.success[n]=!0)}),t))}},e}(K),et=new(function(t){function e(e){t.call(this,"appUserTurnstile"),this._customAccessToken=e}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.postTurnstileEvent=function(t,e){F.EVENTS_URL&&F.ACCESS_TOKEN&&Array.isArray(t)&&t.some((function(t){return H(t)||Y(t)}))&&this.queueRequest(Date.now(),e)},e.prototype.processRequests=function(t){var e=this;if(!this.pendingRequest&&0!==this.queue.length){this.anonId&&this.eventData.lastSuccess&&this.eventData.tokenU||this.fetchEventData();var r=J(F.ACCESS_TOKEN),n=r?r.u:F.ACCESS_TOKEN,i=n!==this.eventData.tokenU;d(this.anonId)||(this.anonId=p(),i=!0);var a=this.queue.shift();if(this.eventData.lastSuccess){var o=new Date(this.eventData.lastSuccess),s=new Date(a),l=(a-this.eventData.lastSuccess)/864e5;i=i||l>=1||l<-1||o.getDate()!==s.getDate()}else i=!0;if(!i)return this.processRequests();this.postEvent(a,{"enabled.telemetry":!1},(function(t){t||(e.eventData.lastSuccess=a,e.eventData.tokenU=n)}),t)}},e}(K)),rt=et.postTurnstileEvent.bind(et),nt=new tt,it=nt.postMapLoadEvent.bind(nt),at=500,ot=50;function st(){self.caches&&!Q&&(Q=self.caches.open("mapbox-tiles"))}function lt(t){var e=t.indexOf("?");return e<0?t:t.slice(0,e)}var ct,ut=1/0;function ft(){return null==ct&&(ct=self.OffscreenCanvas&&new self.OffscreenCanvas(1,1).getContext("2d")&&"function"==typeof self.createImageBitmap),ct}var ht={Unknown:"Unknown",Style:"Style",Source:"Source",Tile:"Tile",Glyphs:"Glyphs",SpriteImage:"SpriteImage",SpriteJSON:"SpriteJSON",Image:"Image"};"function"==typeof Object.freeze&&Object.freeze(ht);var pt,dt,gt=function(t){function e(e,r,n){401===r&&Y(n)&&(e+=": you may have provided an invalid Mapbox access token. See https://www.mapbox.com/api-documentation/#access-tokens-and-token-scopes"),t.call(this,e),this.status=r,this.url=n,this.name=this.constructor.name,this.message=e}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.toString=function(){return this.name+": "+this.message+" ("+this.status+"): "+this.url},e}(Error),mt=k()?function(){return self.worker&&self.worker.referrer}:function(){return("blob:"===self.location.protocol?self.parent:self).location.href},vt=function(t,e){if(!(/^file:/.test(r=t.url)||/^file:/.test(mt())&&!/^\w+:/.test(r))){if(self.fetch&&self.Request&&self.AbortController&&self.Request.prototype.hasOwnProperty("signal"))return function(t,e){var r,n=new self.AbortController,i=new self.Request(t.url,{method:t.method||"GET",body:t.body,credentials:t.credentials,headers:t.headers,referrer:mt(),signal:n.signal}),a=!1,o=!1,s=(r=i.url).indexOf("sku=")>0&&Y(r);"json"===t.type&&i.headers.set("Accept","application/json");var l=function(r,n,a){if(!o){if(r&&"SecurityError"!==r.message&&_(r),n&&a)return c(n);var l=Date.now();self.fetch(i).then((function(r){if(r.ok){var n=s?r.clone():null;return c(r,n,l)}return e(new gt(r.statusText,r.status,t.url))})).catch((function(t){20!==t.code&&e(new Error(t.message))}))}},c=function(r,n,s){("arrayBuffer"===t.type?r.arrayBuffer():"json"===t.type?r.json():r.text()).then((function(t){o||(n&&s&&function(t,e,r){if(st(),Q){var n={status:e.status,statusText:e.statusText,headers:new self.Headers};e.headers.forEach((function(t,e){return n.headers.set(e,t)}));var i=M(e.headers.get("Cache-Control")||"");i["no-store"]||(i["max-age"]&&n.headers.set("Expires",new Date(r+1e3*i["max-age"]).toUTCString()),new Date(n.headers.get("Expires")).getTime()-r<42e4||function(t,e){if(void 0===$)try{new Response(new ReadableStream),$=!0}catch(t){$=!1}$?e(t.body):t.blob().then(e)}(e,(function(e){var r=new self.Response(e,n);st(),Q&&Q.then((function(e){return e.put(lt(t.url),r)})).catch((function(t){return _(t.message)}))})))}}(i,n,s),a=!0,e(null,t,r.headers.get("Cache-Control"),r.headers.get("Expires")))})).catch((function(t){o||e(new Error(t.message))}))};return s?function(t,e){if(st(),!Q)return e(null);var r=lt(t.url);Q.then((function(t){t.match(r).then((function(n){var i=function(t){if(!t)return!1;var e=new Date(t.headers.get("Expires")||0),r=M(t.headers.get("Cache-Control")||"");return e>Date.now()&&!r["no-cache"]}(n);t.delete(r),i&&t.put(r,n.clone()),e(null,n,i)})).catch(e)})).catch(e)}(i,l):l(null,null),{cancel:function(){o=!0,a||n.abort()}}}(t,e);if(k()&&self.worker&&self.worker.actor)return self.worker.actor.send("getResource",t,e,void 0,!0)}var r;return function(t,e){var r=new self.XMLHttpRequest;for(var n in r.open(t.method||"GET",t.url,!0),"arrayBuffer"===t.type&&(r.responseType="arraybuffer"),t.headers)r.setRequestHeader(n,t.headers[n]);return"json"===t.type&&(r.responseType="text",r.setRequestHeader("Accept","application/json")),r.withCredentials="include"===t.credentials,r.onerror=function(){e(new Error(r.statusText))},r.onload=function(){if((r.status>=200&&r.status<300||0===r.status)&&null!==r.response){var n=r.response;if("json"===t.type)try{n=JSON.parse(r.response)}catch(t){return e(t)}e(null,n,r.getResponseHeader("Cache-Control"),r.getResponseHeader("Expires"))}else e(new gt(r.statusText,r.status,t.url))},r.send(t.body),{cancel:function(){return r.abort()}}}(t,e)},yt=function(t,e){return vt(u(t,{type:"arrayBuffer"}),e)},xt=function(t,e){return vt(u(t,{method:"POST"}),e)};pt=[],dt=0;var bt=function(t,e){if(B.supported&&(t.headers||(t.headers={}),t.headers.accept="image/webp,*/*"),dt>=F.MAX_PARALLEL_IMAGE_REQUESTS){var r={requestParameters:t,callback:e,cancelled:!1,cancel:function(){this.cancelled=!0}};return pt.push(r),r}dt++;var n=!1,i=function(){if(!n)for(n=!0,dt--;pt.length&&dt0||this._oneTimeListeners&&this._oneTimeListeners[t]&&this._oneTimeListeners[t].length>0||this._eventedParent&&this._eventedParent.listens(t)},Mt.prototype.setEventedParent=function(t,e){return this._eventedParent=t,this._eventedParentData=e,this};var At={$version:8,$root:{version:{required:!0,type:"enum",values:[8]},name:{type:"string"},metadata:{type:"*"},center:{type:"array",value:"number"},zoom:{type:"number"},bearing:{type:"number",default:0,period:360,units:"degrees"},pitch:{type:"number",default:0,units:"degrees"},light:{type:"light"},sources:{required:!0,type:"sources"},sprite:{type:"string"},glyphs:{type:"string"},transition:{type:"transition"},layers:{required:!0,type:"array",value:"layer"}},sources:{"*":{type:"source"}},source:["source_vector","source_raster","source_raster_dem","source_geojson","source_video","source_image"],source_vector:{type:{required:!0,type:"enum",values:{vector:{}}},url:{type:"string"},tiles:{type:"array",value:"string"},bounds:{type:"array",value:"number",length:4,default:[-180,-85.051129,180,85.051129]},scheme:{type:"enum",values:{xyz:{},tms:{}},default:"xyz"},minzoom:{type:"number",default:0},maxzoom:{type:"number",default:22},attribution:{type:"string"},promoteId:{type:"promoteId"},"*":{type:"*"}},source_raster:{type:{required:!0,type:"enum",values:{raster:{}}},url:{type:"string"},tiles:{type:"array",value:"string"},bounds:{type:"array",value:"number",length:4,default:[-180,-85.051129,180,85.051129]},minzoom:{type:"number",default:0},maxzoom:{type:"number",default:22},tileSize:{type:"number",default:512,units:"pixels"},scheme:{type:"enum",values:{xyz:{},tms:{}},default:"xyz"},attribution:{type:"string"},"*":{type:"*"}},source_raster_dem:{type:{required:!0,type:"enum",values:{"raster-dem":{}}},url:{type:"string"},tiles:{type:"array",value:"string"},bounds:{type:"array",value:"number",length:4,default:[-180,-85.051129,180,85.051129]},minzoom:{type:"number",default:0},maxzoom:{type:"number",default:22},tileSize:{type:"number",default:512,units:"pixels"},attribution:{type:"string"},encoding:{type:"enum",values:{terrarium:{},mapbox:{}},default:"mapbox"},"*":{type:"*"}},source_geojson:{type:{required:!0,type:"enum",values:{geojson:{}}},data:{type:"*"},maxzoom:{type:"number",default:18},attribution:{type:"string"},buffer:{type:"number",default:128,maximum:512,minimum:0},tolerance:{type:"number",default:.375},cluster:{type:"boolean",default:!1},clusterRadius:{type:"number",default:50,minimum:0},clusterMaxZoom:{type:"number"},clusterProperties:{type:"*"},lineMetrics:{type:"boolean",default:!1},generateId:{type:"boolean",default:!1},promoteId:{type:"promoteId"}},source_video:{type:{required:!0,type:"enum",values:{video:{}}},urls:{required:!0,type:"array",value:"string"},coordinates:{required:!0,type:"array",length:4,value:{type:"array",length:2,value:"number"}}},source_image:{type:{required:!0,type:"enum",values:{image:{}}},url:{required:!0,type:"string"},coordinates:{required:!0,type:"array",length:4,value:{type:"array",length:2,value:"number"}}},layer:{id:{type:"string",required:!0},type:{type:"enum",values:{fill:{},line:{},symbol:{},circle:{},heatmap:{},"fill-extrusion":{},raster:{},hillshade:{},background:{}},required:!0},metadata:{type:"*"},source:{type:"string"},"source-layer":{type:"string"},minzoom:{type:"number",minimum:0,maximum:24},maxzoom:{type:"number",minimum:0,maximum:24},filter:{type:"filter"},layout:{type:"layout"},paint:{type:"paint"}},layout:["layout_fill","layout_line","layout_circle","layout_heatmap","layout_fill-extrusion","layout_symbol","layout_raster","layout_hillshade","layout_background"],layout_background:{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_fill:{"fill-sort-key":{type:"number",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_circle:{"circle-sort-key":{type:"number",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_heatmap:{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},"layout_fill-extrusion":{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_line:{"line-cap":{type:"enum",values:{butt:{},round:{},square:{}},default:"butt",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"line-join":{type:"enum",values:{bevel:{},round:{},miter:{}},default:"miter",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"line-miter-limit":{type:"number",default:2,requires:[{"line-join":"miter"}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"line-round-limit":{type:"number",default:1.05,requires:[{"line-join":"round"}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"line-sort-key":{type:"number",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_symbol:{"symbol-placement":{type:"enum",values:{point:{},line:{},"line-center":{}},default:"point",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"symbol-spacing":{type:"number",default:250,minimum:1,units:"pixels",requires:[{"symbol-placement":"line"}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"symbol-avoid-edges":{type:"boolean",default:!1,expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"symbol-sort-key":{type:"number",expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"symbol-z-order":{type:"enum",values:{auto:{},"viewport-y":{},source:{}},default:"auto",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-allow-overlap":{type:"boolean",default:!1,requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-ignore-placement":{type:"boolean",default:!1,requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-optional":{type:"boolean",default:!1,requires:["icon-image","text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-rotation-alignment":{type:"enum",values:{map:{},viewport:{},auto:{}},default:"auto",requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-size":{type:"number",default:1,minimum:0,units:"factor of the original icon size",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-text-fit":{type:"enum",values:{none:{},width:{},height:{},both:{}},default:"none",requires:["icon-image","text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-text-fit-padding":{type:"array",value:"number",length:4,default:[0,0,0,0],units:"pixels",requires:["icon-image","text-field",{"icon-text-fit":["both","width","height"]}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"icon-image":{type:"resolvedImage",tokens:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-rotate":{type:"number",default:0,period:360,units:"degrees",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-padding":{type:"number",default:2,minimum:0,units:"pixels",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"icon-keep-upright":{type:"boolean",default:!1,requires:["icon-image",{"icon-rotation-alignment":"map"},{"symbol-placement":["line","line-center"]}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"icon-offset":{type:"array",value:"number",length:2,default:[0,0],requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-anchor":{type:"enum",values:{center:{},left:{},right:{},top:{},bottom:{},"top-left":{},"top-right":{},"bottom-left":{},"bottom-right":{}},default:"center",requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"icon-pitch-alignment":{type:"enum",values:{map:{},viewport:{},auto:{}},default:"auto",requires:["icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-pitch-alignment":{type:"enum",values:{map:{},viewport:{},auto:{}},default:"auto",requires:["text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-rotation-alignment":{type:"enum",values:{map:{},viewport:{},auto:{}},default:"auto",requires:["text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-field":{type:"formatted",default:"",tokens:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-font":{type:"array",value:"string",default:["Open Sans Regular","Arial Unicode MS Regular"],requires:["text-field"],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-size":{type:"number",default:16,minimum:0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-max-width":{type:"number",default:10,minimum:0,units:"ems",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-line-height":{type:"number",default:1.2,units:"ems",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"text-letter-spacing":{type:"number",default:0,units:"ems",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-justify":{type:"enum",values:{auto:{},left:{},center:{},right:{}},default:"center",requires:["text-field"],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-radial-offset":{type:"number",units:"ems",default:0,requires:["text-field"],"property-type":"data-driven",expression:{interpolated:!0,parameters:["zoom","feature"]}},"text-variable-anchor":{type:"array",value:"enum",values:{center:{},left:{},right:{},top:{},bottom:{},"top-left":{},"top-right":{},"bottom-left":{},"bottom-right":{}},requires:["text-field",{"symbol-placement":["point"]}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-anchor":{type:"enum",values:{center:{},left:{},right:{},top:{},bottom:{},"top-left":{},"top-right":{},"bottom-left":{},"bottom-right":{}},default:"center",requires:["text-field",{"!":"text-variable-anchor"}],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-max-angle":{type:"number",default:45,units:"degrees",requires:["text-field",{"symbol-placement":["line","line-center"]}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"text-writing-mode":{type:"array",value:"enum",values:{horizontal:{},vertical:{}},requires:["text-field",{"symbol-placement":["point"]}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-rotate":{type:"number",default:0,period:360,units:"degrees",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-padding":{type:"number",default:2,minimum:0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"text-keep-upright":{type:"boolean",default:!0,requires:["text-field",{"text-rotation-alignment":"map"},{"symbol-placement":["line","line-center"]}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-transform":{type:"enum",values:{none:{},uppercase:{},lowercase:{}},default:"none",requires:["text-field"],expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-offset":{type:"array",value:"number",units:"ems",length:2,default:[0,0],requires:["text-field",{"!":"text-radial-offset"}],expression:{interpolated:!0,parameters:["zoom","feature"]},"property-type":"data-driven"},"text-allow-overlap":{type:"boolean",default:!1,requires:["text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-ignore-placement":{type:"boolean",default:!1,requires:["text-field"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-optional":{type:"boolean",default:!1,requires:["text-field","icon-image"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_raster:{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},layout_hillshade:{visibility:{type:"enum",values:{visible:{},none:{}},default:"visible","property-type":"constant"}},filter:{type:"array",value:"*"},filter_operator:{type:"enum",values:{"==":{},"!=":{},">":{},">=":{},"<":{},"<=":{},in:{},"!in":{},all:{},any:{},none:{},has:{},"!has":{},within:{}}},geometry_type:{type:"enum",values:{Point:{},LineString:{},Polygon:{}}},function:{expression:{type:"expression"},stops:{type:"array",value:"function_stop"},base:{type:"number",default:1,minimum:0},property:{type:"string",default:"$zoom"},type:{type:"enum",values:{identity:{},exponential:{},interval:{},categorical:{}},default:"exponential"},colorSpace:{type:"enum",values:{rgb:{},lab:{},hcl:{}},default:"rgb"},default:{type:"*",required:!1}},function_stop:{type:"array",minimum:0,maximum:24,value:["number","color"],length:2},expression:{type:"array",value:"*",minimum:1},expression_name:{type:"enum",values:{let:{group:"Variable binding"},var:{group:"Variable binding"},literal:{group:"Types"},array:{group:"Types"},at:{group:"Lookup"},in:{group:"Lookup"},"index-of":{group:"Lookup"},slice:{group:"Lookup"},case:{group:"Decision"},match:{group:"Decision"},coalesce:{group:"Decision"},step:{group:"Ramps, scales, curves"},interpolate:{group:"Ramps, scales, curves"},"interpolate-hcl":{group:"Ramps, scales, curves"},"interpolate-lab":{group:"Ramps, scales, curves"},ln2:{group:"Math"},pi:{group:"Math"},e:{group:"Math"},typeof:{group:"Types"},string:{group:"Types"},number:{group:"Types"},boolean:{group:"Types"},object:{group:"Types"},collator:{group:"Types"},format:{group:"Types"},image:{group:"Types"},"number-format":{group:"Types"},"to-string":{group:"Types"},"to-number":{group:"Types"},"to-boolean":{group:"Types"},"to-rgba":{group:"Color"},"to-color":{group:"Types"},rgb:{group:"Color"},rgba:{group:"Color"},get:{group:"Lookup"},has:{group:"Lookup"},length:{group:"Lookup"},properties:{group:"Feature data"},"feature-state":{group:"Feature data"},"geometry-type":{group:"Feature data"},id:{group:"Feature data"},zoom:{group:"Zoom"},"heatmap-density":{group:"Heatmap"},"line-progress":{group:"Feature data"},accumulated:{group:"Feature data"},"+":{group:"Math"},"*":{group:"Math"},"-":{group:"Math"},"/":{group:"Math"},"%":{group:"Math"},"^":{group:"Math"},sqrt:{group:"Math"},log10:{group:"Math"},ln:{group:"Math"},log2:{group:"Math"},sin:{group:"Math"},cos:{group:"Math"},tan:{group:"Math"},asin:{group:"Math"},acos:{group:"Math"},atan:{group:"Math"},min:{group:"Math"},max:{group:"Math"},round:{group:"Math"},abs:{group:"Math"},ceil:{group:"Math"},floor:{group:"Math"},distance:{group:"Math"},"==":{group:"Decision"},"!=":{group:"Decision"},">":{group:"Decision"},"<":{group:"Decision"},">=":{group:"Decision"},"<=":{group:"Decision"},all:{group:"Decision"},any:{group:"Decision"},"!":{group:"Decision"},within:{group:"Decision"},"is-supported-script":{group:"String"},upcase:{group:"String"},downcase:{group:"String"},concat:{group:"String"},"resolved-locale":{group:"String"}}},light:{anchor:{type:"enum",default:"viewport",values:{map:{},viewport:{}},"property-type":"data-constant",transition:!1,expression:{interpolated:!1,parameters:["zoom"]}},position:{type:"array",default:[1.15,210,30],length:3,value:"number","property-type":"data-constant",transition:!0,expression:{interpolated:!0,parameters:["zoom"]}},color:{type:"color","property-type":"data-constant",default:"#ffffff",expression:{interpolated:!0,parameters:["zoom"]},transition:!0},intensity:{type:"number","property-type":"data-constant",default:.5,minimum:0,maximum:1,expression:{interpolated:!0,parameters:["zoom"]},transition:!0}},paint:["paint_fill","paint_line","paint_circle","paint_heatmap","paint_fill-extrusion","paint_symbol","paint_raster","paint_hillshade","paint_background"],paint_fill:{"fill-antialias":{type:"boolean",default:!0,expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"fill-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-color":{type:"color",default:"#000000",transition:!0,requires:[{"!":"fill-pattern"}],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-outline-color":{type:"color",transition:!0,requires:[{"!":"fill-pattern"},{"fill-antialias":!0}],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"fill-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["fill-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"fill-pattern":{type:"resolvedImage",transition:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"cross-faded-data-driven"}},"paint_fill-extrusion":{"fill-extrusion-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"fill-extrusion-color":{type:"color",default:"#000000",transition:!0,requires:[{"!":"fill-extrusion-pattern"}],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-extrusion-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"fill-extrusion-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["fill-extrusion-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"fill-extrusion-pattern":{type:"resolvedImage",transition:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"cross-faded-data-driven"},"fill-extrusion-height":{type:"number",default:0,minimum:0,units:"meters",transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-extrusion-base":{type:"number",default:0,minimum:0,units:"meters",transition:!0,requires:["fill-extrusion-height"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"fill-extrusion-vertical-gradient":{type:"boolean",default:!0,transition:!1,expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"}},paint_line:{"line-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-color":{type:"color",default:"#000000",transition:!0,requires:[{"!":"line-pattern"}],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"line-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["line-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"line-width":{type:"number",default:1,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-gap-width":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-offset":{type:"number",default:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-blur":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"line-dasharray":{type:"array",value:"number",minimum:0,transition:!0,units:"line widths",requires:[{"!":"line-pattern"}],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"cross-faded"},"line-pattern":{type:"resolvedImage",transition:!0,expression:{interpolated:!1,parameters:["zoom","feature"]},"property-type":"cross-faded-data-driven"},"line-gradient":{type:"color",transition:!1,requires:[{"!":"line-dasharray"},{"!":"line-pattern"},{source:"geojson",has:{lineMetrics:!0}}],expression:{interpolated:!0,parameters:["line-progress"]},"property-type":"color-ramp"}},paint_circle:{"circle-radius":{type:"number",default:5,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-color":{type:"color",default:"#000000",transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-blur":{type:"number",default:0,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"circle-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["circle-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"circle-pitch-scale":{type:"enum",values:{map:{},viewport:{}},default:"map",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"circle-pitch-alignment":{type:"enum",values:{map:{},viewport:{}},default:"viewport",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"circle-stroke-width":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-stroke-color":{type:"color",default:"#000000",transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"circle-stroke-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"}},paint_heatmap:{"heatmap-radius":{type:"number",default:30,minimum:1,transition:!0,units:"pixels",expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"heatmap-weight":{type:"number",default:1,minimum:0,transition:!1,expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"heatmap-intensity":{type:"number",default:1,minimum:0,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"heatmap-color":{type:"color",default:["interpolate",["linear"],["heatmap-density"],0,"rgba(0, 0, 255, 0)",.1,"royalblue",.3,"cyan",.5,"lime",.7,"yellow",1,"red"],transition:!1,expression:{interpolated:!0,parameters:["heatmap-density"]},"property-type":"color-ramp"},"heatmap-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"}},paint_symbol:{"icon-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-color":{type:"color",default:"#000000",transition:!0,requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-halo-color":{type:"color",default:"rgba(0, 0, 0, 0)",transition:!0,requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-halo-width":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-halo-blur":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"icon-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",requires:["icon-image"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"icon-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["icon-image","icon-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"text-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-color":{type:"color",default:"#000000",transition:!0,overridable:!0,requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-halo-color":{type:"color",default:"rgba(0, 0, 0, 0)",transition:!0,requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-halo-width":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-halo-blur":{type:"number",default:0,minimum:0,transition:!0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom","feature","feature-state"]},"property-type":"data-driven"},"text-translate":{type:"array",value:"number",length:2,default:[0,0],transition:!0,units:"pixels",requires:["text-field"],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"text-translate-anchor":{type:"enum",values:{map:{},viewport:{}},default:"map",requires:["text-field","text-translate"],expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"}},paint_raster:{"raster-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-hue-rotate":{type:"number",default:0,period:360,transition:!0,units:"degrees",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-brightness-min":{type:"number",default:0,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-brightness-max":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-saturation":{type:"number",default:0,minimum:-1,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-contrast":{type:"number",default:0,minimum:-1,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"raster-resampling":{type:"enum",values:{linear:{},nearest:{}},default:"linear",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"raster-fade-duration":{type:"number",default:300,minimum:0,transition:!1,units:"milliseconds",expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"}},paint_hillshade:{"hillshade-illumination-direction":{type:"number",default:335,minimum:0,maximum:359,transition:!1,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-illumination-anchor":{type:"enum",values:{map:{},viewport:{}},default:"viewport",expression:{interpolated:!1,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-exaggeration":{type:"number",default:.5,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-shadow-color":{type:"color",default:"#000000",transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-highlight-color":{type:"color",default:"#FFFFFF",transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"hillshade-accent-color":{type:"color",default:"#000000",transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"}},paint_background:{"background-color":{type:"color",default:"#000000",transition:!0,requires:[{"!":"background-pattern"}],expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"},"background-pattern":{type:"resolvedImage",transition:!0,expression:{interpolated:!1,parameters:["zoom"]},"property-type":"cross-faded"},"background-opacity":{type:"number",default:1,minimum:0,maximum:1,transition:!0,expression:{interpolated:!0,parameters:["zoom"]},"property-type":"data-constant"}},transition:{duration:{type:"number",default:300,minimum:0,units:"milliseconds"},delay:{type:"number",default:0,minimum:0,units:"milliseconds"}},"property-type":{"data-driven":{type:"property-type"},"cross-faded":{type:"property-type"},"cross-faded-data-driven":{type:"property-type"},"color-ramp":{type:"property-type"},"data-constant":{type:"property-type"},constant:{type:"property-type"}},promoteId:{"*":{type:"string"}}},St=function(t,e,r,n){this.message=(t?t+": ":"")+r,n&&(this.identifier=n),null!=e&&e.__line__&&(this.line=e.__line__)};function Et(t){var e=t.value;return e?[new St(t.key,e,"constants have been deprecated as of v8")]:[]}function Ct(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];for(var n=0,i=e;n":"value"===t.itemType.kind?"array":"array<"+e+">"}return t.kind}var Yt=[Ot,Dt,Rt,Ft,Bt,Vt,Nt,Ht(jt),qt];function Wt(t,e){if("error"===e.kind)return null;if("array"===t.kind){if("array"===e.kind&&(0===e.N&&"value"===e.itemType.kind||!Wt(t.itemType,e.itemType))&&("number"!=typeof t.N||t.N===e.N))return null}else{if(t.kind===e.kind)return null;if("value"===t.kind)for(var r=0,n=Yt;r255?255:t}function i(t){return n("%"===t[t.length-1]?parseFloat(t)/100*255:parseInt(t))}function a(t){return(e="%"===t[t.length-1]?parseFloat(t)/100:parseFloat(t))<0?0:e>1?1:e;var e}function o(t,e,r){return r<0?r+=1:r>1&&(r-=1),6*r<1?t+(e-t)*r*6:2*r<1?e:3*r<2?t+(e-t)*(2/3-r)*6:t}try{e.parseCSSColor=function(t){var e,s=t.replace(/ /g,"").toLowerCase();if(s in r)return r[s].slice();if("#"===s[0])return 4===s.length?(e=parseInt(s.substr(1),16))>=0&&e<=4095?[(3840&e)>>4|(3840&e)>>8,240&e|(240&e)>>4,15&e|(15&e)<<4,1]:null:7===s.length&&(e=parseInt(s.substr(1),16))>=0&&e<=16777215?[(16711680&e)>>16,(65280&e)>>8,255&e,1]:null;var l=s.indexOf("("),c=s.indexOf(")");if(-1!==l&&c+1===s.length){var u=s.substr(0,l),f=s.substr(l+1,c-(l+1)).split(","),h=1;switch(u){case"rgba":if(4!==f.length)return null;h=a(f.pop());case"rgb":return 3!==f.length?null:[i(f[0]),i(f[1]),i(f[2]),h];case"hsla":if(4!==f.length)return null;h=a(f.pop());case"hsl":if(3!==f.length)return null;var p=(parseFloat(f[0])%360+360)%360/360,d=a(f[1]),g=a(f[2]),m=g<=.5?g*(d+1):g+d-g*d,v=2*g-m;return[n(255*o(v,m,p+1/3)),n(255*o(v,m,p)),n(255*o(v,m,p-1/3)),h];default:return null}}return null}}catch(t){}})).parseCSSColor,Kt=function(t,e,r,n){void 0===n&&(n=1),this.r=t,this.g=e,this.b=r,this.a=n};Kt.parse=function(t){if(t){if(t instanceof Kt)return t;if("string"==typeof t){var e=Jt(t);if(e)return new Kt(e[0]/255*e[3],e[1]/255*e[3],e[2]/255*e[3],e[3])}}},Kt.prototype.toString=function(){var t=this.toArray(),e=t[1],r=t[2],n=t[3];return"rgba("+Math.round(t[0])+","+Math.round(e)+","+Math.round(r)+","+n+")"},Kt.prototype.toArray=function(){var t=this.a;return 0===t?[0,0,0,0]:[255*this.r/t,255*this.g/t,255*this.b/t,t]},Kt.black=new Kt(0,0,0,1),Kt.white=new Kt(1,1,1,1),Kt.transparent=new Kt(0,0,0,0),Kt.red=new Kt(1,0,0,1);var Qt=function(t,e,r){this.sensitivity=t?e?"variant":"case":e?"accent":"base",this.locale=r,this.collator=new Intl.Collator(this.locale?this.locale:[],{sensitivity:this.sensitivity,usage:"search"})};Qt.prototype.compare=function(t,e){return this.collator.compare(t,e)},Qt.prototype.resolvedLocale=function(){return new Intl.Collator(this.locale?this.locale:[]).resolvedOptions().locale};var $t=function(t,e,r,n,i){this.text=t,this.image=e,this.scale=r,this.fontStack=n,this.textColor=i},te=function(t){this.sections=t};te.fromString=function(t){return new te([new $t(t,null,null,null,null)])},te.prototype.isEmpty=function(){return 0===this.sections.length||!this.sections.some((function(t){return 0!==t.text.length||t.image&&0!==t.image.name.length}))},te.factory=function(t){return t instanceof te?t:te.fromString(t)},te.prototype.toString=function(){return 0===this.sections.length?"":this.sections.map((function(t){return t.text})).join("")},te.prototype.serialize=function(){for(var t=["format"],e=0,r=this.sections;e=0&&t<=255&&"number"==typeof e&&e>=0&&e<=255&&"number"==typeof r&&r>=0&&r<=255?void 0===n||"number"==typeof n&&n>=0&&n<=1?null:"Invalid rgba value ["+[t,e,r,n].join(", ")+"]: 'a' must be between 0 and 1.":"Invalid rgba value ["+("number"==typeof n?[t,e,r,n]:[t,e,r]).join(", ")+"]: 'r', 'g', and 'b' must be between 0 and 255."}function ne(t){if(null===t)return!0;if("string"==typeof t)return!0;if("boolean"==typeof t)return!0;if("number"==typeof t)return!0;if(t instanceof Kt)return!0;if(t instanceof Qt)return!0;if(t instanceof te)return!0;if(t instanceof ee)return!0;if(Array.isArray(t)){for(var e=0,r=t;e2){var s=t[1];if("string"!=typeof s||!(s in le)||"object"===s)return e.error('The item type argument of "array" must be one of string, number, boolean',1);a=le[s],n++}else a=jt;if(t.length>3){if(null!==t[2]&&("number"!=typeof t[2]||t[2]<0||t[2]!==Math.floor(t[2])))return e.error('The length argument to "array" must be a positive integer literal',2);o=t[2],n++}r=Ht(a,o)}else r=le[i];for(var l=[];n1)&&e.push(n)}}return e.concat(this.args.map((function(t){return t.serialize()})))};var ue=function(t){this.type=Vt,this.sections=t};ue.parse=function(t,e){if(t.length<2)return e.error("Expected at least one argument.");var r=t[1];if(!Array.isArray(r)&&"object"==typeof r)return e.error("First argument must be an image or text section.");for(var n=[],i=!1,a=1;a<=t.length-1;++a){var o=t[a];if(i&&"object"==typeof o&&!Array.isArray(o)){i=!1;var s=null;if(o["font-scale"]&&!(s=e.parse(o["font-scale"],1,Dt)))return null;var l=null;if(o["text-font"]&&!(l=e.parse(o["text-font"],1,Ht(Rt))))return null;var c=null;if(o["text-color"]&&!(c=e.parse(o["text-color"],1,Bt)))return null;var u=n[n.length-1];u.scale=s,u.font=l,u.textColor=c}else{var f=e.parse(t[a],1,jt);if(!f)return null;var h=f.type.kind;if("string"!==h&&"value"!==h&&"null"!==h&&"resolvedImage"!==h)return e.error("Formatted text type must be 'string', 'value', 'image' or 'null'.");i=!0,n.push({content:f,scale:null,font:null,textColor:null})}}return new ue(n)},ue.prototype.evaluate=function(t){return new te(this.sections.map((function(e){var r=e.content.evaluate(t);return ie(r)===qt?new $t("",r,null,null,null):new $t(ae(r),null,e.scale?e.scale.evaluate(t):null,e.font?e.font.evaluate(t).join(","):null,e.textColor?e.textColor.evaluate(t):null)})))},ue.prototype.eachChild=function(t){for(var e=0,r=this.sections;e-1),r},fe.prototype.eachChild=function(t){t(this.input)},fe.prototype.outputDefined=function(){return!1},fe.prototype.serialize=function(){return["image",this.input.serialize()]};var he={"to-boolean":Ft,"to-color":Bt,"to-number":Dt,"to-string":Rt},pe=function(t,e){this.type=t,this.args=e};pe.parse=function(t,e){if(t.length<2)return e.error("Expected at least one argument.");var r=t[0];if(("to-boolean"===r||"to-string"===r)&&2!==t.length)return e.error("Expected one argument.");for(var n=he[r],i=[],a=1;a4?"Invalid rbga value "+JSON.stringify(e)+": expected an array containing either three or four numeric values.":re(e[0],e[1],e[2],e[3])))return new Kt(e[0]/255,e[1]/255,e[2]/255,e[3])}throw new se(r||"Could not parse color from value '"+("string"==typeof e?e:String(JSON.stringify(e)))+"'")}if("number"===this.type.kind){for(var o=null,s=0,l=this.args;s=e[2]||t[1]<=e[1]||t[3]>=e[3])}function be(t,e){var r=(180+t[0])/360,n=(180-180/Math.PI*Math.log(Math.tan(Math.PI/4+t[1]*Math.PI/360)))/360,i=Math.pow(2,e.z);return[Math.round(r*i*8192),Math.round(n*i*8192)]}function _e(t,e,r){return e[1]>t[1]!=r[1]>t[1]&&t[0]<(r[0]-e[0])*(t[1]-e[1])/(r[1]-e[1])+e[0]}function we(t,e){for(var r,n,i,a,o,s,l,c=!1,u=0,f=e.length;u0&&s<0||o<0&&s>0}function Me(t,e,r){for(var n=0,i=r;nr[2]){var i=.5*n,a=t[0]-r[0]>i?-n:r[0]-t[0]>i?n:0;0===a&&(a=t[0]-r[2]>i?-n:r[2]-t[0]>i?n:0),t[0]+=a}ye(e,t)}function Ie(t,e,r,n){for(var i=8192*Math.pow(2,n.z),a=[8192*n.x,8192*n.y],o=[],s=0,l=t;s=0)return!1;var r=!0;return t.eachChild((function(t){r&&!Re(t,e)&&(r=!1)})),r}ze.parse=function(t,e){if(2!==t.length)return e.error("'within' expression requires exactly one argument, but found "+(t.length-1)+" instead.");if(ne(t[1])){var r=t[1];if("FeatureCollection"===r.type)for(var n=0;ne))throw new se("Input is not a number.");a=o-1}return 0}Be.prototype.parse=function(t,e,r,n,i){return void 0===i&&(i={}),e?this.concat(e,r,n)._parse(t,i):this._parse(t,i)},Be.prototype._parse=function(t,e){function r(t,e,r){return"assert"===r?new ce(e,[t]):"coerce"===r?new pe(e,[t]):t}if(null!==t&&"string"!=typeof t&&"boolean"!=typeof t&&"number"!=typeof t||(t=["literal",t]),Array.isArray(t)){if(0===t.length)return this.error('Expected an array with at least one element. If you wanted a literal array, use ["literal", []].');var n=t[0];if("string"!=typeof n)return this.error("Expression name must be a string, but found "+typeof n+' instead. If you wanted a literal array, use ["literal", [...]].',0),null;var i=this.registry[n];if(i){var a=i.parse(t,this);if(!a)return null;if(this.expectedType){var o=this.expectedType,s=a.type;if("string"!==o.kind&&"number"!==o.kind&&"boolean"!==o.kind&&"object"!==o.kind&&"array"!==o.kind||"value"!==s.kind)if("color"!==o.kind&&"formatted"!==o.kind&&"resolvedImage"!==o.kind||"value"!==s.kind&&"string"!==s.kind){if(this.checkSubtype(o,s))return null}else a=r(a,o,e.typeAnnotation||"coerce");else a=r(a,o,e.typeAnnotation||"assert")}if(!(a instanceof oe)&&"resolvedImage"!==a.type.kind&&function t(e){if(e instanceof Fe)return t(e.boundExpression);if(e instanceof me&&"error"===e.name)return!1;if(e instanceof ve)return!1;if(e instanceof ze)return!1;var r=e instanceof pe||e instanceof ce,n=!0;return e.eachChild((function(e){n=r?n&&t(e):n&&e instanceof oe})),!!n&&Oe(e)&&Re(e,["zoom","heatmap-density","line-progress","accumulated","is-supported-script"])}(a)){var l=new ge;try{a=new oe(a.type,a.evaluate(l))}catch(t){return this.error(t.message),null}}return a}return this.error('Unknown expression "'+n+'". If you wanted a literal array, use ["literal", [...]].',0)}return this.error(void 0===t?"'undefined' value invalid. Use null instead.":"object"==typeof t?'Bare objects invalid. Use ["literal", {...}] instead.':"Expected an array, but found "+typeof t+" instead.")},Be.prototype.concat=function(t,e,r){var n="number"==typeof t?this.path.concat(t):this.path,i=r?this.scope.concat(r):this.scope;return new Be(this.registry,n,e||null,i,this.errors)},Be.prototype.error=function(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];var n=""+this.key+e.map((function(t){return"["+t+"]"})).join("");this.errors.push(new Pt(n,t))},Be.prototype.checkSubtype=function(t,e){var r=Wt(t,e);return r&&this.error(r),r};var je=function(t,e,r){this.type=t,this.input=e,this.labels=[],this.outputs=[];for(var n=0,i=r;n=o)return e.error('Input/output pairs for "step" expressions must be arranged with input values in strictly ascending order.',l);var u=e.parse(s,c,i);if(!u)return null;i=i||u.type,n.push([o,u])}return new je(i,r,n)},je.prototype.evaluate=function(t){var e=this.labels,r=this.outputs;if(1===e.length)return r[0].evaluate(t);var n=this.input.evaluate(t);if(n<=e[0])return r[0].evaluate(t);var i=e.length;return n>=e[i-1]?r[i-1].evaluate(t):r[Ne(e,n)].evaluate(t)},je.prototype.eachChild=function(t){t(this.input);for(var e=0,r=this.outputs;e0&&t.push(this.labels[e]),t.push(this.outputs[e].serialize());return t};var Ve=Object.freeze({__proto__:null,number:Ue,color:function(t,e,r){return new Kt(Ue(t.r,e.r,r),Ue(t.g,e.g,r),Ue(t.b,e.b,r),Ue(t.a,e.a,r))},array:function(t,e,r){return t.map((function(t,n){return Ue(t,e[n],r)}))}}),qe=6/29*3*(6/29),He=Math.PI/180,Ge=180/Math.PI;function Ye(t){return t>.008856451679035631?Math.pow(t,1/3):t/qe+4/29}function We(t){return t>6/29?t*t*t:qe*(t-4/29)}function Xe(t){return 255*(t<=.0031308?12.92*t:1.055*Math.pow(t,1/2.4)-.055)}function Ze(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function Je(t){var e=Ze(t.r),r=Ze(t.g),n=Ze(t.b),i=Ye((.4124564*e+.3575761*r+.1804375*n)/.95047),a=Ye((.2126729*e+.7151522*r+.072175*n)/1);return{l:116*a-16,a:500*(i-a),b:200*(a-Ye((.0193339*e+.119192*r+.9503041*n)/1.08883)),alpha:t.a}}function Ke(t){var e=(t.l+16)/116,r=isNaN(t.a)?e:e+t.a/500,n=isNaN(t.b)?e:e-t.b/200;return e=1*We(e),r=.95047*We(r),n=1.08883*We(n),new Kt(Xe(3.2404542*r-1.5371385*e-.4985314*n),Xe(-.969266*r+1.8760108*e+.041556*n),Xe(.0556434*r-.2040259*e+1.0572252*n),t.alpha)}function Qe(t,e,r){var n=e-t;return t+r*(n>180||n<-180?n-360*Math.round(n/360):n)}var $e={forward:Je,reverse:Ke,interpolate:function(t,e,r){return{l:Ue(t.l,e.l,r),a:Ue(t.a,e.a,r),b:Ue(t.b,e.b,r),alpha:Ue(t.alpha,e.alpha,r)}}},tr={forward:function(t){var e=Je(t),r=e.l,n=e.a,i=e.b,a=Math.atan2(i,n)*Ge;return{h:a<0?a+360:a,c:Math.sqrt(n*n+i*i),l:r,alpha:t.a}},reverse:function(t){var e=t.h*He,r=t.c;return Ke({l:t.l,a:Math.cos(e)*r,b:Math.sin(e)*r,alpha:t.alpha})},interpolate:function(t,e,r){return{h:Qe(t.h,e.h,r),c:Ue(t.c,e.c,r),l:Ue(t.l,e.l,r),alpha:Ue(t.alpha,e.alpha,r)}}},er=Object.freeze({__proto__:null,lab:$e,hcl:tr}),rr=function(t,e,r,n,i){this.type=t,this.operator=e,this.interpolation=r,this.input=n,this.labels=[],this.outputs=[];for(var a=0,o=i;a1})))return e.error("Cubic bezier interpolation requires four numeric arguments with values between 0 and 1.",1);n={name:"cubic-bezier",controlPoints:s}}if(t.length-1<4)return e.error("Expected at least 4 arguments, but found only "+(t.length-1)+".");if((t.length-1)%2!=0)return e.error("Expected an even number of arguments.");if(!(i=e.parse(i,2,Dt)))return null;var l=[],c=null;"interpolate-hcl"===r||"interpolate-lab"===r?c=Bt:e.expectedType&&"value"!==e.expectedType.kind&&(c=e.expectedType);for(var u=0;u=f)return e.error('Input/output pairs for "interpolate" expressions must be arranged with input values in strictly ascending order.',p);var g=e.parse(h,d,c);if(!g)return null;c=c||g.type,l.push([f,g])}return"number"===c.kind||"color"===c.kind||"array"===c.kind&&"number"===c.itemType.kind&&"number"==typeof c.N?new rr(c,r,n,i,l):e.error("Type "+Gt(c)+" is not interpolatable.")},rr.prototype.evaluate=function(t){var e=this.labels,r=this.outputs;if(1===e.length)return r[0].evaluate(t);var n=this.input.evaluate(t);if(n<=e[0])return r[0].evaluate(t);var i=e.length;if(n>=e[i-1])return r[i-1].evaluate(t);var a=Ne(e,n),o=rr.interpolationFactor(this.interpolation,n,e[a],e[a+1]),s=r[a].evaluate(t),l=r[a+1].evaluate(t);return"interpolate"===this.operator?Ve[this.type.kind.toLowerCase()](s,l,o):"interpolate-hcl"===this.operator?tr.reverse(tr.interpolate(tr.forward(s),tr.forward(l),o)):$e.reverse($e.interpolate($e.forward(s),$e.forward(l),o))},rr.prototype.eachChild=function(t){t(this.input);for(var e=0,r=this.outputs;e=r.length)throw new se("Array index out of bounds: "+e+" > "+(r.length-1)+".");if(e!==Math.floor(e))throw new se("Array index must be an integer, but found "+e+" instead.");return r[e]},or.prototype.eachChild=function(t){t(this.index),t(this.input)},or.prototype.outputDefined=function(){return!1},or.prototype.serialize=function(){return["at",this.index.serialize(),this.input.serialize()]};var sr=function(t,e){this.type=Ft,this.needle=t,this.haystack=e};sr.parse=function(t,e){if(3!==t.length)return e.error("Expected 2 arguments, but found "+(t.length-1)+" instead.");var r=e.parse(t[1],1,jt),n=e.parse(t[2],2,jt);return r&&n?Xt(r.type,[Ft,Rt,Dt,Ot,jt])?new sr(r,n):e.error("Expected first argument to be of type boolean, string, number or null, but found "+Gt(r.type)+" instead"):null},sr.prototype.evaluate=function(t){var e=this.needle.evaluate(t),r=this.haystack.evaluate(t);if(!r)return!1;if(!Zt(e,["boolean","string","number","null"]))throw new se("Expected first argument to be of type boolean, string, number or null, but found "+Gt(ie(e))+" instead.");if(!Zt(r,["string","array"]))throw new se("Expected second argument to be of type array or string, but found "+Gt(ie(r))+" instead.");return r.indexOf(e)>=0},sr.prototype.eachChild=function(t){t(this.needle),t(this.haystack)},sr.prototype.outputDefined=function(){return!0},sr.prototype.serialize=function(){return["in",this.needle.serialize(),this.haystack.serialize()]};var lr=function(t,e,r){this.type=Dt,this.needle=t,this.haystack=e,this.fromIndex=r};lr.parse=function(t,e){if(t.length<=2||t.length>=5)return e.error("Expected 3 or 4 arguments, but found "+(t.length-1)+" instead.");var r=e.parse(t[1],1,jt),n=e.parse(t[2],2,jt);if(!r||!n)return null;if(!Xt(r.type,[Ft,Rt,Dt,Ot,jt]))return e.error("Expected first argument to be of type boolean, string, number or null, but found "+Gt(r.type)+" instead");if(4===t.length){var i=e.parse(t[3],3,Dt);return i?new lr(r,n,i):null}return new lr(r,n)},lr.prototype.evaluate=function(t){var e=this.needle.evaluate(t),r=this.haystack.evaluate(t);if(!Zt(e,["boolean","string","number","null"]))throw new se("Expected first argument to be of type boolean, string, number or null, but found "+Gt(ie(e))+" instead.");if(!Zt(r,["string","array"]))throw new se("Expected second argument to be of type array or string, but found "+Gt(ie(r))+" instead.");if(this.fromIndex){var n=this.fromIndex.evaluate(t);return r.indexOf(e,n)}return r.indexOf(e)},lr.prototype.eachChild=function(t){t(this.needle),t(this.haystack),this.fromIndex&&t(this.fromIndex)},lr.prototype.outputDefined=function(){return!1},lr.prototype.serialize=function(){if(null!=this.fromIndex&&void 0!==this.fromIndex){var t=this.fromIndex.serialize();return["index-of",this.needle.serialize(),this.haystack.serialize(),t]}return["index-of",this.needle.serialize(),this.haystack.serialize()]};var cr=function(t,e,r,n,i,a){this.inputType=t,this.type=e,this.input=r,this.cases=n,this.outputs=i,this.otherwise=a};cr.parse=function(t,e){if(t.length<5)return e.error("Expected at least 4 arguments, but found only "+(t.length-1)+".");if(t.length%2!=1)return e.error("Expected an even number of arguments.");var r,n;e.expectedType&&"value"!==e.expectedType.kind&&(n=e.expectedType);for(var i={},a=[],o=2;oNumber.MAX_SAFE_INTEGER)return c.error("Branch labels must be integers no larger than "+Number.MAX_SAFE_INTEGER+".");if("number"==typeof h&&Math.floor(h)!==h)return c.error("Numeric branch labels must be integer values.");if(r){if(c.checkSubtype(r,ie(h)))return null}else r=ie(h);if(void 0!==i[String(h)])return c.error("Branch labels must be unique.");i[String(h)]=a.length}var p=e.parse(l,o,n);if(!p)return null;n=n||p.type,a.push(p)}var d=e.parse(t[1],1,jt);if(!d)return null;var g=e.parse(t[t.length-1],t.length-1,n);return g?"value"!==d.type.kind&&e.concat(1).checkSubtype(r,d.type)?null:new cr(r,n,d,i,a,g):null},cr.prototype.evaluate=function(t){var e=this.input.evaluate(t);return(ie(e)===this.inputType&&this.outputs[this.cases[e]]||this.otherwise).evaluate(t)},cr.prototype.eachChild=function(t){t(this.input),this.outputs.forEach(t),t(this.otherwise)},cr.prototype.outputDefined=function(){return this.outputs.every((function(t){return t.outputDefined()}))&&this.otherwise.outputDefined()},cr.prototype.serialize=function(){for(var t=this,e=["match",this.input.serialize()],r=[],n={},i=0,a=Object.keys(this.cases).sort();i=5)return e.error("Expected 3 or 4 arguments, but found "+(t.length-1)+" instead.");var r=e.parse(t[1],1,jt),n=e.parse(t[2],2,Dt);if(!r||!n)return null;if(!Xt(r.type,[Ht(jt),Rt,jt]))return e.error("Expected first argument to be of type array or string, but found "+Gt(r.type)+" instead");if(4===t.length){var i=e.parse(t[3],3,Dt);return i?new fr(r.type,r,n,i):null}return new fr(r.type,r,n)},fr.prototype.evaluate=function(t){var e=this.input.evaluate(t),r=this.beginIndex.evaluate(t);if(!Zt(e,["string","array"]))throw new se("Expected first argument to be of type array or string, but found "+Gt(ie(e))+" instead.");if(this.endIndex){var n=this.endIndex.evaluate(t);return e.slice(r,n)}return e.slice(r)},fr.prototype.eachChild=function(t){t(this.input),t(this.beginIndex),this.endIndex&&t(this.endIndex)},fr.prototype.outputDefined=function(){return!1},fr.prototype.serialize=function(){if(null!=this.endIndex&&void 0!==this.endIndex){var t=this.endIndex.serialize();return["slice",this.input.serialize(),this.beginIndex.serialize(),t]}return["slice",this.input.serialize(),this.beginIndex.serialize()]};var gr=dr("==",(function(t,e,r){return e===r}),pr),mr=dr("!=",(function(t,e,r){return e!==r}),(function(t,e,r,n){return!pr(0,e,r,n)})),vr=dr("<",(function(t,e,r){return e",(function(t,e,r){return e>r}),(function(t,e,r,n){return n.compare(e,r)>0})),xr=dr("<=",(function(t,e,r){return e<=r}),(function(t,e,r,n){return n.compare(e,r)<=0})),br=dr(">=",(function(t,e,r){return e>=r}),(function(t,e,r,n){return n.compare(e,r)>=0})),_r=function(t,e,r,n,i){this.type=Rt,this.number=t,this.locale=e,this.currency=r,this.minFractionDigits=n,this.maxFractionDigits=i};_r.parse=function(t,e){if(3!==t.length)return e.error("Expected two arguments.");var r=e.parse(t[1],1,Dt);if(!r)return null;var n=t[2];if("object"!=typeof n||Array.isArray(n))return e.error("NumberFormat options argument must be an object.");var i=null;if(n.locale&&!(i=e.parse(n.locale,1,Rt)))return null;var a=null;if(n.currency&&!(a=e.parse(n.currency,1,Rt)))return null;var o=null;if(n["min-fraction-digits"]&&!(o=e.parse(n["min-fraction-digits"],1,Dt)))return null;var s=null;return n["max-fraction-digits"]&&!(s=e.parse(n["max-fraction-digits"],1,Dt))?null:new _r(r,i,a,o,s)},_r.prototype.evaluate=function(t){return new Intl.NumberFormat(this.locale?this.locale.evaluate(t):[],{style:this.currency?"currency":"decimal",currency:this.currency?this.currency.evaluate(t):void 0,minimumFractionDigits:this.minFractionDigits?this.minFractionDigits.evaluate(t):void 0,maximumFractionDigits:this.maxFractionDigits?this.maxFractionDigits.evaluate(t):void 0}).format(this.number.evaluate(t))},_r.prototype.eachChild=function(t){t(this.number),this.locale&&t(this.locale),this.currency&&t(this.currency),this.minFractionDigits&&t(this.minFractionDigits),this.maxFractionDigits&&t(this.maxFractionDigits)},_r.prototype.outputDefined=function(){return!1},_r.prototype.serialize=function(){var t={};return this.locale&&(t.locale=this.locale.serialize()),this.currency&&(t.currency=this.currency.serialize()),this.minFractionDigits&&(t["min-fraction-digits"]=this.minFractionDigits.serialize()),this.maxFractionDigits&&(t["max-fraction-digits"]=this.maxFractionDigits.serialize()),["number-format",this.number.serialize(),t]};var wr=function(t){this.type=Dt,this.input=t};wr.parse=function(t,e){if(2!==t.length)return e.error("Expected 1 argument, but found "+(t.length-1)+" instead.");var r=e.parse(t[1],1);return r?"array"!==r.type.kind&&"string"!==r.type.kind&&"value"!==r.type.kind?e.error("Expected argument of type string or array, but found "+Gt(r.type)+" instead."):new wr(r):null},wr.prototype.evaluate=function(t){var e=this.input.evaluate(t);if("string"==typeof e)return e.length;if(Array.isArray(e))return e.length;throw new se("Expected value to be of type string or array, but found "+Gt(ie(e))+" instead.")},wr.prototype.eachChild=function(t){t(this.input)},wr.prototype.outputDefined=function(){return!1},wr.prototype.serialize=function(){var t=["length"];return this.eachChild((function(e){t.push(e.serialize())})),t};var Tr={"==":gr,"!=":mr,">":yr,"<":vr,">=":br,"<=":xr,array:ce,at:or,boolean:ce,case:ur,coalesce:ir,collator:ve,format:ue,image:fe,in:sr,"index-of":lr,interpolate:rr,"interpolate-hcl":rr,"interpolate-lab":rr,length:wr,let:ar,literal:oe,match:cr,number:ce,"number-format":_r,object:ce,slice:fr,step:je,string:ce,"to-boolean":pe,"to-color":pe,"to-number":pe,"to-string":pe,var:Fe,within:ze};function kr(t,e){var r=e[0],n=e[1],i=e[2],a=e[3];r=r.evaluate(t),n=n.evaluate(t),i=i.evaluate(t);var o=a?a.evaluate(t):1,s=re(r,n,i,o);if(s)throw new se(s);return new Kt(r/255*o,n/255*o,i/255*o,o)}function Mr(t,e){return t in e}function Ar(t,e){var r=e[t];return void 0===r?null:r}function Sr(t){return{type:t}}function Er(t){return{result:"success",value:t}}function Cr(t){return{result:"error",value:t}}function Lr(t){return"data-driven"===t["property-type"]||"cross-faded-data-driven"===t["property-type"]}function Ir(t){return!!t.expression&&t.expression.parameters.indexOf("zoom")>-1}function Pr(t){return!!t.expression&&t.expression.interpolated}function zr(t){return t instanceof Number?"number":t instanceof String?"string":t instanceof Boolean?"boolean":Array.isArray(t)?"array":null===t?"null":typeof t}function Or(t){return"object"==typeof t&&null!==t&&!Array.isArray(t)}function Dr(t){return t}function Rr(t,e,r){return void 0!==t?t:void 0!==e?e:void 0!==r?r:void 0}function Fr(t,e,r,n,i){return Rr(typeof r===i?n[r]:void 0,t.default,e.default)}function Br(t,e,r){if("number"!==zr(r))return Rr(t.default,e.default);var n=t.stops.length;if(1===n)return t.stops[0][1];if(r<=t.stops[0][0])return t.stops[0][1];if(r>=t.stops[n-1][0])return t.stops[n-1][1];var i=Ne(t.stops.map((function(t){return t[0]})),r);return t.stops[i][1]}function Nr(t,e,r){var n=void 0!==t.base?t.base:1;if("number"!==zr(r))return Rr(t.default,e.default);var i=t.stops.length;if(1===i)return t.stops[0][1];if(r<=t.stops[0][0])return t.stops[0][1];if(r>=t.stops[i-1][0])return t.stops[i-1][1];var a=Ne(t.stops.map((function(t){return t[0]})),r),o=function(t,e,r,n){var i=n-r,a=t-r;return 0===i?0:1===e?a/i:(Math.pow(e,a)-1)/(Math.pow(e,i)-1)}(r,n,t.stops[a][0],t.stops[a+1][0]),s=t.stops[a][1],l=t.stops[a+1][1],c=Ve[e.type]||Dr;if(t.colorSpace&&"rgb"!==t.colorSpace){var u=er[t.colorSpace];c=function(t,e){return u.reverse(u.interpolate(u.forward(t),u.forward(e),o))}}return"function"==typeof s.evaluate?{evaluate:function(){for(var t=[],e=arguments.length;e--;)t[e]=arguments[e];var r=s.evaluate.apply(void 0,t),n=l.evaluate.apply(void 0,t);if(void 0!==r&&void 0!==n)return c(r,n,o)}}:c(s,l,o)}function jr(t,e,r){return"color"===e.type?r=Kt.parse(r):"formatted"===e.type?r=te.fromString(r.toString()):"resolvedImage"===e.type?r=ee.fromString(r.toString()):zr(r)===e.type||"enum"===e.type&&e.values[r]||(r=void 0),Rr(r,t.default,e.default)}me.register(Tr,{error:[{kind:"error"},[Rt],function(t,e){throw new se(e[0].evaluate(t))}],typeof:[Rt,[jt],function(t,e){return Gt(ie(e[0].evaluate(t)))}],"to-rgba":[Ht(Dt,4),[Bt],function(t,e){return e[0].evaluate(t).toArray()}],rgb:[Bt,[Dt,Dt,Dt],kr],rgba:[Bt,[Dt,Dt,Dt,Dt],kr],has:{type:Ft,overloads:[[[Rt],function(t,e){return Mr(e[0].evaluate(t),t.properties())}],[[Rt,Nt],function(t,e){var r=e[1];return Mr(e[0].evaluate(t),r.evaluate(t))}]]},get:{type:jt,overloads:[[[Rt],function(t,e){return Ar(e[0].evaluate(t),t.properties())}],[[Rt,Nt],function(t,e){var r=e[1];return Ar(e[0].evaluate(t),r.evaluate(t))}]]},"feature-state":[jt,[Rt],function(t,e){return Ar(e[0].evaluate(t),t.featureState||{})}],properties:[Nt,[],function(t){return t.properties()}],"geometry-type":[Rt,[],function(t){return t.geometryType()}],id:[jt,[],function(t){return t.id()}],zoom:[Dt,[],function(t){return t.globals.zoom}],"heatmap-density":[Dt,[],function(t){return t.globals.heatmapDensity||0}],"line-progress":[Dt,[],function(t){return t.globals.lineProgress||0}],accumulated:[jt,[],function(t){return void 0===t.globals.accumulated?null:t.globals.accumulated}],"+":[Dt,Sr(Dt),function(t,e){for(var r=0,n=0,i=e;n":[Ft,[Rt,jt],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i>a}],"filter-id->":[Ft,[jt],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n>i}],"filter-<=":[Ft,[Rt,jt],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i<=a}],"filter-id-<=":[Ft,[jt],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n<=i}],"filter->=":[Ft,[Rt,jt],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i>=a}],"filter-id->=":[Ft,[jt],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n>=i}],"filter-has":[Ft,[jt],function(t,e){return e[0].value in t.properties()}],"filter-has-id":[Ft,[],function(t){return null!==t.id()&&void 0!==t.id()}],"filter-type-in":[Ft,[Ht(Rt)],function(t,e){return e[0].value.indexOf(t.geometryType())>=0}],"filter-id-in":[Ft,[Ht(jt)],function(t,e){return e[0].value.indexOf(t.id())>=0}],"filter-in-small":[Ft,[Rt,Ht(jt)],function(t,e){var r=e[0];return e[1].value.indexOf(t.properties()[r.value])>=0}],"filter-in-large":[Ft,[Rt,Ht(jt)],function(t,e){var r=e[0],n=e[1];return function(t,e,r,n){for(;r<=n;){var i=r+n>>1;if(e[i]===t)return!0;e[i]>t?n=i-1:r=i+1}return!1}(t.properties()[r.value],n.value,0,n.value.length-1)}],all:{type:Ft,overloads:[[[Ft,Ft],function(t,e){var r=e[1];return e[0].evaluate(t)&&r.evaluate(t)}],[Sr(Ft),function(t,e){for(var r=0,n=e;r0&&"string"==typeof t[0]&&t[0]in Tr}function qr(t,e){var r=new Be(Tr,[],e?function(t){var e={color:Bt,string:Rt,number:Dt,enum:Rt,boolean:Ft,formatted:Vt,resolvedImage:qt};return"array"===t.type?Ht(e[t.value]||jt,t.length):e[t.type]}(e):void 0),n=r.parse(t,void 0,void 0,void 0,e&&"string"===e.type?{typeAnnotation:"coerce"}:void 0);return n?Er(new Ur(n,e)):Cr(r.errors)}Ur.prototype.evaluateWithoutErrorHandling=function(t,e,r,n,i,a){return this._evaluator.globals=t,this._evaluator.feature=e,this._evaluator.featureState=r,this._evaluator.canonical=n,this._evaluator.availableImages=i||null,this._evaluator.formattedSection=a,this.expression.evaluate(this._evaluator)},Ur.prototype.evaluate=function(t,e,r,n,i,a){this._evaluator.globals=t,this._evaluator.feature=e||null,this._evaluator.featureState=r||null,this._evaluator.canonical=n,this._evaluator.availableImages=i||null,this._evaluator.formattedSection=a||null;try{var o=this.expression.evaluate(this._evaluator);if(null==o||"number"==typeof o&&o!=o)return this._defaultValue;if(this._enumValues&&!(o in this._enumValues))throw new se("Expected value to be one of "+Object.keys(this._enumValues).map((function(t){return JSON.stringify(t)})).join(", ")+", but found "+JSON.stringify(o)+" instead.");return o}catch(t){return this._warningHistory[t.message]||(this._warningHistory[t.message]=!0,"undefined"!=typeof console&&console.warn(t.message)),this._defaultValue}};var Hr=function(t,e){this.kind=t,this._styleExpression=e,this.isStateDependent="constant"!==t&&!De(e.expression)};Hr.prototype.evaluateWithoutErrorHandling=function(t,e,r,n,i,a){return this._styleExpression.evaluateWithoutErrorHandling(t,e,r,n,i,a)},Hr.prototype.evaluate=function(t,e,r,n,i,a){return this._styleExpression.evaluate(t,e,r,n,i,a)};var Gr=function(t,e,r,n){this.kind=t,this.zoomStops=r,this._styleExpression=e,this.isStateDependent="camera"!==t&&!De(e.expression),this.interpolationType=n};function Yr(t,e){if("error"===(t=qr(t,e)).result)return t;var r=t.value.expression,n=Oe(r);if(!n&&!Lr(e))return Cr([new Pt("","data expressions not supported")]);var i=Re(r,["zoom"]);if(!i&&!Ir(e))return Cr([new Pt("","zoom expressions not supported")]);var a=function t(e){var r=null;if(e instanceof ar)r=t(e.result);else if(e instanceof ir)for(var n=0,i=e.args;nn.maximum?[new St(e,r,r+" is greater than the maximum value "+n.maximum)]:[]}function Kr(t){var e,r,n,i=t.valueSpec,a=Lt(t.value.type),o={},s="categorical"!==a&&void 0===t.value.property,l=!s,c="array"===zr(t.value.stops)&&"array"===zr(t.value.stops[0])&&"object"===zr(t.value.stops[0][0]),u=Xr({key:t.key,value:t.value,valueSpec:t.styleSpec.function,style:t.style,styleSpec:t.styleSpec,objectElementValidators:{stops:function(t){if("identity"===a)return[new St(t.key,t.value,'identity function may not have a "stops" property')];var e=[],r=t.value;return e=e.concat(Zr({key:t.key,value:r,valueSpec:t.valueSpec,style:t.style,styleSpec:t.styleSpec,arrayElementValidator:f})),"array"===zr(r)&&0===r.length&&e.push(new St(t.key,r,"array must have at least one stop")),e},default:function(t){return bn({key:t.key,value:t.value,valueSpec:i,style:t.style,styleSpec:t.styleSpec})}}});return"identity"===a&&s&&u.push(new St(t.key,t.value,'missing required property "property"')),"identity"===a||t.value.stops||u.push(new St(t.key,t.value,'missing required property "stops"')),"exponential"===a&&t.valueSpec.expression&&!Pr(t.valueSpec)&&u.push(new St(t.key,t.value,"exponential functions not supported")),t.styleSpec.$version>=8&&(l&&!Lr(t.valueSpec)?u.push(new St(t.key,t.value,"property functions not supported")):s&&!Ir(t.valueSpec)&&u.push(new St(t.key,t.value,"zoom functions not supported"))),"categorical"!==a&&!c||void 0!==t.value.property||u.push(new St(t.key,t.value,'"property" property is required')),u;function f(t){var e=[],a=t.value,s=t.key;if("array"!==zr(a))return[new St(s,a,"array expected, "+zr(a)+" found")];if(2!==a.length)return[new St(s,a,"array length 2 expected, length "+a.length+" found")];if(c){if("object"!==zr(a[0]))return[new St(s,a,"object expected, "+zr(a[0])+" found")];if(void 0===a[0].zoom)return[new St(s,a,"object stop key must have zoom")];if(void 0===a[0].value)return[new St(s,a,"object stop key must have value")];if(n&&n>Lt(a[0].zoom))return[new St(s,a[0].zoom,"stop zoom values must appear in ascending order")];Lt(a[0].zoom)!==n&&(n=Lt(a[0].zoom),r=void 0,o={}),e=e.concat(Xr({key:s+"[0]",value:a[0],valueSpec:{zoom:{}},style:t.style,styleSpec:t.styleSpec,objectElementValidators:{zoom:Jr,value:h}}))}else e=e.concat(h({key:s+"[0]",value:a[0],valueSpec:{},style:t.style,styleSpec:t.styleSpec},a));return Vr(It(a[1]))?e.concat([new St(s+"[1]",a[1],"expressions are not allowed in function stops.")]):e.concat(bn({key:s+"[1]",value:a[1],valueSpec:i,style:t.style,styleSpec:t.styleSpec}))}function h(t,n){var s=zr(t.value),l=Lt(t.value),c=null!==t.value?t.value:n;if(e){if(s!==e)return[new St(t.key,c,s+" stop domain type must match previous stop domain type "+e)]}else e=s;if("number"!==s&&"string"!==s&&"boolean"!==s)return[new St(t.key,c,"stop domain value must be a number, string, or boolean")];if("number"!==s&&"categorical"!==a){var u="number expected, "+s+" found";return Lr(i)&&void 0===a&&(u+='\nIf you intended to use a categorical function, specify `"type": "categorical"`.'),[new St(t.key,c,u)]}return"categorical"!==a||"number"!==s||isFinite(l)&&Math.floor(l)===l?"categorical"!==a&&"number"===s&&void 0!==r&&l=2&&"$id"!==t[1]&&"$type"!==t[1];case"in":return t.length>=3&&("string"!=typeof t[1]||Array.isArray(t[2]));case"!in":case"!has":case"none":return!1;case"==":case"!=":case">":case">=":case"<":case"<=":return 3!==t.length||Array.isArray(t[1])||Array.isArray(t[2]);case"any":case"all":for(var e=0,r=t.slice(1);ee?1:0}function an(t){if(!t)return!0;var e,r=t[0];return t.length<=1?"any"!==r:"=="===r?on(t[1],t[2],"=="):"!="===r?cn(on(t[1],t[2],"==")):"<"===r||">"===r||"<="===r||">="===r?on(t[1],t[2],r):"any"===r?(e=t.slice(1),["any"].concat(e.map(an))):"all"===r?["all"].concat(t.slice(1).map(an)):"none"===r?["all"].concat(t.slice(1).map(an).map(cn)):"in"===r?sn(t[1],t.slice(2)):"!in"===r?cn(sn(t[1],t.slice(2))):"has"===r?ln(t[1]):"!has"===r?cn(ln(t[1])):"within"!==r||t}function on(t,e,r){switch(t){case"$type":return["filter-type-"+r,e];case"$id":return["filter-id-"+r,e];default:return["filter-"+r,t,e]}}function sn(t,e){if(0===e.length)return!1;switch(t){case"$type":return["filter-type-in",["literal",e]];case"$id":return["filter-id-in",["literal",e]];default:return e.length>200&&!e.some((function(t){return typeof t!=typeof e[0]}))?["filter-in-large",t,["literal",e.sort(nn)]]:["filter-in-small",t,["literal",e]]}}function ln(t){switch(t){case"$type":return!0;case"$id":return["filter-has-id"];default:return["filter-has",t]}}function cn(t){return["!",t]}function un(t){return tn(It(t.value))?Qr(Ct({},t,{expressionContext:"filter",valueSpec:{value:"boolean"}})):function t(e){var r=e.value,n=e.key;if("array"!==zr(r))return[new St(n,r,"array expected, "+zr(r)+" found")];var i,a=e.styleSpec,o=[];if(r.length<1)return[new St(n,r,"filter array must have at least 1 element")];switch(o=o.concat($r({key:n+"[0]",value:r[0],valueSpec:a.filter_operator,style:e.style,styleSpec:e.styleSpec})),Lt(r[0])){case"<":case"<=":case">":case">=":r.length>=2&&"$type"===Lt(r[1])&&o.push(new St(n,r,'"$type" cannot be use with operator "'+r[0]+'"'));case"==":case"!=":3!==r.length&&o.push(new St(n,r,'filter array for operator "'+r[0]+'" must have 3 elements'));case"in":case"!in":r.length>=2&&"string"!==(i=zr(r[1]))&&o.push(new St(n+"[1]",r[1],"string expected, "+i+" found"));for(var s=2;s=u[p+0]&&n>=u[p+1])?(o[h]=!0,a.push(c[h])):o[h]=!1}}},In.prototype._forEachCell=function(t,e,r,n,i,a,o,s){for(var l=this._convertToCellCoord(t),c=this._convertToCellCoord(e),u=this._convertToCellCoord(r),f=this._convertToCellCoord(n),h=l;h<=u;h++)for(var p=c;p<=f;p++){var d=this.d*p+h;if((!s||s(this._convertFromCellCoord(h),this._convertFromCellCoord(p),this._convertFromCellCoord(h+1),this._convertFromCellCoord(p+1)))&&i.call(this,t,e,r,n,d,a,o,s))return}},In.prototype._convertFromCellCoord=function(t){return(t-this.padding)/this.scale},In.prototype._convertToCellCoord=function(t){return Math.max(0,Math.min(this.d-1,Math.floor(t*this.scale)+this.padding))},In.prototype.toArrayBuffer=function(){if(this.arrayBuffer)return this.arrayBuffer;for(var t=this.cells,e=3+this.cells.length+1+1,r=0,n=0;n=0)){var u=t[c];l[c]=On[s].shallow.indexOf(c)>=0?u:Nn(u,e)}t instanceof Error&&(l.message=t.message)}if(l.$name)throw new Error("$name property is reserved for worker serialization logic.");return"Object"!==s&&(l.$name=s),l}throw new Error("can't serialize object of type "+typeof t)}function jn(t){if(null==t||"boolean"==typeof t||"number"==typeof t||"string"==typeof t||t instanceof Boolean||t instanceof Number||t instanceof String||t instanceof Date||t instanceof RegExp||Fn(t)||Bn(t)||ArrayBuffer.isView(t)||t instanceof Pn)return t;if(Array.isArray(t))return t.map(jn);if("object"==typeof t){var e=t.$name||"Object",r=On[e].klass;if(!r)throw new Error("can't deserialize unregistered class "+e);if(r.deserialize)return r.deserialize(t);for(var n=Object.create(r.prototype),i=0,a=Object.keys(t);i=0?s:jn(s)}}return n}throw new Error("can't deserialize object of type "+typeof t)}var Un=function(){this.first=!0};Un.prototype.update=function(t,e){var r=Math.floor(t);return this.first?(this.first=!1,this.lastIntegerZoom=r,this.lastIntegerZoomTime=0,this.lastZoom=t,this.lastFloorZoom=r,!0):(this.lastFloorZoom>r?(this.lastIntegerZoom=r+1,this.lastIntegerZoomTime=e):this.lastFloorZoom=128&&t<=255},Arabic:function(t){return t>=1536&&t<=1791},"Arabic Supplement":function(t){return t>=1872&&t<=1919},"Arabic Extended-A":function(t){return t>=2208&&t<=2303},"Hangul Jamo":function(t){return t>=4352&&t<=4607},"Unified Canadian Aboriginal Syllabics":function(t){return t>=5120&&t<=5759},Khmer:function(t){return t>=6016&&t<=6143},"Unified Canadian Aboriginal Syllabics Extended":function(t){return t>=6320&&t<=6399},"General Punctuation":function(t){return t>=8192&&t<=8303},"Letterlike Symbols":function(t){return t>=8448&&t<=8527},"Number Forms":function(t){return t>=8528&&t<=8591},"Miscellaneous Technical":function(t){return t>=8960&&t<=9215},"Control Pictures":function(t){return t>=9216&&t<=9279},"Optical Character Recognition":function(t){return t>=9280&&t<=9311},"Enclosed Alphanumerics":function(t){return t>=9312&&t<=9471},"Geometric Shapes":function(t){return t>=9632&&t<=9727},"Miscellaneous Symbols":function(t){return t>=9728&&t<=9983},"Miscellaneous Symbols and Arrows":function(t){return t>=11008&&t<=11263},"CJK Radicals Supplement":function(t){return t>=11904&&t<=12031},"Kangxi Radicals":function(t){return t>=12032&&t<=12255},"Ideographic Description Characters":function(t){return t>=12272&&t<=12287},"CJK Symbols and Punctuation":function(t){return t>=12288&&t<=12351},Hiragana:function(t){return t>=12352&&t<=12447},Katakana:function(t){return t>=12448&&t<=12543},Bopomofo:function(t){return t>=12544&&t<=12591},"Hangul Compatibility Jamo":function(t){return t>=12592&&t<=12687},Kanbun:function(t){return t>=12688&&t<=12703},"Bopomofo Extended":function(t){return t>=12704&&t<=12735},"CJK Strokes":function(t){return t>=12736&&t<=12783},"Katakana Phonetic Extensions":function(t){return t>=12784&&t<=12799},"Enclosed CJK Letters and Months":function(t){return t>=12800&&t<=13055},"CJK Compatibility":function(t){return t>=13056&&t<=13311},"CJK Unified Ideographs Extension A":function(t){return t>=13312&&t<=19903},"Yijing Hexagram Symbols":function(t){return t>=19904&&t<=19967},"CJK Unified Ideographs":function(t){return t>=19968&&t<=40959},"Yi Syllables":function(t){return t>=40960&&t<=42127},"Yi Radicals":function(t){return t>=42128&&t<=42191},"Hangul Jamo Extended-A":function(t){return t>=43360&&t<=43391},"Hangul Syllables":function(t){return t>=44032&&t<=55215},"Hangul Jamo Extended-B":function(t){return t>=55216&&t<=55295},"Private Use Area":function(t){return t>=57344&&t<=63743},"CJK Compatibility Ideographs":function(t){return t>=63744&&t<=64255},"Arabic Presentation Forms-A":function(t){return t>=64336&&t<=65023},"Vertical Forms":function(t){return t>=65040&&t<=65055},"CJK Compatibility Forms":function(t){return t>=65072&&t<=65103},"Small Form Variants":function(t){return t>=65104&&t<=65135},"Arabic Presentation Forms-B":function(t){return t>=65136&&t<=65279},"Halfwidth and Fullwidth Forms":function(t){return t>=65280&&t<=65519}};function qn(t){for(var e=0,r=t;e=65097&&t<=65103)||Vn["CJK Compatibility Ideographs"](t)||Vn["CJK Compatibility"](t)||Vn["CJK Radicals Supplement"](t)||Vn["CJK Strokes"](t)||!(!Vn["CJK Symbols and Punctuation"](t)||t>=12296&&t<=12305||t>=12308&&t<=12319||12336===t)||Vn["CJK Unified Ideographs Extension A"](t)||Vn["CJK Unified Ideographs"](t)||Vn["Enclosed CJK Letters and Months"](t)||Vn["Hangul Compatibility Jamo"](t)||Vn["Hangul Jamo Extended-A"](t)||Vn["Hangul Jamo Extended-B"](t)||Vn["Hangul Jamo"](t)||Vn["Hangul Syllables"](t)||Vn.Hiragana(t)||Vn["Ideographic Description Characters"](t)||Vn.Kanbun(t)||Vn["Kangxi Radicals"](t)||Vn["Katakana Phonetic Extensions"](t)||Vn.Katakana(t)&&12540!==t||!(!Vn["Halfwidth and Fullwidth Forms"](t)||65288===t||65289===t||65293===t||t>=65306&&t<=65310||65339===t||65341===t||65343===t||t>=65371&&t<=65503||65507===t||t>=65512&&t<=65519)||!(!Vn["Small Form Variants"](t)||t>=65112&&t<=65118||t>=65123&&t<=65126)||Vn["Unified Canadian Aboriginal Syllabics"](t)||Vn["Unified Canadian Aboriginal Syllabics Extended"](t)||Vn["Vertical Forms"](t)||Vn["Yijing Hexagram Symbols"](t)||Vn["Yi Syllables"](t)||Vn["Yi Radicals"](t))))}function Gn(t){return!(Hn(t)||function(t){return!!(Vn["Latin-1 Supplement"](t)&&(167===t||169===t||174===t||177===t||188===t||189===t||190===t||215===t||247===t)||Vn["General Punctuation"](t)&&(8214===t||8224===t||8225===t||8240===t||8241===t||8251===t||8252===t||8258===t||8263===t||8264===t||8265===t||8273===t)||Vn["Letterlike Symbols"](t)||Vn["Number Forms"](t)||Vn["Miscellaneous Technical"](t)&&(t>=8960&&t<=8967||t>=8972&&t<=8991||t>=8996&&t<=9e3||9003===t||t>=9085&&t<=9114||t>=9150&&t<=9165||9167===t||t>=9169&&t<=9179||t>=9186&&t<=9215)||Vn["Control Pictures"](t)&&9251!==t||Vn["Optical Character Recognition"](t)||Vn["Enclosed Alphanumerics"](t)||Vn["Geometric Shapes"](t)||Vn["Miscellaneous Symbols"](t)&&!(t>=9754&&t<=9759)||Vn["Miscellaneous Symbols and Arrows"](t)&&(t>=11026&&t<=11055||t>=11088&&t<=11097||t>=11192&&t<=11243)||Vn["CJK Symbols and Punctuation"](t)||Vn.Katakana(t)||Vn["Private Use Area"](t)||Vn["CJK Compatibility Forms"](t)||Vn["Small Form Variants"](t)||Vn["Halfwidth and Fullwidth Forms"](t)||8734===t||8756===t||8757===t||t>=9984&&t<=10087||t>=10102&&t<=10131||65532===t||65533===t)}(t))}function Yn(t){return t>=1424&&t<=2303||Vn["Arabic Presentation Forms-A"](t)||Vn["Arabic Presentation Forms-B"](t)}function Wn(t,e){return!(!e&&Yn(t)||t>=2304&&t<=3583||t>=3840&&t<=4255||Vn.Khmer(t))}function Xn(t){for(var e=0,r=t;e-1&&(Jn="error"),Zn&&Zn(t)};function $n(){ti.fire(new Tt("pluginStateChange",{pluginStatus:Jn,pluginURL:Kn}))}var ti=new Mt,ei=function(){return Jn},ri=function(){if("deferred"!==Jn||!Kn)throw new Error("rtl-text-plugin cannot be downloaded unless a pluginURL is specified");Jn="loading",$n(),Kn&&yt({url:Kn},(function(t){t?Qn(t):(Jn="loaded",$n())}))},ni={applyArabicShaping:null,processBidirectionalText:null,processStyledBidirectionalText:null,isLoaded:function(){return"loaded"===Jn||null!=ni.applyArabicShaping},isLoading:function(){return"loading"===Jn},setState:function(t){Jn=t.pluginStatus,Kn=t.pluginURL},isParsed:function(){return null!=ni.applyArabicShaping&&null!=ni.processBidirectionalText&&null!=ni.processStyledBidirectionalText},getPluginURL:function(){return Kn}},ii=function(t,e){this.zoom=t,e?(this.now=e.now,this.fadeDuration=e.fadeDuration,this.zoomHistory=e.zoomHistory,this.transition=e.transition):(this.now=0,this.fadeDuration=0,this.zoomHistory=new Un,this.transition={})};ii.prototype.isSupportedScript=function(t){return function(t,e){for(var r=0,n=t;rthis.zoomHistory.lastIntegerZoom?{fromScale:2,toScale:1,t:e+(1-e)*r}:{fromScale:.5,toScale:1,t:1-(1-r)*e}};var ai=function(t,e){this.property=t,this.value=e,this.expression=function(t,e){if(Or(t))return new Wr(t,e);if(Vr(t)){var r=Yr(t,e);if("error"===r.result)throw new Error(r.value.map((function(t){return t.key+": "+t.message})).join(", "));return r.value}var n=t;return"string"==typeof t&&"color"===e.type&&(n=Kt.parse(t)),{kind:"constant",evaluate:function(){return n}}}(void 0===e?t.specification.default:e,t.specification)};ai.prototype.isDataDriven=function(){return"source"===this.expression.kind||"composite"===this.expression.kind},ai.prototype.possiblyEvaluate=function(t,e,r){return this.property.possiblyEvaluate(this,t,e,r)};var oi=function(t){this.property=t,this.value=new ai(t,void 0)};oi.prototype.transitioned=function(t,e){return new li(this.property,this.value,e,u({},t.transition,this.transition),t.now)},oi.prototype.untransitioned=function(){return new li(this.property,this.value,null,{},0)};var si=function(t){this._properties=t,this._values=Object.create(t.defaultTransitionablePropertyValues)};si.prototype.getValue=function(t){return x(this._values[t].value.value)},si.prototype.setValue=function(t,e){this._values.hasOwnProperty(t)||(this._values[t]=new oi(this._values[t].property)),this._values[t].value=new ai(this._values[t].property,null===e?void 0:x(e))},si.prototype.getTransition=function(t){return x(this._values[t].transition)},si.prototype.setTransition=function(t,e){this._values.hasOwnProperty(t)||(this._values[t]=new oi(this._values[t].property)),this._values[t].transition=x(e)||void 0},si.prototype.serialize=function(){for(var t={},e=0,r=Object.keys(this._values);ethis.end)return this.prior=null,i;if(this.value.isDataDriven())return this.prior=null,i;if(n=1)return 1;var e=t*t,r=e*t;return 4*(t<.5?r:3*(t-e)+r-.75)}(o))}return i};var ci=function(t){this._properties=t,this._values=Object.create(t.defaultTransitioningPropertyValues)};ci.prototype.possiblyEvaluate=function(t,e,r){for(var n=new hi(this._properties),i=0,a=Object.keys(this._values);in.zoomHistory.lastIntegerZoom?{from:t,to:e}:{from:r,to:e}},e.prototype.interpolate=function(t){return t},e}(di),mi=function(t){this.specification=t};mi.prototype.possiblyEvaluate=function(t,e,r,n){if(void 0!==t.value){if("constant"===t.expression.kind){var i=t.expression.evaluate(e,null,{},r,n);return this._calculate(i,i,i,e)}return this._calculate(t.expression.evaluate(new ii(Math.floor(e.zoom-1),e)),t.expression.evaluate(new ii(Math.floor(e.zoom),e)),t.expression.evaluate(new ii(Math.floor(e.zoom+1),e)),e)}},mi.prototype._calculate=function(t,e,r,n){return n.zoom>n.zoomHistory.lastIntegerZoom?{from:t,to:e}:{from:r,to:e}},mi.prototype.interpolate=function(t){return t};var vi=function(t){this.specification=t};vi.prototype.possiblyEvaluate=function(t,e,r,n){return!!t.expression.evaluate(e,null,{},r,n)},vi.prototype.interpolate=function(){return!1};var yi=function(t){for(var e in this.properties=t,this.defaultPropertyValues={},this.defaultTransitionablePropertyValues={},this.defaultTransitioningPropertyValues={},this.defaultPossiblyEvaluatedValues={},this.overridableProperties=[],t){var r=t[e];r.specification.overridable&&this.overridableProperties.push(e);var n=this.defaultPropertyValues[e]=new ai(r,void 0),i=this.defaultTransitionablePropertyValues[e]=new oi(r);this.defaultTransitioningPropertyValues[e]=i.untransitioned(),this.defaultPossiblyEvaluatedValues[e]=n.possiblyEvaluate({})}};Dn("DataDrivenProperty",di),Dn("DataConstantProperty",pi),Dn("CrossFadedDataDrivenProperty",gi),Dn("CrossFadedProperty",mi),Dn("ColorRampProperty",vi);var xi=function(t){function e(e,r){if(t.call(this),this.id=e.id,this.type=e.type,this._featureFilter={filter:function(){return!0},needGeometry:!1},"custom"!==e.type&&(this.metadata=(e=e).metadata,this.minzoom=e.minzoom,this.maxzoom=e.maxzoom,"background"!==e.type&&(this.source=e.source,this.sourceLayer=e["source-layer"],this.filter=e.filter),r.layout&&(this._unevaluatedLayout=new ui(r.layout)),r.paint)){for(var n in this._transitionablePaint=new si(r.paint),e.paint)this.setPaintProperty(n,e.paint[n],{validate:!1});for(var i in e.layout)this.setLayoutProperty(i,e.layout[i],{validate:!1});this._transitioningPaint=this._transitionablePaint.untransitioned(),this.paint=new hi(r.paint)}}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.getCrossfadeParameters=function(){return this._crossfadeParameters},e.prototype.getLayoutProperty=function(t){return"visibility"===t?this.visibility:this._unevaluatedLayout.getValue(t)},e.prototype.setLayoutProperty=function(t,e,r){void 0===r&&(r={}),null!=e&&this._validate(En,"layers."+this.id+".layout."+t,t,e,r)||("visibility"!==t?this._unevaluatedLayout.setValue(t,e):this.visibility=e)},e.prototype.getPaintProperty=function(t){return m(t,"-transition")?this._transitionablePaint.getTransition(t.slice(0,-"-transition".length)):this._transitionablePaint.getValue(t)},e.prototype.setPaintProperty=function(t,e,r){if(void 0===r&&(r={}),null!=e&&this._validate(Sn,"layers."+this.id+".paint."+t,t,e,r))return!1;if(m(t,"-transition"))return this._transitionablePaint.setTransition(t.slice(0,-"-transition".length),e||void 0),!1;var n=this._transitionablePaint._values[t],i="cross-faded-data-driven"===n.property.specification["property-type"],a=n.value.isDataDriven(),o=n.value;this._transitionablePaint.setValue(t,e),this._handleSpecialPaintPropertyUpdate(t);var s=this._transitionablePaint._values[t].value;return s.isDataDriven()||a||i||this._handleOverridablePaintPropertyUpdate(t,o,s)},e.prototype._handleSpecialPaintPropertyUpdate=function(t){},e.prototype._handleOverridablePaintPropertyUpdate=function(t,e,r){return!1},e.prototype.isHidden=function(t){return!!(this.minzoom&&t=this.maxzoom)||"none"===this.visibility},e.prototype.updateTransitions=function(t){this._transitioningPaint=this._transitionablePaint.transitioned(t,this._transitioningPaint)},e.prototype.hasTransition=function(){return this._transitioningPaint.hasTransition()},e.prototype.recalculate=function(t,e){t.getCrossfadeParameters&&(this._crossfadeParameters=t.getCrossfadeParameters()),this._unevaluatedLayout&&(this.layout=this._unevaluatedLayout.possiblyEvaluate(t,void 0,e)),this.paint=this._transitioningPaint.possiblyEvaluate(t,void 0,e)},e.prototype.serialize=function(){var t={id:this.id,type:this.type,source:this.source,"source-layer":this.sourceLayer,metadata:this.metadata,minzoom:this.minzoom,maxzoom:this.maxzoom,filter:this.filter,layout:this._unevaluatedLayout&&this._unevaluatedLayout.serialize(),paint:this._transitionablePaint&&this._transitionablePaint.serialize()};return this.visibility&&(t.layout=t.layout||{},t.layout.visibility=this.visibility),y(t,(function(t,e){return!(void 0===t||"layout"===e&&!Object.keys(t).length||"paint"===e&&!Object.keys(t).length)}))},e.prototype._validate=function(t,e,r,n,i){return void 0===i&&(i={}),(!i||!1!==i.validate)&&Cn(this,t.call(Mn,{key:e,layerType:this.type,objectKey:r,value:n,styleSpec:At,style:{glyphs:!0,sprite:!0}}))},e.prototype.is3D=function(){return!1},e.prototype.isTileClipped=function(){return!1},e.prototype.hasOffscreenPass=function(){return!1},e.prototype.resize=function(){},e.prototype.isStateDependent=function(){for(var t in this.paint._values){var e=this.paint.get(t);if(e instanceof fi&&Lr(e.property.specification)&&("source"===e.value.kind||"composite"===e.value.kind)&&e.value.isStateDependent)return!0}return!1},e}(Mt),bi={Int8:Int8Array,Uint8:Uint8Array,Int16:Int16Array,Uint16:Uint16Array,Int32:Int32Array,Uint32:Uint32Array,Float32:Float32Array},_i=function(t,e){this._structArray=t,this._pos1=e*this.size,this._pos2=this._pos1/2,this._pos4=this._pos1/4,this._pos8=this._pos1/8},wi=function(){this.isTransferred=!1,this.capacity=-1,this.resize(0)};function Ti(t,e){void 0===e&&(e=1);var r=0,n=0;return{members:t.map((function(t){var i=bi[t.type].BYTES_PER_ELEMENT,a=r=ki(r,Math.max(e,i)),o=t.components||1;return n=Math.max(n,i),r+=i*o,{name:t.name,type:t.type,components:o,offset:a}})),size:ki(r,Math.max(n,e)),alignment:e}}function ki(t,e){return Math.ceil(t/e)*e}wi.serialize=function(t,e){return t._trim(),e&&(t.isTransferred=!0,e.push(t.arrayBuffer)),{length:t.length,arrayBuffer:t.arrayBuffer}},wi.deserialize=function(t){var e=Object.create(this.prototype);return e.arrayBuffer=t.arrayBuffer,e.length=t.length,e.capacity=t.arrayBuffer.byteLength/e.bytesPerElement,e._refreshViews(),e},wi.prototype._trim=function(){this.length!==this.capacity&&(this.capacity=this.length,this.arrayBuffer=this.arrayBuffer.slice(0,this.length*this.bytesPerElement),this._refreshViews())},wi.prototype.clear=function(){this.length=0},wi.prototype.resize=function(t){this.reserve(t),this.length=t},wi.prototype.reserve=function(t){if(t>this.capacity){this.capacity=Math.max(t,Math.floor(5*this.capacity),128),this.arrayBuffer=new ArrayBuffer(this.capacity*this.bytesPerElement);var e=this.uint8;this._refreshViews(),e&&this.uint8.set(e)}},wi.prototype._refreshViews=function(){throw new Error("_refreshViews() must be implemented by each concrete StructArray layout")};var Mi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;return this.resize(r+1),this.emplace(r,t,e)},e.prototype.emplace=function(t,e,r){var n=2*t;return this.int16[n+0]=e,this.int16[n+1]=r,t},e}(wi);Mi.prototype.bytesPerElement=4,Dn("StructArrayLayout2i4",Mi);var Ai=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n){var i=this.length;return this.resize(i+1),this.emplace(i,t,e,r,n)},e.prototype.emplace=function(t,e,r,n,i){var a=4*t;return this.int16[a+0]=e,this.int16[a+1]=r,this.int16[a+2]=n,this.int16[a+3]=i,t},e}(wi);Ai.prototype.bytesPerElement=8,Dn("StructArrayLayout4i8",Ai);var Si=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a){var o=this.length;return this.resize(o+1),this.emplace(o,t,e,r,n,i,a)},e.prototype.emplace=function(t,e,r,n,i,a,o){var s=6*t;return this.int16[s+0]=e,this.int16[s+1]=r,this.int16[s+2]=n,this.int16[s+3]=i,this.int16[s+4]=a,this.int16[s+5]=o,t},e}(wi);Si.prototype.bytesPerElement=12,Dn("StructArrayLayout2i4i12",Si);var Ei=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a){var o=this.length;return this.resize(o+1),this.emplace(o,t,e,r,n,i,a)},e.prototype.emplace=function(t,e,r,n,i,a,o){var s=4*t,l=8*t;return this.int16[s+0]=e,this.int16[s+1]=r,this.uint8[l+4]=n,this.uint8[l+5]=i,this.uint8[l+6]=a,this.uint8[l+7]=o,t},e}(wi);Ei.prototype.bytesPerElement=8,Dn("StructArrayLayout2i4ub8",Ei);var Ci=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c){var u=this.length;return this.resize(u+1),this.emplace(u,t,e,r,n,i,a,o,s,l,c)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c,u){var f=9*t,h=18*t;return this.uint16[f+0]=e,this.uint16[f+1]=r,this.uint16[f+2]=n,this.uint16[f+3]=i,this.uint16[f+4]=a,this.uint16[f+5]=o,this.uint16[f+6]=s,this.uint16[f+7]=l,this.uint8[h+16]=c,this.uint8[h+17]=u,t},e}(wi);Ci.prototype.bytesPerElement=18,Dn("StructArrayLayout8ui2ub18",Ci);var Li=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c,u,f){var h=this.length;return this.resize(h+1),this.emplace(h,t,e,r,n,i,a,o,s,l,c,u,f)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c,u,f,h){var p=12*t;return this.int16[p+0]=e,this.int16[p+1]=r,this.int16[p+2]=n,this.int16[p+3]=i,this.uint16[p+4]=a,this.uint16[p+5]=o,this.uint16[p+6]=s,this.uint16[p+7]=l,this.int16[p+8]=c,this.int16[p+9]=u,this.int16[p+10]=f,this.int16[p+11]=h,t},e}(wi);Li.prototype.bytesPerElement=24,Dn("StructArrayLayout4i4ui4i24",Li);var Ii=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;return this.resize(n+1),this.emplace(n,t,e,r)},e.prototype.emplace=function(t,e,r,n){var i=3*t;return this.float32[i+0]=e,this.float32[i+1]=r,this.float32[i+2]=n,t},e}(wi);Ii.prototype.bytesPerElement=12,Dn("StructArrayLayout3f12",Ii);var Pi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t){var e=this.length;return this.resize(e+1),this.emplace(e,t)},e.prototype.emplace=function(t,e){return this.uint32[1*t+0]=e,t},e}(wi);Pi.prototype.bytesPerElement=4,Dn("StructArrayLayout1ul4",Pi);var zi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l){var c=this.length;return this.resize(c+1),this.emplace(c,t,e,r,n,i,a,o,s,l)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c){var u=10*t,f=5*t;return this.int16[u+0]=e,this.int16[u+1]=r,this.int16[u+2]=n,this.int16[u+3]=i,this.int16[u+4]=a,this.int16[u+5]=o,this.uint32[f+3]=s,this.uint16[u+8]=l,this.uint16[u+9]=c,t},e}(wi);zi.prototype.bytesPerElement=20,Dn("StructArrayLayout6i1ul2ui20",zi);var Oi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a){var o=this.length;return this.resize(o+1),this.emplace(o,t,e,r,n,i,a)},e.prototype.emplace=function(t,e,r,n,i,a,o){var s=6*t;return this.int16[s+0]=e,this.int16[s+1]=r,this.int16[s+2]=n,this.int16[s+3]=i,this.int16[s+4]=a,this.int16[s+5]=o,t},e}(wi);Oi.prototype.bytesPerElement=12,Dn("StructArrayLayout2i2i2i12",Oi);var Di=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i){var a=this.length;return this.resize(a+1),this.emplace(a,t,e,r,n,i)},e.prototype.emplace=function(t,e,r,n,i,a){var o=4*t,s=8*t;return this.float32[o+0]=e,this.float32[o+1]=r,this.float32[o+2]=n,this.int16[s+6]=i,this.int16[s+7]=a,t},e}(wi);Di.prototype.bytesPerElement=16,Dn("StructArrayLayout2f1f2i16",Di);var Ri=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n){var i=this.length;return this.resize(i+1),this.emplace(i,t,e,r,n)},e.prototype.emplace=function(t,e,r,n,i){var a=12*t,o=3*t;return this.uint8[a+0]=e,this.uint8[a+1]=r,this.float32[o+1]=n,this.float32[o+2]=i,t},e}(wi);Ri.prototype.bytesPerElement=12,Dn("StructArrayLayout2ub2f12",Ri);var Fi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;return this.resize(n+1),this.emplace(n,t,e,r)},e.prototype.emplace=function(t,e,r,n){var i=3*t;return this.uint16[i+0]=e,this.uint16[i+1]=r,this.uint16[i+2]=n,t},e}(wi);Fi.prototype.bytesPerElement=6,Dn("StructArrayLayout3ui6",Fi);var Bi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m){var v=this.length;return this.resize(v+1),this.emplace(v,t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v){var y=24*t,x=12*t,b=48*t;return this.int16[y+0]=e,this.int16[y+1]=r,this.uint16[y+2]=n,this.uint16[y+3]=i,this.uint32[x+2]=a,this.uint32[x+3]=o,this.uint32[x+4]=s,this.uint16[y+10]=l,this.uint16[y+11]=c,this.uint16[y+12]=u,this.float32[x+7]=f,this.float32[x+8]=h,this.uint8[b+36]=p,this.uint8[b+37]=d,this.uint8[b+38]=g,this.uint32[x+10]=m,this.int16[y+22]=v,t},e}(wi);Bi.prototype.bytesPerElement=48,Dn("StructArrayLayout2i2ui3ul3ui2f3ub1ul1i48",Bi);var Ni=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,_,w,T,k,M,A,S){var E=this.length;return this.resize(E+1),this.emplace(E,t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,_,w,T,k,M,A,S)},e.prototype.emplace=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,_,w,T,k,M,A,S,E){var C=34*t,L=17*t;return this.int16[C+0]=e,this.int16[C+1]=r,this.int16[C+2]=n,this.int16[C+3]=i,this.int16[C+4]=a,this.int16[C+5]=o,this.int16[C+6]=s,this.int16[C+7]=l,this.uint16[C+8]=c,this.uint16[C+9]=u,this.uint16[C+10]=f,this.uint16[C+11]=h,this.uint16[C+12]=p,this.uint16[C+13]=d,this.uint16[C+14]=g,this.uint16[C+15]=m,this.uint16[C+16]=v,this.uint16[C+17]=y,this.uint16[C+18]=x,this.uint16[C+19]=b,this.uint16[C+20]=_,this.uint16[C+21]=w,this.uint16[C+22]=T,this.uint32[L+12]=k,this.float32[L+13]=M,this.float32[L+14]=A,this.float32[L+15]=S,this.float32[L+16]=E,t},e}(wi);Ni.prototype.bytesPerElement=68,Dn("StructArrayLayout8i15ui1ul4f68",Ni);var ji=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t){var e=this.length;return this.resize(e+1),this.emplace(e,t)},e.prototype.emplace=function(t,e){return this.float32[1*t+0]=e,t},e}(wi);ji.prototype.bytesPerElement=4,Dn("StructArrayLayout1f4",ji);var Ui=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;return this.resize(n+1),this.emplace(n,t,e,r)},e.prototype.emplace=function(t,e,r,n){var i=3*t;return this.int16[i+0]=e,this.int16[i+1]=r,this.int16[i+2]=n,t},e}(wi);Ui.prototype.bytesPerElement=6,Dn("StructArrayLayout3i6",Ui);var Vi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;return this.resize(n+1),this.emplace(n,t,e,r)},e.prototype.emplace=function(t,e,r,n){var i=4*t;return this.uint32[2*t+0]=e,this.uint16[i+2]=r,this.uint16[i+3]=n,t},e}(wi);Vi.prototype.bytesPerElement=8,Dn("StructArrayLayout1ul2ui8",Vi);var qi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;return this.resize(r+1),this.emplace(r,t,e)},e.prototype.emplace=function(t,e,r){var n=2*t;return this.uint16[n+0]=e,this.uint16[n+1]=r,t},e}(wi);qi.prototype.bytesPerElement=4,Dn("StructArrayLayout2ui4",qi);var Hi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t){var e=this.length;return this.resize(e+1),this.emplace(e,t)},e.prototype.emplace=function(t,e){return this.uint16[1*t+0]=e,t},e}(wi);Hi.prototype.bytesPerElement=2,Dn("StructArrayLayout1ui2",Hi);var Gi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;return this.resize(r+1),this.emplace(r,t,e)},e.prototype.emplace=function(t,e,r){var n=2*t;return this.float32[n+0]=e,this.float32[n+1]=r,t},e}(wi);Gi.prototype.bytesPerElement=8,Dn("StructArrayLayout2f8",Gi);var Yi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n){var i=this.length;return this.resize(i+1),this.emplace(i,t,e,r,n)},e.prototype.emplace=function(t,e,r,n,i){var a=4*t;return this.float32[a+0]=e,this.float32[a+1]=r,this.float32[a+2]=n,this.float32[a+3]=i,t},e}(wi);Yi.prototype.bytesPerElement=16,Dn("StructArrayLayout4f16",Yi);var Wi=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e;var r={anchorPointX:{configurable:!0},anchorPointY:{configurable:!0},x1:{configurable:!0},y1:{configurable:!0},x2:{configurable:!0},y2:{configurable:!0},featureIndex:{configurable:!0},sourceLayerIndex:{configurable:!0},bucketIndex:{configurable:!0},anchorPoint:{configurable:!0}};return r.anchorPointX.get=function(){return this._structArray.int16[this._pos2+0]},r.anchorPointY.get=function(){return this._structArray.int16[this._pos2+1]},r.x1.get=function(){return this._structArray.int16[this._pos2+2]},r.y1.get=function(){return this._structArray.int16[this._pos2+3]},r.x2.get=function(){return this._structArray.int16[this._pos2+4]},r.y2.get=function(){return this._structArray.int16[this._pos2+5]},r.featureIndex.get=function(){return this._structArray.uint32[this._pos4+3]},r.sourceLayerIndex.get=function(){return this._structArray.uint16[this._pos2+8]},r.bucketIndex.get=function(){return this._structArray.uint16[this._pos2+9]},r.anchorPoint.get=function(){return new i(this.anchorPointX,this.anchorPointY)},Object.defineProperties(e.prototype,r),e}(_i);Wi.prototype.size=20;var Xi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.get=function(t){return new Wi(this,t)},e}(zi);Dn("CollisionBoxArray",Xi);var Zi=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e;var r={anchorX:{configurable:!0},anchorY:{configurable:!0},glyphStartIndex:{configurable:!0},numGlyphs:{configurable:!0},vertexStartIndex:{configurable:!0},lineStartIndex:{configurable:!0},lineLength:{configurable:!0},segment:{configurable:!0},lowerSize:{configurable:!0},upperSize:{configurable:!0},lineOffsetX:{configurable:!0},lineOffsetY:{configurable:!0},writingMode:{configurable:!0},placedOrientation:{configurable:!0},hidden:{configurable:!0},crossTileID:{configurable:!0},associatedIconIndex:{configurable:!0}};return r.anchorX.get=function(){return this._structArray.int16[this._pos2+0]},r.anchorY.get=function(){return this._structArray.int16[this._pos2+1]},r.glyphStartIndex.get=function(){return this._structArray.uint16[this._pos2+2]},r.numGlyphs.get=function(){return this._structArray.uint16[this._pos2+3]},r.vertexStartIndex.get=function(){return this._structArray.uint32[this._pos4+2]},r.lineStartIndex.get=function(){return this._structArray.uint32[this._pos4+3]},r.lineLength.get=function(){return this._structArray.uint32[this._pos4+4]},r.segment.get=function(){return this._structArray.uint16[this._pos2+10]},r.lowerSize.get=function(){return this._structArray.uint16[this._pos2+11]},r.upperSize.get=function(){return this._structArray.uint16[this._pos2+12]},r.lineOffsetX.get=function(){return this._structArray.float32[this._pos4+7]},r.lineOffsetY.get=function(){return this._structArray.float32[this._pos4+8]},r.writingMode.get=function(){return this._structArray.uint8[this._pos1+36]},r.placedOrientation.get=function(){return this._structArray.uint8[this._pos1+37]},r.placedOrientation.set=function(t){this._structArray.uint8[this._pos1+37]=t},r.hidden.get=function(){return this._structArray.uint8[this._pos1+38]},r.hidden.set=function(t){this._structArray.uint8[this._pos1+38]=t},r.crossTileID.get=function(){return this._structArray.uint32[this._pos4+10]},r.crossTileID.set=function(t){this._structArray.uint32[this._pos4+10]=t},r.associatedIconIndex.get=function(){return this._structArray.int16[this._pos2+22]},Object.defineProperties(e.prototype,r),e}(_i);Zi.prototype.size=48;var Ji=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.get=function(t){return new Zi(this,t)},e}(Bi);Dn("PlacedSymbolArray",Ji);var Ki=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e;var r={anchorX:{configurable:!0},anchorY:{configurable:!0},rightJustifiedTextSymbolIndex:{configurable:!0},centerJustifiedTextSymbolIndex:{configurable:!0},leftJustifiedTextSymbolIndex:{configurable:!0},verticalPlacedTextSymbolIndex:{configurable:!0},placedIconSymbolIndex:{configurable:!0},verticalPlacedIconSymbolIndex:{configurable:!0},key:{configurable:!0},textBoxStartIndex:{configurable:!0},textBoxEndIndex:{configurable:!0},verticalTextBoxStartIndex:{configurable:!0},verticalTextBoxEndIndex:{configurable:!0},iconBoxStartIndex:{configurable:!0},iconBoxEndIndex:{configurable:!0},verticalIconBoxStartIndex:{configurable:!0},verticalIconBoxEndIndex:{configurable:!0},featureIndex:{configurable:!0},numHorizontalGlyphVertices:{configurable:!0},numVerticalGlyphVertices:{configurable:!0},numIconVertices:{configurable:!0},numVerticalIconVertices:{configurable:!0},useRuntimeCollisionCircles:{configurable:!0},crossTileID:{configurable:!0},textBoxScale:{configurable:!0},textOffset0:{configurable:!0},textOffset1:{configurable:!0},collisionCircleDiameter:{configurable:!0}};return r.anchorX.get=function(){return this._structArray.int16[this._pos2+0]},r.anchorY.get=function(){return this._structArray.int16[this._pos2+1]},r.rightJustifiedTextSymbolIndex.get=function(){return this._structArray.int16[this._pos2+2]},r.centerJustifiedTextSymbolIndex.get=function(){return this._structArray.int16[this._pos2+3]},r.leftJustifiedTextSymbolIndex.get=function(){return this._structArray.int16[this._pos2+4]},r.verticalPlacedTextSymbolIndex.get=function(){return this._structArray.int16[this._pos2+5]},r.placedIconSymbolIndex.get=function(){return this._structArray.int16[this._pos2+6]},r.verticalPlacedIconSymbolIndex.get=function(){return this._structArray.int16[this._pos2+7]},r.key.get=function(){return this._structArray.uint16[this._pos2+8]},r.textBoxStartIndex.get=function(){return this._structArray.uint16[this._pos2+9]},r.textBoxEndIndex.get=function(){return this._structArray.uint16[this._pos2+10]},r.verticalTextBoxStartIndex.get=function(){return this._structArray.uint16[this._pos2+11]},r.verticalTextBoxEndIndex.get=function(){return this._structArray.uint16[this._pos2+12]},r.iconBoxStartIndex.get=function(){return this._structArray.uint16[this._pos2+13]},r.iconBoxEndIndex.get=function(){return this._structArray.uint16[this._pos2+14]},r.verticalIconBoxStartIndex.get=function(){return this._structArray.uint16[this._pos2+15]},r.verticalIconBoxEndIndex.get=function(){return this._structArray.uint16[this._pos2+16]},r.featureIndex.get=function(){return this._structArray.uint16[this._pos2+17]},r.numHorizontalGlyphVertices.get=function(){return this._structArray.uint16[this._pos2+18]},r.numVerticalGlyphVertices.get=function(){return this._structArray.uint16[this._pos2+19]},r.numIconVertices.get=function(){return this._structArray.uint16[this._pos2+20]},r.numVerticalIconVertices.get=function(){return this._structArray.uint16[this._pos2+21]},r.useRuntimeCollisionCircles.get=function(){return this._structArray.uint16[this._pos2+22]},r.crossTileID.get=function(){return this._structArray.uint32[this._pos4+12]},r.crossTileID.set=function(t){this._structArray.uint32[this._pos4+12]=t},r.textBoxScale.get=function(){return this._structArray.float32[this._pos4+13]},r.textOffset0.get=function(){return this._structArray.float32[this._pos4+14]},r.textOffset1.get=function(){return this._structArray.float32[this._pos4+15]},r.collisionCircleDiameter.get=function(){return this._structArray.float32[this._pos4+16]},Object.defineProperties(e.prototype,r),e}(_i);Ki.prototype.size=68;var Qi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.get=function(t){return new Ki(this,t)},e}(Ni);Dn("SymbolInstanceArray",Qi);var $i=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.getoffsetX=function(t){return this.float32[1*t+0]},e}(ji);Dn("GlyphOffsetArray",$i);var ta=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.getx=function(t){return this.int16[3*t+0]},e.prototype.gety=function(t){return this.int16[3*t+1]},e.prototype.gettileUnitDistanceFromAnchor=function(t){return this.int16[3*t+2]},e}(Ui);Dn("SymbolLineVertexArray",ta);var ea=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e;var r={featureIndex:{configurable:!0},sourceLayerIndex:{configurable:!0},bucketIndex:{configurable:!0}};return r.featureIndex.get=function(){return this._structArray.uint32[this._pos4+0]},r.sourceLayerIndex.get=function(){return this._structArray.uint16[this._pos2+2]},r.bucketIndex.get=function(){return this._structArray.uint16[this._pos2+3]},Object.defineProperties(e.prototype,r),e}(_i);ea.prototype.size=8;var ra=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.get=function(t){return new ea(this,t)},e}(Vi);Dn("FeatureIndexArray",ra);var na=Ti([{name:"a_pos",components:2,type:"Int16"}],4).members,ia=function(t){void 0===t&&(t=[]),this.segments=t};function aa(t,e){return 256*(t=l(Math.floor(t),0,255))+l(Math.floor(e),0,255)}ia.prototype.prepareSegment=function(t,e,r,n){var i=this.segments[this.segments.length-1];return t>ia.MAX_VERTEX_ARRAY_LENGTH&&_("Max vertices per segment is "+ia.MAX_VERTEX_ARRAY_LENGTH+": bucket requested "+t),(!i||i.vertexLength+t>ia.MAX_VERTEX_ARRAY_LENGTH||i.sortKey!==n)&&(i={vertexOffset:e.length,primitiveOffset:r.length,vertexLength:0,primitiveLength:0},void 0!==n&&(i.sortKey=n),this.segments.push(i)),i},ia.prototype.get=function(){return this.segments},ia.prototype.destroy=function(){for(var t=0,e=this.segments;t>>16)*o&65535)<<16)&4294967295)<<15|l>>>17))*s+(((l>>>16)*s&65535)<<16)&4294967295)<<13|i>>>19))+((5*(i>>>16)&65535)<<16)&4294967295))+((58964+(a>>>16)&65535)<<16);switch(l=0,r){case 3:l^=(255&t.charCodeAt(c+2))<<16;case 2:l^=(255&t.charCodeAt(c+1))<<8;case 1:i^=l=(65535&(l=(l=(65535&(l^=255&t.charCodeAt(c)))*o+(((l>>>16)*o&65535)<<16)&4294967295)<<15|l>>>17))*s+(((l>>>16)*s&65535)<<16)&4294967295}return i^=t.length,i=2246822507*(65535&(i^=i>>>16))+((2246822507*(i>>>16)&65535)<<16)&4294967295,i=3266489909*(65535&(i^=i>>>13))+((3266489909*(i>>>16)&65535)<<16)&4294967295,(i^=i>>>16)>>>0}})),la=e((function(t){t.exports=function(t,e){for(var r,n=t.length,i=e^n,a=0;n>=4;)r=1540483477*(65535&(r=255&t.charCodeAt(a)|(255&t.charCodeAt(++a))<<8|(255&t.charCodeAt(++a))<<16|(255&t.charCodeAt(++a))<<24))+((1540483477*(r>>>16)&65535)<<16),i=1540483477*(65535&i)+((1540483477*(i>>>16)&65535)<<16)^(r=1540483477*(65535&(r^=r>>>24))+((1540483477*(r>>>16)&65535)<<16)),n-=4,++a;switch(n){case 3:i^=(255&t.charCodeAt(a+2))<<16;case 2:i^=(255&t.charCodeAt(a+1))<<8;case 1:i=1540483477*(65535&(i^=255&t.charCodeAt(a)))+((1540483477*(i>>>16)&65535)<<16)}return i=1540483477*(65535&(i^=i>>>13))+((1540483477*(i>>>16)&65535)<<16),(i^=i>>>15)>>>0}})),ca=sa,ua=la;ca.murmur3=sa,ca.murmur2=ua;var fa=function(){this.ids=[],this.positions=[],this.indexed=!1};fa.prototype.add=function(t,e,r,n){this.ids.push(pa(t)),this.positions.push(e,r,n)},fa.prototype.getPositions=function(t){for(var e=pa(t),r=0,n=this.ids.length-1;r>1;this.ids[i]>=e?n=i:r=i+1}for(var a=[];this.ids[r]===e;)a.push({index:this.positions[3*r],start:this.positions[3*r+1],end:this.positions[3*r+2]}),r++;return a},fa.serialize=function(t,e){var r=new Float64Array(t.ids),n=new Uint32Array(t.positions);return function t(e,r,n,i){for(;n>1],o=n-1,s=i+1;;){do{o++}while(e[o]a);if(o>=s)break;da(e,o,s),da(r,3*o,3*s),da(r,3*o+1,3*s+1),da(r,3*o+2,3*s+2)}s-nOa.max||o.yOa.max)&&(_("Geometry exceeds allowed extent, reduce your vector tile buffer size"),o.x=l(o.x,Oa.min,Oa.max),o.y=l(o.y,Oa.min,Oa.max))}return r}function Ra(t,e,r,n,i){t.emplaceBack(2*e+(n+1)/2,2*r+(i+1)/2)}var Fa=function(t){this.zoom=t.zoom,this.overscaling=t.overscaling,this.layers=t.layers,this.layerIds=this.layers.map((function(t){return t.id})),this.index=t.index,this.hasPattern=!1,this.layoutVertexArray=new Mi,this.indexArray=new Fi,this.segments=new ia,this.programConfigurations=new Ia(na,t.layers,t.zoom),this.stateDependentLayerIds=this.layers.filter((function(t){return t.isStateDependent()})).map((function(t){return t.id}))};function Ba(t,e){for(var r=0;r1){if(Va(t,e))return!0;for(var n=0;n1?r:r.sub(e)._mult(i)._add(e))}function Ya(t,e){for(var r,n,i,a=!1,o=0;oe.y!=(i=r[l]).y>e.y&&e.x<(i.x-n.x)*(e.y-n.y)/(i.y-n.y)+n.x&&(a=!a);return a}function Wa(t,e){for(var r=!1,n=0,i=t.length-1;ne.y!=o.y>e.y&&e.x<(o.x-a.x)*(e.y-a.y)/(o.y-a.y)+a.x&&(r=!r)}return r}function Xa(t,e,r){var n=r[0],i=r[2];if(t.xi.x&&e.x>i.x||t.yi.y&&e.y>i.y)return!1;var a=w(t,e,r[0]);return a!==w(t,e,r[1])||a!==w(t,e,r[2])||a!==w(t,e,r[3])}function Za(t,e,r){var n=e.paint.get(t).value;return"constant"===n.kind?n.value:r.programConfigurations.get(e.id).getMaxValue(t)}function Ja(t){return Math.sqrt(t[0]*t[0]+t[1]*t[1])}function Ka(t,e,r,n,a){if(!e[0]&&!e[1])return t;var o=i.convert(e)._mult(a);"viewport"===r&&o._rotate(-n);for(var s=[],l=0;l=8192||u<0||u>=8192)){var f=this.segments.prepareSegment(4,this.layoutVertexArray,this.indexArray,t.sortKey),h=f.vertexLength;Ra(this.layoutVertexArray,c,u,-1,-1),Ra(this.layoutVertexArray,c,u,1,-1),Ra(this.layoutVertexArray,c,u,1,1),Ra(this.layoutVertexArray,c,u,-1,1),this.indexArray.emplaceBack(h,h+1,h+2),this.indexArray.emplaceBack(h,h+3,h+2),f.vertexLength+=4,f.primitiveLength+=2}}this.programConfigurations.populatePaintArrays(this.layoutVertexArray.length,t,r,{},n)},Dn("CircleBucket",Fa,{omit:["layers"]});var Qa=new yi({"circle-sort-key":new di(At.layout_circle["circle-sort-key"])}),$a={paint:new yi({"circle-radius":new di(At.paint_circle["circle-radius"]),"circle-color":new di(At.paint_circle["circle-color"]),"circle-blur":new di(At.paint_circle["circle-blur"]),"circle-opacity":new di(At.paint_circle["circle-opacity"]),"circle-translate":new pi(At.paint_circle["circle-translate"]),"circle-translate-anchor":new pi(At.paint_circle["circle-translate-anchor"]),"circle-pitch-scale":new pi(At.paint_circle["circle-pitch-scale"]),"circle-pitch-alignment":new pi(At.paint_circle["circle-pitch-alignment"]),"circle-stroke-width":new di(At.paint_circle["circle-stroke-width"]),"circle-stroke-color":new di(At.paint_circle["circle-stroke-color"]),"circle-stroke-opacity":new di(At.paint_circle["circle-stroke-opacity"])}),layout:Qa},to="undefined"!=typeof Float32Array?Float32Array:Array;function eo(t){return t[0]=1,t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[5]=1,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[10]=1,t[11]=0,t[12]=0,t[13]=0,t[14]=0,t[15]=1,t}function ro(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3],s=e[4],l=e[5],c=e[6],u=e[7],f=e[8],h=e[9],p=e[10],d=e[11],g=e[12],m=e[13],v=e[14],y=e[15],x=r[0],b=r[1],_=r[2],w=r[3];return t[0]=x*n+b*s+_*f+w*g,t[1]=x*i+b*l+_*h+w*m,t[2]=x*a+b*c+_*p+w*v,t[3]=x*o+b*u+_*d+w*y,t[4]=(x=r[4])*n+(b=r[5])*s+(_=r[6])*f+(w=r[7])*g,t[5]=x*i+b*l+_*h+w*m,t[6]=x*a+b*c+_*p+w*v,t[7]=x*o+b*u+_*d+w*y,t[8]=(x=r[8])*n+(b=r[9])*s+(_=r[10])*f+(w=r[11])*g,t[9]=x*i+b*l+_*h+w*m,t[10]=x*a+b*c+_*p+w*v,t[11]=x*o+b*u+_*d+w*y,t[12]=(x=r[12])*n+(b=r[13])*s+(_=r[14])*f+(w=r[15])*g,t[13]=x*i+b*l+_*h+w*m,t[14]=x*a+b*c+_*p+w*v,t[15]=x*o+b*u+_*d+w*y,t}Math.hypot||(Math.hypot=function(){for(var t=arguments,e=0,r=arguments.length;r--;)e+=t[r]*t[r];return Math.sqrt(e)});var no,io=ro;function ao(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3];return t[0]=r[0]*n+r[4]*i+r[8]*a+r[12]*o,t[1]=r[1]*n+r[5]*i+r[9]*a+r[13]*o,t[2]=r[2]*n+r[6]*i+r[10]*a+r[14]*o,t[3]=r[3]*n+r[7]*i+r[11]*a+r[15]*o,t}no=new to(3),to!=Float32Array&&(no[0]=0,no[1]=0,no[2]=0),function(){var t=new to(4);to!=Float32Array&&(t[0]=0,t[1]=0,t[2]=0,t[3]=0)}();var oo=(function(){var t=new to(2);to!=Float32Array&&(t[0]=0,t[1]=0)}(),function(t){function e(e){t.call(this,e,$a)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.createBucket=function(t){return new Fa(t)},e.prototype.queryRadius=function(t){var e=t;return Za("circle-radius",this,e)+Za("circle-stroke-width",this,e)+Ja(this.paint.get("circle-translate"))},e.prototype.queryIntersectsFeature=function(t,e,r,n,i,a,o,s){for(var l=Ka(t,this.paint.get("circle-translate"),this.paint.get("circle-translate-anchor"),a.angle,o),c=this.paint.get("circle-radius").evaluate(e,r)+this.paint.get("circle-stroke-width").evaluate(e,r),u="map"===this.paint.get("circle-pitch-alignment"),f=u?l:function(t,e){return t.map((function(t){return so(t,e)}))}(l,s),h=u?c*o:c,p=0,d=n;pt.width||i.height>t.height||r.x>t.width-i.width||r.y>t.height-i.height)throw new RangeError("out of range source coordinates for image copy");if(i.width>e.width||i.height>e.height||n.x>e.width-i.width||n.y>e.height-i.height)throw new RangeError("out of range destination coordinates for image copy");for(var o=t.data,s=e.data,l=0;l80*r){n=a=t[0],i=o=t[1];for(var d=r;da&&(a=s),l>o&&(o=l);c=0!==(c=Math.max(a-n,o-i))?1/c:0}return Ao(h,p,r,n,i,c),p}function ko(t,e,r,n,i){var a,o;if(i===Xo(t,e,r,n)>0)for(a=e;a=e;a-=n)o=Go(a,t[a],t[a+1],o);return o&&No(o,o.next)&&(Yo(o),o=o.next),o}function Mo(t,e){if(!t)return t;e||(e=t);var r,n=t;do{if(r=!1,n.steiner||!No(n,n.next)&&0!==Bo(n.prev,n,n.next))n=n.next;else{if(Yo(n),(n=e=n.prev)===n.next)break;r=!0}}while(r||n!==e);return e}function Ao(t,e,r,n,i,a,o){if(t){!o&&a&&function(t,e,r,n){var i=t;do{null===i.z&&(i.z=Oo(i.x,i.y,e,r,n)),i.prevZ=i.prev,i.nextZ=i.next,i=i.next}while(i!==t);i.prevZ.nextZ=null,i.prevZ=null,function(t){var e,r,n,i,a,o,s,l,c=1;do{for(r=t,t=null,a=null,o=0;r;){for(o++,n=r,s=0,e=0;e0||l>0&&n;)0!==s&&(0===l||!n||r.z<=n.z)?(i=r,r=r.nextZ,s--):(i=n,n=n.nextZ,l--),a?a.nextZ=i:t=i,i.prevZ=a,a=i;r=n}a.nextZ=null,c*=2}while(o>1)}(i)}(t,n,i,a);for(var s,l,c=t;t.prev!==t.next;)if(s=t.prev,l=t.next,a?Eo(t,n,i,a):So(t))e.push(s.i/r),e.push(t.i/r),e.push(l.i/r),Yo(t),t=l.next,c=l.next;else if((t=l)===c){o?1===o?Ao(t=Co(Mo(t),e,r),e,r,n,i,a,2):2===o&&Lo(t,e,r,n,i,a):Ao(Mo(t),e,r,n,i,a,1);break}}}function So(t){var e=t.prev,r=t,n=t.next;if(Bo(e,r,n)>=0)return!1;for(var i=t.next.next;i!==t.prev;){if(Ro(e.x,e.y,r.x,r.y,n.x,n.y,i.x,i.y)&&Bo(i.prev,i,i.next)>=0)return!1;i=i.next}return!0}function Eo(t,e,r,n){var i=t.prev,a=t,o=t.next;if(Bo(i,a,o)>=0)return!1;for(var s=i.x>a.x?i.x>o.x?i.x:o.x:a.x>o.x?a.x:o.x,l=i.y>a.y?i.y>o.y?i.y:o.y:a.y>o.y?a.y:o.y,c=Oo(i.x=c&&h&&h.z<=u;){if(f!==t.prev&&f!==t.next&&Ro(i.x,i.y,a.x,a.y,o.x,o.y,f.x,f.y)&&Bo(f.prev,f,f.next)>=0)return!1;if(f=f.prevZ,h!==t.prev&&h!==t.next&&Ro(i.x,i.y,a.x,a.y,o.x,o.y,h.x,h.y)&&Bo(h.prev,h,h.next)>=0)return!1;h=h.nextZ}for(;f&&f.z>=c;){if(f!==t.prev&&f!==t.next&&Ro(i.x,i.y,a.x,a.y,o.x,o.y,f.x,f.y)&&Bo(f.prev,f,f.next)>=0)return!1;f=f.prevZ}for(;h&&h.z<=u;){if(h!==t.prev&&h!==t.next&&Ro(i.x,i.y,a.x,a.y,o.x,o.y,h.x,h.y)&&Bo(h.prev,h,h.next)>=0)return!1;h=h.nextZ}return!0}function Co(t,e,r){var n=t;do{var i=n.prev,a=n.next.next;!No(i,a)&&jo(i,n,n.next,a)&&qo(i,a)&&qo(a,i)&&(e.push(i.i/r),e.push(n.i/r),e.push(a.i/r),Yo(n),Yo(n.next),n=t=a),n=n.next}while(n!==t);return Mo(n)}function Lo(t,e,r,n,i,a){var o=t;do{for(var s=o.next.next;s!==o.prev;){if(o.i!==s.i&&Fo(o,s)){var l=Ho(o,s);return o=Mo(o,o.next),l=Mo(l,l.next),Ao(o,e,r,n,i,a),void Ao(l,e,r,n,i,a)}s=s.next}o=o.next}while(o!==t)}function Io(t,e){return t.x-e.x}function Po(t,e){if(e=function(t,e){var r,n=e,i=t.x,a=t.y,o=-1/0;do{if(a<=n.y&&a>=n.next.y&&n.next.y!==n.y){var s=n.x+(a-n.y)*(n.next.x-n.x)/(n.next.y-n.y);if(s<=i&&s>o){if(o=s,s===i){if(a===n.y)return n;if(a===n.next.y)return n.next}r=n.x=n.x&&n.x>=u&&i!==n.x&&Ro(ar.x||n.x===r.x&&zo(r,n)))&&(r=n,h=l)),n=n.next}while(n!==c);return r}(t,e)){var r=Ho(e,t);Mo(e,e.next),Mo(r,r.next)}}function zo(t,e){return Bo(t.prev,t,e.prev)<0&&Bo(e.next,t,t.next)<0}function Oo(t,e,r,n,i){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t=32767*(t-r)*i)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e=32767*(e-n)*i)|e<<8))|e<<4))|e<<2))|e<<1))<<1}function Do(t){var e=t,r=t;do{(e.x=0&&(t-o)*(n-s)-(r-o)*(e-s)>=0&&(r-o)*(a-s)-(i-o)*(n-s)>=0}function Fo(t,e){return t.next.i!==e.i&&t.prev.i!==e.i&&!function(t,e){var r=t;do{if(r.i!==t.i&&r.next.i!==t.i&&r.i!==e.i&&r.next.i!==e.i&&jo(r,r.next,t,e))return!0;r=r.next}while(r!==t);return!1}(t,e)&&(qo(t,e)&&qo(e,t)&&function(t,e){var r=t,n=!1,i=(t.x+e.x)/2,a=(t.y+e.y)/2;do{r.y>a!=r.next.y>a&&r.next.y!==r.y&&i<(r.next.x-r.x)*(a-r.y)/(r.next.y-r.y)+r.x&&(n=!n),r=r.next}while(r!==t);return n}(t,e)&&(Bo(t.prev,t,e.prev)||Bo(t,e.prev,e))||No(t,e)&&Bo(t.prev,t,t.next)>0&&Bo(e.prev,e,e.next)>0)}function Bo(t,e,r){return(e.y-t.y)*(r.x-e.x)-(e.x-t.x)*(r.y-e.y)}function No(t,e){return t.x===e.x&&t.y===e.y}function jo(t,e,r,n){var i=Vo(Bo(t,e,r)),a=Vo(Bo(t,e,n)),o=Vo(Bo(r,n,t)),s=Vo(Bo(r,n,e));return i!==a&&o!==s||!(0!==i||!Uo(t,r,e))||!(0!==a||!Uo(t,n,e))||!(0!==o||!Uo(r,t,n))||!(0!==s||!Uo(r,e,n))}function Uo(t,e,r){return e.x<=Math.max(t.x,r.x)&&e.x>=Math.min(t.x,r.x)&&e.y<=Math.max(t.y,r.y)&&e.y>=Math.min(t.y,r.y)}function Vo(t){return t>0?1:t<0?-1:0}function qo(t,e){return Bo(t.prev,t,t.next)<0?Bo(t,e,t.next)>=0&&Bo(t,t.prev,e)>=0:Bo(t,e,t.prev)<0||Bo(t,t.next,e)<0}function Ho(t,e){var r=new Wo(t.i,t.x,t.y),n=new Wo(e.i,e.x,e.y),i=t.next,a=e.prev;return t.next=e,e.prev=t,r.next=i,i.prev=r,n.next=r,r.prev=n,a.next=n,n.prev=a,n}function Go(t,e,r,n){var i=new Wo(t,e,r);return n?(i.next=n.next,i.prev=n,n.next.prev=i,n.next=i):(i.prev=i,i.next=i),i}function Yo(t){t.next.prev=t.prev,t.prev.next=t.next,t.prevZ&&(t.prevZ.nextZ=t.nextZ),t.nextZ&&(t.nextZ.prevZ=t.prevZ)}function Wo(t,e,r){this.i=t,this.x=e,this.y=r,this.prev=null,this.next=null,this.z=null,this.prevZ=null,this.nextZ=null,this.steiner=!1}function Xo(t,e,r,n){for(var i=0,a=e,o=r-n;an;){if(i-n>600){var o=i-n+1,s=r-n+1,l=Math.log(o),c=.5*Math.exp(2*l/3),u=.5*Math.sqrt(l*c*(o-c)/o)*(s-o/2<0?-1:1);t(e,r,Math.max(n,Math.floor(r-s*c/o+u)),Math.min(i,Math.floor(r+(o-s)*c/o+u)),a)}var f=e[r],h=n,p=i;for(Jo(e,n,r),a(e[i],f)>0&&Jo(e,n,i);h0;)p--}0===a(e[n],f)?Jo(e,n,p):Jo(e,++p,i),p<=r&&(n=p+1),r<=p&&(i=p-1)}}(t,e,r||0,n||t.length-1,i||Ko)}function Jo(t,e,r){var n=t[e];t[e]=t[r],t[r]=n}function Ko(t,e){return te?1:0}function Qo(t,e){var r=t.length;if(r<=1)return[t];for(var n,i,a=[],o=0;o1)for(var l=0;l0&&r.holes.push(n+=t[i-1].length)}return r},_o.default=wo;var rs=function(t){this.zoom=t.zoom,this.overscaling=t.overscaling,this.layers=t.layers,this.layerIds=this.layers.map((function(t){return t.id})),this.index=t.index,this.hasPattern=!1,this.patternFeatures=[],this.layoutVertexArray=new Mi,this.indexArray=new Fi,this.indexArray2=new qi,this.programConfigurations=new Ia(bo,t.layers,t.zoom),this.segments=new ia,this.segments2=new ia,this.stateDependentLayerIds=this.layers.filter((function(t){return t.isStateDependent()})).map((function(t){return t.id}))};rs.prototype.populate=function(t,e,r){this.hasPattern=ts("fill",this.layers,e);for(var n=this.layers[0].layout.get("fill-sort-key"),i=[],a=0,o=t;a>3}if(a--,1===n||2===n)o+=t.readSVarint(),s+=t.readSVarint(),1===n&&(e&&l.push(e),e=[]),e.push(new i(o,s));else{if(7!==n)throw new Error("unknown command "+n);e&&e.push(e[0].clone())}}return e&&l.push(e),l},ls.prototype.bbox=function(){var t=this._pbf;t.pos=this._geometry;for(var e=t.readVarint()+t.pos,r=1,n=0,i=0,a=0,o=1/0,s=-1/0,l=1/0,c=-1/0;t.pos>3}if(n--,1===r||2===r)(i+=t.readSVarint())s&&(s=i),(a+=t.readSVarint())c&&(c=a);else if(7!==r)throw new Error("unknown command "+r)}return[o,l,s,c]},ls.prototype.toGeoJSON=function(t,e,r){var n,i,a=this.extent*Math.pow(2,r),o=this.extent*t,s=this.extent*e,l=this.loadGeometry(),c=ls.types[this.type];function u(t){for(var e=0;e>3;e=1===n?t.readString():2===n?t.readFloat():3===n?t.readDouble():4===n?t.readVarint64():5===n?t.readVarint():6===n?t.readSVarint():7===n?t.readBoolean():null}return e}(r))}function ds(t,e,r){if(3===t){var n=new fs(r,r.readVarint()+r.pos);n.length&&(e[n.name]=n)}}hs.prototype.feature=function(t){if(t<0||t>=this._features.length)throw new Error("feature index out of bounds");this._pbf.pos=this._features[t];var e=this._pbf.readVarint()+this._pbf.pos;return new ss(this._pbf,e,this.extent,this._keys,this._values)};var gs={VectorTile:function(t,e){this.layers=t.readFields(ds,{},e)},VectorTileFeature:ss,VectorTileLayer:fs},ms=gs.VectorTileFeature.types,vs=Math.pow(2,13);function ys(t,e,r,n,i,a,o,s){t.emplaceBack(e,r,2*Math.floor(n*vs)+o,i*vs*2,a*vs*2,Math.round(s))}var xs=function(t){this.zoom=t.zoom,this.overscaling=t.overscaling,this.layers=t.layers,this.layerIds=this.layers.map((function(t){return t.id})),this.index=t.index,this.hasPattern=!1,this.layoutVertexArray=new Si,this.indexArray=new Fi,this.programConfigurations=new Ia(os,t.layers,t.zoom),this.segments=new ia,this.stateDependentLayerIds=this.layers.filter((function(t){return t.isStateDependent()})).map((function(t){return t.id}))};function bs(t,e){return t.x===e.x&&(t.x<0||t.x>8192)||t.y===e.y&&(t.y<0||t.y>8192)}xs.prototype.populate=function(t,e,r){this.features=[],this.hasPattern=ts("fill-extrusion",this.layers,e);for(var n=0,i=t;n8192}))||P.every((function(t){return t.y<0}))||P.every((function(t){return t.y>8192}))))for(var g=0,m=0;m=1){var y=d[m-1];if(!bs(v,y)){f.vertexLength+4>ia.MAX_VERTEX_ARRAY_LENGTH&&(f=this.segments.prepareSegment(4,this.layoutVertexArray,this.indexArray));var x=v.sub(y)._perp()._unit(),b=y.dist(v);g+b>32768&&(g=0),ys(this.layoutVertexArray,v.x,v.y,x.x,x.y,0,0,g),ys(this.layoutVertexArray,v.x,v.y,x.x,x.y,0,1,g),ys(this.layoutVertexArray,y.x,y.y,x.x,x.y,0,0,g+=b),ys(this.layoutVertexArray,y.x,y.y,x.x,x.y,0,1,g);var _=f.vertexLength;this.indexArray.emplaceBack(_,_+2,_+1),this.indexArray.emplaceBack(_+1,_+2,_+3),f.vertexLength+=4,f.primitiveLength+=2}}}}if(f.vertexLength+l>ia.MAX_VERTEX_ARRAY_LENGTH&&(f=this.segments.prepareSegment(l,this.layoutVertexArray,this.indexArray)),"Polygon"===ms[t.type]){for(var w=[],T=[],k=f.vertexLength,M=0,A=s;M=2&&t[l-1].equals(t[l-2]);)l--;for(var c=0;c0;if(T&&v>c){var M=u.dist(p);if(M>2*f){var A=u.sub(u.sub(p)._mult(f/M)._round());this.updateDistance(p,A),this.addCurrentVertex(A,g,0,0,h),p=A}}var S=p&&d,E=S?r:s?"butt":n;if(S&&"round"===E&&(_i&&(E="bevel"),"bevel"===E&&(_>2&&(E="flipbevel"),_100)y=m.mult(-1);else{var C=_*g.add(m).mag()/g.sub(m).mag();y._perp()._mult(C*(k?-1:1))}this.addCurrentVertex(u,y,0,0,h),this.addCurrentVertex(u,y.mult(-1),0,0,h)}else if("bevel"===E||"fakeround"===E){var L=-Math.sqrt(_*_-1),I=k?L:0,P=k?0:L;if(p&&this.addCurrentVertex(u,g,I,P,h),"fakeround"===E)for(var z=Math.round(180*w/Math.PI/20),O=1;O2*f){var j=u.add(d.sub(u)._mult(f/N)._round());this.updateDistance(u,j),this.addCurrentVertex(j,m,0,0,h),u=j}}}}},Cs.prototype.addCurrentVertex=function(t,e,r,n,i,a){void 0===a&&(a=!1);var o=e.y*n-e.x,s=-e.y-e.x*n;this.addHalfVertex(t,e.x+e.y*r,e.y-e.x*r,a,!1,r,i),this.addHalfVertex(t,o,s,a,!0,-n,i),this.distance>Es/2&&0===this.totalDistance&&(this.distance=0,this.addCurrentVertex(t,e,r,n,i,a))},Cs.prototype.addHalfVertex=function(t,e,r,n,i,a,o){var s=.5*this.scaledDistance;this.layoutVertexArray.emplaceBack((t.x<<1)+(n?1:0),(t.y<<1)+(i?1:0),Math.round(63*e)+128,Math.round(63*r)+128,1+(0===a?0:a<0?-1:1)|(63&s)<<2,s>>6);var l=o.vertexLength++;this.e1>=0&&this.e2>=0&&(this.indexArray.emplaceBack(this.e1,this.e2,l),o.primitiveLength++),i?this.e2=l:this.e1=l},Cs.prototype.updateScaledDistance=function(){this.scaledDistance=this.totalDistance>0?(this.clipStart+(this.clipEnd-this.clipStart)*this.distance/this.totalDistance)*(Es-1):this.distance},Cs.prototype.updateDistance=function(t,e){this.distance+=t.dist(e),this.updateScaledDistance()},Dn("LineBucket",Cs,{omit:["layers","patternFeatures"]});var Ls=new yi({"line-cap":new pi(At.layout_line["line-cap"]),"line-join":new di(At.layout_line["line-join"]),"line-miter-limit":new pi(At.layout_line["line-miter-limit"]),"line-round-limit":new pi(At.layout_line["line-round-limit"]),"line-sort-key":new di(At.layout_line["line-sort-key"])}),Is={paint:new yi({"line-opacity":new di(At.paint_line["line-opacity"]),"line-color":new di(At.paint_line["line-color"]),"line-translate":new pi(At.paint_line["line-translate"]),"line-translate-anchor":new pi(At.paint_line["line-translate-anchor"]),"line-width":new di(At.paint_line["line-width"]),"line-gap-width":new di(At.paint_line["line-gap-width"]),"line-offset":new di(At.paint_line["line-offset"]),"line-blur":new di(At.paint_line["line-blur"]),"line-dasharray":new mi(At.paint_line["line-dasharray"]),"line-pattern":new gi(At.paint_line["line-pattern"]),"line-gradient":new vi(At.paint_line["line-gradient"])}),layout:Ls},Ps=new(function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.possiblyEvaluate=function(e,r){return r=new ii(Math.floor(r.zoom),{now:r.now,fadeDuration:r.fadeDuration,zoomHistory:r.zoomHistory,transition:r.transition}),t.prototype.possiblyEvaluate.call(this,e,r)},e.prototype.evaluate=function(e,r,n,i){return r=u({},r,{zoom:Math.floor(r.zoom)}),t.prototype.evaluate.call(this,e,r,n,i)},e}(di))(Is.paint.properties["line-width"].specification);Ps.useIntegerZoom=!0;var zs=function(t){function e(e){t.call(this,e,Is)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype._handleSpecialPaintPropertyUpdate=function(t){"line-gradient"===t&&this._updateGradient()},e.prototype._updateGradient=function(){this.gradient=mo(this._transitionablePaint._values["line-gradient"].value.expression,"lineProgress"),this.gradientTexture=null},e.prototype.recalculate=function(e,r){t.prototype.recalculate.call(this,e,r),this.paint._values["line-floorwidth"]=Ps.possiblyEvaluate(this._transitioningPaint._values["line-width"].value,e)},e.prototype.createBucket=function(t){return new Cs(t)},e.prototype.queryRadius=function(t){var e=t,r=Os(Za("line-width",this,e),Za("line-gap-width",this,e)),n=Za("line-offset",this,e);return r/2+Math.abs(n)+Ja(this.paint.get("line-translate"))},e.prototype.queryIntersectsFeature=function(t,e,r,n,a,o,s){var l=Ka(t,this.paint.get("line-translate"),this.paint.get("line-translate-anchor"),o.angle,s),c=s/2*Os(this.paint.get("line-width").evaluate(e,r),this.paint.get("line-gap-width").evaluate(e,r)),u=this.paint.get("line-offset").evaluate(e,r);return u&&(n=function(t,e){for(var r=[],n=new i(0,0),a=0;a=3)for(var a=0;a0?e+2*t:t}var Ds=Ti([{name:"a_pos_offset",components:4,type:"Int16"},{name:"a_data",components:4,type:"Uint16"},{name:"a_pixeloffset",components:4,type:"Int16"}],4),Rs=Ti([{name:"a_projected_pos",components:3,type:"Float32"}],4),Fs=(Ti([{name:"a_fade_opacity",components:1,type:"Uint32"}],4),Ti([{name:"a_placed",components:2,type:"Uint8"},{name:"a_shift",components:2,type:"Float32"}])),Bs=(Ti([{type:"Int16",name:"anchorPointX"},{type:"Int16",name:"anchorPointY"},{type:"Int16",name:"x1"},{type:"Int16",name:"y1"},{type:"Int16",name:"x2"},{type:"Int16",name:"y2"},{type:"Uint32",name:"featureIndex"},{type:"Uint16",name:"sourceLayerIndex"},{type:"Uint16",name:"bucketIndex"}]),Ti([{name:"a_pos",components:2,type:"Int16"},{name:"a_anchor_pos",components:2,type:"Int16"},{name:"a_extrude",components:2,type:"Int16"}],4)),Ns=Ti([{name:"a_pos",components:2,type:"Float32"},{name:"a_radius",components:1,type:"Float32"},{name:"a_flags",components:2,type:"Int16"}],4);function js(t,e,r){return t.sections.forEach((function(t){t.text=function(t,e,r){var n=e.layout.get("text-transform").evaluate(r,{});return"uppercase"===n?t=t.toLocaleUpperCase():"lowercase"===n&&(t=t.toLocaleLowerCase()),ni.applyArabicShaping&&(t=ni.applyArabicShaping(t)),t}(t.text,e,r)})),t}Ti([{name:"triangle",components:3,type:"Uint16"}]),Ti([{type:"Int16",name:"anchorX"},{type:"Int16",name:"anchorY"},{type:"Uint16",name:"glyphStartIndex"},{type:"Uint16",name:"numGlyphs"},{type:"Uint32",name:"vertexStartIndex"},{type:"Uint32",name:"lineStartIndex"},{type:"Uint32",name:"lineLength"},{type:"Uint16",name:"segment"},{type:"Uint16",name:"lowerSize"},{type:"Uint16",name:"upperSize"},{type:"Float32",name:"lineOffsetX"},{type:"Float32",name:"lineOffsetY"},{type:"Uint8",name:"writingMode"},{type:"Uint8",name:"placedOrientation"},{type:"Uint8",name:"hidden"},{type:"Uint32",name:"crossTileID"},{type:"Int16",name:"associatedIconIndex"}]),Ti([{type:"Int16",name:"anchorX"},{type:"Int16",name:"anchorY"},{type:"Int16",name:"rightJustifiedTextSymbolIndex"},{type:"Int16",name:"centerJustifiedTextSymbolIndex"},{type:"Int16",name:"leftJustifiedTextSymbolIndex"},{type:"Int16",name:"verticalPlacedTextSymbolIndex"},{type:"Int16",name:"placedIconSymbolIndex"},{type:"Int16",name:"verticalPlacedIconSymbolIndex"},{type:"Uint16",name:"key"},{type:"Uint16",name:"textBoxStartIndex"},{type:"Uint16",name:"textBoxEndIndex"},{type:"Uint16",name:"verticalTextBoxStartIndex"},{type:"Uint16",name:"verticalTextBoxEndIndex"},{type:"Uint16",name:"iconBoxStartIndex"},{type:"Uint16",name:"iconBoxEndIndex"},{type:"Uint16",name:"verticalIconBoxStartIndex"},{type:"Uint16",name:"verticalIconBoxEndIndex"},{type:"Uint16",name:"featureIndex"},{type:"Uint16",name:"numHorizontalGlyphVertices"},{type:"Uint16",name:"numVerticalGlyphVertices"},{type:"Uint16",name:"numIconVertices"},{type:"Uint16",name:"numVerticalIconVertices"},{type:"Uint16",name:"useRuntimeCollisionCircles"},{type:"Uint32",name:"crossTileID"},{type:"Float32",name:"textBoxScale"},{type:"Float32",components:2,name:"textOffset"},{type:"Float32",name:"collisionCircleDiameter"}]),Ti([{type:"Float32",name:"offsetX"}]),Ti([{type:"Int16",name:"x"},{type:"Int16",name:"y"},{type:"Int16",name:"tileUnitDistanceFromAnchor"}]);var Us={"!":"\ufe15","#":"\uff03",$:"\uff04","%":"\uff05","&":"\uff06","(":"\ufe35",")":"\ufe36","*":"\uff0a","+":"\uff0b",",":"\ufe10","-":"\ufe32",".":"\u30fb","/":"\uff0f",":":"\ufe13",";":"\ufe14","<":"\ufe3f","=":"\uff1d",">":"\ufe40","?":"\ufe16","@":"\uff20","[":"\ufe47","\\":"\uff3c","]":"\ufe48","^":"\uff3e",_:"\ufe33","`":"\uff40","{":"\ufe37","|":"\u2015","}":"\ufe38","~":"\uff5e","\xa2":"\uffe0","\xa3":"\uffe1","\xa5":"\uffe5","\xa6":"\uffe4","\xac":"\uffe2","\xaf":"\uffe3","\u2013":"\ufe32","\u2014":"\ufe31","\u2018":"\ufe43","\u2019":"\ufe44","\u201c":"\ufe41","\u201d":"\ufe42","\u2026":"\ufe19","\u2027":"\u30fb","\u20a9":"\uffe6","\u3001":"\ufe11","\u3002":"\ufe12","\u3008":"\ufe3f","\u3009":"\ufe40","\u300a":"\ufe3d","\u300b":"\ufe3e","\u300c":"\ufe41","\u300d":"\ufe42","\u300e":"\ufe43","\u300f":"\ufe44","\u3010":"\ufe3b","\u3011":"\ufe3c","\u3014":"\ufe39","\u3015":"\ufe3a","\u3016":"\ufe17","\u3017":"\ufe18","\uff01":"\ufe15","\uff08":"\ufe35","\uff09":"\ufe36","\uff0c":"\ufe10","\uff0d":"\ufe32","\uff0e":"\u30fb","\uff1a":"\ufe13","\uff1b":"\ufe14","\uff1c":"\ufe3f","\uff1e":"\ufe40","\uff1f":"\ufe16","\uff3b":"\ufe47","\uff3d":"\ufe48","\uff3f":"\ufe33","\uff5b":"\ufe37","\uff5c":"\u2015","\uff5d":"\ufe38","\uff5f":"\ufe35","\uff60":"\ufe36","\uff61":"\ufe12","\uff62":"\ufe41","\uff63":"\ufe42"},Vs=function(t,e,r,n,i){var a,o,s=8*i-n-1,l=(1<>1,u=-7,f=r?i-1:0,h=r?-1:1,p=t[e+f];for(f+=h,a=p&(1<<-u)-1,p>>=-u,u+=s;u>0;a=256*a+t[e+f],f+=h,u-=8);for(o=a&(1<<-u)-1,a>>=-u,u+=n;u>0;o=256*o+t[e+f],f+=h,u-=8);if(0===a)a=1-c;else{if(a===l)return o?NaN:1/0*(p?-1:1);o+=Math.pow(2,n),a-=c}return(p?-1:1)*o*Math.pow(2,a-n)},qs=function(t,e,r,n,i,a){var o,s,l,c=8*a-i-1,u=(1<>1,h=23===i?Math.pow(2,-24)-Math.pow(2,-77):0,p=n?0:a-1,d=n?1:-1,g=e<0||0===e&&1/e<0?1:0;for(e=Math.abs(e),isNaN(e)||e===1/0?(s=isNaN(e)?1:0,o=u):(o=Math.floor(Math.log(e)/Math.LN2),e*(l=Math.pow(2,-o))<1&&(o--,l*=2),(e+=o+f>=1?h/l:h*Math.pow(2,1-f))*l>=2&&(o++,l/=2),o+f>=u?(s=0,o=u):o+f>=1?(s=(e*l-1)*Math.pow(2,i),o+=f):(s=e*Math.pow(2,f-1)*Math.pow(2,i),o=0));i>=8;t[r+p]=255&s,p+=d,s/=256,i-=8);for(o=o<0;t[r+p]=255&o,p+=d,o/=256,c-=8);t[r+p-d]|=128*g},Hs=Gs;function Gs(t){this.buf=ArrayBuffer.isView&&ArrayBuffer.isView(t)?t:new Uint8Array(t||0),this.pos=0,this.type=0,this.length=this.buf.length}Gs.Varint=0,Gs.Fixed64=1,Gs.Bytes=2,Gs.Fixed32=5;var Ys="undefined"==typeof TextDecoder?null:new TextDecoder("utf8");function Ws(t){return t.type===Gs.Bytes?t.readVarint()+t.pos:t.pos+1}function Xs(t,e,r){return r?4294967296*e+(t>>>0):4294967296*(e>>>0)+(t>>>0)}function Zs(t,e,r){var n=e<=16383?1:e<=2097151?2:e<=268435455?3:Math.floor(Math.log(e)/(7*Math.LN2));r.realloc(n);for(var i=r.pos-1;i>=t;i--)r.buf[i+n]=r.buf[i]}function Js(t,e){for(var r=0;r>>8,t[r+2]=e>>>16,t[r+3]=e>>>24}function sl(t,e){return(t[e]|t[e+1]<<8|t[e+2]<<16)+(t[e+3]<<24)}function ll(t,e,r){1===t&&r.readMessage(cl,e)}function cl(t,e,r){if(3===t){var n=r.readMessage(ul,{}),i=n.width,a=n.height,o=n.left,s=n.top,l=n.advance;e.push({id:n.id,bitmap:new ho({width:i+6,height:a+6},n.bitmap),metrics:{width:i,height:a,left:o,top:s,advance:l}})}}function ul(t,e,r){1===t?e.id=r.readVarint():2===t?e.bitmap=r.readBytes():3===t?e.width=r.readVarint():4===t?e.height=r.readVarint():5===t?e.left=r.readSVarint():6===t?e.top=r.readSVarint():7===t&&(e.advance=r.readVarint())}function fl(t){for(var e=0,r=0,n=0,i=t;n=0;h--){var p=o[h];if(!(f.w>p.w||f.h>p.h)){if(f.x=p.x,f.y=p.y,l=Math.max(l,f.y+f.h),s=Math.max(s,f.x+f.w),f.w===p.w&&f.h===p.h){var d=o.pop();h>3,a=this.pos;this.type=7&n,t(i,e,this),this.pos===a&&this.skip(n)}return e},readMessage:function(t,e){return this.readFields(t,e,this.readVarint()+this.pos)},readFixed32:function(){var t=al(this.buf,this.pos);return this.pos+=4,t},readSFixed32:function(){var t=sl(this.buf,this.pos);return this.pos+=4,t},readFixed64:function(){var t=al(this.buf,this.pos)+4294967296*al(this.buf,this.pos+4);return this.pos+=8,t},readSFixed64:function(){var t=al(this.buf,this.pos)+4294967296*sl(this.buf,this.pos+4);return this.pos+=8,t},readFloat:function(){var t=Vs(this.buf,this.pos,!0,23,4);return this.pos+=4,t},readDouble:function(){var t=Vs(this.buf,this.pos,!0,52,8);return this.pos+=8,t},readVarint:function(t){var e,r,n=this.buf;return e=127&(r=n[this.pos++]),r<128?e:(e|=(127&(r=n[this.pos++]))<<7,r<128?e:(e|=(127&(r=n[this.pos++]))<<14,r<128?e:(e|=(127&(r=n[this.pos++]))<<21,r<128?e:function(t,e,r){var n,i,a=r.buf;if(n=(112&(i=a[r.pos++]))>>4,i<128)return Xs(t,n,e);if(n|=(127&(i=a[r.pos++]))<<3,i<128)return Xs(t,n,e);if(n|=(127&(i=a[r.pos++]))<<10,i<128)return Xs(t,n,e);if(n|=(127&(i=a[r.pos++]))<<17,i<128)return Xs(t,n,e);if(n|=(127&(i=a[r.pos++]))<<24,i<128)return Xs(t,n,e);if(n|=(1&(i=a[r.pos++]))<<31,i<128)return Xs(t,n,e);throw new Error("Expected varint not more than 10 bytes")}(e|=(15&(r=n[this.pos]))<<28,t,this))))},readVarint64:function(){return this.readVarint(!0)},readSVarint:function(){var t=this.readVarint();return t%2==1?(t+1)/-2:t/2},readBoolean:function(){return Boolean(this.readVarint())},readString:function(){var t=this.readVarint()+this.pos,e=this.pos;return this.pos=t,t-e>=12&&Ys?function(t,e,r){return Ys.decode(t.subarray(e,r))}(this.buf,e,t):function(t,e,r){for(var n="",i=e;i239?4:l>223?3:l>191?2:1;if(i+u>r)break;1===u?l<128&&(c=l):2===u?128==(192&(a=t[i+1]))&&(c=(31&l)<<6|63&a)<=127&&(c=null):3===u?(o=t[i+2],128==(192&(a=t[i+1]))&&128==(192&o)&&((c=(15&l)<<12|(63&a)<<6|63&o)<=2047||c>=55296&&c<=57343)&&(c=null)):4===u&&(o=t[i+2],s=t[i+3],128==(192&(a=t[i+1]))&&128==(192&o)&&128==(192&s)&&((c=(15&l)<<18|(63&a)<<12|(63&o)<<6|63&s)<=65535||c>=1114112)&&(c=null)),null===c?(c=65533,u=1):c>65535&&(c-=65536,n+=String.fromCharCode(c>>>10&1023|55296),c=56320|1023&c),n+=String.fromCharCode(c),i+=u}return n}(this.buf,e,t)},readBytes:function(){var t=this.readVarint()+this.pos,e=this.buf.subarray(this.pos,t);return this.pos=t,e},readPackedVarint:function(t,e){if(this.type!==Gs.Bytes)return t.push(this.readVarint(e));var r=Ws(this);for(t=t||[];this.pos127;);else if(e===Gs.Bytes)this.pos=this.readVarint()+this.pos;else if(e===Gs.Fixed32)this.pos+=4;else{if(e!==Gs.Fixed64)throw new Error("Unimplemented type: "+e);this.pos+=8}},writeTag:function(t,e){this.writeVarint(t<<3|e)},realloc:function(t){for(var e=this.length||16;e268435455||t<0?function(t,e){var r,n;if(t>=0?(r=t%4294967296|0,n=t/4294967296|0):(n=~(-t/4294967296),4294967295^(r=~(-t%4294967296))?r=r+1|0:(r=0,n=n+1|0)),t>=0x10000000000000000||t<-0x10000000000000000)throw new Error("Given varint doesn't fit into 10 bytes");e.realloc(10),function(t,e,r){r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,r.buf[r.pos]=127&(t>>>=7)}(r,0,e),function(t,e){var r=(7&t)<<4;e.buf[e.pos++]|=r|((t>>>=3)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t)))))}(n,e)}(t,this):(this.realloc(4),this.buf[this.pos++]=127&t|(t>127?128:0),t<=127||(this.buf[this.pos++]=127&(t>>>=7)|(t>127?128:0),t<=127||(this.buf[this.pos++]=127&(t>>>=7)|(t>127?128:0),t<=127||(this.buf[this.pos++]=t>>>7&127))))},writeSVarint:function(t){this.writeVarint(t<0?2*-t-1:2*t)},writeBoolean:function(t){this.writeVarint(Boolean(t))},writeString:function(t){t=String(t),this.realloc(4*t.length),this.pos++;var e=this.pos;this.pos=function(t,e,r){for(var n,i,a=0;a55295&&n<57344){if(!i){n>56319||a+1===e.length?(t[r++]=239,t[r++]=191,t[r++]=189):i=n;continue}if(n<56320){t[r++]=239,t[r++]=191,t[r++]=189,i=n;continue}n=i-55296<<10|n-56320|65536,i=null}else i&&(t[r++]=239,t[r++]=191,t[r++]=189,i=null);n<128?t[r++]=n:(n<2048?t[r++]=n>>6|192:(n<65536?t[r++]=n>>12|224:(t[r++]=n>>18|240,t[r++]=n>>12&63|128),t[r++]=n>>6&63|128),t[r++]=63&n|128)}return r}(this.buf,t,this.pos);var r=this.pos-e;r>=128&&Zs(e,r,this),this.pos=e-1,this.writeVarint(r),this.pos+=r},writeFloat:function(t){this.realloc(4),qs(this.buf,t,this.pos,!0,23,4),this.pos+=4},writeDouble:function(t){this.realloc(8),qs(this.buf,t,this.pos,!0,52,8),this.pos+=8},writeBytes:function(t){var e=t.length;this.writeVarint(e),this.realloc(e);for(var r=0;r=128&&Zs(r,n,this),this.pos=r-1,this.writeVarint(n),this.pos+=n},writeMessage:function(t,e,r){this.writeTag(t,Gs.Bytes),this.writeRawMessage(e,r)},writePackedVarint:function(t,e){e.length&&this.writeMessage(t,Js,e)},writePackedSVarint:function(t,e){e.length&&this.writeMessage(t,Ks,e)},writePackedBoolean:function(t,e){e.length&&this.writeMessage(t,tl,e)},writePackedFloat:function(t,e){e.length&&this.writeMessage(t,Qs,e)},writePackedDouble:function(t,e){e.length&&this.writeMessage(t,$s,e)},writePackedFixed32:function(t,e){e.length&&this.writeMessage(t,el,e)},writePackedSFixed32:function(t,e){e.length&&this.writeMessage(t,rl,e)},writePackedFixed64:function(t,e){e.length&&this.writeMessage(t,nl,e)},writePackedSFixed64:function(t,e){e.length&&this.writeMessage(t,il,e)},writeBytesField:function(t,e){this.writeTag(t,Gs.Bytes),this.writeBytes(e)},writeFixed32Field:function(t,e){this.writeTag(t,Gs.Fixed32),this.writeFixed32(e)},writeSFixed32Field:function(t,e){this.writeTag(t,Gs.Fixed32),this.writeSFixed32(e)},writeFixed64Field:function(t,e){this.writeTag(t,Gs.Fixed64),this.writeFixed64(e)},writeSFixed64Field:function(t,e){this.writeTag(t,Gs.Fixed64),this.writeSFixed64(e)},writeVarintField:function(t,e){this.writeTag(t,Gs.Varint),this.writeVarint(e)},writeSVarintField:function(t,e){this.writeTag(t,Gs.Varint),this.writeSVarint(e)},writeStringField:function(t,e){this.writeTag(t,Gs.Bytes),this.writeString(e)},writeFloatField:function(t,e){this.writeTag(t,Gs.Fixed32),this.writeFloat(e)},writeDoubleField:function(t,e){this.writeTag(t,Gs.Fixed64),this.writeDouble(e)},writeBooleanField:function(t,e){this.writeVarintField(t,Boolean(e))}};var hl=function(t,e){var r=e.pixelRatio,n=e.version,i=e.stretchX,a=e.stretchY,o=e.content;this.paddedRect=t,this.pixelRatio=r,this.stretchX=i,this.stretchY=a,this.content=o,this.version=n},pl={tl:{configurable:!0},br:{configurable:!0},tlbr:{configurable:!0},displaySize:{configurable:!0}};pl.tl.get=function(){return[this.paddedRect.x+1,this.paddedRect.y+1]},pl.br.get=function(){return[this.paddedRect.x+this.paddedRect.w-1,this.paddedRect.y+this.paddedRect.h-1]},pl.tlbr.get=function(){return this.tl.concat(this.br)},pl.displaySize.get=function(){return[(this.paddedRect.w-2)/this.pixelRatio,(this.paddedRect.h-2)/this.pixelRatio]},Object.defineProperties(hl.prototype,pl);var dl=function(t,e){var r={},n={};this.haveRenderCallbacks=[];var i=[];this.addImages(t,r,i),this.addImages(e,n,i);var a=fl(i),o=new po({width:a.w||1,height:a.h||1});for(var s in t){var l=t[s],c=r[s].paddedRect;po.copy(l.data,o,{x:0,y:0},{x:c.x+1,y:c.y+1},l.data)}for(var u in e){var f=e[u],h=n[u].paddedRect,p=h.x+1,d=h.y+1,g=f.data.width,m=f.data.height;po.copy(f.data,o,{x:0,y:0},{x:p,y:d},f.data),po.copy(f.data,o,{x:0,y:m-1},{x:p,y:d-1},{width:g,height:1}),po.copy(f.data,o,{x:0,y:0},{x:p,y:d+m},{width:g,height:1}),po.copy(f.data,o,{x:g-1,y:0},{x:p-1,y:d},{width:1,height:m}),po.copy(f.data,o,{x:0,y:0},{x:p+g,y:d},{width:1,height:m})}this.image=o,this.iconPositions=r,this.patternPositions=n};dl.prototype.addImages=function(t,e,r){for(var n in t){var i=t[n],a={x:0,y:0,w:i.data.width+2,h:i.data.height+2};r.push(a),e[n]=new hl(a,i),i.hasRenderCallback&&this.haveRenderCallbacks.push(n)}},dl.prototype.patchUpdatedImages=function(t,e){for(var r in t.dispatchRenderCallbacks(this.haveRenderCallbacks),t.updatedImages)this.patchUpdatedImage(this.iconPositions[r],t.getImage(r),e),this.patchUpdatedImage(this.patternPositions[r],t.getImage(r),e)},dl.prototype.patchUpdatedImage=function(t,e,r){if(t&&e&&t.version!==e.version){t.version=e.version;var n=t.tl;r.update(e.data,void 0,{x:n[0],y:n[1]})}},Dn("ImagePosition",hl),Dn("ImageAtlas",dl);var gl={horizontal:1,vertical:2,horizontalOnly:3},ml=function(){this.scale=1,this.fontStack="",this.imageName=null};ml.forText=function(t,e){var r=new ml;return r.scale=t||1,r.fontStack=e,r},ml.forImage=function(t){var e=new ml;return e.imageName=t,e};var vl=function(){this.text="",this.sectionIndex=[],this.sections=[],this.imageSectionID=null};function yl(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g){var m,v=vl.fromFeature(t,i);f===gl.vertical&&v.verticalizePunctuation();var y=ni.processBidirectionalText,x=ni.processStyledBidirectionalText;if(y&&1===v.sections.length){m=[];for(var b=0,_=y(v.toString(),Ml(v,c,a,e,n,p,d));b<_.length;b+=1){var w=_[b],T=new vl;T.text=w,T.sections=v.sections;for(var k=0;k0&&B>M&&(M=B)}else{var N=r[S.fontStack],j=N&&N[C];if(j&&j.rect)P=j.rect,I=j.metrics;else{var U=e[S.fontStack],V=U&&U[C];if(!V)continue;I=V.metrics}L=24*(_-S.scale)}D?(t.verticalizable=!0,k.push({glyph:C,imageName:z,x:h,y:p+L,vertical:D,scale:S.scale,fontStack:S.fontStack,sectionIndex:E,metrics:I,rect:P}),h+=O*S.scale+c):(k.push({glyph:C,imageName:z,x:h,y:p+L,vertical:D,scale:S.scale,fontStack:S.fontStack,sectionIndex:E,metrics:I,rect:P}),h+=I.advance*S.scale+c)}0!==k.length&&(d=Math.max(h-c,d),Sl(k,0,k.length-1,m,M)),h=0;var q=a*_+M;T.lineOffset=Math.max(M,w),p+=q,g=Math.max(q,g),++v}else p+=a,++v}var H,G=p- -17,Y=Al(o),W=Y.horizontalAlign,X=Y.verticalAlign;(function(t,e,r,n,i,a,o,s,l){var c,u=(e-r)*i;c=a!==o?-s*n- -17:(-n*l+.5)*o;for(var f=0,h=t;f=0&&n>=t&&xl[this.text.charCodeAt(n)];n--)r--;this.text=this.text.substring(t,r),this.sectionIndex=this.sectionIndex.slice(t,r)},vl.prototype.substring=function(t,e){var r=new vl;return r.text=this.text.substring(t,e),r.sectionIndex=this.sectionIndex.slice(t,e),r.sections=this.sections,r},vl.prototype.toString=function(){return this.text},vl.prototype.getMaxScale=function(){var t=this;return this.sectionIndex.reduce((function(e,r){return Math.max(e,t.sections[r].scale)}),0)},vl.prototype.addTextSection=function(t,e){this.text+=t.text,this.sections.push(ml.forText(t.scale,t.fontStack||e));for(var r=this.sections.length-1,n=0;n=63743?null:++this.imageSectionID:(this.imageSectionID=57344,this.imageSectionID)};var xl={9:!0,10:!0,11:!0,12:!0,13:!0,32:!0},bl={};function _l(t,e,r,n,i,a){if(e.imageName){var o=n[e.imageName];return o?o.displaySize[0]*e.scale*24/a+i:0}var s=r[e.fontStack],l=s&&s[t];return l?l.metrics.advance*e.scale+i:0}function wl(t,e,r,n){var i=Math.pow(t-e,2);return n?t=0,f=0,h=0;h-r/2;){if(--o<0)return!1;s-=t[o].dist(a),a=t[o]}s+=t[o].dist(t[o+1]),o++;for(var l=[],c=0;sn;)c-=l.shift().angleDelta;if(c>i)return!1;o++,s+=u.dist(f)}return!0}function Dl(t){for(var e=0,r=0;rc){var d=(c-l)/p,g=Ue(f.x,h.x,d),m=Ue(f.y,h.y,d),v=new Cl(g,m,h.angleTo(f),u);return v._round(),!o||Ol(t,v,s,o,e)?v:void 0}l+=p}}function Nl(t,e,r,n,i,a,o,s,l){var c=Rl(n,a,o),u=Fl(n,i),f=u*o,h=0===t[0].x||t[0].x===l||0===t[0].y||t[0].y===l;return e-f=0&&_=0&&w=0&&p+u<=f){var T=new Cl(_,w,x,g);T._round(),i&&!Ol(e,T,o,i,a)||d.push(T)}}h+=y}return l||d.length||s||(d=t(e,h/2,n,i,a,o,s,!0,c)),d}(t,h?e/2*s%e:(u/2+2*a)*o*s%e,e,c,r,f,h,!1,l)}function jl(t,e,r,n,a){for(var o=[],s=0;s=n&&h.x>=n||(f.x>=n?f=new i(n,f.y+(n-f.x)/(h.x-f.x)*(h.y-f.y))._round():h.x>=n&&(h=new i(n,f.y+(n-f.x)/(h.x-f.x)*(h.y-f.y))._round()),f.y>=a&&h.y>=a||(f.y>=a?f=new i(f.x+(a-f.y)/(h.y-f.y)*(h.x-f.x),a)._round():h.y>=a&&(h=new i(f.x+(a-f.y)/(h.y-f.y)*(h.x-f.x),a)._round()),c&&f.equals(c[c.length-1])||o.push(c=[f]),c.push(h)))))}return o}function Ul(t,e,r,n){var a=[],o=t.image,s=o.pixelRatio,l=o.paddedRect.w-2,c=o.paddedRect.h-2,u=t.right-t.left,f=t.bottom-t.top,h=o.stretchX||[[0,l]],p=o.stretchY||[[0,c]],d=function(t,e){return t+e[1]-e[0]},g=h.reduce(d,0),m=p.reduce(d,0),v=l-g,y=c-m,x=0,b=g,_=0,w=m,T=0,k=v,M=0,A=y;if(o.content&&n){var S=o.content;x=Vl(h,0,S[0]),_=Vl(p,0,S[1]),b=Vl(h,S[0],S[2]),w=Vl(p,S[1],S[3]),T=S[0]-x,M=S[1]-_,k=S[2]-S[0]-b,A=S[3]-S[1]-w}var E=function(n,a,l,c){var h=Hl(n.stretch-x,b,u,t.left),p=Gl(n.fixed-T,k,n.stretch,g),d=Hl(a.stretch-_,w,f,t.top),v=Gl(a.fixed-M,A,a.stretch,m),y=Hl(l.stretch-x,b,u,t.left),S=Gl(l.fixed-T,k,l.stretch,g),E=Hl(c.stretch-_,w,f,t.top),C=Gl(c.fixed-M,A,c.stretch,m),L=new i(h,d),I=new i(y,d),P=new i(y,E),z=new i(h,E),O=new i(p/s,v/s),D=new i(S/s,C/s),R=e*Math.PI/180;if(R){var F=Math.sin(R),B=Math.cos(R),N=[B,-F,F,B];L._matMult(N),I._matMult(N),z._matMult(N),P._matMult(N)}var j=n.stretch+n.fixed,U=a.stretch+a.fixed;return{tl:L,tr:I,bl:z,br:P,tex:{x:o.paddedRect.x+1+j,y:o.paddedRect.y+1+U,w:l.stretch+l.fixed-j,h:c.stretch+c.fixed-U},writingMode:void 0,glyphOffset:[0,0],sectionIndex:0,pixelOffsetTL:O,pixelOffsetBR:D,minFontScaleX:k/s/u,minFontScaleY:A/s/f,isSDF:r}};if(n&&(o.stretchX||o.stretchY))for(var C=ql(h,v,g),L=ql(p,y,m),I=0;I0&&(d=Math.max(10,d),this.circleDiameter=d)}else{var g=o.top*s-l,m=o.bottom*s+l,v=o.left*s-l,y=o.right*s+l,x=o.collisionPadding;if(x&&(v-=x[0]*s,g-=x[1]*s,y+=x[2]*s,m+=x[3]*s),u){var b=new i(v,g),_=new i(y,g),w=new i(v,m),T=new i(y,m),k=u*Math.PI/180;b._rotate(k),_._rotate(k),w._rotate(k),T._rotate(k),v=Math.min(b.x,_.x,w.x,T.x),y=Math.max(b.x,_.x,w.x,T.x),g=Math.min(b.y,_.y,w.y,T.y),m=Math.max(b.y,_.y,w.y,T.y)}t.emplaceBack(e.x,e.y,v,g,y,m,r,n,a)}this.boxEndIndex=t.length},Wl=function(t,e){if(void 0===t&&(t=[]),void 0===e&&(e=Xl),this.data=t,this.length=this.data.length,this.compare=e,this.length>0)for(var r=(this.length>>1)-1;r>=0;r--)this._down(r)};function Xl(t,e){return te?1:0}function Zl(t,e,r){void 0===e&&(e=1),void 0===r&&(r=!1);for(var n=1/0,a=1/0,o=-1/0,s=-1/0,l=t[0],c=0;co)&&(o=u.x),(!c||u.y>s)&&(s=u.y)}var f=Math.min(o-n,s-a),h=f/2,p=new Wl([],Jl);if(0===f)return new i(n,a);for(var d=n;dm.d||!m.d)&&(m=y,r&&console.log("found best %d after %d probes",Math.round(1e4*y.d)/1e4,v)),y.max-m.d<=e||(p.push(new Kl(y.p.x-(h=y.h/2),y.p.y-h,h,t)),p.push(new Kl(y.p.x+h,y.p.y-h,h,t)),p.push(new Kl(y.p.x-h,y.p.y+h,h,t)),p.push(new Kl(y.p.x+h,y.p.y+h,h,t)),v+=4)}return r&&(console.log("num probes: "+v),console.log("best distance: "+m.d)),m.p}function Jl(t,e){return e.max-t.max}function Kl(t,e,r,n){this.p=new i(t,e),this.h=r,this.d=function(t,e){for(var r=!1,n=1/0,i=0;it.y!=u.y>t.y&&t.x<(u.x-c.x)*(t.y-c.y)/(u.y-c.y)+c.x&&(r=!r),n=Math.min(n,Ga(t,c,u))}return(r?1:-1)*Math.sqrt(n)}(this.p,n),this.max=this.d+this.h*Math.SQRT2}Wl.prototype.push=function(t){this.data.push(t),this.length++,this._up(this.length-1)},Wl.prototype.pop=function(){if(0!==this.length){var t=this.data[0],e=this.data.pop();return this.length--,this.length>0&&(this.data[0]=e,this._down(0)),t}},Wl.prototype.peek=function(){return this.data[0]},Wl.prototype._up=function(t){for(var e=this.data,r=this.compare,n=e[t];t>0;){var i=t-1>>1,a=e[i];if(r(n,a)>=0)break;e[t]=a,t=i}e[t]=n},Wl.prototype._down=function(t){for(var e=this.data,r=this.compare,n=this.length>>1,i=e[t];t=0)break;e[t]=o,t=a}e[t]=i};var Ql=Number.POSITIVE_INFINITY;function $l(t,e){return e[1]!==Ql?function(t,e,r){var n=0,i=0;switch(e=Math.abs(e),r=Math.abs(r),t){case"top-right":case"top-left":case"top":i=r-7;break;case"bottom-right":case"bottom-left":case"bottom":i=7-r}switch(t){case"top-right":case"bottom-right":case"right":n=-e;break;case"top-left":case"bottom-left":case"left":n=e}return[n,i]}(t,e[0],e[1]):function(t,e){var r=0,n=0;e<0&&(e=0);var i=e/Math.sqrt(2);switch(t){case"top-right":case"top-left":n=i-7;break;case"bottom-right":case"bottom-left":n=7-i;break;case"bottom":n=7-e;break;case"top":n=e-7}switch(t){case"top-right":case"bottom-right":r=-i;break;case"top-left":case"bottom-left":r=i;break;case"left":r=e;break;case"right":r=-e}return[r,n]}(t,e[0])}function tc(t){switch(t){case"right":case"top-right":case"bottom-right":return"right";case"left":case"top-left":case"bottom-left":return"left"}return"center"}function ec(t,e,r,n,a,o,s,l,c,u,f,h,p,d,g){var m=function(t,e,r,n,a,o,s,l){for(var c=n.layout.get("text-rotate").evaluate(o,{})*Math.PI/180,u=[],f=0,h=e.positionedLines;f32640&&_(t.layerIds[0]+': Value for "text-size" is >= 255. Reduce your "text-size".'):"composite"===v.kind&&((y=[128*d.compositeTextSizes[0].evaluate(s,{},g),128*d.compositeTextSizes[1].evaluate(s,{},g)])[0]>32640||y[1]>32640)&&_(t.layerIds[0]+': Value for "text-size" is >= 255. Reduce your "text-size".'),t.addSymbols(t.text,m,y,l,o,s,u,e,c.lineStartIndex,c.lineLength,p,g);for(var x=0,b=f;x=0;o--)if(n.dist(a[o])0)&&("constant"!==a.value.kind||a.value.value.length>0),c="constant"!==s.value.kind||!!s.value.value||Object.keys(s.parameters).length>0,u=i.get("symbol-sort-key");if(this.features=[],l||c){for(var f=e.iconDependencies,h=e.glyphDependencies,p=e.availableImages,d=new ii(this.zoom),g=0,m=t;g=0;for(var z=0,O=k.sections;z=0;s--)a[s]={x:e[s].x,y:e[s].y,tileUnitDistanceFromAnchor:i},s>0&&(i+=e[s-1].dist(e[s]));for(var l=0;l0},fc.prototype.hasIconData=function(){return this.icon.segments.get().length>0},fc.prototype.hasDebugData=function(){return this.textCollisionBox&&this.iconCollisionBox},fc.prototype.hasTextCollisionBoxData=function(){return this.hasDebugData()&&this.textCollisionBox.segments.get().length>0},fc.prototype.hasIconCollisionBoxData=function(){return this.hasDebugData()&&this.iconCollisionBox.segments.get().length>0},fc.prototype.addIndicesForPlacedSymbol=function(t,e){for(var r=t.placedSymbolArray.get(e),n=r.vertexStartIndex+4*r.numGlyphs,i=r.vertexStartIndex;i1||this.icon.segments.get().length>1)){this.symbolInstanceIndexes=this.getSortedSymbolIndexes(t),this.sortedAngle=t,this.text.indexArray.clear(),this.icon.indexArray.clear(),this.featureSortOrder=[];for(var r=0,n=this.symbolInstanceIndexes;r=0&&n.indexOf(t)===r&&e.addIndicesForPlacedSymbol(e.text,t)})),i.verticalPlacedTextSymbolIndex>=0&&this.addIndicesForPlacedSymbol(this.text,i.verticalPlacedTextSymbolIndex),i.placedIconSymbolIndex>=0&&this.addIndicesForPlacedSymbol(this.icon,i.placedIconSymbolIndex),i.verticalPlacedIconSymbolIndex>=0&&this.addIndicesForPlacedSymbol(this.icon,i.verticalPlacedIconSymbolIndex)}this.text.indexBuffer&&this.text.indexBuffer.updateData(this.text.indexArray),this.icon.indexBuffer&&this.icon.indexBuffer.updateData(this.icon.indexArray)}},Dn("SymbolBucket",fc,{omit:["layers","collisionBoxArray","features","compareText"]}),fc.MAX_GLYPHS=65535,fc.addDynamicAttributes=sc;var hc=new yi({"symbol-placement":new pi(At.layout_symbol["symbol-placement"]),"symbol-spacing":new pi(At.layout_symbol["symbol-spacing"]),"symbol-avoid-edges":new pi(At.layout_symbol["symbol-avoid-edges"]),"symbol-sort-key":new di(At.layout_symbol["symbol-sort-key"]),"symbol-z-order":new pi(At.layout_symbol["symbol-z-order"]),"icon-allow-overlap":new pi(At.layout_symbol["icon-allow-overlap"]),"icon-ignore-placement":new pi(At.layout_symbol["icon-ignore-placement"]),"icon-optional":new pi(At.layout_symbol["icon-optional"]),"icon-rotation-alignment":new pi(At.layout_symbol["icon-rotation-alignment"]),"icon-size":new di(At.layout_symbol["icon-size"]),"icon-text-fit":new pi(At.layout_symbol["icon-text-fit"]),"icon-text-fit-padding":new pi(At.layout_symbol["icon-text-fit-padding"]),"icon-image":new di(At.layout_symbol["icon-image"]),"icon-rotate":new di(At.layout_symbol["icon-rotate"]),"icon-padding":new pi(At.layout_symbol["icon-padding"]),"icon-keep-upright":new pi(At.layout_symbol["icon-keep-upright"]),"icon-offset":new di(At.layout_symbol["icon-offset"]),"icon-anchor":new di(At.layout_symbol["icon-anchor"]),"icon-pitch-alignment":new pi(At.layout_symbol["icon-pitch-alignment"]),"text-pitch-alignment":new pi(At.layout_symbol["text-pitch-alignment"]),"text-rotation-alignment":new pi(At.layout_symbol["text-rotation-alignment"]),"text-field":new di(At.layout_symbol["text-field"]),"text-font":new di(At.layout_symbol["text-font"]),"text-size":new di(At.layout_symbol["text-size"]),"text-max-width":new di(At.layout_symbol["text-max-width"]),"text-line-height":new pi(At.layout_symbol["text-line-height"]),"text-letter-spacing":new di(At.layout_symbol["text-letter-spacing"]),"text-justify":new di(At.layout_symbol["text-justify"]),"text-radial-offset":new di(At.layout_symbol["text-radial-offset"]),"text-variable-anchor":new pi(At.layout_symbol["text-variable-anchor"]),"text-anchor":new di(At.layout_symbol["text-anchor"]),"text-max-angle":new pi(At.layout_symbol["text-max-angle"]),"text-writing-mode":new pi(At.layout_symbol["text-writing-mode"]),"text-rotate":new di(At.layout_symbol["text-rotate"]),"text-padding":new pi(At.layout_symbol["text-padding"]),"text-keep-upright":new pi(At.layout_symbol["text-keep-upright"]),"text-transform":new di(At.layout_symbol["text-transform"]),"text-offset":new di(At.layout_symbol["text-offset"]),"text-allow-overlap":new pi(At.layout_symbol["text-allow-overlap"]),"text-ignore-placement":new pi(At.layout_symbol["text-ignore-placement"]),"text-optional":new pi(At.layout_symbol["text-optional"])}),pc={paint:new yi({"icon-opacity":new di(At.paint_symbol["icon-opacity"]),"icon-color":new di(At.paint_symbol["icon-color"]),"icon-halo-color":new di(At.paint_symbol["icon-halo-color"]),"icon-halo-width":new di(At.paint_symbol["icon-halo-width"]),"icon-halo-blur":new di(At.paint_symbol["icon-halo-blur"]),"icon-translate":new pi(At.paint_symbol["icon-translate"]),"icon-translate-anchor":new pi(At.paint_symbol["icon-translate-anchor"]),"text-opacity":new di(At.paint_symbol["text-opacity"]),"text-color":new di(At.paint_symbol["text-color"],{runtimeType:Bt,getOverride:function(t){return t.textColor},hasOverride:function(t){return!!t.textColor}}),"text-halo-color":new di(At.paint_symbol["text-halo-color"]),"text-halo-width":new di(At.paint_symbol["text-halo-width"]),"text-halo-blur":new di(At.paint_symbol["text-halo-blur"]),"text-translate":new pi(At.paint_symbol["text-translate"]),"text-translate-anchor":new pi(At.paint_symbol["text-translate-anchor"])}),layout:hc},dc=function(t){this.type=t.property.overrides?t.property.overrides.runtimeType:Ot,this.defaultValue=t};dc.prototype.evaluate=function(t){if(t.formattedSection){var e=this.defaultValue.property.overrides;if(e&&e.hasOverride(t.formattedSection))return e.getOverride(t.formattedSection)}return t.feature&&t.featureState?this.defaultValue.evaluate(t.feature,t.featureState):this.defaultValue.property.specification.default},dc.prototype.eachChild=function(t){this.defaultValue.isConstant()||t(this.defaultValue.value._styleExpression.expression)},dc.prototype.outputDefined=function(){return!1},dc.prototype.serialize=function(){return null},Dn("FormatSectionOverride",dc,{omit:["defaultValue"]});var gc=function(t){function e(e){t.call(this,e,pc)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.recalculate=function(e,r){if(t.prototype.recalculate.call(this,e,r),"auto"===this.layout.get("icon-rotation-alignment")&&(this.layout._values["icon-rotation-alignment"]="point"!==this.layout.get("symbol-placement")?"map":"viewport"),"auto"===this.layout.get("text-rotation-alignment")&&(this.layout._values["text-rotation-alignment"]="point"!==this.layout.get("symbol-placement")?"map":"viewport"),"auto"===this.layout.get("text-pitch-alignment")&&(this.layout._values["text-pitch-alignment"]=this.layout.get("text-rotation-alignment")),"auto"===this.layout.get("icon-pitch-alignment")&&(this.layout._values["icon-pitch-alignment"]=this.layout.get("icon-rotation-alignment")),"point"===this.layout.get("symbol-placement")){var n=this.layout.get("text-writing-mode");if(n){for(var i=[],a=0,o=n;a",targetMapId:n,sourceMapId:a.mapId})}}},Cc.prototype.receive=function(t){var e=t.data,r=e.id;if(r&&(!e.targetMapId||this.mapId===e.targetMapId))if(""===e.type){delete this.tasks[r];var n=this.cancelCallbacks[r];delete this.cancelCallbacks[r],n&&n()}else k()||e.mustQueue?(this.tasks[r]=e,this.taskQueue.push(r),this.invoker.trigger()):this.processTask(r,e)},Cc.prototype.process=function(){if(this.taskQueue.length){var t=this.taskQueue.shift(),e=this.tasks[t];delete this.tasks[t],this.taskQueue.length&&this.invoker.trigger(),e&&this.processTask(t,e)}},Cc.prototype.processTask=function(t,e){var r=this;if(""===e.type){var n=this.callbacks[t];delete this.callbacks[t],n&&(e.error?n(jn(e.error)):n(null,jn(e.data)))}else{var i=!1,a=S(this.globalScope)?void 0:[],o=e.hasCallback?function(e,n){i=!0,delete r.cancelCallbacks[t],r.target.postMessage({id:t,type:"",sourceMapId:r.mapId,error:e?Nn(e):null,data:Nn(n,a)},a)}:function(t){i=!0},s=null,l=jn(e.data);if(this.parent[e.type])s=this.parent[e.type](e.sourceMapId,l,o);else if(this.parent.getWorkerSource){var c=e.type.split(".");s=this.parent.getWorkerSource(e.sourceMapId,c[0],l.source)[c[1]](l,o)}else o(new Error("Could not find function "+e.type));!i&&s&&s.cancel&&(this.cancelCallbacks[t]=s.cancel)}},Cc.prototype.remove=function(){this.invoker.remove(),this.target.removeEventListener("message",this.receive,!1)};var Ic=function(t,e){t&&(e?this.setSouthWest(t).setNorthEast(e):4===t.length?this.setSouthWest([t[0],t[1]]).setNorthEast([t[2],t[3]]):this.setSouthWest(t[0]).setNorthEast(t[1]))};Ic.prototype.setNorthEast=function(t){return this._ne=t instanceof Pc?new Pc(t.lng,t.lat):Pc.convert(t),this},Ic.prototype.setSouthWest=function(t){return this._sw=t instanceof Pc?new Pc(t.lng,t.lat):Pc.convert(t),this},Ic.prototype.extend=function(t){var e,r,n=this._sw,i=this._ne;if(t instanceof Pc)e=t,r=t;else{if(!(t instanceof Ic))return Array.isArray(t)?4===t.length||t.every(Array.isArray)?this.extend(Ic.convert(t)):this.extend(Pc.convert(t)):this;if(r=t._ne,!(e=t._sw)||!r)return this}return n||i?(n.lng=Math.min(e.lng,n.lng),n.lat=Math.min(e.lat,n.lat),i.lng=Math.max(r.lng,i.lng),i.lat=Math.max(r.lat,i.lat)):(this._sw=new Pc(e.lng,e.lat),this._ne=new Pc(r.lng,r.lat)),this},Ic.prototype.getCenter=function(){return new Pc((this._sw.lng+this._ne.lng)/2,(this._sw.lat+this._ne.lat)/2)},Ic.prototype.getSouthWest=function(){return this._sw},Ic.prototype.getNorthEast=function(){return this._ne},Ic.prototype.getNorthWest=function(){return new Pc(this.getWest(),this.getNorth())},Ic.prototype.getSouthEast=function(){return new Pc(this.getEast(),this.getSouth())},Ic.prototype.getWest=function(){return this._sw.lng},Ic.prototype.getSouth=function(){return this._sw.lat},Ic.prototype.getEast=function(){return this._ne.lng},Ic.prototype.getNorth=function(){return this._ne.lat},Ic.prototype.toArray=function(){return[this._sw.toArray(),this._ne.toArray()]},Ic.prototype.toString=function(){return"LngLatBounds("+this._sw.toString()+", "+this._ne.toString()+")"},Ic.prototype.isEmpty=function(){return!(this._sw&&this._ne)},Ic.prototype.contains=function(t){var e=Pc.convert(t),r=e.lng,n=e.lat,i=this._sw.lng<=r&&r<=this._ne.lng;return this._sw.lng>this._ne.lng&&(i=this._sw.lng>=r&&r>=this._ne.lng),this._sw.lat<=n&&n<=this._ne.lat&&i},Ic.convert=function(t){return!t||t instanceof Ic?t:new Ic(t)};var Pc=function(t,e){if(isNaN(t)||isNaN(e))throw new Error("Invalid LngLat object: ("+t+", "+e+")");if(this.lng=+t,this.lat=+e,this.lat>90||this.lat<-90)throw new Error("Invalid LngLat latitude value: must be between -90 and 90")};Pc.prototype.wrap=function(){return new Pc(c(this.lng,-180,180),this.lat)},Pc.prototype.toArray=function(){return[this.lng,this.lat]},Pc.prototype.toString=function(){return"LngLat("+this.lng+", "+this.lat+")"},Pc.prototype.distanceTo=function(t){var e=Math.PI/180,r=this.lat*e,n=t.lat*e,i=Math.sin(r)*Math.sin(n)+Math.cos(r)*Math.cos(n)*Math.cos((t.lng-this.lng)*e);return 6371008.8*Math.acos(Math.min(i,1))},Pc.prototype.toBounds=function(t){void 0===t&&(t=0);var e=360*t/40075017,r=e/Math.cos(Math.PI/180*this.lat);return new Ic(new Pc(this.lng-r,this.lat-e),new Pc(this.lng+r,this.lat+e))},Pc.convert=function(t){if(t instanceof Pc)return t;if(Array.isArray(t)&&(2===t.length||3===t.length))return new Pc(Number(t[0]),Number(t[1]));if(!Array.isArray(t)&&"object"==typeof t&&null!==t)return new Pc(Number("lng"in t?t.lng:t.lon),Number(t.lat));throw new Error("`LngLatLike` argument must be specified as a LngLat instance, an object {lng: , lat: }, an object {lon: , lat: }, or an array of [, ]")};var zc=2*Math.PI*6371008.8;function Oc(t){return zc*Math.cos(t*Math.PI/180)}function Dc(t){return(180+t)/360}function Rc(t){return(180-180/Math.PI*Math.log(Math.tan(Math.PI/4+t*Math.PI/360)))/360}function Fc(t,e){return t/Oc(e)}function Bc(t){return 360/Math.PI*Math.atan(Math.exp((180-360*t)*Math.PI/180))-90}var Nc=function(t,e,r){void 0===r&&(r=0),this.x=+t,this.y=+e,this.z=+r};Nc.fromLngLat=function(t,e){void 0===e&&(e=0);var r=Pc.convert(t);return new Nc(Dc(r.lng),Rc(r.lat),Fc(e,r.lat))},Nc.prototype.toLngLat=function(){return new Pc(360*this.x-180,Bc(this.y))},Nc.prototype.toAltitude=function(){return this.z*Oc(Bc(this.y))},Nc.prototype.meterInMercatorCoordinateUnits=function(){return 1/zc*(t=Bc(this.y),1/Math.cos(t*Math.PI/180));var t};var jc=function(t,e,r){this.z=t,this.x=e,this.y=r,this.key=qc(0,t,t,e,r)};jc.prototype.equals=function(t){return this.z===t.z&&this.x===t.x&&this.y===t.y},jc.prototype.url=function(t,e){var r,n,i,a,o,s=(n=this.y,i=this.z,a=Lc(256*(r=this.x),256*(n=Math.pow(2,i)-n-1),i),o=Lc(256*(r+1),256*(n+1),i),a[0]+","+a[1]+","+o[0]+","+o[1]),l=function(t,e,r){for(var n,i="",a=t;a>0;a--)i+=(e&(n=1<this.canonical.z?new Vc(t,this.wrap,this.canonical.z,this.canonical.x,this.canonical.y):new Vc(t,this.wrap,t,this.canonical.x>>e,this.canonical.y>>e)},Vc.prototype.calculateScaledKey=function(t,e){var r=this.canonical.z-t;return t>this.canonical.z?qc(this.wrap*+e,t,this.canonical.z,this.canonical.x,this.canonical.y):qc(this.wrap*+e,t,t,this.canonical.x>>r,this.canonical.y>>r)},Vc.prototype.isChildOf=function(t){if(t.wrap!==this.wrap)return!1;var e=this.canonical.z-t.canonical.z;return 0===t.overscaledZ||t.overscaledZ>e&&t.canonical.y===this.canonical.y>>e},Vc.prototype.children=function(t){if(this.overscaledZ>=t)return[new Vc(this.overscaledZ+1,this.wrap,this.canonical.z,this.canonical.x,this.canonical.y)];var e=this.canonical.z+1,r=2*this.canonical.x,n=2*this.canonical.y;return[new Vc(e,this.wrap,e,r,n),new Vc(e,this.wrap,e,r+1,n),new Vc(e,this.wrap,e,r,n+1),new Vc(e,this.wrap,e,r+1,n+1)]},Vc.prototype.isLessThan=function(t){return this.wrapt.wrap)&&(this.overscaledZt.overscaledZ)&&(this.canonical.xt.canonical.x)&&this.canonical.y=this.dim+1||e<-1||e>=this.dim+1)throw new RangeError("out of range source coordinates for DEM data");return(e+1)*this.stride+(t+1)},Hc.prototype._unpackMapbox=function(t,e,r){return(256*t*256+256*e+r)/10-1e4},Hc.prototype._unpackTerrarium=function(t,e,r){return 256*t+e+r/256-32768},Hc.prototype.getPixels=function(){return new po({width:this.stride,height:this.stride},new Uint8Array(this.data.buffer))},Hc.prototype.backfillBorder=function(t,e,r){if(this.dim!==t.dim)throw new Error("dem dimension mismatch");var n=e*this.dim,i=e*this.dim+this.dim,a=r*this.dim,o=r*this.dim+this.dim;switch(e){case-1:n=i-1;break;case 1:i=n+1}switch(r){case-1:a=o-1;break;case 1:o=a+1}for(var s=-e*this.dim,l=-r*this.dim,c=a;c=0&&u[3]>=0&&s.insert(o,u[0],u[1],u[2],u[3])}},Zc.prototype.loadVTLayers=function(){return this.vtLayers||(this.vtLayers=new gs.VectorTile(new Hs(this.rawTileData)).layers,this.sourceLayerCoder=new Gc(this.vtLayers?Object.keys(this.vtLayers).sort():["_geojsonTileLayer"])),this.vtLayers},Zc.prototype.query=function(t,e,r,n){var a=this;this.loadVTLayers();for(var o=t.params||{},s=8192/t.tileSize/t.scale,l=rn(o.filter),c=t.queryGeometry,u=t.queryPadding*s,f=Kc(c),h=this.grid.query(f.minX-u,f.minY-u,f.maxX+u,f.maxY+u),p=Kc(t.cameraQueryGeometry),d=0,g=this.grid3D.query(p.minX-u,p.minY-u,p.maxX+u,p.maxY+u,(function(e,r,n,a){return function(t,e,r,n,a){for(var o=0,s=t;o=l.x&&a>=l.y)return!0}var c=[new i(e,r),new i(e,a),new i(n,a),new i(n,r)];if(t.length>2)for(var u=0,f=c;u=0)return!0;return!1}(a,f)){var h=this.sourceLayerCoder.decode(r),p=this.vtLayers[h].feature(n);if(i.filter(new ii(this.tileID.overscaledZ),p))for(var d=this.getId(p,h),g=0;gn)i=!1;else if(e)if(this.expirationTimeot&&(t.getActor().send("enforceCacheSizeLimit",at),ut=0)},t.clamp=l,t.clearTileCache=function(t){var e=self.caches.delete("mapbox-tiles");t&&e.catch(t).then((function(){return t()}))},t.clipLine=jl,t.clone=function(t){var e=new to(16);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e[3]=t[3],e[4]=t[4],e[5]=t[5],e[6]=t[6],e[7]=t[7],e[8]=t[8],e[9]=t[9],e[10]=t[10],e[11]=t[11],e[12]=t[12],e[13]=t[13],e[14]=t[14],e[15]=t[15],e},t.clone$1=x,t.clone$2=function(t){var e=new to(3);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e},t.collisionCircleLayout=Ns,t.config=F,t.create=function(){var t=new to(16);return to!=Float32Array&&(t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[11]=0,t[12]=0,t[13]=0,t[14]=0),t[0]=1,t[5]=1,t[10]=1,t[15]=1,t},t.create$1=function(){var t=new to(9);return to!=Float32Array&&(t[1]=0,t[2]=0,t[3]=0,t[5]=0,t[6]=0,t[7]=0),t[0]=1,t[4]=1,t[8]=1,t},t.create$2=function(){var t=new to(4);return to!=Float32Array&&(t[1]=0,t[2]=0),t[0]=1,t[3]=1,t},t.createCommonjsModule=e,t.createExpression=qr,t.createLayout=Ti,t.createStyleLayer=function(t){return"custom"===t.type?new bc(t):new _c[t.type](t)},t.cross=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2];return t[0]=i*l-a*s,t[1]=a*o-n*l,t[2]=n*s-i*o,t},t.deepEqual=function t(e,r){if(Array.isArray(e)){if(!Array.isArray(r)||e.length!==r.length)return!1;for(var n=0;n0&&(a=1/Math.sqrt(a)),t[0]=e[0]*a,t[1]=e[1]*a,t[2]=e[2]*a,t},t.number=Ue,t.offscreenCanvasSupported=ft,t.ortho=function(t,e,r,n,i,a,o){var s=1/(e-r),l=1/(n-i),c=1/(a-o);return t[0]=-2*s,t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[5]=-2*l,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[10]=2*c,t[11]=0,t[12]=(e+r)*s,t[13]=(i+n)*l,t[14]=(o+a)*c,t[15]=1,t},t.parseGlyphPBF=function(t){return new Hs(t).readFields(ll,[])},t.pbf=Hs,t.performSymbolLayout=function(t,e,r,n,i,a,o){t.createArrays(),t.tilePixelRatio=8192/(512*t.overscaling),t.compareText={},t.iconsNeedLinear=!1;var s=t.layers[0].layout,l=t.layers[0]._unevaluatedLayout._values,c={};if("composite"===t.textSizeData.kind){var u=t.textSizeData,f=u.maxZoom;c.compositeTextSizes=[l["text-size"].possiblyEvaluate(new ii(u.minZoom),o),l["text-size"].possiblyEvaluate(new ii(f),o)]}if("composite"===t.iconSizeData.kind){var h=t.iconSizeData,p=h.maxZoom;c.compositeIconSizes=[l["icon-size"].possiblyEvaluate(new ii(h.minZoom),o),l["icon-size"].possiblyEvaluate(new ii(p),o)]}c.layoutTextSize=l["text-size"].possiblyEvaluate(new ii(t.zoom+1),o),c.layoutIconSize=l["icon-size"].possiblyEvaluate(new ii(t.zoom+1),o),c.textMaxSize=l["text-size"].possiblyEvaluate(new ii(18));for(var d=24*s.get("text-line-height"),g="map"===s.get("text-rotation-alignment")&&"point"!==s.get("symbol-placement"),m=s.get("text-keep-upright"),v=s.get("text-size"),y=function(){var a=b[x],l=s.get("text-font").evaluate(a,{},o).join(","),u=v.evaluate(a,{},o),f=c.layoutTextSize.evaluate(a,{},o),h=c.layoutIconSize.evaluate(a,{},o),p={horizontal:{},vertical:void 0},y=a.text,w=[0,0];if(y){var T=y.toString(),k=24*s.get("text-letter-spacing").evaluate(a,{},o),M=function(t){for(var e=0,r=t;e=8192||f.y<0||f.y>=8192||function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,m,v,y,x,b,w,T,k,M){var A,S,E,C,L,I=t.addToLineVertexArray(e,r),P=0,z=0,O=0,D=0,R=-1,F=-1,B={},N=ca(""),j=0,U=0;if(void 0===s._unevaluatedLayout.getValue("text-radial-offset")?(j=(A=s.layout.get("text-offset").evaluate(b,{},k).map((function(t){return 24*t})))[0],U=A[1]):(j=24*s.layout.get("text-radial-offset").evaluate(b,{},k),U=Ql),t.allowVerticalPlacement&&n.vertical){var V=s.layout.get("text-rotate").evaluate(b,{},k)+90;C=new Yl(l,e,c,u,f,n.vertical,h,p,d,V),o&&(L=new Yl(l,e,c,u,f,o,m,v,d,V))}if(i){var q=s.layout.get("icon-rotate").evaluate(b,{}),H="none"!==s.layout.get("icon-text-fit"),G=Ul(i,q,T,H),Y=o?Ul(o,q,T,H):void 0;E=new Yl(l,e,c,u,f,i,m,v,!1,q),P=4*G.length;var W=t.iconSizeData,X=null;"source"===W.kind?(X=[128*s.layout.get("icon-size").evaluate(b,{})])[0]>32640&&_(t.layerIds[0]+': Value for "icon-size" is >= 255. Reduce your "icon-size".'):"composite"===W.kind&&((X=[128*w.compositeIconSizes[0].evaluate(b,{},k),128*w.compositeIconSizes[1].evaluate(b,{},k)])[0]>32640||X[1]>32640)&&_(t.layerIds[0]+': Value for "icon-size" is >= 255. Reduce your "icon-size".'),t.addSymbols(t.icon,G,X,x,y,b,!1,e,I.lineStartIndex,I.lineLength,-1,k),R=t.icon.placedSymbolArray.length-1,Y&&(z=4*Y.length,t.addSymbols(t.icon,Y,X,x,y,b,gl.vertical,e,I.lineStartIndex,I.lineLength,-1,k),F=t.icon.placedSymbolArray.length-1)}for(var Z in n.horizontal){var J=n.horizontal[Z];if(!S){N=ca(J.text);var K=s.layout.get("text-rotate").evaluate(b,{},k);S=new Yl(l,e,c,u,f,J,h,p,d,K)}var Q=1===J.positionedLines.length;if(O+=ec(t,e,J,a,s,d,b,g,I,n.vertical?gl.horizontal:gl.horizontalOnly,Q?Object.keys(n.horizontal):[Z],B,R,w,k),Q)break}n.vertical&&(D+=ec(t,e,n.vertical,a,s,d,b,g,I,gl.vertical,["vertical"],B,F,w,k));var $=S?S.boxStartIndex:t.collisionBoxArray.length,tt=S?S.boxEndIndex:t.collisionBoxArray.length,et=C?C.boxStartIndex:t.collisionBoxArray.length,rt=C?C.boxEndIndex:t.collisionBoxArray.length,nt=E?E.boxStartIndex:t.collisionBoxArray.length,it=E?E.boxEndIndex:t.collisionBoxArray.length,at=L?L.boxStartIndex:t.collisionBoxArray.length,ot=L?L.boxEndIndex:t.collisionBoxArray.length,st=-1,lt=function(t,e){return t&&t.circleDiameter?Math.max(t.circleDiameter,e):e};st=lt(S,st),st=lt(C,st),st=lt(E,st);var ct=(st=lt(L,st))>-1?1:0;ct&&(st*=M/24),t.glyphOffsetArray.length>=fc.MAX_GLYPHS&&_("Too many glyphs being rendered in a tile. See https://github.com/mapbox/mapbox-gl-js/issues/2907"),void 0!==b.sortKey&&t.addToSortKeyRanges(t.symbolInstances.length,b.sortKey),t.symbolInstances.emplaceBack(e.x,e.y,B.right>=0?B.right:-1,B.center>=0?B.center:-1,B.left>=0?B.left:-1,B.vertical||-1,R,F,N,$,tt,et,rt,nt,it,at,ot,c,O,D,P,z,ct,0,h,j,U,st)}(t,f,s,r,n,i,h,t.layers[0],t.collisionBoxArray,e.index,e.sourceLayerIndex,t.index,v,w,M,l,x,T,A,d,e,a,c,u,o)};if("line"===S)for(var I=0,P=jl(e.geometry,0,0,8192,8192);I1){var j=Bl(N,k,r.vertical||g,n,24,y);j&&L(N,j)}}else if("Polygon"===e.type)for(var U=0,V=Qo(e.geometry,0);U=E.maxzoom||"none"!==E.visibility&&(o(S,this.zoom,n),(g[E.id]=E.createBucket({index:u.bucketLayerIDs.length,layers:S,zoom:this.zoom,pixelRatio:this.pixelRatio,overscaling:this.overscaling,collisionBoxArray:this.collisionBoxArray,sourceLayerIndex:b,sourceID:this.source})).populate(_,m,this.tileID.canonical),u.bucketLayerIDs.push(S.map((function(t){return t.id}))))}}}var C=t.mapObject(m.glyphDependencies,(function(t){return Object.keys(t).map(Number)}));Object.keys(C).length?a.send("getGlyphs",{uid:this.uid,stacks:C},(function(t,e){f||(f=t,h=e,P.call(l))})):h={};var L=Object.keys(m.iconDependencies);L.length?a.send("getImages",{icons:L,source:this.source,tileID:this.tileID,type:"icons"},(function(t,e){f||(f=t,p=e,P.call(l))})):p={};var I=Object.keys(m.patternDependencies);function P(){if(f)return s(f);if(h&&p&&d){var e=new i(h),r=new t.ImageAtlas(p,d);for(var a in g){var l=g[a];l instanceof t.SymbolBucket?(o(l.layers,this.zoom,n),t.performSymbolLayout(l,h,e.positions,p,r.iconPositions,this.showCollisionBoxes,this.tileID.canonical)):l.hasPattern&&(l instanceof t.LineBucket||l instanceof t.FillBucket||l instanceof t.FillExtrusionBucket)&&(o(l.layers,this.zoom,n),l.addFeatures(m,this.tileID.canonical,r.patternPositions))}this.status="done",s(null,{buckets:t.values(g).filter((function(t){return!t.isEmpty()})),featureIndex:u,collisionBoxArray:this.collisionBoxArray,glyphAtlasImage:e.image,imageAtlas:r,glyphMap:this.returnDependencies?h:null,iconMap:this.returnDependencies?p:null,glyphPositions:this.returnDependencies?e.positions:null})}}I.length?a.send("getImages",{icons:I,source:this.source,tileID:this.tileID,type:"patterns"},(function(t,e){f||(f=t,d=e,P.call(l))})):d={},P.call(this)};var l=function(t,e,r,n){this.actor=t,this.layerIndex=e,this.availableImages=r,this.loadVectorData=n||s,this.loading={},this.loaded={}};l.prototype.loadTile=function(e,r){var n=this,i=e.uid;this.loading||(this.loading={});var o=!!(e&&e.request&&e.request.collectResourceTiming)&&new t.RequestPerformance(e.request),s=this.loading[i]=new a(e);s.abort=this.loadVectorData(e,(function(e,a){if(delete n.loading[i],e||!a)return s.status="done",n.loaded[i]=s,r(e);var l=a.rawData,c={};a.expires&&(c.expires=a.expires),a.cacheControl&&(c.cacheControl=a.cacheControl);var u={};if(o){var f=o.finish();f&&(u.resourceTiming=JSON.parse(JSON.stringify(f)))}s.vectorTile=a.vectorTile,s.parse(a.vectorTile,n.layerIndex,n.availableImages,n.actor,(function(e,n){if(e||!n)return r(e);r(null,t.extend({rawTileData:l.slice(0)},n,c,u))})),n.loaded=n.loaded||{},n.loaded[i]=s}))},l.prototype.reloadTile=function(t,e){var r=this,n=this.loaded,i=t.uid,a=this;if(n&&n[i]){var o=n[i];o.showCollisionBoxes=t.showCollisionBoxes;var s=function(t,n){var i=o.reloadCallback;i&&(delete o.reloadCallback,o.parse(o.vectorTile,a.layerIndex,r.availableImages,a.actor,i)),e(t,n)};"parsing"===o.status?o.reloadCallback=s:"done"===o.status&&(o.vectorTile?o.parse(o.vectorTile,this.layerIndex,this.availableImages,this.actor,s):s())}},l.prototype.abortTile=function(t,e){var r=this.loading,n=t.uid;r&&r[n]&&r[n].abort&&(r[n].abort(),delete r[n]),e()},l.prototype.removeTile=function(t,e){var r=this.loaded,n=t.uid;r&&r[n]&&delete r[n],e()};var c=t.window.ImageBitmap,u=function(){this.loaded={}};function f(t,e){if(0!==t.length){h(t[0],e);for(var r=1;r=0!=!!e&&t.reverse()}u.prototype.loadTile=function(e,r){var n=e.uid,i=e.encoding,a=e.rawImageData,o=c&&a instanceof c?this.getImageData(a):a,s=new t.DEMData(n,o,i);this.loaded=this.loaded||{},this.loaded[n]=s,r(null,s)},u.prototype.getImageData=function(e){this.offscreenCanvas&&this.offscreenCanvasContext||(this.offscreenCanvas=new OffscreenCanvas(e.width,e.height),this.offscreenCanvasContext=this.offscreenCanvas.getContext("2d")),this.offscreenCanvas.width=e.width,this.offscreenCanvas.height=e.height,this.offscreenCanvasContext.drawImage(e,0,0,e.width,e.height);var r=this.offscreenCanvasContext.getImageData(-1,-1,e.width+2,e.height+2);return this.offscreenCanvasContext.clearRect(0,0,this.offscreenCanvas.width,this.offscreenCanvas.height),new t.RGBAImage({width:r.width,height:r.height},r.data)},u.prototype.removeTile=function(t){var e=this.loaded,r=t.uid;e&&e[r]&&delete e[r]};var p=t.vectorTile.VectorTileFeature.prototype.toGeoJSON,d=function(e){this._feature=e,this.extent=t.EXTENT,this.type=e.type,this.properties=e.tags,"id"in e&&!isNaN(e.id)&&(this.id=parseInt(e.id,10))};d.prototype.loadGeometry=function(){if(1===this._feature.type){for(var e=[],r=0,n=this._feature.geometry;r>31}function E(t,e){for(var r=t.loadGeometry(),n=t.type,i=0,a=0,o=r.length,s=0;s>1;!function t(e,r,n,i,a,o){for(;a>i;){if(a-i>600){var s=a-i+1,l=n-i+1,c=Math.log(s),u=.5*Math.exp(2*c/3),f=.5*Math.sqrt(c*u*(s-u)/s)*(l-s/2<0?-1:1);t(e,r,n,Math.max(i,Math.floor(n-l*u/s+f)),Math.min(a,Math.floor(n+(s-l)*u/s+f)),o)}var h=r[2*n+o],p=i,d=a;for(L(e,r,i,n),r[2*a+o]>h&&L(e,r,i,a);ph;)d--}r[2*i+o]===h?L(e,r,i,d):L(e,r,++d,a),d<=n&&(i=d+1),n<=d&&(a=d-1)}}(e,r,s,i,a,o%2),t(e,r,n,i,s-1,o+1),t(e,r,n,s+1,a,o+1)}}(o,s,n,0,o.length-1,0)};D.prototype.range=function(t,e,r,n){return function(t,e,r,n,i,a,o){for(var s,l,c=[0,t.length-1,0],u=[];c.length;){var f=c.pop(),h=c.pop(),p=c.pop();if(h-p<=o)for(var d=p;d<=h;d++)l=e[2*d+1],(s=e[2*d])>=r&&s<=i&&l>=n&&l<=a&&u.push(t[d]);else{var g=Math.floor((p+h)/2);l=e[2*g+1],(s=e[2*g])>=r&&s<=i&&l>=n&&l<=a&&u.push(t[g]);var m=(f+1)%2;(0===f?r<=s:n<=l)&&(c.push(p),c.push(g-1),c.push(m)),(0===f?i>=s:a>=l)&&(c.push(g+1),c.push(h),c.push(m))}}return u}(this.ids,this.coords,t,e,r,n,this.nodeSize)},D.prototype.within=function(t,e,r){return function(t,e,r,n,i,a){for(var o=[0,t.length-1,0],s=[],l=i*i;o.length;){var c=o.pop(),u=o.pop(),f=o.pop();if(u-f<=a)for(var h=f;h<=u;h++)P(e[2*h],e[2*h+1],r,n)<=l&&s.push(t[h]);else{var p=Math.floor((f+u)/2),d=e[2*p],g=e[2*p+1];P(d,g,r,n)<=l&&s.push(t[p]);var m=(c+1)%2;(0===c?r-i<=d:n-i<=g)&&(o.push(f),o.push(p-1),o.push(m)),(0===c?r+i>=d:n+i>=g)&&(o.push(p+1),o.push(u),o.push(m))}}return s}(this.ids,this.coords,t,e,r,this.nodeSize)};var R={minZoom:0,maxZoom:16,radius:40,extent:512,nodeSize:64,log:!1,generateId:!1,reduce:null,map:function(t){return t}},F=function(t){this.options=H(Object.create(R),t),this.trees=new Array(this.options.maxZoom+1)};function B(t,e,r,n,i){return{x:t,y:e,zoom:1/0,id:r,parentId:-1,numPoints:n,properties:i}}function N(t,e){var r=t.geometry.coordinates,n=r[1];return{x:V(r[0]),y:q(n),zoom:1/0,index:e,parentId:-1}}function j(t){return{type:"Feature",id:t.id,properties:U(t),geometry:{type:"Point",coordinates:[(n=t.x,360*(n-.5)),(e=t.y,r=(180-360*e)*Math.PI/180,360*Math.atan(Math.exp(r))/Math.PI-90)]}};var e,r,n}function U(t){var e=t.numPoints,r=e>=1e4?Math.round(e/1e3)+"k":e>=1e3?Math.round(e/100)/10+"k":e;return H(H({},t.properties),{cluster:!0,cluster_id:t.id,point_count:e,point_count_abbreviated:r})}function V(t){return t/360+.5}function q(t){var e=Math.sin(t*Math.PI/180),r=.5-.25*Math.log((1+e)/(1-e))/Math.PI;return r<0?0:r>1?1:r}function H(t,e){for(var r in e)t[r]=e[r];return t}function G(t){return t.x}function Y(t){return t.y}function W(t,e,r,n,i,a){var o=i-r,s=a-n;if(0!==o||0!==s){var l=((t-r)*o+(e-n)*s)/(o*o+s*s);l>1?(r=i,n=a):l>0&&(r+=o*l,n+=s*l)}return(o=t-r)*o+(s=e-n)*s}function X(t,e,r,n){var i={id:void 0===t?null:t,type:e,geometry:r,tags:n,minX:1/0,minY:1/0,maxX:-1/0,maxY:-1/0};return function(t){var e=t.geometry,r=t.type;if("Point"===r||"MultiPoint"===r||"LineString"===r)Z(t,e);else if("Polygon"===r||"MultiLineString"===r)for(var n=0;n0&&(o+=n?(i*c-l*a)/2:Math.sqrt(Math.pow(l-i,2)+Math.pow(c-a,2))),i=l,a=c}var u=e.length-3;e[2]=1,function t(e,r,n,i){for(var a,o=i,s=n-r>>1,l=n-r,c=e[r],u=e[r+1],f=e[n],h=e[n+1],p=r+3;po)a=p,o=d;else if(d===o){var g=Math.abs(p-s);gi&&(a-r>3&&t(e,r,a,i),e[a+2]=o,n-a>3&&t(e,a,n,i))}(e,0,u,r),e[u+2]=1,e.size=Math.abs(o),e.start=0,e.end=e.size}function $(t,e,r,n){for(var i=0;i1?1:r}function rt(t,e,r,n,i,a,o,s){if(n/=e,a>=(r/=e)&&o=n)return null;for(var l=[],c=0;c=r&&d=n)){var g=[];if("Point"===h||"MultiPoint"===h)nt(f,g,r,n,i);else if("LineString"===h)it(f,g,r,n,i,!1,s.lineMetrics);else if("MultiLineString"===h)ot(f,g,r,n,i,!1);else if("Polygon"===h)ot(f,g,r,n,i,!0);else if("MultiPolygon"===h)for(var m=0;m=r&&o<=n&&(e.push(t[a]),e.push(t[a+1]),e.push(t[a+2]))}}function it(t,e,r,n,i,a,o){for(var s,l,c=at(t),u=0===i?lt:ct,f=t.start,h=0;hr&&(l=u(c,p,d,m,v,r),o&&(c.start=f+s*l)):y>n?x=r&&(l=u(c,p,d,m,v,r),b=!0),x>n&&y<=n&&(l=u(c,p,d,m,v,n),b=!0),!a&&b&&(o&&(c.end=f+s*l),e.push(c),c=at(t)),o&&(f+=s)}var _=t.length-3;p=t[_],d=t[_+1],g=t[_+2],(y=0===i?p:d)>=r&&y<=n&&st(c,p,d,g),_=c.length-3,a&&_>=3&&(c[_]!==c[0]||c[_+1]!==c[1])&&st(c,c[0],c[1],c[2]),c.length&&e.push(c)}function at(t){var e=[];return e.size=t.size,e.start=t.start,e.end=t.end,e}function ot(t,e,r,n,i,a){for(var o=0;oo.maxX&&(o.maxX=u),f>o.maxY&&(o.maxY=f)}return o}function gt(t,e,r,n){var i=e.geometry,a=e.type,o=[];if("Point"===a||"MultiPoint"===a)for(var s=0;s0&&e.size<(i?o:n))r.numPoints+=e.length/3;else{for(var s=[],l=0;lo)&&(r.numSimplified++,s.push(e[l]),s.push(e[l+1])),r.numPoints++;i&&function(t,e){for(var r=0,n=0,i=t.length,a=i-2;n0===e)for(n=0,i=t.length;n24)throw new Error("maxZoom should be in the 0-24 range");if(e.promoteId&&e.generateId)throw new Error("promoteId and generateId cannot be used together.");var n=function(t,e){var r=[];if("FeatureCollection"===t.type)for(var n=0;n=n;c--){var u=+Date.now();s=this._cluster(s,c),this.trees[c]=new D(s,G,Y,a,Float32Array),r&&console.log("z%d: %d clusters in %dms",c,s.length,+Date.now()-u)}return r&&console.timeEnd("total time"),this},F.prototype.getClusters=function(t,e){var r=((t[0]+180)%360+360)%360-180,n=Math.max(-90,Math.min(90,t[1])),i=180===t[2]?180:((t[2]+180)%360+360)%360-180,a=Math.max(-90,Math.min(90,t[3]));if(t[2]-t[0]>=360)r=-180,i=180;else if(r>i){var o=this.getClusters([r,n,180,a],e),s=this.getClusters([-180,n,i,a],e);return o.concat(s)}for(var l=this.trees[this._limitZoom(e)],c=[],u=0,f=l.range(V(r),q(a),V(i),q(n));u1?this._map(s,!0):null,d=(o<<5)+(e+1)+this.points.length,g=0,m=c;g>5},F.prototype._getOriginZoom=function(t){return(t-this.points.length)%32},F.prototype._map=function(t,e){if(t.numPoints)return e?H({},t.properties):t.properties;var r=this.points[t.index].properties,n=this.options.map(r);return e&&n===r?H({},n):n},vt.prototype.options={maxZoom:14,indexMaxZoom:5,indexMaxPoints:1e5,tolerance:3,extent:4096,buffer:64,lineMetrics:!1,promoteId:null,generateId:!1,debug:0},vt.prototype.splitTile=function(t,e,r,n,i,a,o){for(var s=[t,e,r,n],l=this.options,c=l.debug;s.length;){n=s.pop(),r=s.pop(),e=s.pop(),t=s.pop();var u=1<1&&console.time("creation"),h=this.tiles[f]=dt(t,e,r,n,l),this.tileCoords.push({z:e,x:r,y:n}),c)){c>1&&(console.log("tile z%d-%d-%d (features: %d, points: %d, simplified: %d)",e,r,n,h.numFeatures,h.numPoints,h.numSimplified),console.timeEnd("creation"));var p="z"+e;this.stats[p]=(this.stats[p]||0)+1,this.total++}if(h.source=t,i){if(e===l.maxZoom||e===i)continue;var d=1<1&&console.time("clipping");var g,m,v,y,x,b,_=.5*l.buffer/l.extent,w=.5-_,T=.5+_,k=1+_;g=m=v=y=null,x=rt(t,u,r-_,r+T,0,h.minX,h.maxX,l),b=rt(t,u,r+w,r+k,0,h.minX,h.maxX,l),t=null,x&&(g=rt(x,u,n-_,n+T,1,h.minY,h.maxY,l),m=rt(x,u,n+w,n+k,1,h.minY,h.maxY,l),x=null),b&&(v=rt(b,u,n-_,n+T,1,h.minY,h.maxY,l),y=rt(b,u,n+w,n+k,1,h.minY,h.maxY,l),b=null),c>1&&console.timeEnd("clipping"),s.push(g||[],e+1,2*r,2*n),s.push(m||[],e+1,2*r,2*n+1),s.push(v||[],e+1,2*r+1,2*n),s.push(y||[],e+1,2*r+1,2*n+1)}}},vt.prototype.getTile=function(t,e,r){var n=this.options,i=n.extent,a=n.debug;if(t<0||t>24)return null;var o=1<1&&console.log("drilling down to z%d-%d-%d",t,e,r);for(var l,c=t,u=e,f=r;!l&&c>0;)c--,u=Math.floor(u/2),f=Math.floor(f/2),l=this.tiles[yt(c,u,f)];return l&&l.source?(a>1&&console.log("found parent tile z%d-%d-%d",c,u,f),a>1&&console.time("drilling down"),this.splitTile(l.source,c,u,f,t,e,r),a>1&&console.timeEnd("drilling down"),this.tiles[s]?ht(this.tiles[s],i):null):null};var bt=function(e){function r(t,r,n,i){e.call(this,t,r,n,xt),i&&(this.loadGeoJSON=i)}return e&&(r.__proto__=e),(r.prototype=Object.create(e&&e.prototype)).constructor=r,r.prototype.loadData=function(t,e){this._pendingCallback&&this._pendingCallback(null,{abandoned:!0}),this._pendingCallback=e,this._pendingLoadDataParams=t,this._state&&"Idle"!==this._state?this._state="NeedsLoadData":(this._state="Coalescing",this._loadData())},r.prototype._loadData=function(){var e=this;if(this._pendingCallback&&this._pendingLoadDataParams){var r=this._pendingCallback,n=this._pendingLoadDataParams;delete this._pendingCallback,delete this._pendingLoadDataParams;var i=!!(n&&n.request&&n.request.collectResourceTiming)&&new t.RequestPerformance(n.request);this.loadGeoJSON(n,(function(a,o){if(a||!o)return r(a);if("object"!=typeof o)return r(new Error("Input data given to '"+n.source+"' is not a valid GeoJSON object."));!function t(e,r){var n,i=e&&e.type;if("FeatureCollection"===i)for(n=0;n=0?0:e.button},r.remove=function(t){t.parentNode&&t.parentNode.removeChild(t)};var h=function(e){function r(){e.call(this),this.images={},this.updatedImages={},this.callbackDispatchedThisFrame={},this.loaded=!1,this.requestors=[],this.patterns={},this.atlasImage=new t.RGBAImage({width:1,height:1}),this.dirty=!0}return e&&(r.__proto__=e),(r.prototype=Object.create(e&&e.prototype)).constructor=r,r.prototype.isLoaded=function(){return this.loaded},r.prototype.setLoaded=function(t){if(this.loaded!==t&&(this.loaded=t,t)){for(var e=0,r=this.requestors;e=0?1.2:1))}function v(t,e,r,n,i,a,o){for(var s=0;s65535)e(new Error("glyphs > 65535 not supported"));else if(a.ranges[s])e(null,{stack:r,id:i,glyph:o});else{var l=a.requests[s];l||(l=a.requests[s]=[],x.loadGlyphRange(r,s,n.url,n.requestManager,(function(t,e){if(e){for(var r in e)n._doesCharSupportLocalGlyph(+r)||(a.glyphs[+r]=e[+r]);a.ranges[s]=!0}for(var i=0,o=l;i1&&(s=t[++o]);var c=Math.abs(l-s.left),u=Math.abs(l-s.right),f=Math.min(c,u),h=void 0,p=i/r*(n+1);if(s.isDash){var d=n-Math.abs(p);h=Math.sqrt(f*f+d*d)}else h=n-Math.sqrt(f*f+p*p);this.data[a+l]=Math.max(0,Math.min(255,h+128))}},T.prototype.addRegularDash=function(t){for(var e=t.length-1;e>=0;--e){var r=t[e],n=t[e+1];r.zeroLength?t.splice(e,1):n&&n.isDash===r.isDash&&(n.left=r.left,t.splice(e,1))}var i=t[0],a=t[t.length-1];i.isDash===a.isDash&&(i.left=a.left-this.width,a.right=i.right+this.width);for(var o=this.width*this.nextRow,s=0,l=t[s],c=0;c1&&(l=t[++s]);var u=Math.abs(c-l.left),f=Math.abs(c-l.right),h=Math.min(u,f);this.data[o+c]=Math.max(0,Math.min(255,(l.isDash?h:-h)+128))}},T.prototype.addDash=function(e,r){var n=r?7:0,i=2*n+1;if(this.nextRow+i>this.height)return t.warnOnce("LineAtlas out of space"),null;for(var a=0,o=0;o=n&&e.x=i&&e.y0&&(l[new t.OverscaledTileID(e.overscaledZ,a,r.z,i,r.y-1).key]={backfilled:!1},l[new t.OverscaledTileID(e.overscaledZ,e.wrap,r.z,r.x,r.y-1).key]={backfilled:!1},l[new t.OverscaledTileID(e.overscaledZ,s,r.z,o,r.y-1).key]={backfilled:!1}),r.y+10&&(n.resourceTiming=e._resourceTiming,e._resourceTiming=[]),e.fire(new t.Event("data",n))}}))},r.prototype.onAdd=function(t){this.map=t,this.load()},r.prototype.setData=function(e){var r=this;return this._data=e,this.fire(new t.Event("dataloading",{dataType:"source"})),this._updateWorkerData((function(e){if(e)r.fire(new t.ErrorEvent(e));else{var n={dataType:"source",sourceDataType:"content"};r._collectResourceTiming&&r._resourceTiming&&r._resourceTiming.length>0&&(n.resourceTiming=r._resourceTiming,r._resourceTiming=[]),r.fire(new t.Event("data",n))}})),this},r.prototype.getClusterExpansionZoom=function(t,e){return this.actor.send("geojson.getClusterExpansionZoom",{clusterId:t,source:this.id},e),this},r.prototype.getClusterChildren=function(t,e){return this.actor.send("geojson.getClusterChildren",{clusterId:t,source:this.id},e),this},r.prototype.getClusterLeaves=function(t,e,r,n){return this.actor.send("geojson.getClusterLeaves",{source:this.id,clusterId:t,limit:e,offset:r},n),this},r.prototype._updateWorkerData=function(e){var r=this;this._loaded=!1;var n=t.extend({},this.workerOptions),i=this._data;"string"==typeof i?(n.request=this.map._requestManager.transformRequest(t.browser.resolveURL(i),t.ResourceType.Source),n.request.collectResourceTiming=this._collectResourceTiming):n.data=JSON.stringify(i),this.actor.send(this.type+".loadData",n,(function(t,i){r._removed||i&&i.abandoned||(r._loaded=!0,i&&i.resourceTiming&&i.resourceTiming[r.id]&&(r._resourceTiming=i.resourceTiming[r.id].slice(0)),r.actor.send(r.type+".coalesce",{source:n.source},null),e(t))}))},r.prototype.loaded=function(){return this._loaded},r.prototype.loadTile=function(e,r){var n=this,i=e.actor?"reloadTile":"loadTile";e.actor=this.actor,e.request=this.actor.send(i,{type:this.type,uid:e.uid,tileID:e.tileID,zoom:e.tileID.overscaledZ,maxZoom:this.maxzoom,tileSize:this.tileSize,source:this.id,pixelRatio:t.browser.devicePixelRatio,showCollisionBoxes:this.map.showCollisionBoxes,promoteId:this.promoteId},(function(t,a){return delete e.request,e.unloadVectorData(),e.aborted?r(null):t?r(t):(e.loadVectorData(a,n.map.painter,"reloadTile"===i),r(null))}))},r.prototype.abortTile=function(t){t.request&&(t.request.cancel(),delete t.request),t.aborted=!0},r.prototype.unloadTile=function(t){t.unloadVectorData(),this.actor.send("removeTile",{uid:t.uid,type:this.type,source:this.id})},r.prototype.onRemove=function(){this._removed=!0,this.actor.send("removeSource",{type:this.type,source:this.id})},r.prototype.serialize=function(){return t.extend({},this._options,{type:this.type,data:this._data})},r.prototype.hasTransition=function(){return!1},r}(t.Evented),I=t.createLayout([{name:"a_pos",type:"Int16",components:2},{name:"a_texture_pos",type:"Int16",components:2}]),P=function(e){function r(t,r,n,i){e.call(this),this.id=t,this.dispatcher=n,this.coordinates=r.coordinates,this.type="image",this.minzoom=0,this.maxzoom=22,this.tileSize=512,this.tiles={},this._loaded=!1,this.setEventedParent(i),this.options=r}return e&&(r.__proto__=e),(r.prototype=Object.create(e&&e.prototype)).constructor=r,r.prototype.load=function(e,r){var n=this;this._loaded=!1,this.fire(new t.Event("dataloading",{dataType:"source"})),this.url=this.options.url,t.getImage(this.map._requestManager.transformRequest(this.url,t.ResourceType.Image),(function(i,a){n._loaded=!0,i?n.fire(new t.ErrorEvent(i)):a&&(n.image=a,e&&(n.coordinates=e),r&&r(),n._finishLoading())}))},r.prototype.loaded=function(){return this._loaded},r.prototype.updateImage=function(t){var e=this;return this.image&&t.url?(this.options.url=t.url,this.load(t.coordinates,(function(){e.texture=null})),this):this},r.prototype._finishLoading=function(){this.map&&(this.setCoordinates(this.coordinates),this.fire(new t.Event("data",{dataType:"source",sourceDataType:"metadata"})))},r.prototype.onAdd=function(t){this.map=t,this.load()},r.prototype.setCoordinates=function(e){var r=this;this.coordinates=e;var n=e.map(t.MercatorCoordinate.fromLngLat);this.tileID=function(e){for(var r=1/0,n=1/0,i=-1/0,a=-1/0,o=0,s=e;or.end(0)?this.fire(new t.ErrorEvent(new t.ValidationError("sources."+this.id,null,"Playback for this video can be set only between the "+r.start(0)+" and "+r.end(0)+"-second mark."))):this.video.currentTime=e}},r.prototype.getVideo=function(){return this.video},r.prototype.onAdd=function(t){this.map||(this.map=t,this.load(),this.video&&(this.video.play(),this.setCoordinates(this.coordinates)))},r.prototype.prepare=function(){if(!(0===Object.keys(this.tiles).length||this.video.readyState<2)){var e=this.map.painter.context,r=e.gl;for(var n in this.boundsBuffer||(this.boundsBuffer=e.createVertexBuffer(this._boundsArray,I.members)),this.boundsSegments||(this.boundsSegments=t.SegmentVector.simpleSegment(0,0,4,2)),this.texture?this.video.paused||(this.texture.bind(r.LINEAR,r.CLAMP_TO_EDGE),r.texSubImage2D(r.TEXTURE_2D,0,0,0,r.RGBA,r.UNSIGNED_BYTE,this.video)):(this.texture=new t.Texture(e,this.video,r.RGBA),this.texture.bind(r.LINEAR,r.CLAMP_TO_EDGE)),this.tiles){var i=this.tiles[n];"loaded"!==i.state&&(i.state="loaded",i.texture=this.texture)}}},r.prototype.serialize=function(){return{type:"video",urls:this.urls,coordinates:this.coordinates}},r.prototype.hasTransition=function(){return this.video&&!this.video.paused},r}(P),O=function(e){function r(r,n,i,a){e.call(this,r,n,i,a),n.coordinates?Array.isArray(n.coordinates)&&4===n.coordinates.length&&!n.coordinates.some((function(t){return!Array.isArray(t)||2!==t.length||t.some((function(t){return"number"!=typeof t}))}))||this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'"coordinates" property must be an array of 4 longitude/latitude array pairs'))):this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'missing required property "coordinates"'))),n.animate&&"boolean"!=typeof n.animate&&this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'optional "animate" property must be a boolean value'))),n.canvas?"string"==typeof n.canvas||n.canvas instanceof t.window.HTMLCanvasElement||this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'"canvas" must be either a string representing the ID of the canvas element from which to read, or an HTMLCanvasElement instance'))):this.fire(new t.ErrorEvent(new t.ValidationError("sources."+r,null,'missing required property "canvas"'))),this.options=n,this.animate=void 0===n.animate||n.animate}return e&&(r.__proto__=e),(r.prototype=Object.create(e&&e.prototype)).constructor=r,r.prototype.load=function(){this._loaded=!0,this.canvas||(this.canvas=this.options.canvas instanceof t.window.HTMLCanvasElement?this.options.canvas:t.window.document.getElementById(this.options.canvas)),this.width=this.canvas.width,this.height=this.canvas.height,this._hasInvalidDimensions()?this.fire(new t.ErrorEvent(new Error("Canvas dimensions cannot be less than or equal to zero."))):(this.play=function(){this._playing=!0,this.map.triggerRepaint()},this.pause=function(){this._playing&&(this.prepare(),this._playing=!1)},this._finishLoading())},r.prototype.getCanvas=function(){return this.canvas},r.prototype.onAdd=function(t){this.map=t,this.load(),this.canvas&&this.animate&&this.play()},r.prototype.onRemove=function(){this.pause()},r.prototype.prepare=function(){var e=!1;if(this.canvas.width!==this.width&&(this.width=this.canvas.width,e=!0),this.canvas.height!==this.height&&(this.height=this.canvas.height,e=!0),!this._hasInvalidDimensions()&&0!==Object.keys(this.tiles).length){var r=this.map.painter.context,n=r.gl;for(var i in this.boundsBuffer||(this.boundsBuffer=r.createVertexBuffer(this._boundsArray,I.members)),this.boundsSegments||(this.boundsSegments=t.SegmentVector.simpleSegment(0,0,4,2)),this.texture?(e||this._playing)&&this.texture.update(this.canvas,{premultiply:!0}):this.texture=new t.Texture(r,this.canvas,n.RGBA,{premultiply:!0}),this.tiles){var a=this.tiles[i];"loaded"!==a.state&&(a.state="loaded",a.texture=this.texture)}}},r.prototype.serialize=function(){return{type:"canvas",coordinates:this.coordinates}},r.prototype.hasTransition=function(){return this._playing},r.prototype._hasInvalidDimensions=function(){for(var t=0,e=[this.canvas.width,this.canvas.height];tthis.max){var o=this._getAndRemoveByKey(this.order[0]);o&&this.onRemove(o)}return this},N.prototype.has=function(t){return t.wrapped().key in this.data},N.prototype.getAndRemove=function(t){return this.has(t)?this._getAndRemoveByKey(t.wrapped().key):null},N.prototype._getAndRemoveByKey=function(t){var e=this.data[t].shift();return e.timeout&&clearTimeout(e.timeout),0===this.data[t].length&&delete this.data[t],this.order.splice(this.order.indexOf(t),1),e.value},N.prototype.getByKey=function(t){var e=this.data[t];return e?e[0].value:null},N.prototype.get=function(t){return this.has(t)?this.data[t.wrapped().key][0].value:null},N.prototype.remove=function(t,e){if(!this.has(t))return this;var r=t.wrapped().key,n=void 0===e?0:this.data[r].indexOf(e),i=this.data[r][n];return this.data[r].splice(n,1),i.timeout&&clearTimeout(i.timeout),0===this.data[r].length&&delete this.data[r],this.onRemove(i.value),this.order.splice(this.order.indexOf(r),1),this},N.prototype.setMaxSize=function(t){for(this.max=t;this.order.length>this.max;){var e=this._getAndRemoveByKey(this.order[0]);e&&this.onRemove(e)}return this},N.prototype.filter=function(t){var e=[];for(var r in this.data)for(var n=0,i=this.data[r];n1||(Math.abs(r)>1&&(1===Math.abs(r+i)?r+=i:1===Math.abs(r-i)&&(r-=i)),e.dem&&t.dem&&(t.dem.backfillBorder(e.dem,r,n),t.neighboringTiles&&t.neighboringTiles[a]&&(t.neighboringTiles[a].backfilled=!0)))}},r.prototype.getTile=function(t){return this.getTileByID(t.key)},r.prototype.getTileByID=function(t){return this._tiles[t]},r.prototype._retainLoadedChildren=function(t,e,r,n){for(var i in this._tiles){var a=this._tiles[i];if(!(n[i]||!a.hasData()||a.tileID.overscaledZ<=e||a.tileID.overscaledZ>r)){for(var o=a.tileID;a&&a.tileID.overscaledZ>e+1;){var s=a.tileID.scaledTo(a.tileID.overscaledZ-1);(a=this._tiles[s.key])&&a.hasData()&&(o=s)}for(var l=o;l.overscaledZ>e;)if(t[(l=l.scaledTo(l.overscaledZ-1)).key]){n[o.key]=o;break}}}},r.prototype.findLoadedParent=function(t,e){if(t.key in this._loadedParentTiles){var r=this._loadedParentTiles[t.key];return r&&r.tileID.overscaledZ>=e?r:null}for(var n=t.overscaledZ-1;n>=e;n--){var i=t.scaledTo(n),a=this._getLoadedTile(i);if(a)return a}},r.prototype._getLoadedTile=function(t){var e=this._tiles[t.key];return e&&e.hasData()?e:this._cache.getByKey(t.wrapped().key)},r.prototype.updateCacheSize=function(t){var e=Math.ceil(t.width/this._source.tileSize)+1,r=Math.ceil(t.height/this._source.tileSize)+1,n=Math.floor(e*r*5),i="number"==typeof this._maxTileCacheSize?Math.min(this._maxTileCacheSize,n):n;this._cache.setMaxSize(i)},r.prototype.handleWrapJump=function(t){var e=Math.round((t-(void 0===this._prevLng?t:this._prevLng))/360);if(this._prevLng=t,e){var r={};for(var n in this._tiles){var i=this._tiles[n];i.tileID=i.tileID.unwrapTo(i.tileID.wrap+e),r[i.tileID.key]=i}for(var a in this._tiles=r,this._timers)clearTimeout(this._timers[a]),delete this._timers[a];for(var o in this._tiles)this._setTileReloadTimer(o,this._tiles[o])}},r.prototype.update=function(e){var n=this;if(this.transform=e,this._sourceLoaded&&!this._paused){var i;this.updateCacheSize(e),this.handleWrapJump(this.transform.center.lng),this._coveredTiles={},this.used?this._source.tileID?i=e.getVisibleUnwrappedCoordinates(this._source.tileID).map((function(e){return new t.OverscaledTileID(e.canonical.z,e.wrap,e.canonical.z,e.canonical.x,e.canonical.y)})):(i=e.coveringTiles({tileSize:this._source.tileSize,minzoom:this._source.minzoom,maxzoom:this._source.maxzoom,roundZoom:this._source.roundZoom,reparseOverscaled:this._source.reparseOverscaled}),this._source.hasTile&&(i=i.filter((function(t){return n._source.hasTile(t)})))):i=[];var a=e.coveringZoomLevel(this._source),o=Math.max(a-r.maxOverzooming,this._source.minzoom),s=Math.max(a+r.maxUnderzooming,this._source.minzoom),l=this._updateRetainedTiles(i,a);if(Pt(this._source.type)){for(var c={},u={},f=0,h=Object.keys(l);fthis._source.maxzoom){var m=d.children(this._source.maxzoom)[0],v=this.getTile(m);if(v&&v.hasData()){n[m.key]=m;continue}}else{var y=d.children(this._source.maxzoom);if(n[y[0].key]&&n[y[1].key]&&n[y[2].key]&&n[y[3].key])continue}for(var x=g.wasRequested(),b=d.overscaledZ-1;b>=a;--b){var _=d.scaledTo(b);if(i[_.key])break;if(i[_.key]=!0,!(g=this.getTile(_))&&x&&(g=this._addTile(_)),g&&(n[_.key]=_,x=g.wasRequested(),g.hasData()))break}}}return n},r.prototype._updateLoadedParentTileCache=function(){for(var t in this._loadedParentTiles={},this._tiles){for(var e=[],r=void 0,n=this._tiles[t].tileID;n.overscaledZ>0;){if(n.key in this._loadedParentTiles){r=this._loadedParentTiles[n.key];break}e.push(n.key);var i=n.scaledTo(n.overscaledZ-1);if(r=this._getLoadedTile(i))break;n=i}for(var a=0,o=e;a0||(e.hasData()&&"reloading"!==e.state?this._cache.add(e.tileID,e,e.getExpiryTimeout()):(e.aborted=!0,this._abortTile(e),this._unloadTile(e))))},r.prototype.clearTiles=function(){for(var t in this._shouldReloadOnResume=!1,this._paused=!1,this._tiles)this._removeTile(t);this._cache.reset()},r.prototype.tilesIn=function(e,r,n){var i=this,a=[],o=this.transform;if(!o)return a;for(var s=n?o.getCameraQueryGeometry(e):e,l=e.map((function(t){return o.pointCoordinate(t)})),c=s.map((function(t){return o.pointCoordinate(t)})),u=this.getIds(),f=1/0,h=1/0,p=-1/0,d=-1/0,g=0,m=c;g=0&&v[1].y+m>=0){var y=l.map((function(t){return s.getTilePoint(t)})),x=c.map((function(t){return s.getTilePoint(t)}));a.push({tile:n,tileID:s,queryGeometry:y,cameraQueryGeometry:x,scale:g})}}},x=0;x=t.browser.now())return!0}return!1},r.prototype.setFeatureState=function(t,e,r){this._state.updateState(t=t||"_geojsonTileLayer",e,r)},r.prototype.removeFeatureState=function(t,e,r){this._state.removeFeatureState(t=t||"_geojsonTileLayer",e,r)},r.prototype.getFeatureState=function(t,e){return this._state.getState(t=t||"_geojsonTileLayer",e)},r.prototype.setDependencies=function(t,e,r){var n=this._tiles[t];n&&n.setDependencies(e,r)},r.prototype.reloadTilesForDependencies=function(t,e){for(var r in this._tiles)this._tiles[r].hasDependency(t,e)&&this._reloadTile(r,"reloading");this._cache.filter((function(r){return!r.hasDependency(t,e)}))},r}(t.Evented);function It(t,e){var r=Math.abs(2*t.wrap)-+(t.wrap<0),n=Math.abs(2*e.wrap)-+(e.wrap<0);return t.overscaledZ-e.overscaledZ||n-r||e.canonical.y-t.canonical.y||e.canonical.x-t.canonical.x}function Pt(t){return"raster"===t||"image"===t||"video"===t}function zt(){return new t.window.Worker(Yi.workerUrl)}Lt.maxOverzooming=10,Lt.maxUnderzooming=3;var Ot="mapboxgl_preloaded_worker_pool",Dt=function(){this.active={}};Dt.prototype.acquire=function(t){if(!this.workers)for(this.workers=[];this.workers.length0?(i-o)/s:0;return this.points[a].mult(1-l).add(this.points[r].mult(l))};var Jt=function(t,e,r){var n=this.boxCells=[],i=this.circleCells=[];this.xCellCount=Math.ceil(t/r),this.yCellCount=Math.ceil(e/r);for(var a=0;a=-e[0]&&r<=e[0]&&n>=-e[1]&&n<=e[1]}function re(e,r,n,i,a,o,s,l){var c=i?e.textSizeData:e.iconSizeData,u=t.evaluateSizeForZoom(c,n.transform.zoom),f=[256/n.width*2+1,256/n.height*2+1],h=i?e.text.dynamicLayoutVertexArray:e.icon.dynamicLayoutVertexArray;h.clear();for(var p=e.lineVertexArray,d=i?e.text.placedSymbolArray:e.icon.placedSymbolArray,g=n.transform.width/n.transform.height,m=!1,v=0;vMath.abs(n.x-r.x)*i?{useVertical:!0}:(e===t.WritingMode.vertical?r.yn.x)?{needsFlipping:!0}:null}function ae(e,r,n,i,a,o,s,l,c,u,f,h,p,d){var g,m=r/24,v=e.lineOffsetX*m,y=e.lineOffsetY*m;if(e.numGlyphs>1){var x=e.glyphStartIndex+e.numGlyphs,b=e.lineStartIndex,_=e.lineStartIndex+e.lineLength,w=ne(m,l,v,y,n,f,h,e,c,o,p);if(!w)return{notEnoughRoom:!0};var T=$t(w.first.point,s).point,k=$t(w.last.point,s).point;if(i&&!n){var M=ie(e.writingMode,T,k,d);if(M)return M}g=[w.first];for(var A=e.glyphStartIndex+1;A0?L.point:oe(h,C,S,1,a),P=ie(e.writingMode,S,I,d);if(P)return P}var z=se(m*l.getoffsetX(e.glyphStartIndex),v,y,n,f,h,e.segment,e.lineStartIndex,e.lineStartIndex+e.lineLength,c,o,p);if(!z)return{notEnoughRoom:!0};g=[z]}for(var O=0,D=g;O0?1:-1,g=0;i&&(d*=-1,g=Math.PI),d<0&&(g+=Math.PI);for(var m=d>0?l+s:l+s+1,v=a,y=a,x=0,b=0,_=Math.abs(p),w=[];x+b<=_;){if((m+=d)=c)return null;if(y=v,w.push(v),void 0===(v=h[m])){var T=new t.Point(u.getx(m),u.gety(m)),k=$t(T,f);if(k.signedDistanceFromCamera>0)v=h[m]=k.point;else{var M=m-d;v=oe(0===x?o:new t.Point(u.getx(M),u.gety(M)),T,y,_-x+1,f)}}x+=b,b=y.dist(v)}var A=(_-x)/b,S=v.sub(y),E=S.mult(A)._add(y);E._add(S._unit()._perp()._mult(n*d));var C=g+Math.atan2(v.y-y.y,v.x-y.x);return w.push(E),{point:E,angle:C,path:w}}Jt.prototype.keysLength=function(){return this.boxKeys.length+this.circleKeys.length},Jt.prototype.insert=function(t,e,r,n,i){this._forEachCell(e,r,n,i,this._insertBoxCell,this.boxUid++),this.boxKeys.push(t),this.bboxes.push(e),this.bboxes.push(r),this.bboxes.push(n),this.bboxes.push(i)},Jt.prototype.insertCircle=function(t,e,r,n){this._forEachCell(e-n,r-n,e+n,r+n,this._insertCircleCell,this.circleUid++),this.circleKeys.push(t),this.circles.push(e),this.circles.push(r),this.circles.push(n)},Jt.prototype._insertBoxCell=function(t,e,r,n,i,a){this.boxCells[i].push(a)},Jt.prototype._insertCircleCell=function(t,e,r,n,i,a){this.circleCells[i].push(a)},Jt.prototype._query=function(t,e,r,n,i,a){if(r<0||t>this.width||n<0||e>this.height)return!i&&[];var o=[];if(t<=0&&e<=0&&this.width<=r&&this.height<=n){if(i)return!0;for(var s=0;s0:o},Jt.prototype._queryCircle=function(t,e,r,n,i){var a=t-r,o=t+r,s=e-r,l=e+r;if(o<0||a>this.width||l<0||s>this.height)return!n&&[];var c=[];return this._forEachCell(a,s,o,l,this._queryCellCircle,c,{hitTest:n,circle:{x:t,y:e,radius:r},seenUids:{box:{},circle:{}}},i),n?c.length>0:c},Jt.prototype.query=function(t,e,r,n,i){return this._query(t,e,r,n,!1,i)},Jt.prototype.hitTest=function(t,e,r,n,i){return this._query(t,e,r,n,!0,i)},Jt.prototype.hitTestCircle=function(t,e,r,n){return this._queryCircle(t,e,r,!0,n)},Jt.prototype._queryCell=function(t,e,r,n,i,a,o,s){var l=o.seenUids,c=this.boxCells[i];if(null!==c)for(var u=this.bboxes,f=0,h=c;f=u[d+0]&&n>=u[d+1]&&(!s||s(this.boxKeys[p]))){if(o.hitTest)return a.push(!0),!0;a.push({key:this.boxKeys[p],x1:u[d],y1:u[d+1],x2:u[d+2],y2:u[d+3]})}}}var g=this.circleCells[i];if(null!==g)for(var m=this.circles,v=0,y=g;vo*o+s*s},Jt.prototype._circleAndRectCollide=function(t,e,r,n,i,a,o){var s=(a-n)/2,l=Math.abs(t-(n+s));if(l>s+r)return!1;var c=(o-i)/2,u=Math.abs(e-(i+c));if(u>c+r)return!1;if(l<=s||u<=c)return!0;var f=l-s,h=u-c;return f*f+h*h<=r*r};var le=new Float32Array([-1/0,-1/0,0,-1/0,-1/0,0,-1/0,-1/0,0,-1/0,-1/0,0]);function ce(t,e){for(var r=0;r=1;I--)L.push(E.path[I]);for(var P=1;P0){for(var R=L[0].clone(),F=L[0].clone(),B=1;B=M.x&&F.x<=A.x&&R.y>=M.y&&F.y<=A.y?[L]:F.xA.x||F.yA.y?[]:t.clipLine([L],M.x,M.y,A.x,A.y)}for(var N=0,j=D;N=this.screenRightBoundary||n<100||e>this.screenBottomBoundary},fe.prototype.isInsideGrid=function(t,e,r,n){return r>=0&&t=0&&e0?(this.prevPlacement&&this.prevPlacement.variableOffsets[f.crossTileID]&&this.prevPlacement.placements[f.crossTileID]&&this.prevPlacement.placements[f.crossTileID].text&&(g=this.prevPlacement.variableOffsets[f.crossTileID].anchor),this.variableOffsets[f.crossTileID]={textOffset:m,width:r,height:n,anchor:t,textBoxScale:i,prevAnchor:g},this.markUsedJustification(h,t,f,p),h.allowVerticalPlacement&&(this.markUsedOrientation(h,p,f),this.placedOrientations[f.crossTileID]=p),{shift:v,placedGlyphBoxes:y}):void 0},_e.prototype.placeLayerBucketPart=function(e,r,n){var i=this,a=e.parameters,o=a.bucket,s=a.layout,l=a.posMatrix,c=a.textLabelPlaneMatrix,u=a.labelToScreenMatrix,f=a.textPixelRatio,h=a.holdingForFade,p=a.collisionBoxArray,d=a.partiallyEvaluatedTextSize,g=a.collisionGroup,m=s.get("text-optional"),v=s.get("icon-optional"),y=s.get("text-allow-overlap"),x=s.get("icon-allow-overlap"),b="map"===s.get("text-rotation-alignment"),_="map"===s.get("text-pitch-alignment"),w="none"!==s.get("icon-text-fit"),T="viewport-y"===s.get("symbol-z-order"),k=y&&(x||!o.hasIconData()||v),M=x&&(y||!o.hasTextData()||m);!o.collisionArrays&&p&&o.deserializeCollisionBoxes(p);var A=function(e,a){if(!r[e.crossTileID])if(h)i.placements[e.crossTileID]=new ge(!1,!1,!1);else{var p,T=!1,A=!1,S=!0,E=null,C={box:null,offscreen:null},L={box:null,offscreen:null},I=null,P=null,z=0,O=0,D=0;a.textFeatureIndex?z=a.textFeatureIndex:e.useRuntimeCollisionCircles&&(z=e.featureIndex),a.verticalTextFeatureIndex&&(O=a.verticalTextFeatureIndex);var R=a.textBox;if(R){var F=function(r){var n=t.WritingMode.horizontal;if(o.allowVerticalPlacement&&!r&&i.prevPlacement){var a=i.prevPlacement.placedOrientations[e.crossTileID];a&&(i.placedOrientations[e.crossTileID]=a,i.markUsedOrientation(o,n=a,e))}return n},B=function(r,n){if(o.allowVerticalPlacement&&e.numVerticalGlyphVertices>0&&a.verticalTextBox)for(var i=0,s=o.writingModes;i0&&(N=N.filter((function(t){return t!==j.anchor}))).unshift(j.anchor)}var U=function(t,r,n){for(var a=t.x2-t.x1,s=t.y2-t.y1,c=e.textBoxScale,u=w&&!x?r:null,h={box:[],offscreen:!1},p=y?2*N.length:N.length,d=0;d=N.length,e,o,n,u);if(m&&(h=m.placedGlyphBoxes)&&h.box&&h.box.length){T=!0,E=m.shift;break}}return h};B((function(){return U(R,a.iconBox,t.WritingMode.horizontal)}),(function(){var r=a.verticalTextBox;return o.allowVerticalPlacement&&!(C&&C.box&&C.box.length)&&e.numVerticalGlyphVertices>0&&r?U(r,a.verticalIconBox,t.WritingMode.vertical):{box:null,offscreen:null}})),C&&(T=C.box,S=C.offscreen);var V=F(C&&C.box);if(!T&&i.prevPlacement){var q=i.prevPlacement.variableOffsets[e.crossTileID];q&&(i.variableOffsets[e.crossTileID]=q,i.markUsedJustification(o,q.anchor,e,V))}}else{var H=function(t,r){var n=i.collisionIndex.placeCollisionBox(t,y,f,l,g.predicate);return n&&n.box&&n.box.length&&(i.markUsedOrientation(o,r,e),i.placedOrientations[e.crossTileID]=r),n};B((function(){return H(R,t.WritingMode.horizontal)}),(function(){var r=a.verticalTextBox;return o.allowVerticalPlacement&&e.numVerticalGlyphVertices>0&&r?H(r,t.WritingMode.vertical):{box:null,offscreen:null}})),F(C&&C.box&&C.box.length)}}if(T=(p=C)&&p.box&&p.box.length>0,S=p&&p.offscreen,e.useRuntimeCollisionCircles){var G=o.text.placedSymbolArray.get(e.centerJustifiedTextSymbolIndex),Y=t.evaluateSizeForFeature(o.textSizeData,d,G),W=s.get("text-padding");I=i.collisionIndex.placeCollisionCircles(y,G,o.lineVertexArray,o.glyphOffsetArray,Y,l,c,u,n,_,g.predicate,e.collisionCircleDiameter,W),T=y||I.circles.length>0&&!I.collisionDetected,S=S&&I.offscreen}if(a.iconFeatureIndex&&(D=a.iconFeatureIndex),a.iconBox){var X=function(t){var e=w&&E?be(t,E.x,E.y,b,_,i.transform.angle):t;return i.collisionIndex.placeCollisionBox(e,x,f,l,g.predicate)};A=L&&L.box&&L.box.length&&a.verticalIconBox?(P=X(a.verticalIconBox)).box.length>0:(P=X(a.iconBox)).box.length>0,S=S&&P.offscreen}var Z=m||0===e.numHorizontalGlyphVertices&&0===e.numVerticalGlyphVertices,J=v||0===e.numIconVertices;if(Z||J?J?Z||(A=A&&T):T=A&&T:A=T=A&&T,T&&p&&p.box&&i.collisionIndex.insertCollisionBox(p.box,s.get("text-ignore-placement"),o.bucketInstanceId,L&&L.box&&O?O:z,g.ID),A&&P&&i.collisionIndex.insertCollisionBox(P.box,s.get("icon-ignore-placement"),o.bucketInstanceId,D,g.ID),I&&(T&&i.collisionIndex.insertCollisionCircles(I.circles,s.get("text-ignore-placement"),o.bucketInstanceId,z,g.ID),n)){var K=o.bucketInstanceId,Q=i.collisionCircleArrays[K];void 0===Q&&(Q=i.collisionCircleArrays[K]=new me);for(var $=0;$=0;--E){var C=S[E];A(o.symbolInstances.get(C),o.collisionArrays[C])}else for(var L=e.symbolInstanceStart;L=0&&(e.text.placedSymbolArray.get(l).crossTileID=a>=0&&l!==a?0:n.crossTileID)}},_e.prototype.markUsedOrientation=function(e,r,n){for(var i=r===t.WritingMode.horizontal||r===t.WritingMode.horizontalOnly?r:0,a=r===t.WritingMode.vertical?r:0,o=0,s=[n.leftJustifiedTextSymbolIndex,n.centerJustifiedTextSymbolIndex,n.rightJustifiedTextSymbolIndex];o0,y=i.placedOrientations[a.crossTileID],x=y===t.WritingMode.vertical,b=y===t.WritingMode.horizontal||y===t.WritingMode.horizontalOnly;if(s>0||l>0){var _=Le(m.text);d(e.text,s,x?Ie:_),d(e.text,l,b?Ie:_);var w=m.text.isHidden();[a.rightJustifiedTextSymbolIndex,a.centerJustifiedTextSymbolIndex,a.leftJustifiedTextSymbolIndex].forEach((function(t){t>=0&&(e.text.placedSymbolArray.get(t).hidden=w||x?1:0)})),a.verticalPlacedTextSymbolIndex>=0&&(e.text.placedSymbolArray.get(a.verticalPlacedTextSymbolIndex).hidden=w||b?1:0);var T=i.variableOffsets[a.crossTileID];T&&i.markUsedJustification(e,T.anchor,a,y);var k=i.placedOrientations[a.crossTileID];k&&(i.markUsedJustification(e,"left",a,k),i.markUsedOrientation(e,k,a))}if(v){var M=Le(m.icon),A=!(h&&a.verticalPlacedIconSymbolIndex&&x);a.placedIconSymbolIndex>=0&&(d(e.icon,a.numIconVertices,A?M:Ie),e.icon.placedSymbolArray.get(a.placedIconSymbolIndex).hidden=m.icon.isHidden()),a.verticalPlacedIconSymbolIndex>=0&&(d(e.icon,a.numVerticalIconVertices,A?Ie:M),e.icon.placedSymbolArray.get(a.verticalPlacedIconSymbolIndex).hidden=m.icon.isHidden())}if(e.hasIconCollisionBoxData()||e.hasTextCollisionBoxData()){var S=e.collisionArrays[n];if(S){var E=new t.Point(0,0);if(S.textBox||S.verticalTextBox){var C=!0;if(c){var L=i.variableOffsets[g];L?(E=xe(L.anchor,L.width,L.height,L.textOffset,L.textBoxScale),u&&E._rotate(f?i.transform.angle:-i.transform.angle)):C=!1}S.textBox&&we(e.textCollisionBox.collisionVertexArray,m.text.placed,!C||x,E.x,E.y),S.verticalTextBox&&we(e.textCollisionBox.collisionVertexArray,m.text.placed,!C||b,E.x,E.y)}var I=Boolean(!b&&S.verticalIconBox);S.iconBox&&we(e.iconCollisionBox.collisionVertexArray,m.icon.placed,I,h?E.x:0,h?E.y:0),S.verticalIconBox&&we(e.iconCollisionBox.collisionVertexArray,m.icon.placed,!I,h?E.x:0,h?E.y:0)}}},m=0;mt},_e.prototype.setStale=function(){this.stale=!0};var Te=Math.pow(2,25),ke=Math.pow(2,24),Me=Math.pow(2,17),Ae=Math.pow(2,16),Se=Math.pow(2,9),Ee=Math.pow(2,8),Ce=Math.pow(2,1);function Le(t){if(0===t.opacity&&!t.placed)return 0;if(1===t.opacity&&t.placed)return 4294967295;var e=t.placed?1:0,r=Math.floor(127*t.opacity);return r*Te+e*ke+r*Me+e*Ae+r*Se+e*Ee+r*Ce+e}var Ie=0,Pe=function(t){this._sortAcrossTiles="viewport-y"!==t.layout.get("symbol-z-order")&&void 0!==t.layout.get("symbol-sort-key").constantOr(1),this._currentTileIndex=0,this._currentPartIndex=0,this._seenCrossTileIDs={},this._bucketParts=[]};Pe.prototype.continuePlacement=function(t,e,r,n,i){for(var a=this._bucketParts;this._currentTileIndex2};this._currentPlacementIndex>=0;){var s=r[e[this._currentPlacementIndex]],l=this.placement.collisionIndex.transform.zoom;if("symbol"===s.type&&(!s.minzoom||s.minzoom<=l)&&(!s.maxzoom||s.maxzoom>l)){if(this._inProgressLayer||(this._inProgressLayer=new Pe(s)),this._inProgressLayer.continuePlacement(n[s.source],this.placement,this._showCollisionBoxes,s,o))return;delete this._inProgressLayer}this._currentPlacementIndex--}this._done=!0},ze.prototype.commit=function(t){return this.placement.commit(t),this.placement};var Oe=512/t.EXTENT/2,De=function(t,e,r){this.tileID=t,this.indexedSymbolInstances={},this.bucketInstanceId=r;for(var n=0;nt.overscaledZ)for(var s in o){var l=o[s];l.tileID.isChildOf(t)&&l.findMatches(e.symbolInstances,t,i)}else{var c=o[t.scaledTo(Number(a)).key];c&&c.findMatches(e.symbolInstances,t,i)}}for(var u=0;u1?"@2x":"",l=t.getJSON(r.transformRequest(r.normalizeSpriteURL(e,s,".json"),t.ResourceType.SpriteJSON),(function(t,e){l=null,o||(o=t,i=e,u())})),c=t.getImage(r.transformRequest(r.normalizeSpriteURL(e,s,".png"),t.ResourceType.SpriteImage),(function(t,e){c=null,o||(o=t,a=e,u())}));function u(){if(o)n(o);else if(i&&a){var e=t.browser.getImageData(a),r={};for(var s in i){var l=i[s],c=l.width,u=l.height,f=l.x,h=l.y,p=l.sdf,d=l.pixelRatio,g=l.stretchX,m=l.stretchY,v=l.content,y=new t.RGBAImage({width:c,height:u});t.RGBAImage.copy(e,y,{x:f,y:h},{x:0,y:0},{width:c,height:u}),r[s]={data:y,pixelRatio:d,sdf:p,stretchX:g,stretchY:m,content:v}}n(null,r)}}return{cancel:function(){l&&(l.cancel(),l=null),c&&(c.cancel(),c=null)}}}(e,this.map._requestManager,(function(e,n){if(r._spriteRequest=null,e)r.fire(new t.ErrorEvent(e));else if(n)for(var i in n)r.imageManager.addImage(i,n[i]);r.imageManager.setLoaded(!0),r._availableImages=r.imageManager.listImages(),r.dispatcher.broadcast("setImages",r._availableImages),r.fire(new t.Event("data",{dataType:"style"}))}))},r.prototype._validateLayer=function(e){var r=this.sourceCaches[e.source];if(r){var n=e.sourceLayer;if(n){var i=r.getSource();("geojson"===i.type||i.vectorLayerIds&&-1===i.vectorLayerIds.indexOf(n))&&this.fire(new t.ErrorEvent(new Error('Source layer "'+n+'" does not exist on source "'+i.id+'" as specified by style layer "'+e.id+'"')))}}},r.prototype.loaded=function(){if(!this._loaded)return!1;if(Object.keys(this._updatedSources).length)return!1;for(var t in this.sourceCaches)if(!this.sourceCaches[t].loaded())return!1;return!!this.imageManager.isLoaded()},r.prototype._serializeLayers=function(t){for(var e=[],r=0,n=t;r0)throw new Error("Unimplemented: "+i.map((function(t){return t.command})).join(", ")+".");return n.forEach((function(t){"setTransition"!==t.command&&r[t.command].apply(r,t.args)})),this.stylesheet=e,!0},r.prototype.addImage=function(e,r){if(this.getImage(e))return this.fire(new t.ErrorEvent(new Error("An image with this name already exists.")));this.imageManager.addImage(e,r),this._availableImages=this.imageManager.listImages(),this._changedImages[e]=!0,this._changed=!0,this.fire(new t.Event("data",{dataType:"style"}))},r.prototype.updateImage=function(t,e){this.imageManager.updateImage(t,e)},r.prototype.getImage=function(t){return this.imageManager.getImage(t)},r.prototype.removeImage=function(e){if(!this.getImage(e))return this.fire(new t.ErrorEvent(new Error("No image with this name exists.")));this.imageManager.removeImage(e),this._availableImages=this.imageManager.listImages(),this._changedImages[e]=!0,this._changed=!0,this.fire(new t.Event("data",{dataType:"style"}))},r.prototype.listImages=function(){return this._checkLoaded(),this.imageManager.listImages()},r.prototype.addSource=function(e,r,n){var i=this;if(void 0===n&&(n={}),this._checkLoaded(),void 0!==this.sourceCaches[e])throw new Error("There is already a source with this ID");if(!r.type)throw new Error("The type property must be defined, but the only the following properties were given: "+Object.keys(r).join(", ")+".");if(!(["vector","raster","geojson","video","image"].indexOf(r.type)>=0&&this._validate(t.validateStyle.source,"sources."+e,r,null,n))){this.map&&this.map._collectResourceTiming&&(r.collectResourceTiming=!0);var a=this.sourceCaches[e]=new Lt(e,r,this.dispatcher);a.style=this,a.setEventedParent(this,(function(){return{isSourceLoaded:i.loaded(),source:a.serialize(),sourceId:e}})),a.onAdd(this.map),this._changed=!0}},r.prototype.removeSource=function(e){if(this._checkLoaded(),void 0===this.sourceCaches[e])throw new Error("There is no source with this ID");for(var r in this._layers)if(this._layers[r].source===e)return this.fire(new t.ErrorEvent(new Error('Source "'+e+'" cannot be removed while layer "'+r+'" is using it.')));var n=this.sourceCaches[e];delete this.sourceCaches[e],delete this._updatedSources[e],n.fire(new t.Event("data",{sourceDataType:"metadata",dataType:"source",sourceId:e})),n.setEventedParent(null),n.clearTiles(),n.onRemove&&n.onRemove(this.map),this._changed=!0},r.prototype.setGeoJSONSourceData=function(t,e){this._checkLoaded(),this.sourceCaches[t].getSource().setData(e),this._changed=!0},r.prototype.getSource=function(t){return this.sourceCaches[t]&&this.sourceCaches[t].getSource()},r.prototype.addLayer=function(e,r,n){void 0===n&&(n={}),this._checkLoaded();var i=e.id;if(this.getLayer(i))this.fire(new t.ErrorEvent(new Error('Layer with id "'+i+'" already exists on this map')));else{var a;if("custom"===e.type){if(Ne(this,t.validateCustomStyleLayer(e)))return;a=t.createStyleLayer(e)}else{if("object"==typeof e.source&&(this.addSource(i,e.source),e=t.clone$1(e),e=t.extend(e,{source:i})),this._validate(t.validateStyle.layer,"layers."+i,e,{arrayIndex:-1},n))return;a=t.createStyleLayer(e),this._validateLayer(a),a.setEventedParent(this,{layer:{id:i}}),this._serializedLayers[a.id]=a.serialize()}var o=r?this._order.indexOf(r):this._order.length;if(r&&-1===o)this.fire(new t.ErrorEvent(new Error('Layer with id "'+r+'" does not exist on this map.')));else{if(this._order.splice(o,0,i),this._layerOrderChanged=!0,this._layers[i]=a,this._removedLayers[i]&&a.source&&"custom"!==a.type){var s=this._removedLayers[i];delete this._removedLayers[i],s.type!==a.type?this._updatedSources[a.source]="clear":(this._updatedSources[a.source]="reload",this.sourceCaches[a.source].pause())}this._updateLayer(a),a.onAdd&&a.onAdd(this.map)}}},r.prototype.moveLayer=function(e,r){if(this._checkLoaded(),this._changed=!0,this._layers[e]){if(e!==r){var n=this._order.indexOf(e);this._order.splice(n,1);var i=r?this._order.indexOf(r):this._order.length;r&&-1===i?this.fire(new t.ErrorEvent(new Error('Layer with id "'+r+'" does not exist on this map.'))):(this._order.splice(i,0,e),this._layerOrderChanged=!0)}}else this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be moved.")))},r.prototype.removeLayer=function(e){this._checkLoaded();var r=this._layers[e];if(r){r.setEventedParent(null);var n=this._order.indexOf(e);this._order.splice(n,1),this._layerOrderChanged=!0,this._changed=!0,this._removedLayers[e]=r,delete this._layers[e],delete this._serializedLayers[e],delete this._updatedLayers[e],delete this._updatedPaintProps[e],r.onRemove&&r.onRemove(this.map)}else this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be removed.")))},r.prototype.getLayer=function(t){return this._layers[t]},r.prototype.hasLayer=function(t){return t in this._layers},r.prototype.setLayerZoomRange=function(e,r,n){this._checkLoaded();var i=this.getLayer(e);i?i.minzoom===r&&i.maxzoom===n||(null!=r&&(i.minzoom=r),null!=n&&(i.maxzoom=n),this._updateLayer(i)):this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot have zoom extent.")))},r.prototype.setFilter=function(e,r,n){void 0===n&&(n={}),this._checkLoaded();var i=this.getLayer(e);if(i){if(!t.deepEqual(i.filter,r))return null==r?(i.filter=void 0,void this._updateLayer(i)):void(this._validate(t.validateStyle.filter,"layers."+i.id+".filter",r,null,n)||(i.filter=t.clone$1(r),this._updateLayer(i)))}else this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be filtered.")))},r.prototype.getFilter=function(e){return t.clone$1(this.getLayer(e).filter)},r.prototype.setLayoutProperty=function(e,r,n,i){void 0===i&&(i={}),this._checkLoaded();var a=this.getLayer(e);a?t.deepEqual(a.getLayoutProperty(r),n)||(a.setLayoutProperty(r,n,i),this._updateLayer(a)):this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be styled.")))},r.prototype.getLayoutProperty=function(e,r){var n=this.getLayer(e);if(n)return n.getLayoutProperty(r);this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style.")))},r.prototype.setPaintProperty=function(e,r,n,i){void 0===i&&(i={}),this._checkLoaded();var a=this.getLayer(e);a?t.deepEqual(a.getPaintProperty(r),n)||(a.setPaintProperty(r,n,i)&&this._updateLayer(a),this._changed=!0,this._updatedPaintProps[e]=!0):this.fire(new t.ErrorEvent(new Error("The layer '"+e+"' does not exist in the map's style and cannot be styled.")))},r.prototype.getPaintProperty=function(t,e){return this.getLayer(t).getPaintProperty(e)},r.prototype.setFeatureState=function(e,r){this._checkLoaded();var n=e.source,i=e.sourceLayer,a=this.sourceCaches[n];if(void 0!==a){var o=a.getSource().type;"geojson"===o&&i?this.fire(new t.ErrorEvent(new Error("GeoJSON sources cannot have a sourceLayer parameter."))):"vector"!==o||i?(void 0===e.id&&this.fire(new t.ErrorEvent(new Error("The feature id parameter must be provided."))),a.setFeatureState(i,e.id,r)):this.fire(new t.ErrorEvent(new Error("The sourceLayer parameter must be provided for vector source types.")))}else this.fire(new t.ErrorEvent(new Error("The source '"+n+"' does not exist in the map's style.")))},r.prototype.removeFeatureState=function(e,r){this._checkLoaded();var n=e.source,i=this.sourceCaches[n];if(void 0!==i){var a=i.getSource().type,o="vector"===a?e.sourceLayer:void 0;"vector"!==a||o?r&&"string"!=typeof e.id&&"number"!=typeof e.id?this.fire(new t.ErrorEvent(new Error("A feature id is requred to remove its specific state property."))):i.removeFeatureState(o,e.id,r):this.fire(new t.ErrorEvent(new Error("The sourceLayer parameter must be provided for vector source types.")))}else this.fire(new t.ErrorEvent(new Error("The source '"+n+"' does not exist in the map's style.")))},r.prototype.getFeatureState=function(e){this._checkLoaded();var r=e.source,n=e.sourceLayer,i=this.sourceCaches[r];if(void 0!==i){if("vector"!==i.getSource().type||n)return void 0===e.id&&this.fire(new t.ErrorEvent(new Error("The feature id parameter must be provided."))),i.getFeatureState(n,e.id);this.fire(new t.ErrorEvent(new Error("The sourceLayer parameter must be provided for vector source types.")))}else this.fire(new t.ErrorEvent(new Error("The source '"+r+"' does not exist in the map's style.")))},r.prototype.getTransition=function(){return t.extend({duration:300,delay:0},this.stylesheet&&this.stylesheet.transition)},r.prototype.serialize=function(){return t.filterObject({version:this.stylesheet.version,name:this.stylesheet.name,metadata:this.stylesheet.metadata,light:this.stylesheet.light,center:this.stylesheet.center,zoom:this.stylesheet.zoom,bearing:this.stylesheet.bearing,pitch:this.stylesheet.pitch,sprite:this.stylesheet.sprite,glyphs:this.stylesheet.glyphs,transition:this.stylesheet.transition,sources:t.mapObject(this.sourceCaches,(function(t){return t.serialize()})),layers:this._serializeLayers(this._order)},(function(t){return void 0!==t}))},r.prototype._updateLayer=function(t){this._updatedLayers[t.id]=!0,t.source&&!this._updatedSources[t.source]&&"raster"!==this.sourceCaches[t.source].getSource().type&&(this._updatedSources[t.source]="reload",this.sourceCaches[t.source].pause()),this._changed=!0},r.prototype._flattenAndSortRenderedFeatures=function(t){for(var e=this,r=function(t){return"fill-extrusion"===e._layers[t].type},n={},i=[],a=this._order.length-1;a>=0;a--){var o=this._order[a];if(r(o)){n[o]=a;for(var s=0,l=t;s=0;p--){var d=this._order[p];if(r(d))for(var g=i.length-1;g>=0;g--){var m=i[g].feature;if(n[m.layer.id] 0.5) {gl_FragColor=vec4(0.0,0.0,1.0,0.5)*alpha;}if (v_notUsed > 0.5) {gl_FragColor*=.1;}}","attribute vec2 a_pos;attribute vec2 a_anchor_pos;attribute vec2 a_extrude;attribute vec2 a_placed;attribute vec2 a_shift;uniform mat4 u_matrix;uniform vec2 u_extrude_scale;uniform float u_camera_to_center_distance;varying float v_placed;varying float v_notUsed;void main() {vec4 projectedPoint=u_matrix*vec4(a_anchor_pos,0,1);highp float camera_to_anchor_distance=projectedPoint.w;highp float collision_perspective_ratio=clamp(0.5+0.5*(u_camera_to_center_distance/camera_to_anchor_distance),0.0,4.0);gl_Position=u_matrix*vec4(a_pos,0.0,1.0);gl_Position.xy+=(a_extrude+a_shift)*u_extrude_scale*gl_Position.w*collision_perspective_ratio;v_placed=a_placed.x;v_notUsed=a_placed.y;}"),$e=vr("varying float v_radius;varying vec2 v_extrude;varying float v_perspective_ratio;varying float v_collision;void main() {float alpha=0.5*min(v_perspective_ratio,1.0);float stroke_radius=0.9*max(v_perspective_ratio,1.0);float distance_to_center=length(v_extrude);float distance_to_edge=abs(distance_to_center-v_radius);float opacity_t=smoothstep(-stroke_radius,0.0,-distance_to_edge);vec4 color=mix(vec4(0.0,0.0,1.0,0.5),vec4(1.0,0.0,0.0,1.0),v_collision);gl_FragColor=color*alpha*opacity_t;}","attribute vec2 a_pos;attribute float a_radius;attribute vec2 a_flags;uniform mat4 u_matrix;uniform mat4 u_inv_matrix;uniform vec2 u_viewport_size;uniform float u_camera_to_center_distance;varying float v_radius;varying vec2 v_extrude;varying float v_perspective_ratio;varying float v_collision;vec3 toTilePosition(vec2 screenPos) {vec4 rayStart=u_inv_matrix*vec4(screenPos,-1.0,1.0);vec4 rayEnd =u_inv_matrix*vec4(screenPos, 1.0,1.0);rayStart.xyz/=rayStart.w;rayEnd.xyz /=rayEnd.w;highp float t=(0.0-rayStart.z)/(rayEnd.z-rayStart.z);return mix(rayStart.xyz,rayEnd.xyz,t);}void main() {vec2 quadCenterPos=a_pos;float radius=a_radius;float collision=a_flags.x;float vertexIdx=a_flags.y;vec2 quadVertexOffset=vec2(mix(-1.0,1.0,float(vertexIdx >=2.0)),mix(-1.0,1.0,float(vertexIdx >=1.0 && vertexIdx <=2.0)));vec2 quadVertexExtent=quadVertexOffset*radius;vec3 tilePos=toTilePosition(quadCenterPos);vec4 clipPos=u_matrix*vec4(tilePos,1.0);highp float camera_to_anchor_distance=clipPos.w;highp float collision_perspective_ratio=clamp(0.5+0.5*(u_camera_to_center_distance/camera_to_anchor_distance),0.0,4.0);float padding_factor=1.2;v_radius=radius;v_extrude=quadVertexExtent*padding_factor;v_perspective_ratio=collision_perspective_ratio;v_collision=collision;gl_Position=vec4(clipPos.xyz/clipPos.w,1.0)+vec4(quadVertexExtent*padding_factor/u_viewport_size*2.0,0.0,0.0);}"),tr=vr("uniform highp vec4 u_color;uniform sampler2D u_overlay;varying vec2 v_uv;void main() {vec4 overlay_color=texture2D(u_overlay,v_uv);gl_FragColor=mix(u_color,overlay_color,overlay_color.a);}","attribute vec2 a_pos;varying vec2 v_uv;uniform mat4 u_matrix;uniform float u_overlay_scale;void main() {v_uv=a_pos/8192.0;gl_Position=u_matrix*vec4(a_pos*u_overlay_scale,0,1);}"),er=vr("#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float opacity\ngl_FragColor=color*opacity;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","attribute vec2 a_pos;uniform mat4 u_matrix;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float opacity\ngl_Position=u_matrix*vec4(a_pos,0,1);}"),rr=vr("varying vec2 v_pos;\n#pragma mapbox: define highp vec4 outline_color\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 outline_color\n#pragma mapbox: initialize lowp float opacity\nfloat dist=length(v_pos-gl_FragCoord.xy);float alpha=1.0-smoothstep(0.0,1.0,dist);gl_FragColor=outline_color*(alpha*opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","attribute vec2 a_pos;uniform mat4 u_matrix;uniform vec2 u_world;varying vec2 v_pos;\n#pragma mapbox: define highp vec4 outline_color\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 outline_color\n#pragma mapbox: initialize lowp float opacity\ngl_Position=u_matrix*vec4(a_pos,0,1);v_pos=(gl_Position.xy/gl_Position.w+1.0)/2.0*u_world;}"),nr=vr("uniform vec2 u_texsize;uniform sampler2D u_image;uniform float u_fade;varying vec2 v_pos_a;varying vec2 v_pos_b;varying vec2 v_pos;\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;vec2 imagecoord=mod(v_pos_a,1.0);vec2 pos=mix(pattern_tl_a/u_texsize,pattern_br_a/u_texsize,imagecoord);vec4 color1=texture2D(u_image,pos);vec2 imagecoord_b=mod(v_pos_b,1.0);vec2 pos2=mix(pattern_tl_b/u_texsize,pattern_br_b/u_texsize,imagecoord_b);vec4 color2=texture2D(u_image,pos2);float dist=length(v_pos-gl_FragCoord.xy);float alpha=1.0-smoothstep(0.0,1.0,dist);gl_FragColor=mix(color1,color2,u_fade)*alpha*opacity;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_world;uniform vec2 u_pixel_coord_upper;uniform vec2 u_pixel_coord_lower;uniform vec3 u_scale;attribute vec2 a_pos;varying vec2 v_pos_a;varying vec2 v_pos_b;varying vec2 v_pos;\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;float tileRatio=u_scale.x;float fromScale=u_scale.y;float toScale=u_scale.z;gl_Position=u_matrix*vec4(a_pos,0,1);vec2 display_size_a=(pattern_br_a-pattern_tl_a)/pixel_ratio_from;vec2 display_size_b=(pattern_br_b-pattern_tl_b)/pixel_ratio_to;v_pos_a=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,fromScale*display_size_a,tileRatio,a_pos);v_pos_b=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,toScale*display_size_b,tileRatio,a_pos);v_pos=(gl_Position.xy/gl_Position.w+1.0)/2.0*u_world;}"),ir=vr("uniform vec2 u_texsize;uniform float u_fade;uniform sampler2D u_image;varying vec2 v_pos_a;varying vec2 v_pos_b;\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;vec2 imagecoord=mod(v_pos_a,1.0);vec2 pos=mix(pattern_tl_a/u_texsize,pattern_br_a/u_texsize,imagecoord);vec4 color1=texture2D(u_image,pos);vec2 imagecoord_b=mod(v_pos_b,1.0);vec2 pos2=mix(pattern_tl_b/u_texsize,pattern_br_b/u_texsize,imagecoord_b);vec4 color2=texture2D(u_image,pos2);gl_FragColor=mix(color1,color2,u_fade)*opacity;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_pixel_coord_upper;uniform vec2 u_pixel_coord_lower;uniform vec3 u_scale;attribute vec2 a_pos;varying vec2 v_pos_a;varying vec2 v_pos_b;\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;float tileZoomRatio=u_scale.x;float fromScale=u_scale.y;float toScale=u_scale.z;vec2 display_size_a=(pattern_br_a-pattern_tl_a)/pixel_ratio_from;vec2 display_size_b=(pattern_br_b-pattern_tl_b)/pixel_ratio_to;gl_Position=u_matrix*vec4(a_pos,0,1);v_pos_a=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,fromScale*display_size_a,tileZoomRatio,a_pos);v_pos_b=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,toScale*display_size_b,tileZoomRatio,a_pos);}"),ar=vr("varying vec4 v_color;void main() {gl_FragColor=v_color;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec3 u_lightcolor;uniform lowp vec3 u_lightpos;uniform lowp float u_lightintensity;uniform float u_vertical_gradient;uniform lowp float u_opacity;attribute vec2 a_pos;attribute vec4 a_normal_ed;varying vec4 v_color;\n#pragma mapbox: define highp float base\n#pragma mapbox: define highp float height\n#pragma mapbox: define highp vec4 color\nvoid main() {\n#pragma mapbox: initialize highp float base\n#pragma mapbox: initialize highp float height\n#pragma mapbox: initialize highp vec4 color\nvec3 normal=a_normal_ed.xyz;base=max(0.0,base);height=max(0.0,height);float t=mod(normal.x,2.0);gl_Position=u_matrix*vec4(a_pos,t > 0.0 ? height : base,1);float colorvalue=color.r*0.2126+color.g*0.7152+color.b*0.0722;v_color=vec4(0.0,0.0,0.0,1.0);vec4 ambientlight=vec4(0.03,0.03,0.03,1.0);color+=ambientlight;float directional=clamp(dot(normal/16384.0,u_lightpos),0.0,1.0);directional=mix((1.0-u_lightintensity),max((1.0-colorvalue+u_lightintensity),1.0),directional);if (normal.y !=0.0) {directional*=((1.0-u_vertical_gradient)+(u_vertical_gradient*clamp((t+base)*pow(height/150.0,0.5),mix(0.7,0.98,1.0-u_lightintensity),1.0)));}v_color.r+=clamp(color.r*directional*u_lightcolor.r,mix(0.0,0.3,1.0-u_lightcolor.r),1.0);v_color.g+=clamp(color.g*directional*u_lightcolor.g,mix(0.0,0.3,1.0-u_lightcolor.g),1.0);v_color.b+=clamp(color.b*directional*u_lightcolor.b,mix(0.0,0.3,1.0-u_lightcolor.b),1.0);v_color*=u_opacity;}"),or=vr("uniform vec2 u_texsize;uniform float u_fade;uniform sampler2D u_image;varying vec2 v_pos_a;varying vec2 v_pos_b;varying vec4 v_lighting;\n#pragma mapbox: define lowp float base\n#pragma mapbox: define lowp float height\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float base\n#pragma mapbox: initialize lowp float height\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;vec2 imagecoord=mod(v_pos_a,1.0);vec2 pos=mix(pattern_tl_a/u_texsize,pattern_br_a/u_texsize,imagecoord);vec4 color1=texture2D(u_image,pos);vec2 imagecoord_b=mod(v_pos_b,1.0);vec2 pos2=mix(pattern_tl_b/u_texsize,pattern_br_b/u_texsize,imagecoord_b);vec4 color2=texture2D(u_image,pos2);vec4 mixedColor=mix(color1,color2,u_fade);gl_FragColor=mixedColor*v_lighting;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_pixel_coord_upper;uniform vec2 u_pixel_coord_lower;uniform float u_height_factor;uniform vec3 u_scale;uniform float u_vertical_gradient;uniform lowp float u_opacity;uniform vec3 u_lightcolor;uniform lowp vec3 u_lightpos;uniform lowp float u_lightintensity;attribute vec2 a_pos;attribute vec4 a_normal_ed;varying vec2 v_pos_a;varying vec2 v_pos_b;varying vec4 v_lighting;\n#pragma mapbox: define lowp float base\n#pragma mapbox: define lowp float height\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float base\n#pragma mapbox: initialize lowp float height\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;float tileRatio=u_scale.x;float fromScale=u_scale.y;float toScale=u_scale.z;vec3 normal=a_normal_ed.xyz;float edgedistance=a_normal_ed.w;vec2 display_size_a=(pattern_br_a-pattern_tl_a)/pixel_ratio_from;vec2 display_size_b=(pattern_br_b-pattern_tl_b)/pixel_ratio_to;base=max(0.0,base);height=max(0.0,height);float t=mod(normal.x,2.0);float z=t > 0.0 ? height : base;gl_Position=u_matrix*vec4(a_pos,z,1);vec2 pos=normal.x==1.0 && normal.y==0.0 && normal.z==16384.0\n? a_pos\n: vec2(edgedistance,z*u_height_factor);v_pos_a=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,fromScale*display_size_a,tileRatio,pos);v_pos_b=get_pattern_pos(u_pixel_coord_upper,u_pixel_coord_lower,toScale*display_size_b,tileRatio,pos);v_lighting=vec4(0.0,0.0,0.0,1.0);float directional=clamp(dot(normal/16383.0,u_lightpos),0.0,1.0);directional=mix((1.0-u_lightintensity),max((0.5+u_lightintensity),1.0),directional);if (normal.y !=0.0) {directional*=((1.0-u_vertical_gradient)+(u_vertical_gradient*clamp((t+base)*pow(height/150.0,0.5),mix(0.7,0.98,1.0-u_lightintensity),1.0)));}v_lighting.rgb+=clamp(directional*u_lightcolor,mix(vec3(0.0),vec3(0.3),1.0-u_lightcolor),vec3(1.0));v_lighting*=u_opacity;}"),sr=vr("#ifdef GL_ES\nprecision highp float;\n#endif\nuniform sampler2D u_image;varying vec2 v_pos;uniform vec2 u_dimension;uniform float u_zoom;uniform float u_maxzoom;uniform vec4 u_unpack;float getElevation(vec2 coord,float bias) {vec4 data=texture2D(u_image,coord)*255.0;data.a=-1.0;return dot(data,u_unpack)/4.0;}void main() {vec2 epsilon=1.0/u_dimension;float a=getElevation(v_pos+vec2(-epsilon.x,-epsilon.y),0.0);float b=getElevation(v_pos+vec2(0,-epsilon.y),0.0);float c=getElevation(v_pos+vec2(epsilon.x,-epsilon.y),0.0);float d=getElevation(v_pos+vec2(-epsilon.x,0),0.0);float e=getElevation(v_pos,0.0);float f=getElevation(v_pos+vec2(epsilon.x,0),0.0);float g=getElevation(v_pos+vec2(-epsilon.x,epsilon.y),0.0);float h=getElevation(v_pos+vec2(0,epsilon.y),0.0);float i=getElevation(v_pos+vec2(epsilon.x,epsilon.y),0.0);float exaggeration=u_zoom < 2.0 ? 0.4 : u_zoom < 4.5 ? 0.35 : 0.3;vec2 deriv=vec2((c+f+f+i)-(a+d+d+g),(g+h+h+i)-(a+b+b+c))/ pow(2.0,(u_zoom-u_maxzoom)*exaggeration+19.2562-u_zoom);gl_FragColor=clamp(vec4(deriv.x/2.0+0.5,deriv.y/2.0+0.5,1.0,1.0),0.0,1.0);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_dimension;attribute vec2 a_pos;attribute vec2 a_texture_pos;varying vec2 v_pos;void main() {gl_Position=u_matrix*vec4(a_pos,0,1);highp vec2 epsilon=1.0/u_dimension;float scale=(u_dimension.x-2.0)/u_dimension.x;v_pos=(a_texture_pos/8192.0)*scale+epsilon;}"),lr=vr("uniform sampler2D u_image;varying vec2 v_pos;uniform vec2 u_latrange;uniform vec2 u_light;uniform vec4 u_shadow;uniform vec4 u_highlight;uniform vec4 u_accent;\n#define PI 3.141592653589793\nvoid main() {vec4 pixel=texture2D(u_image,v_pos);vec2 deriv=((pixel.rg*2.0)-1.0);float scaleFactor=cos(radians((u_latrange[0]-u_latrange[1])*(1.0-v_pos.y)+u_latrange[1]));float slope=atan(1.25*length(deriv)/scaleFactor);float aspect=deriv.x !=0.0 ? atan(deriv.y,-deriv.x) : PI/2.0*(deriv.y > 0.0 ? 1.0 :-1.0);float intensity=u_light.x;float azimuth=u_light.y+PI;float base=1.875-intensity*1.75;float maxValue=0.5*PI;float scaledSlope=intensity !=0.5 ? ((pow(base,slope)-1.0)/(pow(base,maxValue)-1.0))*maxValue : slope;float accent=cos(scaledSlope);vec4 accent_color=(1.0-accent)*u_accent*clamp(intensity*2.0,0.0,1.0);float shade=abs(mod((aspect+azimuth)/PI+0.5,2.0)-1.0);vec4 shade_color=mix(u_shadow,u_highlight,shade)*sin(scaledSlope)*clamp(intensity*2.0,0.0,1.0);gl_FragColor=accent_color*(1.0-shade_color.a)+shade_color;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;attribute vec2 a_pos;attribute vec2 a_texture_pos;varying vec2 v_pos;void main() {gl_Position=u_matrix*vec4(a_pos,0,1);v_pos=a_texture_pos/8192.0;}"),cr=vr("uniform lowp float u_device_pixel_ratio;varying vec2 v_width2;varying vec2 v_normal;varying float v_gamma_scale;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\nfloat dist=length(v_normal)*v_width2.s;float blur2=(blur+1.0/u_device_pixel_ratio)*v_gamma_scale;float alpha=clamp(min(dist-(v_width2.t-blur2),v_width2.s-dist)/blur2,0.0,1.0);gl_FragColor=color*(alpha*opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","\n#define scale 0.015873016\nattribute vec2 a_pos_normal;attribute vec4 a_data;uniform mat4 u_matrix;uniform mediump float u_ratio;uniform vec2 u_units_to_pixels;uniform lowp float u_device_pixel_ratio;varying vec2 v_normal;varying vec2 v_width2;varying float v_gamma_scale;varying highp float v_linesofar;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define mediump float gapwidth\n#pragma mapbox: define lowp float offset\n#pragma mapbox: define mediump float width\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump float gapwidth\n#pragma mapbox: initialize lowp float offset\n#pragma mapbox: initialize mediump float width\nfloat ANTIALIASING=1.0/u_device_pixel_ratio/2.0;vec2 a_extrude=a_data.xy-128.0;float a_direction=mod(a_data.z,4.0)-1.0;v_linesofar=(floor(a_data.z/4.0)+a_data.w*64.0)*2.0;vec2 pos=floor(a_pos_normal*0.5);mediump vec2 normal=a_pos_normal-2.0*pos;normal.y=normal.y*2.0-1.0;v_normal=normal;gapwidth=gapwidth/2.0;float halfwidth=width/2.0;offset=-1.0*offset;float inset=gapwidth+(gapwidth > 0.0 ? ANTIALIASING : 0.0);float outset=gapwidth+halfwidth*(gapwidth > 0.0 ? 2.0 : 1.0)+(halfwidth==0.0 ? 0.0 : ANTIALIASING);mediump vec2 dist=outset*a_extrude*scale;mediump float u=0.5*a_direction;mediump float t=1.0-abs(u);mediump vec2 offset2=offset*a_extrude*scale*normal.y*mat2(t,-u,u,t);vec4 projected_extrude=u_matrix*vec4(dist/u_ratio,0.0,0.0);gl_Position=u_matrix*vec4(pos+offset2/u_ratio,0.0,1.0)+projected_extrude;float extrude_length_without_perspective=length(dist);float extrude_length_with_perspective=length(projected_extrude.xy/gl_Position.w*u_units_to_pixels);v_gamma_scale=extrude_length_without_perspective/extrude_length_with_perspective;v_width2=vec2(outset,inset);}"),ur=vr("uniform lowp float u_device_pixel_ratio;uniform sampler2D u_image;varying vec2 v_width2;varying vec2 v_normal;varying float v_gamma_scale;varying highp float v_lineprogress;\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\nfloat dist=length(v_normal)*v_width2.s;float blur2=(blur+1.0/u_device_pixel_ratio)*v_gamma_scale;float alpha=clamp(min(dist-(v_width2.t-blur2),v_width2.s-dist)/blur2,0.0,1.0);vec4 color=texture2D(u_image,vec2(v_lineprogress,0.5));gl_FragColor=color*(alpha*opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","\n#define MAX_LINE_DISTANCE 32767.0\n#define scale 0.015873016\nattribute vec2 a_pos_normal;attribute vec4 a_data;uniform mat4 u_matrix;uniform mediump float u_ratio;uniform lowp float u_device_pixel_ratio;uniform vec2 u_units_to_pixels;varying vec2 v_normal;varying vec2 v_width2;varying float v_gamma_scale;varying highp float v_lineprogress;\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define mediump float gapwidth\n#pragma mapbox: define lowp float offset\n#pragma mapbox: define mediump float width\nvoid main() {\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump float gapwidth\n#pragma mapbox: initialize lowp float offset\n#pragma mapbox: initialize mediump float width\nfloat ANTIALIASING=1.0/u_device_pixel_ratio/2.0;vec2 a_extrude=a_data.xy-128.0;float a_direction=mod(a_data.z,4.0)-1.0;v_lineprogress=(floor(a_data.z/4.0)+a_data.w*64.0)*2.0/MAX_LINE_DISTANCE;vec2 pos=floor(a_pos_normal*0.5);mediump vec2 normal=a_pos_normal-2.0*pos;normal.y=normal.y*2.0-1.0;v_normal=normal;gapwidth=gapwidth/2.0;float halfwidth=width/2.0;offset=-1.0*offset;float inset=gapwidth+(gapwidth > 0.0 ? ANTIALIASING : 0.0);float outset=gapwidth+halfwidth*(gapwidth > 0.0 ? 2.0 : 1.0)+(halfwidth==0.0 ? 0.0 : ANTIALIASING);mediump vec2 dist=outset*a_extrude*scale;mediump float u=0.5*a_direction;mediump float t=1.0-abs(u);mediump vec2 offset2=offset*a_extrude*scale*normal.y*mat2(t,-u,u,t);vec4 projected_extrude=u_matrix*vec4(dist/u_ratio,0.0,0.0);gl_Position=u_matrix*vec4(pos+offset2/u_ratio,0.0,1.0)+projected_extrude;float extrude_length_without_perspective=length(dist);float extrude_length_with_perspective=length(projected_extrude.xy/gl_Position.w*u_units_to_pixels);v_gamma_scale=extrude_length_without_perspective/extrude_length_with_perspective;v_width2=vec2(outset,inset);}"),fr=vr("uniform lowp float u_device_pixel_ratio;uniform vec2 u_texsize;uniform float u_fade;uniform mediump vec3 u_scale;uniform sampler2D u_image;varying vec2 v_normal;varying vec2 v_width2;varying float v_linesofar;varying float v_gamma_scale;varying float v_width;\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\nvec2 pattern_tl_a=pattern_from.xy;vec2 pattern_br_a=pattern_from.zw;vec2 pattern_tl_b=pattern_to.xy;vec2 pattern_br_b=pattern_to.zw;float tileZoomRatio=u_scale.x;float fromScale=u_scale.y;float toScale=u_scale.z;vec2 display_size_a=(pattern_br_a-pattern_tl_a)/pixel_ratio_from;vec2 display_size_b=(pattern_br_b-pattern_tl_b)/pixel_ratio_to;vec2 pattern_size_a=vec2(display_size_a.x*fromScale/tileZoomRatio,display_size_a.y);vec2 pattern_size_b=vec2(display_size_b.x*toScale/tileZoomRatio,display_size_b.y);float aspect_a=display_size_a.y/v_width;float aspect_b=display_size_b.y/v_width;float dist=length(v_normal)*v_width2.s;float blur2=(blur+1.0/u_device_pixel_ratio)*v_gamma_scale;float alpha=clamp(min(dist-(v_width2.t-blur2),v_width2.s-dist)/blur2,0.0,1.0);float x_a=mod(v_linesofar/pattern_size_a.x*aspect_a,1.0);float x_b=mod(v_linesofar/pattern_size_b.x*aspect_b,1.0);float y=0.5*v_normal.y+0.5;vec2 texel_size=1.0/u_texsize;vec2 pos_a=mix(pattern_tl_a*texel_size-texel_size,pattern_br_a*texel_size+texel_size,vec2(x_a,y));vec2 pos_b=mix(pattern_tl_b*texel_size-texel_size,pattern_br_b*texel_size+texel_size,vec2(x_b,y));vec4 color=mix(texture2D(u_image,pos_a),texture2D(u_image,pos_b),u_fade);gl_FragColor=color*alpha*opacity;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","\n#define scale 0.015873016\n#define LINE_DISTANCE_SCALE 2.0\nattribute vec2 a_pos_normal;attribute vec4 a_data;uniform mat4 u_matrix;uniform vec2 u_units_to_pixels;uniform mediump float u_ratio;uniform lowp float u_device_pixel_ratio;varying vec2 v_normal;varying vec2 v_width2;varying float v_linesofar;varying float v_gamma_scale;varying float v_width;\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float offset\n#pragma mapbox: define mediump float gapwidth\n#pragma mapbox: define mediump float width\n#pragma mapbox: define lowp float floorwidth\n#pragma mapbox: define lowp vec4 pattern_from\n#pragma mapbox: define lowp vec4 pattern_to\n#pragma mapbox: define lowp float pixel_ratio_from\n#pragma mapbox: define lowp float pixel_ratio_to\nvoid main() {\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float offset\n#pragma mapbox: initialize mediump float gapwidth\n#pragma mapbox: initialize mediump float width\n#pragma mapbox: initialize lowp float floorwidth\n#pragma mapbox: initialize mediump vec4 pattern_from\n#pragma mapbox: initialize mediump vec4 pattern_to\n#pragma mapbox: initialize lowp float pixel_ratio_from\n#pragma mapbox: initialize lowp float pixel_ratio_to\nfloat ANTIALIASING=1.0/u_device_pixel_ratio/2.0;vec2 a_extrude=a_data.xy-128.0;float a_direction=mod(a_data.z,4.0)-1.0;float a_linesofar=(floor(a_data.z/4.0)+a_data.w*64.0)*LINE_DISTANCE_SCALE;vec2 pos=floor(a_pos_normal*0.5);mediump vec2 normal=a_pos_normal-2.0*pos;normal.y=normal.y*2.0-1.0;v_normal=normal;gapwidth=gapwidth/2.0;float halfwidth=width/2.0;offset=-1.0*offset;float inset=gapwidth+(gapwidth > 0.0 ? ANTIALIASING : 0.0);float outset=gapwidth+halfwidth*(gapwidth > 0.0 ? 2.0 : 1.0)+(halfwidth==0.0 ? 0.0 : ANTIALIASING);mediump vec2 dist=outset*a_extrude*scale;mediump float u=0.5*a_direction;mediump float t=1.0-abs(u);mediump vec2 offset2=offset*a_extrude*scale*normal.y*mat2(t,-u,u,t);vec4 projected_extrude=u_matrix*vec4(dist/u_ratio,0.0,0.0);gl_Position=u_matrix*vec4(pos+offset2/u_ratio,0.0,1.0)+projected_extrude;float extrude_length_without_perspective=length(dist);float extrude_length_with_perspective=length(projected_extrude.xy/gl_Position.w*u_units_to_pixels);v_gamma_scale=extrude_length_without_perspective/extrude_length_with_perspective;v_linesofar=a_linesofar;v_width2=vec2(outset,inset);v_width=floorwidth;}"),hr=vr("uniform lowp float u_device_pixel_ratio;uniform sampler2D u_image;uniform float u_sdfgamma;uniform float u_mix;varying vec2 v_normal;varying vec2 v_width2;varying vec2 v_tex_a;varying vec2 v_tex_b;varying float v_gamma_scale;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define mediump float width\n#pragma mapbox: define lowp float floorwidth\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump float width\n#pragma mapbox: initialize lowp float floorwidth\nfloat dist=length(v_normal)*v_width2.s;float blur2=(blur+1.0/u_device_pixel_ratio)*v_gamma_scale;float alpha=clamp(min(dist-(v_width2.t-blur2),v_width2.s-dist)/blur2,0.0,1.0);float sdfdist_a=texture2D(u_image,v_tex_a).a;float sdfdist_b=texture2D(u_image,v_tex_b).a;float sdfdist=mix(sdfdist_a,sdfdist_b,u_mix);alpha*=smoothstep(0.5-u_sdfgamma/floorwidth,0.5+u_sdfgamma/floorwidth,sdfdist);gl_FragColor=color*(alpha*opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","\n#define scale 0.015873016\n#define LINE_DISTANCE_SCALE 2.0\nattribute vec2 a_pos_normal;attribute vec4 a_data;uniform mat4 u_matrix;uniform mediump float u_ratio;uniform lowp float u_device_pixel_ratio;uniform vec2 u_patternscale_a;uniform float u_tex_y_a;uniform vec2 u_patternscale_b;uniform float u_tex_y_b;uniform vec2 u_units_to_pixels;varying vec2 v_normal;varying vec2 v_width2;varying vec2 v_tex_a;varying vec2 v_tex_b;varying float v_gamma_scale;\n#pragma mapbox: define highp vec4 color\n#pragma mapbox: define lowp float blur\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define mediump float gapwidth\n#pragma mapbox: define lowp float offset\n#pragma mapbox: define mediump float width\n#pragma mapbox: define lowp float floorwidth\nvoid main() {\n#pragma mapbox: initialize highp vec4 color\n#pragma mapbox: initialize lowp float blur\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize mediump float gapwidth\n#pragma mapbox: initialize lowp float offset\n#pragma mapbox: initialize mediump float width\n#pragma mapbox: initialize lowp float floorwidth\nfloat ANTIALIASING=1.0/u_device_pixel_ratio/2.0;vec2 a_extrude=a_data.xy-128.0;float a_direction=mod(a_data.z,4.0)-1.0;float a_linesofar=(floor(a_data.z/4.0)+a_data.w*64.0)*LINE_DISTANCE_SCALE;vec2 pos=floor(a_pos_normal*0.5);mediump vec2 normal=a_pos_normal-2.0*pos;normal.y=normal.y*2.0-1.0;v_normal=normal;gapwidth=gapwidth/2.0;float halfwidth=width/2.0;offset=-1.0*offset;float inset=gapwidth+(gapwidth > 0.0 ? ANTIALIASING : 0.0);float outset=gapwidth+halfwidth*(gapwidth > 0.0 ? 2.0 : 1.0)+(halfwidth==0.0 ? 0.0 : ANTIALIASING);mediump vec2 dist=outset*a_extrude*scale;mediump float u=0.5*a_direction;mediump float t=1.0-abs(u);mediump vec2 offset2=offset*a_extrude*scale*normal.y*mat2(t,-u,u,t);vec4 projected_extrude=u_matrix*vec4(dist/u_ratio,0.0,0.0);gl_Position=u_matrix*vec4(pos+offset2/u_ratio,0.0,1.0)+projected_extrude;float extrude_length_without_perspective=length(dist);float extrude_length_with_perspective=length(projected_extrude.xy/gl_Position.w*u_units_to_pixels);v_gamma_scale=extrude_length_without_perspective/extrude_length_with_perspective;v_tex_a=vec2(a_linesofar*u_patternscale_a.x/floorwidth,normal.y*u_patternscale_a.y+u_tex_y_a);v_tex_b=vec2(a_linesofar*u_patternscale_b.x/floorwidth,normal.y*u_patternscale_b.y+u_tex_y_b);v_width2=vec2(outset,inset);}"),pr=vr("uniform float u_fade_t;uniform float u_opacity;uniform sampler2D u_image0;uniform sampler2D u_image1;varying vec2 v_pos0;varying vec2 v_pos1;uniform float u_brightness_low;uniform float u_brightness_high;uniform float u_saturation_factor;uniform float u_contrast_factor;uniform vec3 u_spin_weights;void main() {vec4 color0=texture2D(u_image0,v_pos0);vec4 color1=texture2D(u_image1,v_pos1);if (color0.a > 0.0) {color0.rgb=color0.rgb/color0.a;}if (color1.a > 0.0) {color1.rgb=color1.rgb/color1.a;}vec4 color=mix(color0,color1,u_fade_t);color.a*=u_opacity;vec3 rgb=color.rgb;rgb=vec3(dot(rgb,u_spin_weights.xyz),dot(rgb,u_spin_weights.zxy),dot(rgb,u_spin_weights.yzx));float average=(color.r+color.g+color.b)/3.0;rgb+=(average-rgb)*u_saturation_factor;rgb=(rgb-0.5)*u_contrast_factor+0.5;vec3 u_high_vec=vec3(u_brightness_low,u_brightness_low,u_brightness_low);vec3 u_low_vec=vec3(u_brightness_high,u_brightness_high,u_brightness_high);gl_FragColor=vec4(mix(u_high_vec,u_low_vec,rgb)*color.a,color.a);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","uniform mat4 u_matrix;uniform vec2 u_tl_parent;uniform float u_scale_parent;uniform float u_buffer_scale;attribute vec2 a_pos;attribute vec2 a_texture_pos;varying vec2 v_pos0;varying vec2 v_pos1;void main() {gl_Position=u_matrix*vec4(a_pos,0,1);v_pos0=(((a_texture_pos/8192.0)-0.5)/u_buffer_scale )+0.5;v_pos1=(v_pos0*u_scale_parent)+u_tl_parent;}"),dr=vr("uniform sampler2D u_texture;varying vec2 v_tex;varying float v_fade_opacity;\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\nlowp float alpha=opacity*v_fade_opacity;gl_FragColor=texture2D(u_texture,v_tex)*alpha;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","const float PI=3.141592653589793;attribute vec4 a_pos_offset;attribute vec4 a_data;attribute vec4 a_pixeloffset;attribute vec3 a_projected_pos;attribute float a_fade_opacity;uniform bool u_is_size_zoom_constant;uniform bool u_is_size_feature_constant;uniform highp float u_size_t;uniform highp float u_size;uniform highp float u_camera_to_center_distance;uniform highp float u_pitch;uniform bool u_rotate_symbol;uniform highp float u_aspect_ratio;uniform float u_fade_change;uniform mat4 u_matrix;uniform mat4 u_label_plane_matrix;uniform mat4 u_coord_matrix;uniform bool u_is_text;uniform bool u_pitch_with_map;uniform vec2 u_texsize;varying vec2 v_tex;varying float v_fade_opacity;\n#pragma mapbox: define lowp float opacity\nvoid main() {\n#pragma mapbox: initialize lowp float opacity\nvec2 a_pos=a_pos_offset.xy;vec2 a_offset=a_pos_offset.zw;vec2 a_tex=a_data.xy;vec2 a_size=a_data.zw;float a_size_min=floor(a_size[0]*0.5);vec2 a_pxoffset=a_pixeloffset.xy;vec2 a_minFontScale=a_pixeloffset.zw/256.0;highp float segment_angle=-a_projected_pos[2];float size;if (!u_is_size_zoom_constant && !u_is_size_feature_constant) {size=mix(a_size_min,a_size[1],u_size_t)/128.0;} else if (u_is_size_zoom_constant && !u_is_size_feature_constant) {size=a_size_min/128.0;} else {size=u_size;}vec4 projectedPoint=u_matrix*vec4(a_pos,0,1);highp float camera_to_anchor_distance=projectedPoint.w;highp float distance_ratio=u_pitch_with_map ?\ncamera_to_anchor_distance/u_camera_to_center_distance :\nu_camera_to_center_distance/camera_to_anchor_distance;highp float perspective_ratio=clamp(0.5+0.5*distance_ratio,0.0,4.0);size*=perspective_ratio;float fontScale=u_is_text ? size/24.0 : size;highp float symbol_rotation=0.0;if (u_rotate_symbol) {vec4 offsetProjectedPoint=u_matrix*vec4(a_pos+vec2(1,0),0,1);vec2 a=projectedPoint.xy/projectedPoint.w;vec2 b=offsetProjectedPoint.xy/offsetProjectedPoint.w;symbol_rotation=atan((b.y-a.y)/u_aspect_ratio,b.x-a.x);}highp float angle_sin=sin(segment_angle+symbol_rotation);highp float angle_cos=cos(segment_angle+symbol_rotation);mat2 rotation_matrix=mat2(angle_cos,-1.0*angle_sin,angle_sin,angle_cos);vec4 projected_pos=u_label_plane_matrix*vec4(a_projected_pos.xy,0.0,1.0);gl_Position=u_coord_matrix*vec4(projected_pos.xy/projected_pos.w+rotation_matrix*(a_offset/32.0*max(a_minFontScale,fontScale)+a_pxoffset/16.0),0.0,1.0);v_tex=a_tex/u_texsize;vec2 fade_opacity=unpack_opacity(a_fade_opacity);float fade_change=fade_opacity[1] > 0.5 ? u_fade_change :-u_fade_change;v_fade_opacity=max(0.0,min(1.0,fade_opacity[0]+fade_change));}"),gr=vr("#define SDF_PX 8.0\nuniform bool u_is_halo;uniform sampler2D u_texture;uniform highp float u_gamma_scale;uniform lowp float u_device_pixel_ratio;uniform bool u_is_text;varying vec2 v_data0;varying vec3 v_data1;\n#pragma mapbox: define highp vec4 fill_color\n#pragma mapbox: define highp vec4 halo_color\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float halo_width\n#pragma mapbox: define lowp float halo_blur\nvoid main() {\n#pragma mapbox: initialize highp vec4 fill_color\n#pragma mapbox: initialize highp vec4 halo_color\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float halo_width\n#pragma mapbox: initialize lowp float halo_blur\nfloat EDGE_GAMMA=0.105/u_device_pixel_ratio;vec2 tex=v_data0.xy;float gamma_scale=v_data1.x;float size=v_data1.y;float fade_opacity=v_data1[2];float fontScale=u_is_text ? size/24.0 : size;lowp vec4 color=fill_color;highp float gamma=EDGE_GAMMA/(fontScale*u_gamma_scale);lowp float buff=(256.0-64.0)/256.0;if (u_is_halo) {color=halo_color;gamma=(halo_blur*1.19/SDF_PX+EDGE_GAMMA)/(fontScale*u_gamma_scale);buff=(6.0-halo_width/fontScale)/SDF_PX;}lowp float dist=texture2D(u_texture,tex).a;highp float gamma_scaled=gamma*gamma_scale;highp float alpha=smoothstep(buff-gamma_scaled,buff+gamma_scaled,dist);gl_FragColor=color*(alpha*opacity*fade_opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","const float PI=3.141592653589793;attribute vec4 a_pos_offset;attribute vec4 a_data;attribute vec4 a_pixeloffset;attribute vec3 a_projected_pos;attribute float a_fade_opacity;uniform bool u_is_size_zoom_constant;uniform bool u_is_size_feature_constant;uniform highp float u_size_t;uniform highp float u_size;uniform mat4 u_matrix;uniform mat4 u_label_plane_matrix;uniform mat4 u_coord_matrix;uniform bool u_is_text;uniform bool u_pitch_with_map;uniform highp float u_pitch;uniform bool u_rotate_symbol;uniform highp float u_aspect_ratio;uniform highp float u_camera_to_center_distance;uniform float u_fade_change;uniform vec2 u_texsize;varying vec2 v_data0;varying vec3 v_data1;\n#pragma mapbox: define highp vec4 fill_color\n#pragma mapbox: define highp vec4 halo_color\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float halo_width\n#pragma mapbox: define lowp float halo_blur\nvoid main() {\n#pragma mapbox: initialize highp vec4 fill_color\n#pragma mapbox: initialize highp vec4 halo_color\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float halo_width\n#pragma mapbox: initialize lowp float halo_blur\nvec2 a_pos=a_pos_offset.xy;vec2 a_offset=a_pos_offset.zw;vec2 a_tex=a_data.xy;vec2 a_size=a_data.zw;float a_size_min=floor(a_size[0]*0.5);vec2 a_pxoffset=a_pixeloffset.xy;highp float segment_angle=-a_projected_pos[2];float size;if (!u_is_size_zoom_constant && !u_is_size_feature_constant) {size=mix(a_size_min,a_size[1],u_size_t)/128.0;} else if (u_is_size_zoom_constant && !u_is_size_feature_constant) {size=a_size_min/128.0;} else {size=u_size;}vec4 projectedPoint=u_matrix*vec4(a_pos,0,1);highp float camera_to_anchor_distance=projectedPoint.w;highp float distance_ratio=u_pitch_with_map ?\ncamera_to_anchor_distance/u_camera_to_center_distance :\nu_camera_to_center_distance/camera_to_anchor_distance;highp float perspective_ratio=clamp(0.5+0.5*distance_ratio,0.0,4.0);size*=perspective_ratio;float fontScale=u_is_text ? size/24.0 : size;highp float symbol_rotation=0.0;if (u_rotate_symbol) {vec4 offsetProjectedPoint=u_matrix*vec4(a_pos+vec2(1,0),0,1);vec2 a=projectedPoint.xy/projectedPoint.w;vec2 b=offsetProjectedPoint.xy/offsetProjectedPoint.w;symbol_rotation=atan((b.y-a.y)/u_aspect_ratio,b.x-a.x);}highp float angle_sin=sin(segment_angle+symbol_rotation);highp float angle_cos=cos(segment_angle+symbol_rotation);mat2 rotation_matrix=mat2(angle_cos,-1.0*angle_sin,angle_sin,angle_cos);vec4 projected_pos=u_label_plane_matrix*vec4(a_projected_pos.xy,0.0,1.0);gl_Position=u_coord_matrix*vec4(projected_pos.xy/projected_pos.w+rotation_matrix*(a_offset/32.0*fontScale+a_pxoffset),0.0,1.0);float gamma_scale=gl_Position.w;vec2 fade_opacity=unpack_opacity(a_fade_opacity);float fade_change=fade_opacity[1] > 0.5 ? u_fade_change :-u_fade_change;float interpolated_fade_opacity=max(0.0,min(1.0,fade_opacity[0]+fade_change));v_data0=a_tex/u_texsize;v_data1=vec3(gamma_scale,size,interpolated_fade_opacity);}"),mr=vr("#define SDF_PX 8.0\n#define SDF 1.0\n#define ICON 0.0\nuniform bool u_is_halo;uniform sampler2D u_texture;uniform sampler2D u_texture_icon;uniform highp float u_gamma_scale;uniform lowp float u_device_pixel_ratio;varying vec4 v_data0;varying vec4 v_data1;\n#pragma mapbox: define highp vec4 fill_color\n#pragma mapbox: define highp vec4 halo_color\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float halo_width\n#pragma mapbox: define lowp float halo_blur\nvoid main() {\n#pragma mapbox: initialize highp vec4 fill_color\n#pragma mapbox: initialize highp vec4 halo_color\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float halo_width\n#pragma mapbox: initialize lowp float halo_blur\nfloat fade_opacity=v_data1[2];if (v_data1.w==ICON) {vec2 tex_icon=v_data0.zw;lowp float alpha=opacity*fade_opacity;gl_FragColor=texture2D(u_texture_icon,tex_icon)*alpha;\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\nreturn;}vec2 tex=v_data0.xy;float EDGE_GAMMA=0.105/u_device_pixel_ratio;float gamma_scale=v_data1.x;float size=v_data1.y;float fontScale=size/24.0;lowp vec4 color=fill_color;highp float gamma=EDGE_GAMMA/(fontScale*u_gamma_scale);lowp float buff=(256.0-64.0)/256.0;if (u_is_halo) {color=halo_color;gamma=(halo_blur*1.19/SDF_PX+EDGE_GAMMA)/(fontScale*u_gamma_scale);buff=(6.0-halo_width/fontScale)/SDF_PX;}lowp float dist=texture2D(u_texture,tex).a;highp float gamma_scaled=gamma*gamma_scale;highp float alpha=smoothstep(buff-gamma_scaled,buff+gamma_scaled,dist);gl_FragColor=color*(alpha*opacity*fade_opacity);\n#ifdef OVERDRAW_INSPECTOR\ngl_FragColor=vec4(1.0);\n#endif\n}","const float PI=3.141592653589793;attribute vec4 a_pos_offset;attribute vec4 a_data;attribute vec3 a_projected_pos;attribute float a_fade_opacity;uniform bool u_is_size_zoom_constant;uniform bool u_is_size_feature_constant;uniform highp float u_size_t;uniform highp float u_size;uniform mat4 u_matrix;uniform mat4 u_label_plane_matrix;uniform mat4 u_coord_matrix;uniform bool u_is_text;uniform bool u_pitch_with_map;uniform highp float u_pitch;uniform bool u_rotate_symbol;uniform highp float u_aspect_ratio;uniform highp float u_camera_to_center_distance;uniform float u_fade_change;uniform vec2 u_texsize;uniform vec2 u_texsize_icon;varying vec4 v_data0;varying vec4 v_data1;\n#pragma mapbox: define highp vec4 fill_color\n#pragma mapbox: define highp vec4 halo_color\n#pragma mapbox: define lowp float opacity\n#pragma mapbox: define lowp float halo_width\n#pragma mapbox: define lowp float halo_blur\nvoid main() {\n#pragma mapbox: initialize highp vec4 fill_color\n#pragma mapbox: initialize highp vec4 halo_color\n#pragma mapbox: initialize lowp float opacity\n#pragma mapbox: initialize lowp float halo_width\n#pragma mapbox: initialize lowp float halo_blur\nvec2 a_pos=a_pos_offset.xy;vec2 a_offset=a_pos_offset.zw;vec2 a_tex=a_data.xy;vec2 a_size=a_data.zw;float a_size_min=floor(a_size[0]*0.5);float is_sdf=a_size[0]-2.0*a_size_min;highp float segment_angle=-a_projected_pos[2];float size;if (!u_is_size_zoom_constant && !u_is_size_feature_constant) {size=mix(a_size_min,a_size[1],u_size_t)/128.0;} else if (u_is_size_zoom_constant && !u_is_size_feature_constant) {size=a_size_min/128.0;} else {size=u_size;}vec4 projectedPoint=u_matrix*vec4(a_pos,0,1);highp float camera_to_anchor_distance=projectedPoint.w;highp float distance_ratio=u_pitch_with_map ?\ncamera_to_anchor_distance/u_camera_to_center_distance :\nu_camera_to_center_distance/camera_to_anchor_distance;highp float perspective_ratio=clamp(0.5+0.5*distance_ratio,0.0,4.0);size*=perspective_ratio;float fontScale=size/24.0;highp float symbol_rotation=0.0;if (u_rotate_symbol) {vec4 offsetProjectedPoint=u_matrix*vec4(a_pos+vec2(1,0),0,1);vec2 a=projectedPoint.xy/projectedPoint.w;vec2 b=offsetProjectedPoint.xy/offsetProjectedPoint.w;symbol_rotation=atan((b.y-a.y)/u_aspect_ratio,b.x-a.x);}highp float angle_sin=sin(segment_angle+symbol_rotation);highp float angle_cos=cos(segment_angle+symbol_rotation);mat2 rotation_matrix=mat2(angle_cos,-1.0*angle_sin,angle_sin,angle_cos);vec4 projected_pos=u_label_plane_matrix*vec4(a_projected_pos.xy,0.0,1.0);gl_Position=u_coord_matrix*vec4(projected_pos.xy/projected_pos.w+rotation_matrix*(a_offset/32.0*fontScale),0.0,1.0);float gamma_scale=gl_Position.w;vec2 fade_opacity=unpack_opacity(a_fade_opacity);float fade_change=fade_opacity[1] > 0.5 ? u_fade_change :-u_fade_change;float interpolated_fade_opacity=max(0.0,min(1.0,fade_opacity[0]+fade_change));v_data0.xy=a_tex/u_texsize;v_data0.zw=a_tex/u_texsize_icon;v_data1=vec4(gamma_scale,size,interpolated_fade_opacity,is_sdf);}");function vr(t,e){var r=/#pragma mapbox: ([\w]+) ([\w]+) ([\w]+) ([\w]+)/g,n={};return{fragmentSource:t=t.replace(r,(function(t,e,r,i,a){return n[a]=!0,"define"===e?"\n#ifndef HAS_UNIFORM_u_"+a+"\nvarying "+r+" "+i+" "+a+";\n#else\nuniform "+r+" "+i+" u_"+a+";\n#endif\n":"\n#ifdef HAS_UNIFORM_u_"+a+"\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n"})),vertexSource:e=e.replace(r,(function(t,e,r,i,a){var o="float"===i?"vec2":"vec4",s=a.match(/color/)?"color":o;return n[a]?"define"===e?"\n#ifndef HAS_UNIFORM_u_"+a+"\nuniform lowp float u_"+a+"_t;\nattribute "+r+" "+o+" a_"+a+";\nvarying "+r+" "+i+" "+a+";\n#else\nuniform "+r+" "+i+" u_"+a+";\n#endif\n":"vec4"===s?"\n#ifndef HAS_UNIFORM_u_"+a+"\n "+a+" = a_"+a+";\n#else\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n":"\n#ifndef HAS_UNIFORM_u_"+a+"\n "+a+" = unpack_mix_"+s+"(a_"+a+", u_"+a+"_t);\n#else\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n":"define"===e?"\n#ifndef HAS_UNIFORM_u_"+a+"\nuniform lowp float u_"+a+"_t;\nattribute "+r+" "+o+" a_"+a+";\n#else\nuniform "+r+" "+i+" u_"+a+";\n#endif\n":"vec4"===s?"\n#ifndef HAS_UNIFORM_u_"+a+"\n "+r+" "+i+" "+a+" = a_"+a+";\n#else\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n":"\n#ifndef HAS_UNIFORM_u_"+a+"\n "+r+" "+i+" "+a+" = unpack_mix_"+s+"(a_"+a+", u_"+a+"_t);\n#else\n "+r+" "+i+" "+a+" = u_"+a+";\n#endif\n"}))}}var yr=Object.freeze({__proto__:null,prelude:Ge,background:Ye,backgroundPattern:We,circle:Xe,clippingMask:Ze,heatmap:Je,heatmapTexture:Ke,collisionBox:Qe,collisionCircle:$e,debug:tr,fill:er,fillOutline:rr,fillOutlinePattern:nr,fillPattern:ir,fillExtrusion:ar,fillExtrusionPattern:or,hillshadePrepare:sr,hillshade:lr,line:cr,lineGradient:ur,linePattern:fr,lineSDF:hr,raster:pr,symbolIcon:dr,symbolSDF:gr,symbolTextAndIcon:mr}),xr=function(){this.boundProgram=null,this.boundLayoutVertexBuffer=null,this.boundPaintVertexBuffers=[],this.boundIndexBuffer=null,this.boundVertexOffset=null,this.boundDynamicVertexBuffer=null,this.vao=null};xr.prototype.bind=function(t,e,r,n,i,a,o,s){this.context=t;for(var l=this.boundPaintVertexBuffers.length!==n.length,c=0;!l&&c>16,s>>16],u_pixel_coord_lower:[65535&o,65535&s]}}br.prototype.draw=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g){var m,v=t.gl;if(!this.failedToCreate){for(var y in t.program.set(this.program),t.setDepthMode(r),t.setStencilMode(n),t.setColorMode(i),t.setCullFace(a),this.fixedUniforms)this.fixedUniforms[y].set(o[y]);p&&p.setUniforms(t,this.binderUniforms,f,{zoom:h});for(var x=(m={},m[v.LINES]=2,m[v.TRIANGLES]=3,m[v.LINE_STRIP]=1,m)[e],b=0,_=u.get();b<_.length;b+=1){var w=_[b],T=w.vaos||(w.vaos={});(T[s]||(T[s]=new xr)).bind(t,this,l,p?p.getPaintVertexBuffers():[],c,w.vertexOffset,d,g),v.drawElements(e,w.primitiveLength*x,v.UNSIGNED_SHORT,w.primitiveOffset*x*2)}}};var wr=function(e,r,n,i){var a=r.style.light,o=a.properties.get("position"),s=[o.x,o.y,o.z],l=t.create$1();"viewport"===a.properties.get("anchor")&&t.fromRotation(l,-r.transform.angle),t.transformMat3(s,s,l);var c=a.properties.get("color");return{u_matrix:e,u_lightpos:s,u_lightintensity:a.properties.get("intensity"),u_lightcolor:[c.r,c.g,c.b],u_vertical_gradient:+n,u_opacity:i}},Tr=function(e,r,n,i,a,o,s){return t.extend(wr(e,r,n,i),_r(o,r,s),{u_height_factor:-Math.pow(2,a.overscaledZ)/s.tileSize/8})},kr=function(t){return{u_matrix:t}},Mr=function(e,r,n,i){return t.extend(kr(e),_r(n,r,i))},Ar=function(t,e){return{u_matrix:t,u_world:e}},Sr=function(e,r,n,i,a){return t.extend(Mr(e,r,n,i),{u_world:a})},Er=function(e,r,n,i){var a,o,s=e.transform;if("map"===i.paint.get("circle-pitch-alignment")){var l=he(n,1,s.zoom);a=!0,o=[l,l]}else a=!1,o=s.pixelsToGLUnits;return{u_camera_to_center_distance:s.cameraToCenterDistance,u_scale_with_map:+("map"===i.paint.get("circle-pitch-scale")),u_matrix:e.translatePosMatrix(r.posMatrix,n,i.paint.get("circle-translate"),i.paint.get("circle-translate-anchor")),u_pitch_with_map:+a,u_device_pixel_ratio:t.browser.devicePixelRatio,u_extrude_scale:o}},Cr=function(t,e,r){var n=he(r,1,e.zoom),i=Math.pow(2,e.zoom-r.tileID.overscaledZ),a=r.tileID.overscaleFactor();return{u_matrix:t,u_camera_to_center_distance:e.cameraToCenterDistance,u_pixels_to_tile_units:n,u_extrude_scale:[e.pixelsToGLUnits[0]/(n*i),e.pixelsToGLUnits[1]/(n*i)],u_overscale_factor:a}},Lr=function(t,e,r){return{u_matrix:t,u_inv_matrix:e,u_camera_to_center_distance:r.cameraToCenterDistance,u_viewport_size:[r.width,r.height]}},Ir=function(t,e,r){return void 0===r&&(r=1),{u_matrix:t,u_color:e,u_overlay:0,u_overlay_scale:r}},Pr=function(t){return{u_matrix:t}},zr=function(t,e,r,n){return{u_matrix:t,u_extrude_scale:he(e,1,r),u_intensity:n}},Or=function(e,r,n){var i=e.transform;return{u_matrix:Nr(e,r,n),u_ratio:1/he(r,1,i.zoom),u_device_pixel_ratio:t.browser.devicePixelRatio,u_units_to_pixels:[1/i.pixelsToGLUnits[0],1/i.pixelsToGLUnits[1]]}},Dr=function(e,r,n){return t.extend(Or(e,r,n),{u_image:0})},Rr=function(e,r,n,i){var a=e.transform,o=Br(r,a);return{u_matrix:Nr(e,r,n),u_texsize:r.imageAtlasTexture.size,u_ratio:1/he(r,1,a.zoom),u_device_pixel_ratio:t.browser.devicePixelRatio,u_image:0,u_scale:[o,i.fromScale,i.toScale],u_fade:i.t,u_units_to_pixels:[1/a.pixelsToGLUnits[0],1/a.pixelsToGLUnits[1]]}},Fr=function(e,r,n,i,a){var o=e.lineAtlas,s=Br(r,e.transform),l="round"===n.layout.get("line-cap"),c=o.getDash(i.from,l),u=o.getDash(i.to,l),f=c.width*a.fromScale,h=u.width*a.toScale;return t.extend(Or(e,r,n),{u_patternscale_a:[s/f,-c.height/2],u_patternscale_b:[s/h,-u.height/2],u_sdfgamma:o.width/(256*Math.min(f,h)*t.browser.devicePixelRatio)/2,u_image:0,u_tex_y_a:c.y,u_tex_y_b:u.y,u_mix:a.t})};function Br(t,e){return 1/he(t,1,e.tileZoom)}function Nr(t,e,r){return t.translatePosMatrix(e.tileID.posMatrix,e,r.paint.get("line-translate"),r.paint.get("line-translate-anchor"))}var jr=function(t,e,r,n,i){return{u_matrix:t,u_tl_parent:e,u_scale_parent:r,u_buffer_scale:1,u_fade_t:n.mix,u_opacity:n.opacity*i.paint.get("raster-opacity"),u_image0:0,u_image1:1,u_brightness_low:i.paint.get("raster-brightness-min"),u_brightness_high:i.paint.get("raster-brightness-max"),u_saturation_factor:(o=i.paint.get("raster-saturation"),o>0?1-1/(1.001-o):-o),u_contrast_factor:(a=i.paint.get("raster-contrast"),a>0?1/(1-a):1+a),u_spin_weights:Ur(i.paint.get("raster-hue-rotate"))};var a,o};function Ur(t){t*=Math.PI/180;var e=Math.sin(t),r=Math.cos(t);return[(2*r+1)/3,(-Math.sqrt(3)*e-r+1)/3,(Math.sqrt(3)*e-r+1)/3]}var Vr,qr=function(t,e,r,n,i,a,o,s,l,c){var u=i.transform;return{u_is_size_zoom_constant:+("constant"===t||"source"===t),u_is_size_feature_constant:+("constant"===t||"camera"===t),u_size_t:e?e.uSizeT:0,u_size:e?e.uSize:0,u_camera_to_center_distance:u.cameraToCenterDistance,u_pitch:u.pitch/360*2*Math.PI,u_rotate_symbol:+r,u_aspect_ratio:u.width/u.height,u_fade_change:i.options.fadeDuration?i.symbolFadeChange:1,u_matrix:a,u_label_plane_matrix:o,u_coord_matrix:s,u_is_text:+l,u_pitch_with_map:+n,u_texsize:c,u_texture:0}},Hr=function(e,r,n,i,a,o,s,l,c,u,f){var h=a.transform;return t.extend(qr(e,r,n,i,a,o,s,l,c,u),{u_gamma_scale:i?Math.cos(h._pitch)*h.cameraToCenterDistance:1,u_device_pixel_ratio:t.browser.devicePixelRatio,u_is_halo:+f})},Gr=function(e,r,n,i,a,o,s,l,c,u){return t.extend(Hr(e,r,n,i,a,o,s,l,!0,c,!0),{u_texsize_icon:u,u_texture_icon:1})},Yr=function(t,e,r){return{u_matrix:t,u_opacity:e,u_color:r}},Wr=function(e,r,n,i,a,o){return t.extend(function(t,e,r,n){var i=r.imageManager.getPattern(t.from.toString()),a=r.imageManager.getPattern(t.to.toString()),o=r.imageManager.getPixelSize(),s=o.width,l=o.height,c=Math.pow(2,n.tileID.overscaledZ),u=n.tileSize*Math.pow(2,r.transform.tileZoom)/c,f=u*(n.tileID.canonical.x+n.tileID.wrap*c),h=u*n.tileID.canonical.y;return{u_image:0,u_pattern_tl_a:i.tl,u_pattern_br_a:i.br,u_pattern_tl_b:a.tl,u_pattern_br_b:a.br,u_texsize:[s,l],u_mix:e.t,u_pattern_size_a:i.displaySize,u_pattern_size_b:a.displaySize,u_scale_a:e.fromScale,u_scale_b:e.toScale,u_tile_units_to_pixels:1/he(n,1,r.transform.tileZoom),u_pixel_coord_upper:[f>>16,h>>16],u_pixel_coord_lower:[65535&f,65535&h]}}(i,o,n,a),{u_matrix:e,u_opacity:r})},Xr={fillExtrusion:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_lightpos:new t.Uniform3f(e,r.u_lightpos),u_lightintensity:new t.Uniform1f(e,r.u_lightintensity),u_lightcolor:new t.Uniform3f(e,r.u_lightcolor),u_vertical_gradient:new t.Uniform1f(e,r.u_vertical_gradient),u_opacity:new t.Uniform1f(e,r.u_opacity)}},fillExtrusionPattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_lightpos:new t.Uniform3f(e,r.u_lightpos),u_lightintensity:new t.Uniform1f(e,r.u_lightintensity),u_lightcolor:new t.Uniform3f(e,r.u_lightcolor),u_vertical_gradient:new t.Uniform1f(e,r.u_vertical_gradient),u_height_factor:new t.Uniform1f(e,r.u_height_factor),u_image:new t.Uniform1i(e,r.u_image),u_texsize:new t.Uniform2f(e,r.u_texsize),u_pixel_coord_upper:new t.Uniform2f(e,r.u_pixel_coord_upper),u_pixel_coord_lower:new t.Uniform2f(e,r.u_pixel_coord_lower),u_scale:new t.Uniform3f(e,r.u_scale),u_fade:new t.Uniform1f(e,r.u_fade),u_opacity:new t.Uniform1f(e,r.u_opacity)}},fill:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix)}},fillPattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_image:new t.Uniform1i(e,r.u_image),u_texsize:new t.Uniform2f(e,r.u_texsize),u_pixel_coord_upper:new t.Uniform2f(e,r.u_pixel_coord_upper),u_pixel_coord_lower:new t.Uniform2f(e,r.u_pixel_coord_lower),u_scale:new t.Uniform3f(e,r.u_scale),u_fade:new t.Uniform1f(e,r.u_fade)}},fillOutline:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_world:new t.Uniform2f(e,r.u_world)}},fillOutlinePattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_world:new t.Uniform2f(e,r.u_world),u_image:new t.Uniform1i(e,r.u_image),u_texsize:new t.Uniform2f(e,r.u_texsize),u_pixel_coord_upper:new t.Uniform2f(e,r.u_pixel_coord_upper),u_pixel_coord_lower:new t.Uniform2f(e,r.u_pixel_coord_lower),u_scale:new t.Uniform3f(e,r.u_scale),u_fade:new t.Uniform1f(e,r.u_fade)}},circle:function(e,r){return{u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_scale_with_map:new t.Uniform1i(e,r.u_scale_with_map),u_pitch_with_map:new t.Uniform1i(e,r.u_pitch_with_map),u_extrude_scale:new t.Uniform2f(e,r.u_extrude_scale),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_matrix:new t.UniformMatrix4f(e,r.u_matrix)}},collisionBox:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_pixels_to_tile_units:new t.Uniform1f(e,r.u_pixels_to_tile_units),u_extrude_scale:new t.Uniform2f(e,r.u_extrude_scale),u_overscale_factor:new t.Uniform1f(e,r.u_overscale_factor)}},collisionCircle:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_inv_matrix:new t.UniformMatrix4f(e,r.u_inv_matrix),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_viewport_size:new t.Uniform2f(e,r.u_viewport_size)}},debug:function(e,r){return{u_color:new t.UniformColor(e,r.u_color),u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_overlay:new t.Uniform1i(e,r.u_overlay),u_overlay_scale:new t.Uniform1f(e,r.u_overlay_scale)}},clippingMask:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix)}},heatmap:function(e,r){return{u_extrude_scale:new t.Uniform1f(e,r.u_extrude_scale),u_intensity:new t.Uniform1f(e,r.u_intensity),u_matrix:new t.UniformMatrix4f(e,r.u_matrix)}},heatmapTexture:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_world:new t.Uniform2f(e,r.u_world),u_image:new t.Uniform1i(e,r.u_image),u_color_ramp:new t.Uniform1i(e,r.u_color_ramp),u_opacity:new t.Uniform1f(e,r.u_opacity)}},hillshade:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_image:new t.Uniform1i(e,r.u_image),u_latrange:new t.Uniform2f(e,r.u_latrange),u_light:new t.Uniform2f(e,r.u_light),u_shadow:new t.UniformColor(e,r.u_shadow),u_highlight:new t.UniformColor(e,r.u_highlight),u_accent:new t.UniformColor(e,r.u_accent)}},hillshadePrepare:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_image:new t.Uniform1i(e,r.u_image),u_dimension:new t.Uniform2f(e,r.u_dimension),u_zoom:new t.Uniform1f(e,r.u_zoom),u_maxzoom:new t.Uniform1f(e,r.u_maxzoom),u_unpack:new t.Uniform4f(e,r.u_unpack)}},line:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_ratio:new t.Uniform1f(e,r.u_ratio),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_units_to_pixels:new t.Uniform2f(e,r.u_units_to_pixels)}},lineGradient:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_ratio:new t.Uniform1f(e,r.u_ratio),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_units_to_pixels:new t.Uniform2f(e,r.u_units_to_pixels),u_image:new t.Uniform1i(e,r.u_image)}},linePattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_texsize:new t.Uniform2f(e,r.u_texsize),u_ratio:new t.Uniform1f(e,r.u_ratio),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_image:new t.Uniform1i(e,r.u_image),u_units_to_pixels:new t.Uniform2f(e,r.u_units_to_pixels),u_scale:new t.Uniform3f(e,r.u_scale),u_fade:new t.Uniform1f(e,r.u_fade)}},lineSDF:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_ratio:new t.Uniform1f(e,r.u_ratio),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_units_to_pixels:new t.Uniform2f(e,r.u_units_to_pixels),u_patternscale_a:new t.Uniform2f(e,r.u_patternscale_a),u_patternscale_b:new t.Uniform2f(e,r.u_patternscale_b),u_sdfgamma:new t.Uniform1f(e,r.u_sdfgamma),u_image:new t.Uniform1i(e,r.u_image),u_tex_y_a:new t.Uniform1f(e,r.u_tex_y_a),u_tex_y_b:new t.Uniform1f(e,r.u_tex_y_b),u_mix:new t.Uniform1f(e,r.u_mix)}},raster:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_tl_parent:new t.Uniform2f(e,r.u_tl_parent),u_scale_parent:new t.Uniform1f(e,r.u_scale_parent),u_buffer_scale:new t.Uniform1f(e,r.u_buffer_scale),u_fade_t:new t.Uniform1f(e,r.u_fade_t),u_opacity:new t.Uniform1f(e,r.u_opacity),u_image0:new t.Uniform1i(e,r.u_image0),u_image1:new t.Uniform1i(e,r.u_image1),u_brightness_low:new t.Uniform1f(e,r.u_brightness_low),u_brightness_high:new t.Uniform1f(e,r.u_brightness_high),u_saturation_factor:new t.Uniform1f(e,r.u_saturation_factor),u_contrast_factor:new t.Uniform1f(e,r.u_contrast_factor),u_spin_weights:new t.Uniform3f(e,r.u_spin_weights)}},symbolIcon:function(e,r){return{u_is_size_zoom_constant:new t.Uniform1i(e,r.u_is_size_zoom_constant),u_is_size_feature_constant:new t.Uniform1i(e,r.u_is_size_feature_constant),u_size_t:new t.Uniform1f(e,r.u_size_t),u_size:new t.Uniform1f(e,r.u_size),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_pitch:new t.Uniform1f(e,r.u_pitch),u_rotate_symbol:new t.Uniform1i(e,r.u_rotate_symbol),u_aspect_ratio:new t.Uniform1f(e,r.u_aspect_ratio),u_fade_change:new t.Uniform1f(e,r.u_fade_change),u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_label_plane_matrix:new t.UniformMatrix4f(e,r.u_label_plane_matrix),u_coord_matrix:new t.UniformMatrix4f(e,r.u_coord_matrix),u_is_text:new t.Uniform1i(e,r.u_is_text),u_pitch_with_map:new t.Uniform1i(e,r.u_pitch_with_map),u_texsize:new t.Uniform2f(e,r.u_texsize),u_texture:new t.Uniform1i(e,r.u_texture)}},symbolSDF:function(e,r){return{u_is_size_zoom_constant:new t.Uniform1i(e,r.u_is_size_zoom_constant),u_is_size_feature_constant:new t.Uniform1i(e,r.u_is_size_feature_constant),u_size_t:new t.Uniform1f(e,r.u_size_t),u_size:new t.Uniform1f(e,r.u_size),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_pitch:new t.Uniform1f(e,r.u_pitch),u_rotate_symbol:new t.Uniform1i(e,r.u_rotate_symbol),u_aspect_ratio:new t.Uniform1f(e,r.u_aspect_ratio),u_fade_change:new t.Uniform1f(e,r.u_fade_change),u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_label_plane_matrix:new t.UniformMatrix4f(e,r.u_label_plane_matrix),u_coord_matrix:new t.UniformMatrix4f(e,r.u_coord_matrix),u_is_text:new t.Uniform1i(e,r.u_is_text),u_pitch_with_map:new t.Uniform1i(e,r.u_pitch_with_map),u_texsize:new t.Uniform2f(e,r.u_texsize),u_texture:new t.Uniform1i(e,r.u_texture),u_gamma_scale:new t.Uniform1f(e,r.u_gamma_scale),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_is_halo:new t.Uniform1i(e,r.u_is_halo)}},symbolTextAndIcon:function(e,r){return{u_is_size_zoom_constant:new t.Uniform1i(e,r.u_is_size_zoom_constant),u_is_size_feature_constant:new t.Uniform1i(e,r.u_is_size_feature_constant),u_size_t:new t.Uniform1f(e,r.u_size_t),u_size:new t.Uniform1f(e,r.u_size),u_camera_to_center_distance:new t.Uniform1f(e,r.u_camera_to_center_distance),u_pitch:new t.Uniform1f(e,r.u_pitch),u_rotate_symbol:new t.Uniform1i(e,r.u_rotate_symbol),u_aspect_ratio:new t.Uniform1f(e,r.u_aspect_ratio),u_fade_change:new t.Uniform1f(e,r.u_fade_change),u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_label_plane_matrix:new t.UniformMatrix4f(e,r.u_label_plane_matrix),u_coord_matrix:new t.UniformMatrix4f(e,r.u_coord_matrix),u_is_text:new t.Uniform1i(e,r.u_is_text),u_pitch_with_map:new t.Uniform1i(e,r.u_pitch_with_map),u_texsize:new t.Uniform2f(e,r.u_texsize),u_texsize_icon:new t.Uniform2f(e,r.u_texsize_icon),u_texture:new t.Uniform1i(e,r.u_texture),u_texture_icon:new t.Uniform1i(e,r.u_texture_icon),u_gamma_scale:new t.Uniform1f(e,r.u_gamma_scale),u_device_pixel_ratio:new t.Uniform1f(e,r.u_device_pixel_ratio),u_is_halo:new t.Uniform1i(e,r.u_is_halo)}},background:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_opacity:new t.Uniform1f(e,r.u_opacity),u_color:new t.UniformColor(e,r.u_color)}},backgroundPattern:function(e,r){return{u_matrix:new t.UniformMatrix4f(e,r.u_matrix),u_opacity:new t.Uniform1f(e,r.u_opacity),u_image:new t.Uniform1i(e,r.u_image),u_pattern_tl_a:new t.Uniform2f(e,r.u_pattern_tl_a),u_pattern_br_a:new t.Uniform2f(e,r.u_pattern_br_a),u_pattern_tl_b:new t.Uniform2f(e,r.u_pattern_tl_b),u_pattern_br_b:new t.Uniform2f(e,r.u_pattern_br_b),u_texsize:new t.Uniform2f(e,r.u_texsize),u_mix:new t.Uniform1f(e,r.u_mix),u_pattern_size_a:new t.Uniform2f(e,r.u_pattern_size_a),u_pattern_size_b:new t.Uniform2f(e,r.u_pattern_size_b),u_scale_a:new t.Uniform1f(e,r.u_scale_a),u_scale_b:new t.Uniform1f(e,r.u_scale_b),u_pixel_coord_upper:new t.Uniform2f(e,r.u_pixel_coord_upper),u_pixel_coord_lower:new t.Uniform2f(e,r.u_pixel_coord_lower),u_tile_units_to_pixels:new t.Uniform1f(e,r.u_tile_units_to_pixels)}}};function Zr(e,r,n,i,a,o,s){for(var l=e.context,c=l.gl,u=e.useProgram("collisionBox"),f=[],h=0,p=0,d=0;d0){var _=t.create(),w=y;t.mul(_,v.placementInvProjMatrix,e.transform.glCoordMatrix),t.mul(_,_,v.placementViewportMatrix),f.push({circleArray:b,circleOffset:p,transform:w,invTransform:_}),p=h+=b.length/4}x&&u.draw(l,c.LINES,Mt.disabled,At.disabled,e.colorModeForRenderPass(),Et.disabled,Cr(y,e.transform,m),n.id,x.layoutVertexBuffer,x.indexBuffer,x.segments,null,e.transform.zoom,null,null,x.collisionVertexBuffer)}}if(s&&f.length){var T=e.useProgram("collisionCircle"),k=new t.StructArrayLayout2f1f2i16;k.resize(4*h),k._trim();for(var M=0,A=0,S=f;A=0&&(g[v.associatedIconIndex]={shiftedAnchor:k,angle:M})}else ce(v.numGlyphs,p)}if(f){d.clear();for(var S=e.icon.placedSymbolArray,E=0;E0){var s=t.browser.now(),l=(s-e.timeAdded)/o,c=r?(s-r.timeAdded)/o:-1,u=n.getSource(),f=a.coveringZoomLevel({tileSize:u.tileSize,roundZoom:u.roundZoom}),h=!r||Math.abs(r.tileID.overscaledZ-f)>Math.abs(e.tileID.overscaledZ-f),p=h&&e.refreshedUponExpiration?1:t.clamp(h?l:1-c,0,1);return e.refreshedUponExpiration&&l>=1&&(e.refreshedUponExpiration=!1),r?{opacity:1,mix:1-p}:{opacity:p,mix:0}}return{opacity:1,mix:0}}var ln=new t.Color(1,0,0,1),cn=new t.Color(0,1,0,1),un=new t.Color(0,0,1,1),fn=new t.Color(1,0,1,1),hn=new t.Color(0,1,1,1);function pn(t,e,r,n){gn(t,0,e+r/2,t.transform.width,r,n)}function dn(t,e,r,n){gn(t,e-r/2,0,r,t.transform.height,n)}function gn(e,r,n,i,a,o){var s=e.context,l=s.gl;l.enable(l.SCISSOR_TEST),l.scissor(r*t.browser.devicePixelRatio,n*t.browser.devicePixelRatio,i*t.browser.devicePixelRatio,a*t.browser.devicePixelRatio),s.clear({color:o}),l.disable(l.SCISSOR_TEST)}function mn(e,r,n){var i=e.context,a=i.gl,o=n.posMatrix,s=e.useProgram("debug"),l=Mt.disabled,c=At.disabled,u=e.colorModeForRenderPass();i.activeTexture.set(a.TEXTURE0),e.emptyTexture.bind(a.LINEAR,a.CLAMP_TO_EDGE),s.draw(i,a.LINE_STRIP,l,c,u,Et.disabled,Ir(o,t.Color.red),"$debug",e.debugBuffer,e.tileBorderIndexBuffer,e.debugSegments);var f=r.getTileByID(n.key).latestRawTileData,h=Math.floor((f&&f.byteLength||0)/1024),p=r.getTile(n).tileSize,d=512/Math.min(p,512)*(n.overscaledZ/e.transform.zoom)*.5,g=n.canonical.toString();n.overscaledZ!==n.canonical.z&&(g+=" => "+n.overscaledZ),function(t,e){t.initDebugOverlayCanvas();var r=t.debugOverlayCanvas,n=t.context.gl,i=t.debugOverlayCanvas.getContext("2d");i.clearRect(0,0,r.width,r.height),i.shadowColor="white",i.shadowBlur=2,i.lineWidth=1.5,i.strokeStyle="white",i.textBaseline="top",i.font="bold 36px Open Sans, sans-serif",i.fillText(e,5,5),i.strokeText(e,5,5),t.debugOverlayTexture.update(r),t.debugOverlayTexture.bind(n.LINEAR,n.CLAMP_TO_EDGE)}(e,g+" "+h+"kb"),s.draw(i,a.TRIANGLES,l,c,St.alphaBlended,Et.disabled,Ir(o,t.Color.transparent,d),"$debug",e.debugBuffer,e.quadTriangleIndexBuffer,e.debugSegments)}var vn={symbol:function(e,r,n,i,a){if("translucent"===e.renderPass){var o=At.disabled,s=e.colorModeForRenderPass();n.layout.get("text-variable-anchor")&&function(e,r,n,i,a,o,s){for(var l=r.transform,c="map"===a,u="map"===o,f=0,h=e;f256&&this.clearStencil(),r.setColorMode(St.disabled),r.setDepthMode(Mt.disabled);var i=this.useProgram("clippingMask");this._tileClippingMaskIDs={};for(var a=0,o=e;a256&&this.clearStencil();var t=this.nextStencilID++,e=this.context.gl;return new At({func:e.NOTEQUAL,mask:255},t,255,e.KEEP,e.KEEP,e.REPLACE)},yn.prototype.stencilModeForClipping=function(t){var e=this.context.gl;return new At({func:e.EQUAL,mask:255},this._tileClippingMaskIDs[t.key],0,e.KEEP,e.KEEP,e.REPLACE)},yn.prototype.stencilConfigForOverlap=function(t){var e,r=this.context.gl,n=t.sort((function(t,e){return e.overscaledZ-t.overscaledZ})),i=n[n.length-1].overscaledZ,a=n[0].overscaledZ-i+1;if(a>1){this.currentStencilSource=void 0,this.nextStencilID+a>256&&this.clearStencil();for(var o={},s=0;s=0;this.currentLayer--){var b=this.style._layers[i[this.currentLayer]],_=a[b.source],w=u[b.source];this._renderTileClippingMasks(b,w),this.renderLayer(this,_,b,w)}for(this.renderPass="translucent",this.currentLayer=0;this.currentLayer0?e.pop():null},yn.prototype.isPatternMissing=function(t){if(!t)return!1;if(!t.from||!t.to)return!0;var e=this.imageManager.getPattern(t.from.toString()),r=this.imageManager.getPattern(t.to.toString());return!e||!r},yn.prototype.useProgram=function(t,e){this.cache=this.cache||{};var r=""+t+(e?e.cacheKey:"")+(this._showOverdrawInspector?"/overdraw":"");return this.cache[r]||(this.cache[r]=new br(this.context,yr[t],e,Xr[t],this._showOverdrawInspector)),this.cache[r]},yn.prototype.setCustomLayerDefaults=function(){this.context.unbindVAO(),this.context.cullFace.setDefault(),this.context.activeTexture.setDefault(),this.context.pixelStoreUnpack.setDefault(),this.context.pixelStoreUnpackPremultiplyAlpha.setDefault(),this.context.pixelStoreUnpackFlipY.setDefault()},yn.prototype.setBaseState=function(){var t=this.context.gl;this.context.cullFace.set(!1),this.context.viewport.set([0,0,this.width,this.height]),this.context.blendEquation.set(t.FUNC_ADD)},yn.prototype.initDebugOverlayCanvas=function(){null==this.debugOverlayCanvas&&(this.debugOverlayCanvas=t.window.document.createElement("canvas"),this.debugOverlayCanvas.width=512,this.debugOverlayCanvas.height=512,this.debugOverlayTexture=new t.Texture(this.context,this.debugOverlayCanvas,this.context.gl.RGBA))},yn.prototype.destroy=function(){this.emptyTexture.destroy(),this.debugOverlayTexture&&this.debugOverlayTexture.destroy()};var xn=function(t,e){this.points=t,this.planes=e};xn.fromInvProjectionMatrix=function(e,r,n){var i=Math.pow(2,n),a=[[-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]].map((function(r){return t.transformMat4([],r,e)})).map((function(e){return t.scale$1([],e,1/e[3]/r*i)})),o=[[0,1,2],[6,5,4],[0,3,7],[2,1,5],[3,2,6],[0,4,5]].map((function(e){var r=t.sub([],a[e[0]],a[e[1]]),n=t.sub([],a[e[2]],a[e[1]]),i=t.normalize([],t.cross([],r,n)),o=-t.dot(i,a[e[1]]);return i.concat(o)}));return new xn(a,o)};var bn=function(e,r){this.min=e,this.max=r,this.center=t.scale$2([],t.add([],this.min,this.max),.5)};bn.prototype.quadrant=function(e){for(var r=[e%2==0,e<2],n=t.clone$2(this.min),i=t.clone$2(this.max),a=0;a=0;if(0===o)return 0;o!==r.length&&(n=!1)}if(n)return 2;for(var l=0;l<3;l++){for(var c=Number.MAX_VALUE,u=-Number.MAX_VALUE,f=0;fthis.max[l]-this.min[l])return 0}return 1};var _n=function(t,e,r,n){if(void 0===t&&(t=0),void 0===e&&(e=0),void 0===r&&(r=0),void 0===n&&(n=0),isNaN(t)||t<0||isNaN(e)||e<0||isNaN(r)||r<0||isNaN(n)||n<0)throw new Error("Invalid value for edge-insets, top, bottom, left and right must all be numbers");this.top=t,this.bottom=e,this.left=r,this.right=n};_n.prototype.interpolate=function(e,r,n){return null!=r.top&&null!=e.top&&(this.top=t.number(e.top,r.top,n)),null!=r.bottom&&null!=e.bottom&&(this.bottom=t.number(e.bottom,r.bottom,n)),null!=r.left&&null!=e.left&&(this.left=t.number(e.left,r.left,n)),null!=r.right&&null!=e.right&&(this.right=t.number(e.right,r.right,n)),this},_n.prototype.getCenter=function(e,r){var n=t.clamp((this.left+e-this.right)/2,0,e),i=t.clamp((this.top+r-this.bottom)/2,0,r);return new t.Point(n,i)},_n.prototype.equals=function(t){return this.top===t.top&&this.bottom===t.bottom&&this.left===t.left&&this.right===t.right},_n.prototype.clone=function(){return new _n(this.top,this.bottom,this.left,this.right)},_n.prototype.toJSON=function(){return{top:this.top,bottom:this.bottom,left:this.left,right:this.right}};var wn=function(e,r,n,i,a){this.tileSize=512,this.maxValidLatitude=85.051129,this._renderWorldCopies=void 0===a||a,this._minZoom=e||0,this._maxZoom=r||22,this._minPitch=null==n?0:n,this._maxPitch=null==i?60:i,this.setMaxBounds(),this.width=0,this.height=0,this._center=new t.LngLat(0,0),this.zoom=0,this.angle=0,this._fov=.6435011087932844,this._pitch=0,this._unmodified=!0,this._edgeInsets=new _n,this._posMatrixCache={},this._alignedPosMatrixCache={}},Tn={minZoom:{configurable:!0},maxZoom:{configurable:!0},minPitch:{configurable:!0},maxPitch:{configurable:!0},renderWorldCopies:{configurable:!0},worldSize:{configurable:!0},centerOffset:{configurable:!0},size:{configurable:!0},bearing:{configurable:!0},pitch:{configurable:!0},fov:{configurable:!0},zoom:{configurable:!0},center:{configurable:!0},padding:{configurable:!0},centerPoint:{configurable:!0},unmodified:{configurable:!0},point:{configurable:!0}};wn.prototype.clone=function(){var t=new wn(this._minZoom,this._maxZoom,this._minPitch,this.maxPitch,this._renderWorldCopies);return t.tileSize=this.tileSize,t.latRange=this.latRange,t.width=this.width,t.height=this.height,t._center=this._center,t.zoom=this.zoom,t.angle=this.angle,t._fov=this._fov,t._pitch=this._pitch,t._unmodified=this._unmodified,t._edgeInsets=this._edgeInsets.clone(),t._calcMatrices(),t},Tn.minZoom.get=function(){return this._minZoom},Tn.minZoom.set=function(t){this._minZoom!==t&&(this._minZoom=t,this.zoom=Math.max(this.zoom,t))},Tn.maxZoom.get=function(){return this._maxZoom},Tn.maxZoom.set=function(t){this._maxZoom!==t&&(this._maxZoom=t,this.zoom=Math.min(this.zoom,t))},Tn.minPitch.get=function(){return this._minPitch},Tn.minPitch.set=function(t){this._minPitch!==t&&(this._minPitch=t,this.pitch=Math.max(this.pitch,t))},Tn.maxPitch.get=function(){return this._maxPitch},Tn.maxPitch.set=function(t){this._maxPitch!==t&&(this._maxPitch=t,this.pitch=Math.min(this.pitch,t))},Tn.renderWorldCopies.get=function(){return this._renderWorldCopies},Tn.renderWorldCopies.set=function(t){void 0===t?t=!0:null===t&&(t=!1),this._renderWorldCopies=t},Tn.worldSize.get=function(){return this.tileSize*this.scale},Tn.centerOffset.get=function(){return this.centerPoint._sub(this.size._div(2))},Tn.size.get=function(){return new t.Point(this.width,this.height)},Tn.bearing.get=function(){return-this.angle/Math.PI*180},Tn.bearing.set=function(e){var r=-t.wrap(e,-180,180)*Math.PI/180;this.angle!==r&&(this._unmodified=!1,this.angle=r,this._calcMatrices(),this.rotationMatrix=t.create$2(),t.rotate(this.rotationMatrix,this.rotationMatrix,this.angle))},Tn.pitch.get=function(){return this._pitch/Math.PI*180},Tn.pitch.set=function(e){var r=t.clamp(e,this.minPitch,this.maxPitch)/180*Math.PI;this._pitch!==r&&(this._unmodified=!1,this._pitch=r,this._calcMatrices())},Tn.fov.get=function(){return this._fov/Math.PI*180},Tn.fov.set=function(t){t=Math.max(.01,Math.min(60,t)),this._fov!==t&&(this._unmodified=!1,this._fov=t/180*Math.PI,this._calcMatrices())},Tn.zoom.get=function(){return this._zoom},Tn.zoom.set=function(t){var e=Math.min(Math.max(t,this.minZoom),this.maxZoom);this._zoom!==e&&(this._unmodified=!1,this._zoom=e,this.scale=this.zoomScale(e),this.tileZoom=Math.floor(e),this.zoomFraction=e-this.tileZoom,this._constrain(),this._calcMatrices())},Tn.center.get=function(){return this._center},Tn.center.set=function(t){t.lat===this._center.lat&&t.lng===this._center.lng||(this._unmodified=!1,this._center=t,this._constrain(),this._calcMatrices())},Tn.padding.get=function(){return this._edgeInsets.toJSON()},Tn.padding.set=function(t){this._edgeInsets.equals(t)||(this._unmodified=!1,this._edgeInsets.interpolate(this._edgeInsets,t,1),this._calcMatrices())},Tn.centerPoint.get=function(){return this._edgeInsets.getCenter(this.width,this.height)},wn.prototype.isPaddingEqual=function(t){return this._edgeInsets.equals(t)},wn.prototype.interpolatePadding=function(t,e,r){this._unmodified=!1,this._edgeInsets.interpolate(t,e,r),this._constrain(),this._calcMatrices()},wn.prototype.coveringZoomLevel=function(t){var e=(t.roundZoom?Math.round:Math.floor)(this.zoom+this.scaleZoom(this.tileSize/t.tileSize));return Math.max(0,e)},wn.prototype.getVisibleUnwrappedCoordinates=function(e){var r=[new t.UnwrappedTileID(0,e)];if(this._renderWorldCopies)for(var n=this.pointCoordinate(new t.Point(0,0)),i=this.pointCoordinate(new t.Point(this.width,0)),a=this.pointCoordinate(new t.Point(this.width,this.height)),o=this.pointCoordinate(new t.Point(0,this.height)),s=Math.floor(Math.min(n.x,i.x,a.x,o.x)),l=Math.floor(Math.max(n.x,i.x,a.x,o.x)),c=s-1;c<=l+1;c++)0!==c&&r.push(new t.UnwrappedTileID(c,e));return r},wn.prototype.coveringTiles=function(e){var r=this.coveringZoomLevel(e),n=r;if(void 0!==e.minzoom&&re.maxzoom&&(r=e.maxzoom);var i=t.MercatorCoordinate.fromLngLat(this.center),a=Math.pow(2,r),o=[a*i.x,a*i.y,0],s=xn.fromInvProjectionMatrix(this.invProjMatrix,this.worldSize,r),l=e.minzoom||0;this.pitch<=60&&this._edgeInsets.top<.1&&(l=r);var c=function(t){return{aabb:new bn([t*a,0,0],[(t+1)*a,a,0]),zoom:0,x:0,y:0,wrap:t,fullyVisible:!1}},u=[],f=[],h=r,p=e.reparseOverscaled?n:r;if(this._renderWorldCopies)for(var d=1;d<=3;d++)u.push(c(-d)),u.push(c(d));for(u.push(c(0));u.length>0;){var g=u.pop(),m=g.x,v=g.y,y=g.fullyVisible;if(!y){var x=g.aabb.intersects(s);if(0===x)continue;y=2===x}var b=g.aabb.distanceX(o),_=g.aabb.distanceY(o),w=Math.max(Math.abs(b),Math.abs(_));if(g.zoom===h||w>3+(1<=l)f.push({tileID:new t.OverscaledTileID(g.zoom===h?p:g.zoom,g.wrap,g.zoom,m,v),distanceSq:t.sqrLen([o[0]-.5-m,o[1]-.5-v])});else for(var T=0;T<4;T++){var k=(m<<1)+T%2,M=(v<<1)+(T>>1);u.push({aabb:g.aabb.quadrant(T),zoom:g.zoom+1,x:k,y:M,wrap:g.wrap,fullyVisible:y})}}return f.sort((function(t,e){return t.distanceSq-e.distanceSq})).map((function(t){return t.tileID}))},wn.prototype.resize=function(t,e){this.width=t,this.height=e,this.pixelsToGLUnits=[2/t,-2/e],this._constrain(),this._calcMatrices()},Tn.unmodified.get=function(){return this._unmodified},wn.prototype.zoomScale=function(t){return Math.pow(2,t)},wn.prototype.scaleZoom=function(t){return Math.log(t)/Math.LN2},wn.prototype.project=function(e){var r=t.clamp(e.lat,-this.maxValidLatitude,this.maxValidLatitude);return new t.Point(t.mercatorXfromLng(e.lng)*this.worldSize,t.mercatorYfromLat(r)*this.worldSize)},wn.prototype.unproject=function(e){return new t.MercatorCoordinate(e.x/this.worldSize,e.y/this.worldSize).toLngLat()},Tn.point.get=function(){return this.project(this.center)},wn.prototype.setLocationAtPoint=function(e,r){var n=this.pointCoordinate(r),i=this.pointCoordinate(this.centerPoint),a=this.locationCoordinate(e),o=new t.MercatorCoordinate(a.x-(n.x-i.x),a.y-(n.y-i.y));this.center=this.coordinateLocation(o),this._renderWorldCopies&&(this.center=this.center.wrap())},wn.prototype.locationPoint=function(t){return this.coordinatePoint(this.locationCoordinate(t))},wn.prototype.pointLocation=function(t){return this.coordinateLocation(this.pointCoordinate(t))},wn.prototype.locationCoordinate=function(e){return t.MercatorCoordinate.fromLngLat(e)},wn.prototype.coordinateLocation=function(t){return t.toLngLat()},wn.prototype.pointCoordinate=function(e){var r=[e.x,e.y,0,1],n=[e.x,e.y,1,1];t.transformMat4(r,r,this.pixelMatrixInverse),t.transformMat4(n,n,this.pixelMatrixInverse);var i=r[3],a=n[3],o=r[1]/i,s=n[1]/a,l=r[2]/i,c=n[2]/a,u=l===c?0:(0-l)/(c-l);return new t.MercatorCoordinate(t.number(r[0]/i,n[0]/a,u)/this.worldSize,t.number(o,s,u)/this.worldSize)},wn.prototype.coordinatePoint=function(e){var r=[e.x*this.worldSize,e.y*this.worldSize,0,1];return t.transformMat4(r,r,this.pixelMatrix),new t.Point(r[0]/r[3],r[1]/r[3])},wn.prototype.getBounds=function(){return(new t.LngLatBounds).extend(this.pointLocation(new t.Point(0,0))).extend(this.pointLocation(new t.Point(this.width,0))).extend(this.pointLocation(new t.Point(this.width,this.height))).extend(this.pointLocation(new t.Point(0,this.height)))},wn.prototype.getMaxBounds=function(){return this.latRange&&2===this.latRange.length&&this.lngRange&&2===this.lngRange.length?new t.LngLatBounds([this.lngRange[0],this.latRange[0]],[this.lngRange[1],this.latRange[1]]):null},wn.prototype.setMaxBounds=function(t){t?(this.lngRange=[t.getWest(),t.getEast()],this.latRange=[t.getSouth(),t.getNorth()],this._constrain()):(this.lngRange=null,this.latRange=[-this.maxValidLatitude,this.maxValidLatitude])},wn.prototype.calculatePosMatrix=function(e,r){void 0===r&&(r=!1);var n=e.key,i=r?this._alignedPosMatrixCache:this._posMatrixCache;if(i[n])return i[n];var a=e.canonical,o=this.worldSize/this.zoomScale(a.z),s=a.x+Math.pow(2,a.z)*e.wrap,l=t.identity(new Float64Array(16));return t.translate(l,l,[s*o,a.y*o,0]),t.scale(l,l,[o/t.EXTENT,o/t.EXTENT,1]),t.multiply(l,r?this.alignedProjMatrix:this.projMatrix,l),i[n]=new Float32Array(l),i[n]},wn.prototype.customLayerMatrix=function(){return this.mercatorMatrix.slice()},wn.prototype._constrain=function(){if(this.center&&this.width&&this.height&&!this._constraining){this._constraining=!0;var e,r,n,i,a=-90,o=90,s=-180,l=180,c=this.size,u=this._unmodified;if(this.latRange){var f=this.latRange;a=t.mercatorYfromLat(f[1])*this.worldSize,e=(o=t.mercatorYfromLat(f[0])*this.worldSize)-ao&&(i=o-m)}if(this.lngRange){var v=p.x,y=c.x/2;v-yl&&(n=l-y)}void 0===n&&void 0===i||(this.center=this.unproject(new t.Point(void 0!==n?n:p.x,void 0!==i?i:p.y))),this._unmodified=u,this._constraining=!1}},wn.prototype._calcMatrices=function(){if(this.height){var e=this.centerOffset;this.cameraToCenterDistance=.5/Math.tan(this._fov/2)*this.height;var r=Math.PI/2+this._pitch,n=this._fov*(.5+e.y/this.height),i=Math.sin(n)*this.cameraToCenterDistance/Math.sin(t.clamp(Math.PI-r-n,.01,Math.PI-.01)),a=this.point,o=a.x,s=a.y,l=1.01*(Math.cos(Math.PI/2-this._pitch)*i+this.cameraToCenterDistance),c=this.height/50,u=new Float64Array(16);t.perspective(u,this._fov,this.width/this.height,c,l),u[8]=2*-e.x/this.width,u[9]=2*e.y/this.height,t.scale(u,u,[1,-1,1]),t.translate(u,u,[0,0,-this.cameraToCenterDistance]),t.rotateX(u,u,this._pitch),t.rotateZ(u,u,this.angle),t.translate(u,u,[-o,-s,0]),this.mercatorMatrix=t.scale([],u,[this.worldSize,this.worldSize,this.worldSize]),t.scale(u,u,[1,1,t.mercatorZfromAltitude(1,this.center.lat)*this.worldSize,1]),this.projMatrix=u,this.invProjMatrix=t.invert([],this.projMatrix);var f=this.width%2/2,h=this.height%2/2,p=Math.cos(this.angle),d=Math.sin(this.angle),g=o-Math.round(o)+p*f+d*h,m=s-Math.round(s)+p*h+d*f,v=new Float64Array(u);if(t.translate(v,v,[g>.5?g-1:g,m>.5?m-1:m,0]),this.alignedProjMatrix=v,u=t.create(),t.scale(u,u,[this.width/2,-this.height/2,1]),t.translate(u,u,[1,-1,0]),this.labelPlaneMatrix=u,u=t.create(),t.scale(u,u,[1,-1,1]),t.translate(u,u,[-1,-1,0]),t.scale(u,u,[2/this.width,2/this.height,1]),this.glCoordMatrix=u,this.pixelMatrix=t.multiply(new Float64Array(16),this.labelPlaneMatrix,this.projMatrix),!(u=t.invert(new Float64Array(16),this.pixelMatrix)))throw new Error("failed to invert matrix");this.pixelMatrixInverse=u,this._posMatrixCache={},this._alignedPosMatrixCache={}}},wn.prototype.maxPitchScaleFactor=function(){if(!this.pixelMatrixInverse)return 1;var e=this.pointCoordinate(new t.Point(0,0)),r=[e.x*this.worldSize,e.y*this.worldSize,0,1];return t.transformMat4(r,r,this.pixelMatrix)[3]/this.cameraToCenterDistance},wn.prototype.getCameraPoint=function(){var e=Math.tan(this._pitch)*(this.cameraToCenterDistance||1);return this.centerPoint.add(new t.Point(0,e))},wn.prototype.getCameraQueryGeometry=function(e){var r=this.getCameraPoint();if(1===e.length)return[e[0],r];for(var n=r.x,i=r.y,a=r.x,o=r.y,s=0,l=e;s=3&&!t.some((function(t){return isNaN(t)}))){var e=this._map.dragRotate.isEnabled()&&this._map.touchZoomRotate.isEnabled()?+(t[3]||0):this._map.getBearing();return this._map.jumpTo({center:[+t[2],+t[1]],zoom:+t[0],bearing:e,pitch:+(t[4]||0)}),!0}return!1},kn.prototype._updateHashUnthrottled=function(){var e=this.getHashString();try{t.window.history.replaceState(t.window.history.state,"",e)}catch(t){}};var Mn={linearity:.3,easing:t.bezier(0,0,.3,1)},An=t.extend({deceleration:2500,maxSpeed:1400},Mn),Sn=t.extend({deceleration:20,maxSpeed:1400},Mn),En=t.extend({deceleration:1e3,maxSpeed:360},Mn),Cn=t.extend({deceleration:1e3,maxSpeed:90},Mn),Ln=function(t){this._map=t,this.clear()};function In(t,e){(!t.duration||t.duration0&&r-e[0].time>160;)e.shift()},Ln.prototype._onMoveEnd=function(e){if(this._drainInertiaBuffer(),!(this._inertiaBuffer.length<2)){for(var r={zoom:0,bearing:0,pitch:0,pan:new t.Point(0,0),pinchAround:void 0,around:void 0},n=0,i=this._inertiaBuffer;n=this._clickTolerance||this._map.fire(new zn(t.type,this._map,t))},Rn.prototype.dblclick=function(t){return this._firePreventable(new zn(t.type,this._map,t))},Rn.prototype.mouseover=function(t){this._map.fire(new zn(t.type,this._map,t))},Rn.prototype.mouseout=function(t){this._map.fire(new zn(t.type,this._map,t))},Rn.prototype.touchstart=function(t){return this._firePreventable(new On(t.type,this._map,t))},Rn.prototype.touchmove=function(t){this._map.fire(new On(t.type,this._map,t))},Rn.prototype.touchend=function(t){this._map.fire(new On(t.type,this._map,t))},Rn.prototype.touchcancel=function(t){this._map.fire(new On(t.type,this._map,t))},Rn.prototype._firePreventable=function(t){if(this._map.fire(t),t.defaultPrevented)return{}},Rn.prototype.isEnabled=function(){return!0},Rn.prototype.isActive=function(){return!1},Rn.prototype.enable=function(){},Rn.prototype.disable=function(){};var Fn=function(t){this._map=t};Fn.prototype.reset=function(){this._delayContextMenu=!1,delete this._contextMenuEvent},Fn.prototype.mousemove=function(t){this._map.fire(new zn(t.type,this._map,t))},Fn.prototype.mousedown=function(){this._delayContextMenu=!0},Fn.prototype.mouseup=function(){this._delayContextMenu=!1,this._contextMenuEvent&&(this._map.fire(new zn("contextmenu",this._map,this._contextMenuEvent)),delete this._contextMenuEvent)},Fn.prototype.contextmenu=function(t){this._delayContextMenu?this._contextMenuEvent=t:this._map.fire(new zn(t.type,this._map,t)),this._map.listens("contextmenu")&&t.preventDefault()},Fn.prototype.isEnabled=function(){return!0},Fn.prototype.isActive=function(){return!1},Fn.prototype.enable=function(){},Fn.prototype.disable=function(){};var Bn=function(t,e){this._map=t,this._el=t.getCanvasContainer(),this._container=t.getContainer(),this._clickTolerance=e.clickTolerance||1};function Nn(t,e){for(var r={},n=0;nthis.numTouches)&&(this.aborted=!0),this.aborted||(void 0===this.startTime&&(this.startTime=e.timeStamp),n.length===this.numTouches&&(this.centroid=function(e){for(var r=new t.Point(0,0),n=0,i=e;n30)&&(this.aborted=!0)}}},jn.prototype.touchend=function(t,e,r){if((!this.centroid||t.timeStamp-this.startTime>500)&&(this.aborted=!0),0===r.length){var n=!this.aborted&&this.centroid;if(this.reset(),n)return n}};var Un=function(t){this.singleTap=new jn(t),this.numTaps=t.numTaps,this.reset()};Un.prototype.reset=function(){this.lastTime=1/0,delete this.lastTap,this.count=0,this.singleTap.reset()},Un.prototype.touchstart=function(t,e,r){this.singleTap.touchstart(t,e,r)},Un.prototype.touchmove=function(t,e,r){this.singleTap.touchmove(t,e,r)},Un.prototype.touchend=function(t,e,r){var n=this.singleTap.touchend(t,e,r);if(n){var i=t.timeStamp-this.lastTime<500,a=!this.lastTap||this.lastTap.dist(n)<30;if(i&&a||this.reset(),this.count++,this.lastTime=t.timeStamp,this.lastTap=n,this.count===this.numTaps)return this.reset(),n}};var Vn=function(){this._zoomIn=new Un({numTouches:1,numTaps:2}),this._zoomOut=new Un({numTouches:2,numTaps:1}),this.reset()};Vn.prototype.reset=function(){this._active=!1,this._zoomIn.reset(),this._zoomOut.reset()},Vn.prototype.touchstart=function(t,e,r){this._zoomIn.touchstart(t,e,r),this._zoomOut.touchstart(t,e,r)},Vn.prototype.touchmove=function(t,e,r){this._zoomIn.touchmove(t,e,r),this._zoomOut.touchmove(t,e,r)},Vn.prototype.touchend=function(t,e,r){var n=this,i=this._zoomIn.touchend(t,e,r),a=this._zoomOut.touchend(t,e,r);return i?(this._active=!0,t.preventDefault(),setTimeout((function(){return n.reset()}),0),{cameraAnimation:function(e){return e.easeTo({duration:300,zoom:e.getZoom()+1,around:e.unproject(i)},{originalEvent:t})}}):a?(this._active=!0,t.preventDefault(),setTimeout((function(){return n.reset()}),0),{cameraAnimation:function(e){return e.easeTo({duration:300,zoom:e.getZoom()-1,around:e.unproject(a)},{originalEvent:t})}}):void 0},Vn.prototype.touchcancel=function(){this.reset()},Vn.prototype.enable=function(){this._enabled=!0},Vn.prototype.disable=function(){this._enabled=!1,this.reset()},Vn.prototype.isEnabled=function(){return this._enabled},Vn.prototype.isActive=function(){return this._active};var qn=function(t){this.reset(),this._clickTolerance=t.clickTolerance||1};qn.prototype.reset=function(){this._active=!1,this._moved=!1,delete this._lastPoint,delete this._eventButton},qn.prototype._correctButton=function(t,e){return!1},qn.prototype._move=function(t,e){return{}},qn.prototype.mousedown=function(t,e){if(!this._lastPoint){var n=r.mouseButton(t);this._correctButton(t,n)&&(this._lastPoint=e,this._eventButton=n)}},qn.prototype.mousemoveWindow=function(t,e){var r=this._lastPoint;if(r&&(t.preventDefault(),this._moved||!(e.dist(r)0&&(this._active=!0);var i=Nn(n,r),a=new t.Point(0,0),o=new t.Point(0,0),s=0;for(var l in i){var c=i[l],u=this._touches[l];u&&(a._add(c),o._add(c.sub(u)),s++,i[l]=c)}if(this._touches=i,!(sMath.abs(t.x)}var ei=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e.prototype.reset=function(){t.prototype.reset.call(this),this._valid=void 0,delete this._firstMove,delete this._lastPoints},e.prototype._start=function(t){this._lastPoints=t,ti(t[0].sub(t[1]))&&(this._valid=!1)},e.prototype._move=function(t,e,r){var n=t[0].sub(this._lastPoints[0]),i=t[1].sub(this._lastPoints[1]);if(this._valid=this.gestureBeginsVertically(n,i,r.timeStamp),this._valid)return this._lastPoints=t,this._active=!0,{pitchDelta:(n.y+i.y)/2*-.5}},e.prototype.gestureBeginsVertically=function(t,e,r){if(void 0!==this._valid)return this._valid;var n=t.mag()>=2,i=e.mag()>=2;if(n||i){if(!n||!i)return void 0===this._firstMove&&(this._firstMove=r),r-this._firstMove<100&&void 0;var a=t.y>0==e.y>0;return ti(t)&&ti(e)&&a}},e}(Xn),ri={panStep:100,bearingStep:15,pitchStep:10},ni=function(){var t=ri;this._panStep=t.panStep,this._bearingStep=t.bearingStep,this._pitchStep=t.pitchStep};function ii(t){return t*(2-t)}ni.prototype.reset=function(){this._active=!1},ni.prototype.keydown=function(t){var e=this;if(!(t.altKey||t.ctrlKey||t.metaKey)){var r=0,n=0,i=0,a=0,o=0;switch(t.keyCode){case 61:case 107:case 171:case 187:r=1;break;case 189:case 109:case 173:r=-1;break;case 37:t.shiftKey?n=-1:(t.preventDefault(),a=-1);break;case 39:t.shiftKey?n=1:(t.preventDefault(),a=1);break;case 38:t.shiftKey?i=1:(t.preventDefault(),o=-1);break;case 40:t.shiftKey?i=-1:(t.preventDefault(),o=1);break;default:return}return{cameraAnimation:function(s){var l=s.getZoom();s.easeTo({duration:300,easeId:"keyboardHandler",easing:ii,zoom:r?Math.round(l)+r*(t.shiftKey?2:1):l,bearing:s.getBearing()+n*e._bearingStep,pitch:s.getPitch()+i*e._pitchStep,offset:[-a*e._panStep,-o*e._panStep],center:s.getCenter()},{originalEvent:t})}}}},ni.prototype.enable=function(){this._enabled=!0},ni.prototype.disable=function(){this._enabled=!1,this.reset()},ni.prototype.isEnabled=function(){return this._enabled},ni.prototype.isActive=function(){return this._active};var ai=function(e,r){this._map=e,this._el=e.getCanvasContainer(),this._handler=r,this._delta=0,this._defaultZoomRate=.01,this._wheelZoomRate=1/450,t.bindAll(["_onWheel","_onTimeout","_onScrollFrame","_onScrollFinished"],this)};ai.prototype.setZoomRate=function(t){this._defaultZoomRate=t},ai.prototype.setWheelZoomRate=function(t){this._wheelZoomRate=t},ai.prototype.isEnabled=function(){return!!this._enabled},ai.prototype.isActive=function(){return!!this._active||void 0!==this._finishTimeout},ai.prototype.isZooming=function(){return!!this._zooming},ai.prototype.enable=function(t){this.isEnabled()||(this._enabled=!0,this._aroundCenter=t&&"center"===t.around)},ai.prototype.disable=function(){this.isEnabled()&&(this._enabled=!1)},ai.prototype.wheel=function(e){if(this.isEnabled()){var r=e.deltaMode===t.window.WheelEvent.DOM_DELTA_LINE?40*e.deltaY:e.deltaY,n=t.browser.now(),i=n-(this._lastWheelEventTime||0);this._lastWheelEventTime=n,0!==r&&r%4.000244140625==0?this._type="wheel":0!==r&&Math.abs(r)<4?this._type="trackpad":i>400?(this._type=null,this._lastValue=r,this._timeout=setTimeout(this._onTimeout,40,e)):this._type||(this._type=Math.abs(i*r)<200?"trackpad":"wheel",this._timeout&&(clearTimeout(this._timeout),this._timeout=null,r+=this._lastValue)),e.shiftKey&&r&&(r/=4),this._type&&(this._lastWheelEvent=e,this._delta-=r,this._active||this._start(e)),e.preventDefault()}},ai.prototype._onTimeout=function(t){this._type="wheel",this._delta-=this._lastValue,this._active||this._start(t)},ai.prototype._start=function(e){if(this._delta){this._frameId&&(this._frameId=null),this._active=!0,this.isZooming()||(this._zooming=!0),this._finishTimeout&&(clearTimeout(this._finishTimeout),delete this._finishTimeout);var n=r.mousePos(this._el,e);this._around=t.LngLat.convert(this._aroundCenter?this._map.getCenter():this._map.unproject(n)),this._aroundPoint=this._map.transform.locationPoint(this._around),this._frameId||(this._frameId=!0,this._handler._triggerRenderFrame())}},ai.prototype.renderFrame=function(){return this._onScrollFrame()},ai.prototype._onScrollFrame=function(){var e=this;if(this._frameId&&(this._frameId=null,this.isActive())){var r=this._map.transform;if(0!==this._delta){var n="wheel"===this._type&&Math.abs(this._delta)>4.000244140625?this._wheelZoomRate:this._defaultZoomRate,i=2/(1+Math.exp(-Math.abs(this._delta*n)));this._delta<0&&0!==i&&(i=1/i);var a="number"==typeof this._targetZoom?r.zoomScale(this._targetZoom):r.scale;this._targetZoom=Math.min(r.maxZoom,Math.max(r.minZoom,r.scaleZoom(a*i))),"wheel"===this._type&&(this._startZoom=r.zoom,this._easing=this._smoothOutEasing(200)),this._delta=0}var o,s="number"==typeof this._targetZoom?this._targetZoom:r.zoom,l=this._startZoom,c=this._easing,u=!1;if("wheel"===this._type&&l&&c){var f=Math.min((t.browser.now()-this._lastWheelEventTime)/200,1),h=c(f);o=t.number(l,s,h),f<1?this._frameId||(this._frameId=!0):u=!0}else o=s,u=!0;return this._active=!0,u&&(this._active=!1,this._finishTimeout=setTimeout((function(){e._zooming=!1,e._handler._triggerRenderFrame(),delete e._targetZoom,delete e._finishTimeout}),200)),{noInertia:!0,needsRenderFrame:!u,zoomDelta:o-r.zoom,around:this._aroundPoint,originalEvent:this._lastWheelEvent}}},ai.prototype._smoothOutEasing=function(e){var r=t.ease;if(this._prevEase){var n=this._prevEase,i=(t.browser.now()-n.start)/n.duration,a=n.easing(i+.01)-n.easing(i),o=.27/Math.sqrt(a*a+1e-4)*.01,s=Math.sqrt(.0729-o*o);r=t.bezier(o,s,.25,1)}return this._prevEase={start:t.browser.now(),duration:e,easing:r},r},ai.prototype.reset=function(){this._active=!1};var oi=function(t,e){this._clickZoom=t,this._tapZoom=e};oi.prototype.enable=function(){this._clickZoom.enable(),this._tapZoom.enable()},oi.prototype.disable=function(){this._clickZoom.disable(),this._tapZoom.disable()},oi.prototype.isEnabled=function(){return this._clickZoom.isEnabled()&&this._tapZoom.isEnabled()},oi.prototype.isActive=function(){return this._clickZoom.isActive()||this._tapZoom.isActive()};var si=function(){this.reset()};si.prototype.reset=function(){this._active=!1},si.prototype.dblclick=function(t,e){return t.preventDefault(),{cameraAnimation:function(r){r.easeTo({duration:300,zoom:r.getZoom()+(t.shiftKey?-1:1),around:r.unproject(e)},{originalEvent:t})}}},si.prototype.enable=function(){this._enabled=!0},si.prototype.disable=function(){this._enabled=!1,this.reset()},si.prototype.isEnabled=function(){return this._enabled},si.prototype.isActive=function(){return this._active};var li=function(){this._tap=new Un({numTouches:1,numTaps:1}),this.reset()};li.prototype.reset=function(){this._active=!1,delete this._swipePoint,delete this._swipeTouch,delete this._tapTime,this._tap.reset()},li.prototype.touchstart=function(t,e,r){this._swipePoint||(this._tapTime&&t.timeStamp-this._tapTime>500&&this.reset(),this._tapTime?r.length>0&&(this._swipePoint=e[0],this._swipeTouch=r[0].identifier):this._tap.touchstart(t,e,r))},li.prototype.touchmove=function(t,e,r){if(this._tapTime){if(this._swipePoint){if(r[0].identifier!==this._swipeTouch)return;var n=e[0],i=n.y-this._swipePoint.y;return this._swipePoint=n,t.preventDefault(),this._active=!0,{zoomDelta:i/128}}}else this._tap.touchmove(t,e,r)},li.prototype.touchend=function(t,e,r){this._tapTime?this._swipePoint&&0===r.length&&this.reset():this._tap.touchend(t,e,r)&&(this._tapTime=t.timeStamp)},li.prototype.touchcancel=function(){this.reset()},li.prototype.enable=function(){this._enabled=!0},li.prototype.disable=function(){this._enabled=!1,this.reset()},li.prototype.isEnabled=function(){return this._enabled},li.prototype.isActive=function(){return this._active};var ci=function(t,e,r){this._el=t,this._mousePan=e,this._touchPan=r};ci.prototype.enable=function(t){this._inertiaOptions=t||{},this._mousePan.enable(),this._touchPan.enable(),this._el.classList.add("mapboxgl-touch-drag-pan")},ci.prototype.disable=function(){this._mousePan.disable(),this._touchPan.disable(),this._el.classList.remove("mapboxgl-touch-drag-pan")},ci.prototype.isEnabled=function(){return this._mousePan.isEnabled()&&this._touchPan.isEnabled()},ci.prototype.isActive=function(){return this._mousePan.isActive()||this._touchPan.isActive()};var ui=function(t,e,r){this._pitchWithRotate=t.pitchWithRotate,this._mouseRotate=e,this._mousePitch=r};ui.prototype.enable=function(){this._mouseRotate.enable(),this._pitchWithRotate&&this._mousePitch.enable()},ui.prototype.disable=function(){this._mouseRotate.disable(),this._mousePitch.disable()},ui.prototype.isEnabled=function(){return this._mouseRotate.isEnabled()&&(!this._pitchWithRotate||this._mousePitch.isEnabled())},ui.prototype.isActive=function(){return this._mouseRotate.isActive()||this._mousePitch.isActive()};var fi=function(t,e,r,n){this._el=t,this._touchZoom=e,this._touchRotate=r,this._tapDragZoom=n,this._rotationDisabled=!1,this._enabled=!0};fi.prototype.enable=function(t){this._touchZoom.enable(t),this._rotationDisabled||this._touchRotate.enable(t),this._tapDragZoom.enable(),this._el.classList.add("mapboxgl-touch-zoom-rotate")},fi.prototype.disable=function(){this._touchZoom.disable(),this._touchRotate.disable(),this._tapDragZoom.disable(),this._el.classList.remove("mapboxgl-touch-zoom-rotate")},fi.prototype.isEnabled=function(){return this._touchZoom.isEnabled()&&(this._rotationDisabled||this._touchRotate.isEnabled())&&this._tapDragZoom.isEnabled()},fi.prototype.isActive=function(){return this._touchZoom.isActive()||this._touchRotate.isActive()||this._tapDragZoom.isActive()},fi.prototype.disableRotation=function(){this._rotationDisabled=!0,this._touchRotate.disable()},fi.prototype.enableRotation=function(){this._rotationDisabled=!1,this._touchZoom.isEnabled()&&this._touchRotate.enable()};var hi=function(t){return t.zoom||t.drag||t.pitch||t.rotate},pi=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),(e.prototype=Object.create(t&&t.prototype)).constructor=e,e}(t.Event);function di(t){return t.panDelta&&t.panDelta.mag()||t.zoomDelta||t.bearingDelta||t.pitchDelta}var gi=function(e,n){this._map=e,this._el=this._map.getCanvasContainer(),this._handlers=[],this._handlersById={},this._changes=[],this._inertia=new Ln(e),this._bearingSnap=n.bearingSnap,this._previousActiveHandlers={},this._eventsInProgress={},this._addDefaultHandlers(n),t.bindAll(["handleEvent","handleWindowEvent"],this);var i=this._el;this._listeners=[[i,"touchstart",{passive:!1}],[i,"touchmove",{passive:!1}],[i,"touchend",void 0],[i,"touchcancel",void 0],[i,"mousedown",void 0],[i,"mousemove",void 0],[i,"mouseup",void 0],[t.window.document,"mousemove",{capture:!0}],[t.window.document,"mouseup",void 0],[i,"mouseover",void 0],[i,"mouseout",void 0],[i,"dblclick",void 0],[i,"click",void 0],[i,"keydown",{capture:!1}],[i,"keyup",void 0],[i,"wheel",{passive:!1}],[i,"contextmenu",void 0],[t.window,"blur",void 0]];for(var a=0,o=this._listeners;aa?Math.min(2,_):Math.max(.5,_),w=Math.pow(m,1-e),T=i.unproject(x.add(b.mult(e*w)).mult(g));i.setLocationAtPoint(i.renderWorldCopies?T.wrap():T,d)}n._fireMoveEvents(r)}),(function(t){n._afterEase(r,t)}),e),this},r.prototype._prepareEase=function(e,r,n){void 0===n&&(n={}),this._moving=!0,r||n.moving||this.fire(new t.Event("movestart",e)),this._zooming&&!n.zooming&&this.fire(new t.Event("zoomstart",e)),this._rotating&&!n.rotating&&this.fire(new t.Event("rotatestart",e)),this._pitching&&!n.pitching&&this.fire(new t.Event("pitchstart",e))},r.prototype._fireMoveEvents=function(e){this.fire(new t.Event("move",e)),this._zooming&&this.fire(new t.Event("zoom",e)),this._rotating&&this.fire(new t.Event("rotate",e)),this._pitching&&this.fire(new t.Event("pitch",e))},r.prototype._afterEase=function(e,r){if(!this._easeId||!r||this._easeId!==r){delete this._easeId;var n=this._zooming,i=this._rotating,a=this._pitching;this._moving=!1,this._zooming=!1,this._rotating=!1,this._pitching=!1,this._padding=!1,n&&this.fire(new t.Event("zoomend",e)),i&&this.fire(new t.Event("rotateend",e)),a&&this.fire(new t.Event("pitchend",e)),this.fire(new t.Event("moveend",e))}},r.prototype.flyTo=function(e,r){var n=this;if(!e.essential&&t.browser.prefersReducedMotion){var i=t.pick(e,["center","zoom","bearing","pitch","around"]);return this.jumpTo(i,r)}this.stop(),e=t.extend({offset:[0,0],speed:1.2,curve:1.42,easing:t.ease},e);var a=this.transform,o=this.getZoom(),s=this.getBearing(),l=this.getPitch(),c=this.getPadding(),u="zoom"in e?t.clamp(+e.zoom,a.minZoom,a.maxZoom):o,f="bearing"in e?this._normalizeBearing(e.bearing,s):s,h="pitch"in e?+e.pitch:l,p="padding"in e?e.padding:a.padding,d=a.zoomScale(u-o),g=t.Point.convert(e.offset),m=a.centerPoint.add(g),v=a.pointLocation(m),y=t.LngLat.convert(e.center||v);this._normalizeCenter(y);var x=a.project(v),b=a.project(y).sub(x),_=e.curve,w=Math.max(a.width,a.height),T=w/d,k=b.mag();if("minZoom"in e){var M=t.clamp(Math.min(e.minZoom,o,u),a.minZoom,a.maxZoom),A=w/a.zoomScale(M-o);_=Math.sqrt(A/k*2)}var S=_*_;function E(t){var e=(T*T-w*w+(t?-1:1)*S*S*k*k)/(2*(t?T:w)*S*k);return Math.log(Math.sqrt(e*e+1)-e)}function C(t){return(Math.exp(t)-Math.exp(-t))/2}function L(t){return(Math.exp(t)+Math.exp(-t))/2}var I=E(0),P=function(t){return L(I)/L(I+_*t)},z=function(t){return w*((L(I)*(C(e=I+_*t)/L(e))-C(I))/S)/k;var e},O=(E(1)-I)/_;if(Math.abs(k)<1e-6||!isFinite(O)){if(Math.abs(w-T)<1e-6)return this.easeTo(e,r);var D=Te.maxDuration&&(e.duration=0),this._zooming=!0,this._rotating=s!==f,this._pitching=h!==l,this._padding=!a.isPaddingEqual(p),this._prepareEase(r,!1),this._ease((function(e){var i=e*O,d=1/P(i);a.zoom=1===e?u:o+a.scaleZoom(d),n._rotating&&(a.bearing=t.number(s,f,e)),n._pitching&&(a.pitch=t.number(l,h,e)),n._padding&&(a.interpolatePadding(c,p,e),m=a.centerPoint.add(g));var v=1===e?y:a.unproject(x.add(b.mult(z(i))).mult(d));a.setLocationAtPoint(a.renderWorldCopies?v.wrap():v,m),n._fireMoveEvents(r)}),(function(){return n._afterEase(r)}),e),this},r.prototype.isEasing=function(){return!!this._easeFrameId},r.prototype.stop=function(){return this._stop()},r.prototype._stop=function(t,e){if(this._easeFrameId&&(this._cancelRenderFrame(this._easeFrameId),delete this._easeFrameId,delete this._onEaseFrame),this._onEaseEnd){var r=this._onEaseEnd;delete this._onEaseEnd,r.call(this,e)}if(!t){var n=this.handlers;n&&n.stop()}return this},r.prototype._ease=function(e,r,n){!1===n.animate||0===n.duration?(e(1),r()):(this._easeStart=t.browser.now(),this._easeOptions=n,this._onEaseFrame=e,this._onEaseEnd=r,this._easeFrameId=this._requestRenderFrame(this._renderFrameCallback))},r.prototype._renderFrameCallback=function(){var e=Math.min((t.browser.now()-this._easeStart)/this._easeOptions.duration,1);this._onEaseFrame(this._easeOptions.easing(e)),e<1?this._easeFrameId=this._requestRenderFrame(this._renderFrameCallback):this.stop()},r.prototype._normalizeBearing=function(e,r){e=t.wrap(e,-180,180);var n=Math.abs(e-r);return Math.abs(e-360-r)180?-360:r<-180?360:0}},r}(t.Evented),vi=function(e){void 0===e&&(e={}),this.options=e,t.bindAll(["_updateEditLink","_updateData","_updateCompact"],this)};vi.prototype.getDefaultPosition=function(){return"bottom-right"},vi.prototype.onAdd=function(t){var e=this.options&&this.options.compact;return this._map=t,this._container=r.create("div","mapboxgl-ctrl mapboxgl-ctrl-attrib"),this._innerContainer=r.create("div","mapboxgl-ctrl-attrib-inner",this._container),e&&this._container.classList.add("mapboxgl-compact"),this._updateAttributions(),this._updateEditLink(),this._map.on("styledata",this._updateData),this._map.on("sourcedata",this._updateData),this._map.on("moveend",this._updateEditLink),void 0===e&&(this._map.on("resize",this._updateCompact),this._updateCompact()),this._container},vi.prototype.onRemove=function(){r.remove(this._container),this._map.off("styledata",this._updateData),this._map.off("sourcedata",this._updateData),this._map.off("moveend",this._updateEditLink),this._map.off("resize",this._updateCompact),this._map=void 0,this._attribHTML=void 0},vi.prototype._updateEditLink=function(){var e=this._editLink;e||(e=this._editLink=this._container.querySelector(".mapbox-improve-map"));var r=[{key:"owner",value:this.styleOwner},{key:"id",value:this.styleId},{key:"access_token",value:this._map._requestManager._customAccessToken||t.config.ACCESS_TOKEN}];if(e){var n=r.reduce((function(t,e,n){return e.value&&(t+=e.key+"="+e.value+(n=0)return!1;return!0}))).join(" | ");o!==this._attribHTML&&(this._attribHTML=o,t.length?(this._innerContainer.innerHTML=o,this._container.classList.remove("mapboxgl-attrib-empty")):this._container.classList.add("mapboxgl-attrib-empty"),this._editLink=null)}},vi.prototype._updateCompact=function(){this._map.getCanvasContainer().offsetWidth<=640?this._container.classList.add("mapboxgl-compact"):this._container.classList.remove("mapboxgl-compact")};var yi=function(){t.bindAll(["_updateLogo"],this),t.bindAll(["_updateCompact"],this)};yi.prototype.onAdd=function(t){this._map=t,this._container=r.create("div","mapboxgl-ctrl");var e=r.create("a","mapboxgl-ctrl-logo");return e.target="_blank",e.rel="noopener nofollow",e.href="https://www.mapbox.com/",e.setAttribute("aria-label",this._map._getUIString("LogoControl.Title")),e.setAttribute("rel","noopener nofollow"),this._container.appendChild(e),this._container.style.display="none",this._map.on("sourcedata",this._updateLogo),this._updateLogo(),this._map.on("resize",this._updateCompact),this._updateCompact(),this._container},yi.prototype.onRemove=function(){r.remove(this._container),this._map.off("sourcedata",this._updateLogo),this._map.off("resize",this._updateCompact)},yi.prototype.getDefaultPosition=function(){return"bottom-left"},yi.prototype._updateLogo=function(t){t&&"metadata"!==t.sourceDataType||(this._container.style.display=this._logoRequired()?"block":"none")},yi.prototype._logoRequired=function(){if(this._map.style){var t=this._map.style.sourceCaches;for(var e in t)if(t[e].getSource().mapbox_logo)return!0;return!1}},yi.prototype._updateCompact=function(){var t=this._container.children;if(t.length){var e=t[0];this._map.getCanvasContainer().offsetWidth<250?e.classList.add("mapboxgl-compact"):e.classList.remove("mapboxgl-compact")}};var xi=function(){this._queue=[],this._id=0,this._cleared=!1,this._currentlyRunning=!1};xi.prototype.add=function(t){var e=++this._id;return this._queue.push({callback:t,id:e,cancelled:!1}),e},xi.prototype.remove=function(t){for(var e=this._currentlyRunning,r=0,n=e?this._queue.concat(e):this._queue;re.maxZoom)throw new Error("maxZoom must be greater than or equal to minZoom");if(null!=e.minPitch&&null!=e.maxPitch&&e.minPitch>e.maxPitch)throw new Error("maxPitch must be greater than or equal to minPitch");if(null!=e.minPitch&&e.minPitch<0)throw new Error("minPitch must be greater than or equal to 0");if(null!=e.maxPitch&&e.maxPitch>60)throw new Error("maxPitch must be less than or equal to 60");var i=new wn(e.minZoom,e.maxZoom,e.minPitch,e.maxPitch,e.renderWorldCopies);if(n.call(this,i,e),this._interactive=e.interactive,this._maxTileCacheSize=e.maxTileCacheSize,this._failIfMajorPerformanceCaveat=e.failIfMajorPerformanceCaveat,this._preserveDrawingBuffer=e.preserveDrawingBuffer,this._antialias=e.antialias,this._trackResize=e.trackResize,this._bearingSnap=e.bearingSnap,this._refreshExpiredTiles=e.refreshExpiredTiles,this._fadeDuration=e.fadeDuration,this._crossSourceCollisions=e.crossSourceCollisions,this._crossFadingFactor=1,this._collectResourceTiming=e.collectResourceTiming,this._renderTaskQueue=new xi,this._controls=[],this._mapId=t.uniqueId(),this._locale=t.extend({},bi,e.locale),this._requestManager=new t.RequestManager(e.transformRequest,e.accessToken),"string"==typeof e.container){if(this._container=t.window.document.getElementById(e.container),!this._container)throw new Error("Container '"+e.container+"' not found.")}else{if(!(e.container instanceof wi))throw new Error("Invalid type: 'container' must be a String or HTMLElement.");this._container=e.container}if(e.maxBounds&&this.setMaxBounds(e.maxBounds),t.bindAll(["_onWindowOnline","_onWindowResize","_contextLost","_contextRestored"],this),this._setupContainer(),this._setupPainter(),void 0===this.painter)throw new Error("Failed to initialize WebGL.");this.on("move",(function(){return r._update(!1)})),this.on("moveend",(function(){return r._update(!1)})),this.on("zoom",(function(){return r._update(!0)})),void 0!==t.window&&(t.window.addEventListener("online",this._onWindowOnline,!1),t.window.addEventListener("resize",this._onWindowResize,!1)),this.handlers=new gi(this,e),this._hash=e.hash&&new kn("string"==typeof e.hash&&e.hash||void 0).addTo(this),this._hash&&this._hash._onHashChange()||(this.jumpTo({center:e.center,zoom:e.zoom,bearing:e.bearing,pitch:e.pitch}),e.bounds&&(this.resize(),this.fitBounds(e.bounds,t.extend({},e.fitBoundsOptions,{duration:0})))),this.resize(),this._localIdeographFontFamily=e.localIdeographFontFamily,e.style&&this.setStyle(e.style,{localIdeographFontFamily:e.localIdeographFontFamily}),e.attributionControl&&this.addControl(new vi({customAttribution:e.customAttribution})),this.addControl(new yi,e.logoPosition),this.on("style.load",(function(){r.transform.unmodified&&r.jumpTo(r.style.stylesheet)})),this.on("data",(function(e){r._update("style"===e.dataType),r.fire(new t.Event(e.dataType+"data",e))})),this.on("dataloading",(function(e){r.fire(new t.Event(e.dataType+"dataloading",e))}))}n&&(i.__proto__=n),(i.prototype=Object.create(n&&n.prototype)).constructor=i;var a={showTileBoundaries:{configurable:!0},showPadding:{configurable:!0},showCollisionBoxes:{configurable:!0},showOverdrawInspector:{configurable:!0},repaint:{configurable:!0},vertices:{configurable:!0},version:{configurable:!0}};return i.prototype._getMapId=function(){return this._mapId},i.prototype.addControl=function(e,r){if(void 0===r&&e.getDefaultPosition&&(r=e.getDefaultPosition()),void 0===r&&(r="top-right"),!e||!e.onAdd)return this.fire(new t.ErrorEvent(new Error("Invalid argument to map.addControl(). Argument must be a control with onAdd and onRemove methods.")));var n=e.onAdd(this);this._controls.push(e);var i=this._controlPositions[r];return-1!==r.indexOf("bottom")?i.insertBefore(n,i.firstChild):i.appendChild(n),this},i.prototype.removeControl=function(e){if(!e||!e.onRemove)return this.fire(new t.ErrorEvent(new Error("Invalid argument to map.removeControl(). Argument must be a control with onAdd and onRemove methods.")));var r=this._controls.indexOf(e);return r>-1&&this._controls.splice(r,1),e.onRemove(this),this},i.prototype.resize=function(e){var r=this._containerDimensions(),n=r[0],i=r[1];this._resizeCanvas(n,i),this.transform.resize(n,i),this.painter.resize(n,i);var a=!this._moving;return a&&(this.stop(),this.fire(new t.Event("movestart",e)).fire(new t.Event("move",e))),this.fire(new t.Event("resize",e)),a&&this.fire(new t.Event("moveend",e)),this},i.prototype.getBounds=function(){return this.transform.getBounds()},i.prototype.getMaxBounds=function(){return this.transform.getMaxBounds()},i.prototype.setMaxBounds=function(e){return this.transform.setMaxBounds(t.LngLatBounds.convert(e)),this._update()},i.prototype.setMinZoom=function(t){if((t=null==t?-2:t)>=-2&&t<=this.transform.maxZoom)return this.transform.minZoom=t,this._update(),this.getZoom()=this.transform.minZoom)return this.transform.maxZoom=t,this._update(),this.getZoom()>t&&this.setZoom(t),this;throw new Error("maxZoom must be greater than the current minZoom")},i.prototype.getMaxZoom=function(){return this.transform.maxZoom},i.prototype.setMinPitch=function(t){if((t=null==t?0:t)<0)throw new Error("minPitch must be greater than or equal to 0");if(t>=0&&t<=this.transform.maxPitch)return this.transform.minPitch=t,this._update(),this.getPitch()60)throw new Error("maxPitch must be less than or equal to 60");if(t>=this.transform.minPitch)return this.transform.maxPitch=t,this._update(),this.getPitch()>t&&this.setPitch(t),this;throw new Error("maxPitch must be greater than the current minPitch")},i.prototype.getMaxPitch=function(){return this.transform.maxPitch},i.prototype.getRenderWorldCopies=function(){return this.transform.renderWorldCopies},i.prototype.setRenderWorldCopies=function(t){return this.transform.renderWorldCopies=t,this._update()},i.prototype.project=function(e){return this.transform.locationPoint(t.LngLat.convert(e))},i.prototype.unproject=function(e){return this.transform.pointLocation(t.Point.convert(e))},i.prototype.isMoving=function(){return this._moving||this.handlers.isMoving()},i.prototype.isZooming=function(){return this._zooming||this.handlers.isZooming()},i.prototype.isRotating=function(){return this._rotating||this.handlers.isRotating()},i.prototype._createDelegatedListener=function(t,e,r){var n,i=this;if("mouseenter"===t||"mouseover"===t){var a=!1;return{layer:e,listener:r,delegates:{mousemove:function(n){var o=i.getLayer(e)?i.queryRenderedFeatures(n.point,{layers:[e]}):[];o.length?a||(a=!0,r.call(i,new zn(t,i,n.originalEvent,{features:o}))):a=!1},mouseout:function(){a=!1}}}}if("mouseleave"===t||"mouseout"===t){var o=!1;return{layer:e,listener:r,delegates:{mousemove:function(n){(i.getLayer(e)?i.queryRenderedFeatures(n.point,{layers:[e]}):[]).length?o=!0:o&&(o=!1,r.call(i,new zn(t,i,n.originalEvent)))},mouseout:function(e){o&&(o=!1,r.call(i,new zn(t,i,e.originalEvent)))}}}}return{layer:e,listener:r,delegates:(n={},n[t]=function(t){var n=i.getLayer(e)?i.queryRenderedFeatures(t.point,{layers:[e]}):[];n.length&&(t.features=n,r.call(i,t),delete t.features)},n)}},i.prototype.on=function(t,e,r){if(void 0===r)return n.prototype.on.call(this,t,e);var i=this._createDelegatedListener(t,e,r);for(var a in this._delegatedListeners=this._delegatedListeners||{},this._delegatedListeners[t]=this._delegatedListeners[t]||[],this._delegatedListeners[t].push(i),i.delegates)this.on(a,i.delegates[a]);return this},i.prototype.once=function(t,e,r){if(void 0===r)return n.prototype.once.call(this,t,e);var i=this._createDelegatedListener(t,e,r);for(var a in i.delegates)this.once(a,i.delegates[a]);return this},i.prototype.off=function(t,e,r){var i=this;return void 0===r?n.prototype.off.call(this,t,e):(this._delegatedListeners&&this._delegatedListeners[t]&&function(n){for(var a=n[t],o=0;o180;){var s=n.locationPoint(e);if(s.x>=0&&s.y>=0&&s.x<=n.width&&s.y<=n.height)break;e.lng>n.center.lng?e.lng-=360:e.lng+=360}return e}Ci.prototype.down=function(t,e){this.mouseRotate.mousedown(t,e),this.mousePitch&&this.mousePitch.mousedown(t,e),r.disableDrag()},Ci.prototype.move=function(t,e){var r=this.map,n=this.mouseRotate.mousemoveWindow(t,e);if(n&&n.bearingDelta&&r.setBearing(r.getBearing()+n.bearingDelta),this.mousePitch){var i=this.mousePitch.mousemoveWindow(t,e);i&&i.pitchDelta&&r.setPitch(r.getPitch()+i.pitchDelta)}},Ci.prototype.off=function(){var t=this.element;r.removeEventListener(t,"mousedown",this.mousedown),r.removeEventListener(t,"touchstart",this.touchstart,{passive:!1}),r.removeEventListener(t,"touchmove",this.touchmove),r.removeEventListener(t,"touchend",this.touchend),r.removeEventListener(t,"touchcancel",this.reset),this.offTemp()},Ci.prototype.offTemp=function(){r.enableDrag(),r.removeEventListener(t.window,"mousemove",this.mousemove),r.removeEventListener(t.window,"mouseup",this.mouseup)},Ci.prototype.mousedown=function(e){this.down(t.extend({},e,{ctrlKey:!0,preventDefault:function(){return e.preventDefault()}}),r.mousePos(this.element,e)),r.addEventListener(t.window,"mousemove",this.mousemove),r.addEventListener(t.window,"mouseup",this.mouseup)},Ci.prototype.mousemove=function(t){this.move(t,r.mousePos(this.element,t))},Ci.prototype.mouseup=function(t){this.mouseRotate.mouseupWindow(t),this.mousePitch&&this.mousePitch.mouseupWindow(t),this.offTemp()},Ci.prototype.touchstart=function(t){1!==t.targetTouches.length?this.reset():(this._startPos=this._lastPos=r.touchPos(this.element,t.targetTouches)[0],this.down({type:"mousedown",button:0,ctrlKey:!0,preventDefault:function(){return t.preventDefault()}},this._startPos))},Ci.prototype.touchmove=function(t){1!==t.targetTouches.length?this.reset():(this._lastPos=r.touchPos(this.element,t.targetTouches)[0],this.move({preventDefault:function(){return t.preventDefault()}},this._lastPos))},Ci.prototype.touchend=function(t){0===t.targetTouches.length&&this._startPos&&this._lastPos&&this._startPos.dist(this._lastPos)e.getEast()||r.latitudee.getNorth())},n.prototype._setErrorState=function(){switch(this._watchState){case"WAITING_ACTIVE":this._watchState="ACTIVE_ERROR",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active-error");break;case"ACTIVE_LOCK":this._watchState="ACTIVE_ERROR",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active-error"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting");break;case"BACKGROUND":this._watchState="BACKGROUND_ERROR",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background-error"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting")}},n.prototype._onSuccess=function(e){if(this._map){if(this._isOutOfMapMaxBounds(e))return this._setErrorState(),this.fire(new t.Event("outofmaxbounds",e)),this._updateMarker(),void this._finish();if(this.options.trackUserLocation)switch(this._lastKnownPosition=e,this._watchState){case"WAITING_ACTIVE":case"ACTIVE_LOCK":case"ACTIVE_ERROR":this._watchState="ACTIVE_LOCK",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active-error"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active");break;case"BACKGROUND":case"BACKGROUND_ERROR":this._watchState="BACKGROUND",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background-error"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background")}this.options.showUserLocation&&"OFF"!==this._watchState&&this._updateMarker(e),this.options.trackUserLocation&&"ACTIVE_LOCK"!==this._watchState||this._updateCamera(e),this.options.showUserLocation&&this._dotElement.classList.remove("mapboxgl-user-location-dot-stale"),this.fire(new t.Event("geolocate",e)),this._finish()}},n.prototype._updateCamera=function(e){var r=new t.LngLat(e.coords.longitude,e.coords.latitude),n=e.coords.accuracy,i=this._map.getBearing(),a=t.extend({bearing:i},this.options.fitBoundsOptions);this._map.fitBounds(r.toBounds(n),a,{geolocateSource:!0})},n.prototype._updateMarker=function(e){if(e){var r=new t.LngLat(e.coords.longitude,e.coords.latitude);this._accuracyCircleMarker.setLngLat(r).addTo(this._map),this._userLocationDotMarker.setLngLat(r).addTo(this._map),this._accuracy=e.coords.accuracy,this.options.showUserLocation&&this.options.showAccuracyCircle&&this._updateCircleRadius()}else this._userLocationDotMarker.remove(),this._accuracyCircleMarker.remove()},n.prototype._updateCircleRadius=function(){var t=this._map._container.clientHeight/2,e=this._map.unproject([0,t]),r=this._map.unproject([1,t]),n=e.distanceTo(r),i=Math.ceil(2*this._accuracy/n);this._circleElement.style.width=i+"px",this._circleElement.style.height=i+"px"},n.prototype._onZoom=function(){this.options.showUserLocation&&this.options.showAccuracyCircle&&this._updateCircleRadius()},n.prototype._onError=function(e){if(this._map){if(this.options.trackUserLocation)if(1===e.code){this._watchState="OFF",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active-error"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background-error"),this._geolocateButton.disabled=!0;var r=this._map._getUIString("GeolocateControl.LocationNotAvailable");this._geolocateButton.title=r,this._geolocateButton.setAttribute("aria-label",r),void 0!==this._geolocationWatchID&&this._clearWatch()}else{if(3===e.code&&Fi)return;this._setErrorState()}"OFF"!==this._watchState&&this.options.showUserLocation&&this._dotElement.classList.add("mapboxgl-user-location-dot-stale"),this.fire(new t.Event("error",e)),this._finish()}},n.prototype._finish=function(){this._timeoutId&&clearTimeout(this._timeoutId),this._timeoutId=void 0},n.prototype._setupUI=function(e){var n=this;if(this._container.addEventListener("contextmenu",(function(t){return t.preventDefault()})),this._geolocateButton=r.create("button","mapboxgl-ctrl-geolocate",this._container),r.create("span","mapboxgl-ctrl-icon",this._geolocateButton).setAttribute("aria-hidden",!0),this._geolocateButton.type="button",!1===e){t.warnOnce("Geolocation support is not available so the GeolocateControl will be disabled.");var i=this._map._getUIString("GeolocateControl.LocationNotAvailable");this._geolocateButton.disabled=!0,this._geolocateButton.title=i,this._geolocateButton.setAttribute("aria-label",i)}else{var a=this._map._getUIString("GeolocateControl.FindMyLocation");this._geolocateButton.title=a,this._geolocateButton.setAttribute("aria-label",a)}this.options.trackUserLocation&&(this._geolocateButton.setAttribute("aria-pressed","false"),this._watchState="OFF"),this.options.showUserLocation&&(this._dotElement=r.create("div","mapboxgl-user-location-dot"),this._userLocationDotMarker=new Oi(this._dotElement),this._circleElement=r.create("div","mapboxgl-user-location-accuracy-circle"),this._accuracyCircleMarker=new Oi({element:this._circleElement,pitchAlignment:"map"}),this.options.trackUserLocation&&(this._watchState="OFF"),this._map.on("zoom",this._onZoom)),this._geolocateButton.addEventListener("click",this.trigger.bind(this)),this._setup=!0,this.options.trackUserLocation&&this._map.on("movestart",(function(e){e.geolocateSource||"ACTIVE_LOCK"!==n._watchState||e.originalEvent&&"resize"===e.originalEvent.type||(n._watchState="BACKGROUND",n._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background"),n._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),n.fire(new t.Event("trackuserlocationend")))}))},n.prototype.trigger=function(){if(!this._setup)return t.warnOnce("Geolocate control triggered before added to a map"),!1;if(this.options.trackUserLocation){switch(this._watchState){case"OFF":this._watchState="WAITING_ACTIVE",this.fire(new t.Event("trackuserlocationstart"));break;case"WAITING_ACTIVE":case"ACTIVE_LOCK":case"ACTIVE_ERROR":case"BACKGROUND_ERROR":Ri--,Fi=!1,this._watchState="OFF",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-active-error"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background"),this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background-error"),this.fire(new t.Event("trackuserlocationend"));break;case"BACKGROUND":this._watchState="ACTIVE_LOCK",this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-background"),this._lastKnownPosition&&this._updateCamera(this._lastKnownPosition),this.fire(new t.Event("trackuserlocationstart"))}switch(this._watchState){case"WAITING_ACTIVE":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active");break;case"ACTIVE_LOCK":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active");break;case"ACTIVE_ERROR":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-active-error");break;case"BACKGROUND":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background");break;case"BACKGROUND_ERROR":this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-background-error")}if("OFF"===this._watchState&&void 0!==this._geolocationWatchID)this._clearWatch();else if(void 0===this._geolocationWatchID){var e;this._geolocateButton.classList.add("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.setAttribute("aria-pressed","true"),++Ri>1?(e={maximumAge:6e5,timeout:0},Fi=!0):(e=this.options.positionOptions,Fi=!1),this._geolocationWatchID=t.window.navigator.geolocation.watchPosition(this._onSuccess,this._onError,e)}}else t.window.navigator.geolocation.getCurrentPosition(this._onSuccess,this._onError,this.options.positionOptions),this._timeoutId=setTimeout(this._finish,1e4);return!0},n.prototype._clearWatch=function(){t.window.navigator.geolocation.clearWatch(this._geolocationWatchID),this._geolocationWatchID=void 0,this._geolocateButton.classList.remove("mapboxgl-ctrl-geolocate-waiting"),this._geolocateButton.setAttribute("aria-pressed","false"),this.options.showUserLocation&&this._updateMarker(null)},n}(t.Evented),Ni={maxWidth:100,unit:"metric"},ji=function(e){this.options=t.extend({},Ni,e),t.bindAll(["_onMove","setUnit"],this)};function Ui(t,e,r){var n=r&&r.maxWidth||100,i=t._container.clientHeight/2,a=t.unproject([0,i]),o=t.unproject([n,i]),s=a.distanceTo(o);if(r&&"imperial"===r.unit){var l=3.2808*s;l>5280?Vi(e,n,l/5280,t._getUIString("ScaleControl.Miles")):Vi(e,n,l,t._getUIString("ScaleControl.Feet"))}else r&&"nautical"===r.unit?Vi(e,n,s/1852,t._getUIString("ScaleControl.NauticalMiles")):s>=1e3?Vi(e,n,s/1e3,t._getUIString("ScaleControl.Kilometers")):Vi(e,n,s,t._getUIString("ScaleControl.Meters"))}function Vi(t,e,r,n){var i,a,o,s=(i=r,(a=Math.pow(10,(""+Math.floor(i)).length-1))*(o=(o=i/a)>=10?10:o>=5?5:o>=3?3:o>=2?2:o>=1?1:function(t){var e=Math.pow(10,Math.ceil(-Math.log(t)/Math.LN10));return Math.round(t*e)/e}(o)));t.style.width=e*(s/r)+"px",t.innerHTML=s+" "+n}ji.prototype.getDefaultPosition=function(){return"bottom-left"},ji.prototype._onMove=function(){Ui(this._map,this._container,this.options)},ji.prototype.onAdd=function(t){return this._map=t,this._container=r.create("div","mapboxgl-ctrl mapboxgl-ctrl-scale",t.getContainer()),this._map.on("move",this._onMove),this._onMove(),this._container},ji.prototype.onRemove=function(){r.remove(this._container),this._map.off("move",this._onMove),this._map=void 0},ji.prototype.setUnit=function(t){this.options.unit=t,Ui(this._map,this._container,this.options)};var qi=function(e){this._fullscreen=!1,e&&e.container&&(e.container instanceof t.window.HTMLElement?this._container=e.container:t.warnOnce("Full screen control 'container' must be a DOM element.")),t.bindAll(["_onClickFullscreen","_changeIcon"],this),"onfullscreenchange"in t.window.document?this._fullscreenchange="fullscreenchange":"onmozfullscreenchange"in t.window.document?this._fullscreenchange="mozfullscreenchange":"onwebkitfullscreenchange"in t.window.document?this._fullscreenchange="webkitfullscreenchange":"onmsfullscreenchange"in t.window.document&&(this._fullscreenchange="MSFullscreenChange")};qi.prototype.onAdd=function(e){return this._map=e,this._container||(this._container=this._map.getContainer()),this._controlContainer=r.create("div","mapboxgl-ctrl mapboxgl-ctrl-group"),this._checkFullscreenSupport()?this._setupUI():(this._controlContainer.style.display="none",t.warnOnce("This device does not support fullscreen mode.")),this._controlContainer},qi.prototype.onRemove=function(){r.remove(this._controlContainer),this._map=null,t.window.document.removeEventListener(this._fullscreenchange,this._changeIcon)},qi.prototype._checkFullscreenSupport=function(){return!!(t.window.document.fullscreenEnabled||t.window.document.mozFullScreenEnabled||t.window.document.msFullscreenEnabled||t.window.document.webkitFullscreenEnabled)},qi.prototype._setupUI=function(){var e=this._fullscreenButton=r.create("button","mapboxgl-ctrl-fullscreen",this._controlContainer);r.create("span","mapboxgl-ctrl-icon",e).setAttribute("aria-hidden",!0),e.type="button",this._updateTitle(),this._fullscreenButton.addEventListener("click",this._onClickFullscreen),t.window.document.addEventListener(this._fullscreenchange,this._changeIcon)},qi.prototype._updateTitle=function(){var t=this._getTitle();this._fullscreenButton.setAttribute("aria-label",t),this._fullscreenButton.title=t},qi.prototype._getTitle=function(){return this._map._getUIString(this._isFullscreen()?"FullscreenControl.Exit":"FullscreenControl.Enter")},qi.prototype._isFullscreen=function(){return this._fullscreen},qi.prototype._changeIcon=function(){(t.window.document.fullscreenElement||t.window.document.mozFullScreenElement||t.window.document.webkitFullscreenElement||t.window.document.msFullscreenElement)===this._container!==this._fullscreen&&(this._fullscreen=!this._fullscreen,this._fullscreenButton.classList.toggle("mapboxgl-ctrl-shrink"),this._fullscreenButton.classList.toggle("mapboxgl-ctrl-fullscreen"),this._updateTitle())},qi.prototype._onClickFullscreen=function(){this._isFullscreen()?t.window.document.exitFullscreen?t.window.document.exitFullscreen():t.window.document.mozCancelFullScreen?t.window.document.mozCancelFullScreen():t.window.document.msExitFullscreen?t.window.document.msExitFullscreen():t.window.document.webkitCancelFullScreen&&t.window.document.webkitCancelFullScreen():this._container.requestFullscreen?this._container.requestFullscreen():this._container.mozRequestFullScreen?this._container.mozRequestFullScreen():this._container.msRequestFullscreen?this._container.msRequestFullscreen():this._container.webkitRequestFullscreen&&this._container.webkitRequestFullscreen()};var Hi={closeButton:!0,closeOnClick:!0,className:"",maxWidth:"240px"},Gi=function(e){function n(r){e.call(this),this.options=t.extend(Object.create(Hi),r),t.bindAll(["_update","_onClose","remove","_onMouseMove","_onMouseUp","_onDrag"],this)}return e&&(n.__proto__=e),(n.prototype=Object.create(e&&e.prototype)).constructor=n,n.prototype.addTo=function(e){return this._map&&this.remove(),this._map=e,this.options.closeOnClick&&this._map.on("click",this._onClose),this.options.closeOnMove&&this._map.on("move",this._onClose),this._map.on("remove",this.remove),this._update(),this._trackPointer?(this._map.on("mousemove",this._onMouseMove),this._map.on("mouseup",this._onMouseUp),this._container&&this._container.classList.add("mapboxgl-popup-track-pointer"),this._map._canvasContainer.classList.add("mapboxgl-track-pointer")):this._map.on("move",this._update),this.fire(new t.Event("open")),this},n.prototype.isOpen=function(){return!!this._map},n.prototype.remove=function(){return this._content&&r.remove(this._content),this._container&&(r.remove(this._container),delete this._container),this._map&&(this._map.off("move",this._update),this._map.off("move",this._onClose),this._map.off("click",this._onClose),this._map.off("remove",this.remove),this._map.off("mousemove",this._onMouseMove),this._map.off("mouseup",this._onMouseUp),this._map.off("drag",this._onDrag),delete this._map),this.fire(new t.Event("close")),this},n.prototype.getLngLat=function(){return this._lngLat},n.prototype.setLngLat=function(e){return this._lngLat=t.LngLat.convert(e),this._pos=null,this._trackPointer=!1,this._update(),this._map&&(this._map.on("move",this._update),this._map.off("mousemove",this._onMouseMove),this._container&&this._container.classList.remove("mapboxgl-popup-track-pointer"),this._map._canvasContainer.classList.remove("mapboxgl-track-pointer")),this},n.prototype.trackPointer=function(){return this._trackPointer=!0,this._pos=null,this._update(),this._map&&(this._map.off("move",this._update),this._map.on("mousemove",this._onMouseMove),this._map.on("drag",this._onDrag),this._container&&this._container.classList.add("mapboxgl-popup-track-pointer"),this._map._canvasContainer.classList.add("mapboxgl-track-pointer")),this},n.prototype.getElement=function(){return this._container},n.prototype.setText=function(e){return this.setDOMContent(t.window.document.createTextNode(e))},n.prototype.setHTML=function(e){var r,n=t.window.document.createDocumentFragment(),i=t.window.document.createElement("body");for(i.innerHTML=e;r=i.firstChild;)n.appendChild(r);return this.setDOMContent(n)},n.prototype.getMaxWidth=function(){return this._container&&this._container.style.maxWidth},n.prototype.setMaxWidth=function(t){return this.options.maxWidth=t,this._update(),this},n.prototype.setDOMContent=function(t){return this._createContent(),this._content.appendChild(t),this._update(),this},n.prototype.addClassName=function(t){this._container&&this._container.classList.add(t)},n.prototype.removeClassName=function(t){this._container&&this._container.classList.remove(t)},n.prototype.toggleClassName=function(t){if(this._container)return this._container.classList.toggle(t)},n.prototype._createContent=function(){this._content&&r.remove(this._content),this._content=r.create("div","mapboxgl-popup-content",this._container),this.options.closeButton&&(this._closeButton=r.create("button","mapboxgl-popup-close-button",this._content),this._closeButton.type="button",this._closeButton.setAttribute("aria-label","Close popup"),this._closeButton.innerHTML="×",this._closeButton.addEventListener("click",this._onClose))},n.prototype._onMouseUp=function(t){this._update(t.point)},n.prototype._onMouseMove=function(t){this._update(t.point)},n.prototype._onDrag=function(t){this._update(t.point)},n.prototype._update=function(e){var n=this;if(this._map&&(this._lngLat||this._trackPointer)&&this._content&&(this._container||(this._container=r.create("div","mapboxgl-popup",this._map.getContainer()),this._tip=r.create("div","mapboxgl-popup-tip",this._container),this._container.appendChild(this._content),this.options.className&&this.options.className.split(" ").forEach((function(t){return n._container.classList.add(t)})),this._trackPointer&&this._container.classList.add("mapboxgl-popup-track-pointer")),this.options.maxWidth&&this._container.style.maxWidth!==this.options.maxWidth&&(this._container.style.maxWidth=this.options.maxWidth),this._map.transform.renderWorldCopies&&!this._trackPointer&&(this._lngLat=Li(this._lngLat,this._pos,this._map.transform)),!this._trackPointer||e)){var i=this._pos=this._trackPointer&&e?e:this._map.project(this._lngLat),a=this.options.anchor,o=function e(r){if(r){if("number"==typeof r){var n=Math.round(Math.sqrt(.5*Math.pow(r,2)));return{center:new t.Point(0,0),top:new t.Point(0,r),"top-left":new t.Point(n,n),"top-right":new t.Point(-n,n),bottom:new t.Point(0,-r),"bottom-left":new t.Point(n,-n),"bottom-right":new t.Point(-n,-n),left:new t.Point(r,0),right:new t.Point(-r,0)}}if(r instanceof t.Point||Array.isArray(r)){var i=t.Point.convert(r);return{center:i,top:i,"top-left":i,"top-right":i,bottom:i,"bottom-left":i,"bottom-right":i,left:i,right:i}}return{center:t.Point.convert(r.center||[0,0]),top:t.Point.convert(r.top||[0,0]),"top-left":t.Point.convert(r["top-left"]||[0,0]),"top-right":t.Point.convert(r["top-right"]||[0,0]),bottom:t.Point.convert(r.bottom||[0,0]),"bottom-left":t.Point.convert(r["bottom-left"]||[0,0]),"bottom-right":t.Point.convert(r["bottom-right"]||[0,0]),left:t.Point.convert(r.left||[0,0]),right:t.Point.convert(r.right||[0,0])}}return e(new t.Point(0,0))}(this.options.offset);if(!a){var s,l=this._container.offsetWidth,c=this._container.offsetHeight;s=i.y+o.bottom.ythis._map.transform.height-c?["bottom"]:[],i.xthis._map.transform.width-l/2&&s.push("right"),a=0===s.length?"bottom":s.join("-")}var u=i.add(o[a]).round();r.setTransform(this._container,Ii[a]+" translate("+u.x+"px,"+u.y+"px)"),Pi(this._container,a,"popup")}},n.prototype._onClose=function(){this.remove()},n}(t.Evented),Yi={version:t.version,supported:e,setRTLTextPlugin:t.setRTLTextPlugin,getRTLTextPluginStatus:t.getRTLTextPluginStatus,Map:Mi,NavigationControl:Ei,GeolocateControl:Bi,AttributionControl:vi,ScaleControl:ji,FullscreenControl:qi,Popup:Gi,Marker:Oi,Style:qe,LngLat:t.LngLat,LngLatBounds:t.LngLatBounds,Point:t.Point,MercatorCoordinate:t.MercatorCoordinate,Evented:t.Evented,config:t.config,prewarm:function(){Bt().acquire(Ot)},clearPrewarmedResources:function(){var t=Rt;t&&(t.isPreloaded()&&1===t.numActive()?(t.release(Ot),Rt=null):console.warn("Could not clear WebWorkers since there are active Map instances that still reference it. The pre-warmed WebWorker pool can only be cleared when all map instances have been removed with map.remove()"))},get accessToken(){return t.config.ACCESS_TOKEN},set accessToken(e){t.config.ACCESS_TOKEN=e},get baseApiUrl(){return t.config.API_URL},set baseApiUrl(e){t.config.API_URL=e},get workerCount(){return Dt.workerCount},set workerCount(t){Dt.workerCount=t},get maxParallelImageRequests(){return t.config.MAX_PARALLEL_IMAGE_REQUESTS},set maxParallelImageRequests(e){t.config.MAX_PARALLEL_IMAGE_REQUESTS=e},clearStorage:function(e){t.clearTileCache(e)},workerUrl:""};return Yi})),r}))},{}],474:[function(t,e,r){"use strict";e.exports=function(t){for(var e=1<p[1][2]&&(v[0]=-v[0]),p[0][2]>p[2][0]&&(v[1]=-v[1]),p[1][0]>p[0][1]&&(v[2]=-v[2]),!0}},{"./normalize":476,"gl-mat4/clone":278,"gl-mat4/create":280,"gl-mat4/determinant":281,"gl-mat4/invert":293,"gl-mat4/transpose":306,"gl-vec3/cross":365,"gl-vec3/dot":370,"gl-vec3/length":380,"gl-vec3/normalize":387}],476:[function(t,e,r){e.exports=function(t,e){var r=e[15];if(0===r)return!1;for(var n=1/r,i=0;i<16;i++)t[i]=e[i]*n;return!0}},{}],477:[function(t,e,r){var n=t("gl-vec3/lerp"),i=t("mat4-recompose"),a=t("mat4-decompose"),o=t("gl-mat4/determinant"),s=t("quat-slerp"),l=f(),c=f(),u=f();function f(){return{translate:h(),scale:h(1),skew:h(),perspective:[0,0,0,1],quaternion:[0,0,0,1]}}function h(t){return[t||0,t||0,t||0]}e.exports=function(t,e,r,f){if(0===o(e)||0===o(r))return!1;var h=a(e,l.translate,l.scale,l.skew,l.perspective,l.quaternion),p=a(r,c.translate,c.scale,c.skew,c.perspective,c.quaternion);return!(!h||!p)&&(n(u.translate,l.translate,c.translate,f),n(u.skew,l.skew,c.skew,f),n(u.scale,l.scale,c.scale,f),n(u.perspective,l.perspective,c.perspective,f),s(u.quaternion,l.quaternion,c.quaternion,f),i(t,u.translate,u.scale,u.skew,u.perspective,u.quaternion),!0)}},{"gl-mat4/determinant":281,"gl-vec3/lerp":381,"mat4-decompose":475,"mat4-recompose":478,"quat-slerp":527}],478:[function(t,e,r){var n={identity:t("gl-mat4/identity"),translate:t("gl-mat4/translate"),multiply:t("gl-mat4/multiply"),create:t("gl-mat4/create"),scale:t("gl-mat4/scale"),fromRotationTranslation:t("gl-mat4/fromRotationTranslation")},i=(n.create(),n.create());e.exports=function(t,e,r,a,o,s){return n.identity(t),n.fromRotationTranslation(t,s,e),t[3]=o[0],t[7]=o[1],t[11]=o[2],t[15]=o[3],n.identity(i),0!==a[2]&&(i[9]=a[2],n.multiply(t,t,i)),0!==a[1]&&(i[9]=0,i[8]=a[1],n.multiply(t,t,i)),0!==a[0]&&(i[8]=0,i[4]=a[0],n.multiply(t,t,i)),n.scale(t,t,r),t}},{"gl-mat4/create":280,"gl-mat4/fromRotationTranslation":284,"gl-mat4/identity":291,"gl-mat4/multiply":295,"gl-mat4/scale":303,"gl-mat4/translate":305}],479:[function(t,e,r){"use strict";e.exports=Math.log2||function(t){return Math.log(t)*Math.LOG2E}},{}],480:[function(t,e,r){"use strict";var n=t("binary-search-bounds"),i=t("mat4-interpolate"),a=t("gl-mat4/invert"),o=t("gl-mat4/rotateX"),s=t("gl-mat4/rotateY"),l=t("gl-mat4/rotateZ"),c=t("gl-mat4/lookAt"),u=t("gl-mat4/translate"),f=(t("gl-mat4/scale"),t("gl-vec3/normalize")),h=[0,0,0];function p(t){this._components=t.slice(),this._time=[0],this.prevMatrix=t.slice(),this.nextMatrix=t.slice(),this.computedMatrix=t.slice(),this.computedInverse=t.slice(),this.computedEye=[0,0,0],this.computedUp=[0,0,0],this.computedCenter=[0,0,0],this.computedRadius=[0],this._limits=[-1/0,1/0]}e.exports=function(t){return new p((t=t||{}).matrix||[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1])};var d=p.prototype;d.recalcMatrix=function(t){var e=this._time,r=n.le(e,t),o=this.computedMatrix;if(!(r<0)){var s=this._components;if(r===e.length-1)for(var l=16*r,c=0;c<16;++c)o[c]=s[l++];else{var u=e[r+1]-e[r],h=(l=16*r,this.prevMatrix),p=!0;for(c=0;c<16;++c)h[c]=s[l++];var d=this.nextMatrix;for(c=0;c<16;++c)d[c]=s[l++],p=p&&h[c]===d[c];if(u<1e-6||p)for(c=0;c<16;++c)o[c]=h[c];else i(o,h,d,(t-e[r])/u)}var g=this.computedUp;g[0]=o[1],g[1]=o[5],g[2]=o[9],f(g,g);var m=this.computedInverse;a(m,o);var v=this.computedEye,y=m[15];v[0]=m[12]/y,v[1]=m[13]/y,v[2]=m[14]/y;var x=this.computedCenter,b=Math.exp(this.computedRadius[0]);for(c=0;c<3;++c)x[c]=v[c]-o[2+4*c]*b}},d.idle=function(t){if(!(t1&&n(t[o[u-2]],t[o[u-1]],c)<=0;)u-=1,o.pop();for(o.push(l),u=s.length;u>1&&n(t[s[u-2]],t[s[u-1]],c)>=0;)u-=1,s.pop();s.push(l)}r=new Array(s.length+o.length-2);for(var f=0,h=(i=0,o.length);i0;--p)r[f++]=s[p];return r};var n=t("robust-orientation")[3]},{"robust-orientation":548}],483:[function(t,e,r){"use strict";e.exports=function(t,e){e||(e=t,t=window);var r=0,i=0,a=0,o={shift:!1,alt:!1,control:!1,meta:!1},s=!1;function l(t){var e=!1;return"altKey"in t&&(e=e||t.altKey!==o.alt,o.alt=!!t.altKey),"shiftKey"in t&&(e=e||t.shiftKey!==o.shift,o.shift=!!t.shiftKey),"ctrlKey"in t&&(e=e||t.ctrlKey!==o.control,o.control=!!t.ctrlKey),"metaKey"in t&&(e=e||t.metaKey!==o.meta,o.meta=!!t.metaKey),e}function c(t,s){var c=n.x(s),u=n.y(s);"buttons"in s&&(t=0|s.buttons),(t!==r||c!==i||u!==a||l(s))&&(r=0|t,i=c||0,a=u||0,e&&e(r,i,a,o))}function u(t){c(0,t)}function f(){(r||i||a||o.shift||o.alt||o.meta||o.control)&&(i=a=0,r=0,o.shift=o.alt=o.control=o.meta=!1,e&&e(0,0,0,o))}function h(t){l(t)&&e&&e(r,i,a,o)}function p(t){0===n.buttons(t)?c(0,t):c(r,t)}function d(t){c(r|n.buttons(t),t)}function g(t){c(r&~n.buttons(t),t)}function m(){s||(s=!0,t.addEventListener("mousemove",p),t.addEventListener("mousedown",d),t.addEventListener("mouseup",g),t.addEventListener("mouseleave",u),t.addEventListener("mouseenter",u),t.addEventListener("mouseout",u),t.addEventListener("mouseover",u),t.addEventListener("blur",f),t.addEventListener("keyup",h),t.addEventListener("keydown",h),t.addEventListener("keypress",h),t!==window&&(window.addEventListener("blur",f),window.addEventListener("keyup",h),window.addEventListener("keydown",h),window.addEventListener("keypress",h)))}m();var v={element:t};return Object.defineProperties(v,{enabled:{get:function(){return s},set:function(e){e?m():function(){if(!s)return;s=!1,t.removeEventListener("mousemove",p),t.removeEventListener("mousedown",d),t.removeEventListener("mouseup",g),t.removeEventListener("mouseleave",u),t.removeEventListener("mouseenter",u),t.removeEventListener("mouseout",u),t.removeEventListener("mouseover",u),t.removeEventListener("blur",f),t.removeEventListener("keyup",h),t.removeEventListener("keydown",h),t.removeEventListener("keypress",h),t!==window&&(window.removeEventListener("blur",f),window.removeEventListener("keyup",h),window.removeEventListener("keydown",h),window.removeEventListener("keypress",h))}()},enumerable:!0},buttons:{get:function(){return r},enumerable:!0},x:{get:function(){return i},enumerable:!0},y:{get:function(){return a},enumerable:!0},mods:{get:function(){return o},enumerable:!0}}),v};var n=t("mouse-event")},{"mouse-event":485}],484:[function(t,e,r){var n={left:0,top:0};e.exports=function(t,e,r){e=e||t.currentTarget||t.srcElement,Array.isArray(r)||(r=[0,0]);var i=t.clientX||0,a=t.clientY||0,o=(s=e,s===window||s===document||s===document.body?n:s.getBoundingClientRect());var s;return r[0]=i-o.left,r[1]=a-o.top,r}},{}],485:[function(t,e,r){"use strict";function n(t){return t.target||t.srcElement||window}r.buttons=function(t){if("object"==typeof t){if("buttons"in t)return t.buttons;if("which"in t){if(2===(e=t.which))return 4;if(3===e)return 2;if(e>0)return 1<=0)return 1< 0");"function"!=typeof t.vertex&&e("Must specify vertex creation function");"function"!=typeof t.cell&&e("Must specify cell creation function");"function"!=typeof t.phase&&e("Must specify phase function");for(var w=t.getters||[],T=new Array(b),k=0;k=0?T[k]=!0:T[k]=!1;return function(t,e,r,b,_,w){var T=w.length,k=_.length;if(k<2)throw new Error("ndarray-extract-contour: Dimension must be at least 2");for(var M="extractContour"+_.join("_"),A=[],S=[],E=[],C=0;C0&&z.push(l(C,_[L-1])+"*"+s(_[L-1])),S.push(d(C,_[L])+"=("+z.join("-")+")|0")}for(C=0;C=0;--C)O.push(s(_[C]));S.push("Q=("+O.join("*")+")|0","P=mallocUint32(Q)","V=mallocUint32(Q)","X=0"),S.push(g(0)+"=0");for(L=1;L<1<0;_=_-1&d)x.push("V[X+"+v(_)+"]");x.push(y(0));for(_=0;_=0;--e)N(e,0);var r=[];for(e=0;e0){",p(_[e]),"=1;"),t(e-1,r|1<<_[e]);for(var n=0;n=0?s.push("0"):e.indexOf(-(l+1))>=0?s.push("s["+l+"]-1"):(s.push("-1"),a.push("1"),o.push("s["+l+"]-2"));var c=".lo("+a.join()+").hi("+o.join()+")";if(0===a.length&&(c=""),i>0){n.push("if(1");for(l=0;l=0||e.indexOf(-(l+1))>=0||n.push("&&s[",l,"]>2");n.push("){grad",i,"(src.pick(",s.join(),")",c);for(l=0;l=0||e.indexOf(-(l+1))>=0||n.push(",dst.pick(",s.join(),",",l,")",c);n.push(");")}for(l=0;l1){dst.set(",s.join(),",",u,",0.5*(src.get(",h.join(),")-src.get(",p.join(),")))}else{dst.set(",s.join(),",",u,",0)};"):n.push("if(s[",u,"]>1){diff(",f,",src.pick(",h.join(),")",c,",src.pick(",p.join(),")",c,");}else{zero(",f,");};");break;case"mirror":0===i?n.push("dst.set(",s.join(),",",u,",0);"):n.push("zero(",f,");");break;case"wrap":var d=s.slice(),g=s.slice();e[l]<0?(d[u]="s["+u+"]-2",g[u]="0"):(d[u]="s["+u+"]-1",g[u]="1"),0===i?n.push("if(s[",u,"]>2){dst.set(",s.join(),",",u,",0.5*(src.get(",d.join(),")-src.get(",g.join(),")))}else{dst.set(",s.join(),",",u,",0)};"):n.push("if(s[",u,"]>2){diff(",f,",src.pick(",d.join(),")",c,",src.pick(",g.join(),")",c,");}else{zero(",f,");};");break;default:throw new Error("ndarray-gradient: Invalid boundary condition")}}i>0&&n.push("};")}for(var s=0;s<1<>",rrshift:">>>"};!function(){for(var t in s){var e=s[t];r[t]=o({args:["array","array","array"],body:{args:["a","b","c"],body:"a=b"+e+"c"},funcName:t}),r[t+"eq"]=o({args:["array","array"],body:{args:["a","b"],body:"a"+e+"=b"},rvalue:!0,funcName:t+"eq"}),r[t+"s"]=o({args:["array","array","scalar"],body:{args:["a","b","s"],body:"a=b"+e+"s"},funcName:t+"s"}),r[t+"seq"]=o({args:["array","scalar"],body:{args:["a","s"],body:"a"+e+"=s"},rvalue:!0,funcName:t+"seq"})}}();var l={not:"!",bnot:"~",neg:"-",recip:"1.0/"};!function(){for(var t in l){var e=l[t];r[t]=o({args:["array","array"],body:{args:["a","b"],body:"a="+e+"b"},funcName:t}),r[t+"eq"]=o({args:["array"],body:{args:["a"],body:"a="+e+"a"},rvalue:!0,count:2,funcName:t+"eq"})}}();var c={and:"&&",or:"||",eq:"===",neq:"!==",lt:"<",gt:">",leq:"<=",geq:">="};!function(){for(var t in c){var e=c[t];r[t]=o({args:["array","array","array"],body:{args:["a","b","c"],body:"a=b"+e+"c"},funcName:t}),r[t+"s"]=o({args:["array","array","scalar"],body:{args:["a","b","s"],body:"a=b"+e+"s"},funcName:t+"s"}),r[t+"eq"]=o({args:["array","array"],body:{args:["a","b"],body:"a=a"+e+"b"},rvalue:!0,count:2,funcName:t+"eq"}),r[t+"seq"]=o({args:["array","scalar"],body:{args:["a","s"],body:"a=a"+e+"s"},rvalue:!0,count:2,funcName:t+"seq"})}}();var u=["abs","acos","asin","atan","ceil","cos","exp","floor","log","round","sin","sqrt","tan"];!function(){for(var t=0;tthis_s){this_s=-a}else if(a>this_s){this_s=a}",localVars:[],thisVars:["this_s"]},post:{args:[],localVars:[],thisVars:["this_s"],body:"return this_s"},funcName:"norminf"}),r.norm1=n({args:["array"],pre:{args:[],localVars:[],thisVars:["this_s"],body:"this_s=0"},body:{args:[{name:"a",lvalue:!1,rvalue:!0,count:3}],body:"this_s+=a<0?-a:a",localVars:[],thisVars:["this_s"]},post:{args:[],localVars:[],thisVars:["this_s"],body:"return this_s"},funcName:"norm1"}),r.sup=n({args:["array"],pre:{body:"this_h=-Infinity",args:[],thisVars:["this_h"],localVars:[]},body:{body:"if(_inline_1_arg0_>this_h)this_h=_inline_1_arg0_",args:[{name:"_inline_1_arg0_",lvalue:!1,rvalue:!0,count:2}],thisVars:["this_h"],localVars:[]},post:{body:"return this_h",args:[],thisVars:["this_h"],localVars:[]}}),r.inf=n({args:["array"],pre:{body:"this_h=Infinity",args:[],thisVars:["this_h"],localVars:[]},body:{body:"if(_inline_1_arg0_this_v){this_v=_inline_1_arg1_;for(var _inline_1_k=0;_inline_1_k<_inline_1_arg0_.length;++_inline_1_k){this_i[_inline_1_k]=_inline_1_arg0_[_inline_1_k]}}}",args:[{name:"_inline_1_arg0_",lvalue:!1,rvalue:!0,count:2},{name:"_inline_1_arg1_",lvalue:!1,rvalue:!0,count:2}],thisVars:["this_i","this_v"],localVars:["_inline_1_k"]},post:{body:"{return this_i}",args:[],thisVars:["this_i"],localVars:[]}}),r.random=o({args:["array"],pre:{args:[],body:"this_f=Math.random",thisVars:["this_f"]},body:{args:["a"],body:"a=this_f()",thisVars:["this_f"]},funcName:"random"}),r.assign=o({args:["array","array"],body:{args:["a","b"],body:"a=b"},funcName:"assign"}),r.assigns=o({args:["array","scalar"],body:{args:["a","b"],body:"a=b"},funcName:"assigns"}),r.equals=n({args:["array","array"],pre:i,body:{args:[{name:"x",lvalue:!1,rvalue:!0,count:1},{name:"y",lvalue:!1,rvalue:!0,count:1}],body:"if(x!==y){return false}",localVars:[],thisVars:[]},post:{args:[],localVars:[],thisVars:[],body:"return true"},funcName:"equals"})},{"cwise-compiler":151}],491:[function(t,e,r){"use strict";var n=t("ndarray"),i=t("./doConvert.js");e.exports=function(t,e){for(var r=[],a=t,o=1;Array.isArray(a);)r.push(a.length),o*=a.length,a=a[0];return 0===r.length?n():(e||(e=n(new Float64Array(o),r)),i(e,t),e)}},{"./doConvert.js":492,ndarray:495}],492:[function(t,e,r){e.exports=t("cwise-compiler")({args:["array","scalar","index"],pre:{body:"{}",args:[],thisVars:[],localVars:[]},body:{body:"{\nvar _inline_1_v=_inline_1_arg1_,_inline_1_i\nfor(_inline_1_i=0;_inline_1_i<_inline_1_arg2_.length-1;++_inline_1_i) {\n_inline_1_v=_inline_1_v[_inline_1_arg2_[_inline_1_i]]\n}\n_inline_1_arg0_=_inline_1_v[_inline_1_arg2_[_inline_1_arg2_.length-1]]\n}",args:[{name:"_inline_1_arg0_",lvalue:!0,rvalue:!1,count:1},{name:"_inline_1_arg1_",lvalue:!1,rvalue:!0,count:1},{name:"_inline_1_arg2_",lvalue:!1,rvalue:!0,count:4}],thisVars:[],localVars:["_inline_1_i","_inline_1_v"]},post:{body:"{}",args:[],thisVars:[],localVars:[]},funcName:"convert",blockSize:64})},{"cwise-compiler":151}],493:[function(t,e,r){"use strict";var n=t("typedarray-pool"),i=32;function a(t){switch(t){case"uint8":return[n.mallocUint8,n.freeUint8];case"uint16":return[n.mallocUint16,n.freeUint16];case"uint32":return[n.mallocUint32,n.freeUint32];case"int8":return[n.mallocInt8,n.freeInt8];case"int16":return[n.mallocInt16,n.freeInt16];case"int32":return[n.mallocInt32,n.freeInt32];case"float32":return[n.mallocFloat,n.freeFloat];case"float64":return[n.mallocDouble,n.freeDouble];default:return null}}function o(t){for(var e=[],r=0;r0?s.push(["d",d,"=s",d,"-d",f,"*n",f].join("")):s.push(["d",d,"=s",d].join("")),f=d),0!==(p=t.length-1-l)&&(h>0?s.push(["e",p,"=s",p,"-e",h,"*n",h,",f",p,"=",c[p],"-f",h,"*n",h].join("")):s.push(["e",p,"=s",p,",f",p,"=",c[p]].join("")),h=p)}r.push("var "+s.join(","));var g=["0","n0-1","data","offset"].concat(o(t.length));r.push(["if(n0<=",i,"){","insertionSort(",g.join(","),")}else{","quickSort(",g.join(","),")}"].join("")),r.push("}return "+n);var m=new Function("insertionSort","quickSort",r.join("\n")),v=function(t,e){var r=["'use strict'"],n=["ndarrayInsertionSort",t.join("d"),e].join(""),i=["left","right","data","offset"].concat(o(t.length)),s=a(e),l=["i,j,cptr,ptr=left*s0+offset"];if(t.length>1){for(var c=[],u=1;u1){r.push("dptr=0;sptr=ptr");for(u=t.length-1;u>=0;--u){0!==(p=t[u])&&r.push(["for(i",p,"=0;i",p,"b){break __l}"].join(""));for(u=t.length-1;u>=1;--u)r.push("sptr+=e"+u,"dptr+=f"+u,"}");r.push("dptr=cptr;sptr=cptr-s0");for(u=t.length-1;u>=0;--u){0!==(p=t[u])&&r.push(["for(i",p,"=0;i",p,"=0;--u){0!==(p=t[u])&&r.push(["for(i",p,"=0;i",p,"scratch)){",h("cptr",f("cptr-s0")),"cptr-=s0","}",h("cptr","scratch"));return r.push("}"),t.length>1&&s&&r.push("free(scratch)"),r.push("} return "+n),s?new Function("malloc","free",r.join("\n"))(s[0],s[1]):new Function(r.join("\n"))()}(t,e),y=function(t,e,r){var n=["'use strict'"],s=["ndarrayQuickSort",t.join("d"),e].join(""),l=["left","right","data","offset"].concat(o(t.length)),c=a(e),u=0;n.push(["function ",s,"(",l.join(","),"){"].join(""));var f=["sixth=((right-left+1)/6)|0","index1=left+sixth","index5=right-sixth","index3=(left+right)>>1","index2=index3-sixth","index4=index3+sixth","el1=index1","el2=index2","el3=index3","el4=index4","el5=index5","less=left+1","great=right-1","pivots_are_equal=true","tmp","tmp0","x","y","z","k","ptr0","ptr1","ptr2","comp_pivot1=0","comp_pivot2=0","comp=0"];if(t.length>1){for(var h=[],p=1;p=0;--a){0!==(o=t[a])&&n.push(["for(i",o,"=0;i",o,"1)for(a=0;a1?n.push("ptr_shift+=d"+o):n.push("ptr0+=d"+o),n.push("}"))}}function y(e,r,i,a){if(1===r.length)n.push("ptr0="+d(r[0]));else{for(var o=0;o1)for(o=0;o=1;--o)i&&n.push("pivot_ptr+=f"+o),r.length>1?n.push("ptr_shift+=e"+o):n.push("ptr0+=e"+o),n.push("}")}function x(){t.length>1&&c&&n.push("free(pivot1)","free(pivot2)")}function b(e,r){var i="el"+e,a="el"+r;if(t.length>1){var o="__l"+ ++u;y(o,[i,a],!1,["comp=",g("ptr0"),"-",g("ptr1"),"\n","if(comp>0){tmp0=",i,";",i,"=",a,";",a,"=tmp0;break ",o,"}\n","if(comp<0){break ",o,"}"].join(""))}else n.push(["if(",g(d(i)),">",g(d(a)),"){tmp0=",i,";",i,"=",a,";",a,"=tmp0}"].join(""))}function _(e,r){t.length>1?v([e,r],!1,m("ptr0",g("ptr1"))):n.push(m(d(e),g(d(r))))}function w(e,r,i){if(t.length>1){var a="__l"+ ++u;y(a,[r],!0,[e,"=",g("ptr0"),"-pivot",i,"[pivot_ptr]\n","if(",e,"!==0){break ",a,"}"].join(""))}else n.push([e,"=",g(d(r)),"-pivot",i].join(""))}function T(e,r){t.length>1?v([e,r],!1,["tmp=",g("ptr0"),"\n",m("ptr0",g("ptr1")),"\n",m("ptr1","tmp")].join("")):n.push(["ptr0=",d(e),"\n","ptr1=",d(r),"\n","tmp=",g("ptr0"),"\n",m("ptr0",g("ptr1")),"\n",m("ptr1","tmp")].join(""))}function k(e,r,i){t.length>1?(v([e,r,i],!1,["tmp=",g("ptr0"),"\n",m("ptr0",g("ptr1")),"\n",m("ptr1",g("ptr2")),"\n",m("ptr2","tmp")].join("")),n.push("++"+r,"--"+i)):n.push(["ptr0=",d(e),"\n","ptr1=",d(r),"\n","ptr2=",d(i),"\n","++",r,"\n","--",i,"\n","tmp=",g("ptr0"),"\n",m("ptr0",g("ptr1")),"\n",m("ptr1",g("ptr2")),"\n",m("ptr2","tmp")].join(""))}function M(t,e){T(t,e),n.push("--"+e)}function A(e,r,i){t.length>1?v([e,r],!0,[m("ptr0",g("ptr1")),"\n",m("ptr1",["pivot",i,"[pivot_ptr]"].join(""))].join("")):n.push(m(d(e),g(d(r))),m(d(r),"pivot"+i))}function S(e,r){n.push(["if((",r,"-",e,")<=",i,"){\n","insertionSort(",e,",",r,",data,offset,",o(t.length).join(","),")\n","}else{\n",s,"(",e,",",r,",data,offset,",o(t.length).join(","),")\n","}"].join(""))}function E(e,r,i){t.length>1?(n.push(["__l",++u,":while(true){"].join("")),v([e],!0,["if(",g("ptr0"),"!==pivot",r,"[pivot_ptr]){break __l",u,"}"].join("")),n.push(i,"}")):n.push(["while(",g(d(e)),"===pivot",r,"){",i,"}"].join(""))}return n.push("var "+f.join(",")),b(1,2),b(4,5),b(1,3),b(2,3),b(1,4),b(3,4),b(2,5),b(2,3),b(4,5),t.length>1?v(["el1","el2","el3","el4","el5","index1","index3","index5"],!0,["pivot1[pivot_ptr]=",g("ptr1"),"\n","pivot2[pivot_ptr]=",g("ptr3"),"\n","pivots_are_equal=pivots_are_equal&&(pivot1[pivot_ptr]===pivot2[pivot_ptr])\n","x=",g("ptr0"),"\n","y=",g("ptr2"),"\n","z=",g("ptr4"),"\n",m("ptr5","x"),"\n",m("ptr6","y"),"\n",m("ptr7","z")].join("")):n.push(["pivot1=",g(d("el2")),"\n","pivot2=",g(d("el4")),"\n","pivots_are_equal=pivot1===pivot2\n","x=",g(d("el1")),"\n","y=",g(d("el3")),"\n","z=",g(d("el5")),"\n",m(d("index1"),"x"),"\n",m(d("index3"),"y"),"\n",m(d("index5"),"z")].join("")),_("index2","left"),_("index4","right"),n.push("if(pivots_are_equal){"),n.push("for(k=less;k<=great;++k){"),w("comp","k",1),n.push("if(comp===0){continue}"),n.push("if(comp<0){"),n.push("if(k!==less){"),T("k","less"),n.push("}"),n.push("++less"),n.push("}else{"),n.push("while(true){"),w("comp","great",1),n.push("if(comp>0){"),n.push("great--"),n.push("}else if(comp<0){"),k("k","less","great"),n.push("break"),n.push("}else{"),M("k","great"),n.push("break"),n.push("}"),n.push("}"),n.push("}"),n.push("}"),n.push("}else{"),n.push("for(k=less;k<=great;++k){"),w("comp_pivot1","k",1),n.push("if(comp_pivot1<0){"),n.push("if(k!==less){"),T("k","less"),n.push("}"),n.push("++less"),n.push("}else{"),w("comp_pivot2","k",2),n.push("if(comp_pivot2>0){"),n.push("while(true){"),w("comp","great",2),n.push("if(comp>0){"),n.push("if(--greatindex5){"),E("less",1,"++less"),E("great",2,"--great"),n.push("for(k=less;k<=great;++k){"),w("comp_pivot1","k",1),n.push("if(comp_pivot1===0){"),n.push("if(k!==less){"),T("k","less"),n.push("}"),n.push("++less"),n.push("}else{"),w("comp_pivot2","k",2),n.push("if(comp_pivot2===0){"),n.push("while(true){"),w("comp","great",2),n.push("if(comp===0){"),n.push("if(--great1&&c?new Function("insertionSort","malloc","free",n.join("\n"))(r,c[0],c[1]):new Function("insertionSort",n.join("\n"))(r)}(t,e,v);return m(v,y)}},{"typedarray-pool":595}],494:[function(t,e,r){"use strict";var n=t("./lib/compile_sort.js"),i={};e.exports=function(t){var e=t.order,r=t.dtype,a=[e,r].join(":"),o=i[a];return o||(i[a]=o=n(e,r)),o(t),t}},{"./lib/compile_sort.js":493}],495:[function(t,e,r){var n=t("iota-array"),i=t("is-buffer"),a="undefined"!=typeof Float64Array;function o(t,e){return t[0]-e[0]}function s(){var t,e=this.stride,r=new Array(e.length);for(t=0;tMath.abs(this.stride[1]))?[1,0]:[0,1]}})"):3===e&&a.push("var s0=Math.abs(this.stride[0]),s1=Math.abs(this.stride[1]),s2=Math.abs(this.stride[2]);if(s0>s1){if(s1>s2){return [2,1,0];}else if(s0>s2){return [1,2,0];}else{return [1,0,2];}}else if(s0>s2){return [2,0,1];}else if(s2>s1){return [0,1,2];}else{return [0,2,1];}}})")):a.push("ORDER})")),a.push("proto.set=function "+r+"_set("+l.join(",")+",v){"),i?a.push("return this.data.set("+u+",v)}"):a.push("return this.data["+u+"]=v}"),a.push("proto.get=function "+r+"_get("+l.join(",")+"){"),i?a.push("return this.data.get("+u+")}"):a.push("return this.data["+u+"]}"),a.push("proto.index=function "+r+"_index(",l.join(),"){return "+u+"}"),a.push("proto.hi=function "+r+"_hi("+l.join(",")+"){return new "+r+"(this.data,"+o.map((function(t){return["(typeof i",t,"!=='number'||i",t,"<0)?this.shape[",t,"]:i",t,"|0"].join("")})).join(",")+","+o.map((function(t){return"this.stride["+t+"]"})).join(",")+",this.offset)}");var p=o.map((function(t){return"a"+t+"=this.shape["+t+"]"})),d=o.map((function(t){return"c"+t+"=this.stride["+t+"]"}));a.push("proto.lo=function "+r+"_lo("+l.join(",")+"){var b=this.offset,d=0,"+p.join(",")+","+d.join(","));for(var g=0;g=0){d=i"+g+"|0;b+=c"+g+"*d;a"+g+"-=d}");a.push("return new "+r+"(this.data,"+o.map((function(t){return"a"+t})).join(",")+","+o.map((function(t){return"c"+t})).join(",")+",b)}"),a.push("proto.step=function "+r+"_step("+l.join(",")+"){var "+o.map((function(t){return"a"+t+"=this.shape["+t+"]"})).join(",")+","+o.map((function(t){return"b"+t+"=this.stride["+t+"]"})).join(",")+",c=this.offset,d=0,ceil=Math.ceil");for(g=0;g=0){c=(c+this.stride["+g+"]*i"+g+")|0}else{a.push(this.shape["+g+"]);b.push(this.stride["+g+"])}");return a.push("var ctor=CTOR_LIST[a.length+1];return ctor(this.data,a,b,c)}"),a.push("return function construct_"+r+"(data,shape,stride,offset){return new "+r+"(data,"+o.map((function(t){return"shape["+t+"]"})).join(",")+","+o.map((function(t){return"stride["+t+"]"})).join(",")+",offset)}"),new Function("CTOR_LIST","ORDER",a.join("\n"))(c[t],s)}var c={float32:[],float64:[],int8:[],int16:[],int32:[],uint8:[],uint16:[],uint32:[],array:[],uint8_clamped:[],bigint64:[],biguint64:[],buffer:[],generic:[]};e.exports=function(t,e,r,n){if(void 0===t)return(0,c.array[0])([]);"number"==typeof t&&(t=[t]),void 0===e&&(e=[t.length]);var o=e.length;if(void 0===r){r=new Array(o);for(var s=o-1,u=1;s>=0;--s)r[s]=u,u*=e[s]}if(void 0===n){n=0;for(s=0;st==t>0?a===-1>>>0?(r+=1,a=0):a+=1:0===a?(a=-1>>>0,r-=1):a-=1;return n.pack(a,r)}},{"double-bits":173}],497:[function(t,e,r){var n=Math.PI,i=c(120);function a(t,e,r,n){return["C",t,e,r,n,r,n]}function o(t,e,r,n,i,a){return["C",t/3+2/3*r,e/3+2/3*n,i/3+2/3*r,a/3+2/3*n,i,a]}function s(t,e,r,a,o,c,u,f,h,p){if(p)T=p[0],k=p[1],_=p[2],w=p[3];else{var d=l(t,e,-o);t=d.x,e=d.y;var g=(t-(f=(d=l(f,h,-o)).x))/2,m=(e-(h=d.y))/2,v=g*g/(r*r)+m*m/(a*a);v>1&&(r*=v=Math.sqrt(v),a*=v);var y=r*r,x=a*a,b=(c==u?-1:1)*Math.sqrt(Math.abs((y*x-y*m*m-x*g*g)/(y*m*m+x*g*g)));b==1/0&&(b=1);var _=b*r*m/a+(t+f)/2,w=b*-a*g/r+(e+h)/2,T=Math.asin(((e-w)/a).toFixed(9)),k=Math.asin(((h-w)/a).toFixed(9));(T=t<_?n-T:T)<0&&(T=2*n+T),(k=f<_?n-k:k)<0&&(k=2*n+k),u&&T>k&&(T-=2*n),!u&&k>T&&(k-=2*n)}if(Math.abs(k-T)>i){var M=k,A=f,S=h;k=T+i*(u&&k>T?1:-1);var E=s(f=_+r*Math.cos(k),h=w+a*Math.sin(k),r,a,o,0,u,A,S,[k,M,_,w])}var C=Math.tan((k-T)/4),L=4/3*r*C,I=4/3*a*C,P=[2*t-(t+L*Math.sin(T)),2*e-(e-I*Math.cos(T)),f+L*Math.sin(k),h-I*Math.cos(k),f,h];if(p)return P;E&&(P=P.concat(E));for(var z=0;z7&&(r.push(v.splice(0,7)),v.unshift("C"));break;case"S":var x=p,b=d;"C"!=e&&"S"!=e||(x+=x-n,b+=b-i),v=["C",x,b,v[1],v[2],v[3],v[4]];break;case"T":"Q"==e||"T"==e?(f=2*p-f,h=2*d-h):(f=p,h=d),v=o(p,d,f,h,v[1],v[2]);break;case"Q":f=v[1],h=v[2],v=o(p,d,v[1],v[2],v[3],v[4]);break;case"L":v=a(p,d,v[1],v[2]);break;case"H":v=a(p,d,v[1],d);break;case"V":v=a(p,d,p,v[1]);break;case"Z":v=a(p,d,l,u)}e=y,p=v[v.length-2],d=v[v.length-1],v.length>4?(n=v[v.length-4],i=v[v.length-3]):(n=p,i=d),r.push(v)}return r}},{}],498:[function(t,e,r){r.vertexNormals=function(t,e,r){for(var n=e.length,i=new Array(n),a=void 0===r?1e-6:r,o=0;oa){var b=i[c],_=1/Math.sqrt(m*y);for(x=0;x<3;++x){var w=(x+1)%3,T=(x+2)%3;b[x]+=_*(v[w]*g[T]-v[T]*g[w])}}}for(o=0;oa)for(_=1/Math.sqrt(k),x=0;x<3;++x)b[x]*=_;else for(x=0;x<3;++x)b[x]=0}return i},r.faceNormals=function(t,e,r){for(var n=t.length,i=new Array(n),a=void 0===r?1e-6:r,o=0;oa?1/Math.sqrt(p):0;for(c=0;c<3;++c)h[c]*=p;i[o]=h}return i}},{}],499:[function(t,e,r){ +/* +object-assign +(c) Sindre Sorhus +@license MIT +*/ +"use strict";var n=Object.getOwnPropertySymbols,i=Object.prototype.hasOwnProperty,a=Object.prototype.propertyIsEnumerable;function o(t){if(null==t)throw new TypeError("Object.assign cannot be called with null or undefined");return Object(t)}e.exports=function(){try{if(!Object.assign)return!1;var t=new String("abc");if(t[5]="de","5"===Object.getOwnPropertyNames(t)[0])return!1;for(var e={},r=0;r<10;r++)e["_"+String.fromCharCode(r)]=r;if("0123456789"!==Object.getOwnPropertyNames(e).map((function(t){return e[t]})).join(""))return!1;var n={};return"abcdefghijklmnopqrst".split("").forEach((function(t){n[t]=t})),"abcdefghijklmnopqrst"===Object.keys(Object.assign({},n)).join("")}catch(t){return!1}}()?Object.assign:function(t,e){for(var r,s,l=o(t),c=1;c0){var f=Math.sqrt(u+1);t[0]=.5*(o-l)/f,t[1]=.5*(s-n)/f,t[2]=.5*(r-a)/f,t[3]=.5*f}else{var h=Math.max(e,a,c);f=Math.sqrt(2*h-u+1);e>=h?(t[0]=.5*f,t[1]=.5*(i+r)/f,t[2]=.5*(s+n)/f,t[3]=.5*(o-l)/f):a>=h?(t[0]=.5*(r+i)/f,t[1]=.5*f,t[2]=.5*(l+o)/f,t[3]=.5*(s-n)/f):(t[0]=.5*(n+s)/f,t[1]=.5*(o+l)/f,t[2]=.5*f,t[3]=.5*(r-i)/f)}return t}},{}],501:[function(t,e,r){"use strict";e.exports=function(t){var e=(t=t||{}).center||[0,0,0],r=t.rotation||[0,0,0,1],n=t.radius||1;e=[].slice.call(e,0,3),u(r=[].slice.call(r,0,4),r);var i=new f(r,e,Math.log(n));i.setDistanceLimits(t.zoomMin,t.zoomMax),("eye"in t||"up"in t)&&i.lookAt(0,t.eye,t.center,t.up);return i};var n=t("filtered-vector"),i=t("gl-mat4/lookAt"),a=t("gl-mat4/fromQuat"),o=t("gl-mat4/invert"),s=t("./lib/quatFromFrame");function l(t,e,r){return Math.sqrt(Math.pow(t,2)+Math.pow(e,2)+Math.pow(r,2))}function c(t,e,r,n){return Math.sqrt(Math.pow(t,2)+Math.pow(e,2)+Math.pow(r,2)+Math.pow(n,2))}function u(t,e){var r=e[0],n=e[1],i=e[2],a=e[3],o=c(r,n,i,a);o>1e-6?(t[0]=r/o,t[1]=n/o,t[2]=i/o,t[3]=a/o):(t[0]=t[1]=t[2]=0,t[3]=1)}function f(t,e,r){this.radius=n([r]),this.center=n(e),this.rotation=n(t),this.computedRadius=this.radius.curve(0),this.computedCenter=this.center.curve(0),this.computedRotation=this.rotation.curve(0),this.computedUp=[.1,0,0],this.computedEye=[.1,0,0],this.computedMatrix=[.1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0],this.recalcMatrix(0)}var h=f.prototype;h.lastT=function(){return Math.max(this.radius.lastT(),this.center.lastT(),this.rotation.lastT())},h.recalcMatrix=function(t){this.radius.curve(t),this.center.curve(t),this.rotation.curve(t);var e=this.computedRotation;u(e,e);var r=this.computedMatrix;a(r,e);var n=this.computedCenter,i=this.computedEye,o=this.computedUp,s=Math.exp(this.computedRadius[0]);i[0]=n[0]+s*r[2],i[1]=n[1]+s*r[6],i[2]=n[2]+s*r[10],o[0]=r[1],o[1]=r[5],o[2]=r[9];for(var l=0;l<3;++l){for(var c=0,f=0;f<3;++f)c+=r[l+4*f]*i[f];r[12+l]=-c}},h.getMatrix=function(t,e){this.recalcMatrix(t);var r=this.computedMatrix;if(e){for(var n=0;n<16;++n)e[n]=r[n];return e}return r},h.idle=function(t){this.center.idle(t),this.radius.idle(t),this.rotation.idle(t)},h.flush=function(t){this.center.flush(t),this.radius.flush(t),this.rotation.flush(t)},h.pan=function(t,e,r,n){e=e||0,r=r||0,n=n||0,this.recalcMatrix(t);var i=this.computedMatrix,a=i[1],o=i[5],s=i[9],c=l(a,o,s);a/=c,o/=c,s/=c;var u=i[0],f=i[4],h=i[8],p=u*a+f*o+h*s,d=l(u-=a*p,f-=o*p,h-=s*p);u/=d,f/=d,h/=d;var g=i[2],m=i[6],v=i[10],y=g*a+m*o+v*s,x=g*u+m*f+v*h,b=l(g-=y*a+x*u,m-=y*o+x*f,v-=y*s+x*h);g/=b,m/=b,v/=b;var _=u*e+a*r,w=f*e+o*r,T=h*e+s*r;this.center.move(t,_,w,T);var k=Math.exp(this.computedRadius[0]);k=Math.max(1e-4,k+n),this.radius.set(t,Math.log(k))},h.rotate=function(t,e,r,n){this.recalcMatrix(t),e=e||0,r=r||0;var i=this.computedMatrix,a=i[0],o=i[4],s=i[8],u=i[1],f=i[5],h=i[9],p=i[2],d=i[6],g=i[10],m=e*a+r*u,v=e*o+r*f,y=e*s+r*h,x=-(d*y-g*v),b=-(g*m-p*y),_=-(p*v-d*m),w=Math.sqrt(Math.max(0,1-Math.pow(x,2)-Math.pow(b,2)-Math.pow(_,2))),T=c(x,b,_,w);T>1e-6?(x/=T,b/=T,_/=T,w/=T):(x=b=_=0,w=1);var k=this.computedRotation,M=k[0],A=k[1],S=k[2],E=k[3],C=M*w+E*x+A*_-S*b,L=A*w+E*b+S*x-M*_,I=S*w+E*_+M*b-A*x,P=E*w-M*x-A*b-S*_;if(n){x=p,b=d,_=g;var z=Math.sin(n)/l(x,b,_);x*=z,b*=z,_*=z,P=P*(w=Math.cos(e))-(C=C*w+P*x+L*_-I*b)*x-(L=L*w+P*b+I*x-C*_)*b-(I=I*w+P*_+C*b-L*x)*_}var O=c(C,L,I,P);O>1e-6?(C/=O,L/=O,I/=O,P/=O):(C=L=I=0,P=1),this.rotation.set(t,C,L,I,P)},h.lookAt=function(t,e,r,n){this.recalcMatrix(t),r=r||this.computedCenter,e=e||this.computedEye,n=n||this.computedUp;var a=this.computedMatrix;i(a,e,r,n);var o=this.computedRotation;s(o,a[0],a[1],a[2],a[4],a[5],a[6],a[8],a[9],a[10]),u(o,o),this.rotation.set(t,o[0],o[1],o[2],o[3]);for(var l=0,c=0;c<3;++c)l+=Math.pow(r[c]-e[c],2);this.radius.set(t,.5*Math.log(Math.max(l,1e-6))),this.center.set(t,r[0],r[1],r[2])},h.translate=function(t,e,r,n){this.center.move(t,e||0,r||0,n||0)},h.setMatrix=function(t,e){var r=this.computedRotation;s(r,e[0],e[1],e[2],e[4],e[5],e[6],e[8],e[9],e[10]),u(r,r),this.rotation.set(t,r[0],r[1],r[2],r[3]);var n=this.computedMatrix;o(n,e);var i=n[15];if(Math.abs(i)>1e-6){var a=n[12]/i,l=n[13]/i,c=n[14]/i;this.recalcMatrix(t);var f=Math.exp(this.computedRadius[0]);this.center.set(t,a-n[2]*f,l-n[6]*f,c-n[10]*f),this.radius.idle(t)}else this.center.idle(t),this.radius.idle(t)},h.setDistance=function(t,e){e>0&&this.radius.set(t,Math.log(e))},h.setDistanceLimits=function(t,e){t=t>0?Math.log(t):-1/0,e=e>0?Math.log(e):1/0,e=Math.max(e,t),this.radius.bounds[0][0]=t,this.radius.bounds[1][0]=e},h.getDistanceLimits=function(t){var e=this.radius.bounds;return t?(t[0]=Math.exp(e[0][0]),t[1]=Math.exp(e[1][0]),t):[Math.exp(e[0][0]),Math.exp(e[1][0])]},h.toJSON=function(){return this.recalcMatrix(this.lastT()),{center:this.computedCenter.slice(),rotation:this.computedRotation.slice(),distance:Math.log(this.computedRadius[0]),zoomMin:this.radius.bounds[0][0],zoomMax:this.radius.bounds[1][0]}},h.fromJSON=function(t){var e=this.lastT(),r=t.center;r&&this.center.set(e,r[0],r[1],r[2]);var n=t.rotation;n&&this.rotation.set(e,n[0],n[1],n[2],n[3]);var i=t.distance;i&&i>0&&this.radius.set(e,Math.log(i)),this.setDistanceLimits(t.zoomMin,t.zoomMax)}},{"./lib/quatFromFrame":500,"filtered-vector":242,"gl-mat4/fromQuat":282,"gl-mat4/invert":293,"gl-mat4/lookAt":294}],502:[function(t,e,r){ +/*! + * pad-left + * + * Copyright (c) 2014-2015, Jon Schlinkert. + * Licensed under the MIT license. + */ +"use strict";var n=t("repeat-string");e.exports=function(t,e,r){return n(r="undefined"!=typeof r?r+"":" ",e)+t}},{"repeat-string":541}],503:[function(t,e,r){"use strict";function n(t,e){if("string"!=typeof t)return[t];var r=[t];"string"==typeof e||Array.isArray(e)?e={brackets:e}:e||(e={});var n=e.brackets?Array.isArray(e.brackets)?e.brackets:[e.brackets]:["{}","[]","()"],i=e.escape||"___",a=!!e.flat;n.forEach((function(t){var e=new RegExp(["\\",t[0],"[^\\",t[0],"\\",t[1],"]*\\",t[1]].join("")),n=[];function a(e,a,o){var s=r.push(e.slice(t[0].length,-t[1].length))-1;return n.push(s),i+s+i}r.forEach((function(t,n){for(var i,o=0;t!=i;)if(i=t,t=t.replace(e,a),o++>1e4)throw Error("References have circular dependency. Please, check them.");r[n]=t})),n=n.reverse(),r=r.map((function(e){return n.forEach((function(r){e=e.replace(new RegExp("(\\"+i+r+"\\"+i+")","g"),t[0]+"$1"+t[1])})),e}))}));var o=new RegExp("\\"+i+"([0-9]+)\\"+i);return a?r:function t(e,r,n){for(var i,a=[],s=0;i=o.exec(e);){if(s++>1e4)throw Error("Circular references in parenthesis");a.push(e.slice(0,i.index)),a.push(t(r[i[1]],r)),e=e.slice(i.index+i[0].length)}return a.push(e),a}(r[0],r)}function i(t,e){if(e&&e.flat){var r,n=e&&e.escape||"___",i=t[0];if(!i)return"";for(var a=new RegExp("\\"+n+"([0-9]+)\\"+n),o=0;i!=r;){if(o++>1e4)throw Error("Circular references in "+t);r=i,i=i.replace(a,s)}return i}return t.reduce((function t(e,r){return Array.isArray(r)&&(r=r.reduce(t,"")),e+r}),"");function s(e,r){if(null==t[r])throw Error("Reference "+r+"is undefined");return t[r]}}function a(t,e){return Array.isArray(t)?i(t,e):n(t,e)}a.parse=n,a.stringify=i,e.exports=a},{}],504:[function(t,e,r){"use strict";var n=t("pick-by-alias");e.exports=function(t){var e;arguments.length>1&&(t=arguments);"string"==typeof t?t=t.split(/\s/).map(parseFloat):"number"==typeof t&&(t=[t]);t.length&&"number"==typeof t[0]?e=1===t.length?{width:t[0],height:t[0],x:0,y:0}:2===t.length?{width:t[0],height:t[1],x:0,y:0}:{x:t[0],y:t[1],width:t[2]-t[0]||0,height:t[3]-t[1]||0}:t&&(t=n(t,{left:"x l left Left",top:"y t top Top",width:"w width W Width",height:"h height W Width",bottom:"b bottom Bottom",right:"r right Right"}),e={x:t.left||0,y:t.top||0},null==t.width?t.right?e.width=t.right-e.x:e.width=0:e.width=t.width,null==t.height?t.bottom?e.height=t.bottom-e.y:e.height=0:e.height=t.height);return e}},{"pick-by-alias":511}],505:[function(t,e,r){e.exports=function(t){var e=[];return t.replace(i,(function(t,r,i){var o=r.toLowerCase();for(i=function(t){var e=t.match(a);return e?e.map(Number):[]}(i),"m"==o&&i.length>2&&(e.push([r].concat(i.splice(0,2))),o="l",r="m"==r?"l":"L");;){if(i.length==n[o])return i.unshift(r),e.push(i);if(i.length2){var l=n.lastIndexOf("/");if(l!==n.length-1){-1===l?(n="",i=0):i=(n=n.slice(0,l)).length-1-n.lastIndexOf("/"),a=s,o=0;continue}}else if(2===n.length||1===n.length){n="",i=0,a=s,o=0;continue}e&&(n.length>0?n+="/..":n="..",i=2)}else n.length>0?n+="/"+t.slice(a+1,s):n=t.slice(a+1,s),i=s-a-1;a=s,o=0}else 46===r&&-1!==o?++o:o=-1}return n}var i={resolve:function(){for(var e,i="",a=!1,o=arguments.length-1;o>=-1&&!a;o--){var s;o>=0?s=arguments[o]:(void 0===e&&(e=t.cwd()),s=e),r(s),0!==s.length&&(i=s+"/"+i,a=47===s.charCodeAt(0))}return i=n(i,!a),a?i.length>0?"/"+i:"/":i.length>0?i:"."},normalize:function(t){if(r(t),0===t.length)return".";var e=47===t.charCodeAt(0),i=47===t.charCodeAt(t.length-1);return 0!==(t=n(t,!e)).length||e||(t="."),t.length>0&&i&&(t+="/"),e?"/"+t:t},isAbsolute:function(t){return r(t),t.length>0&&47===t.charCodeAt(0)},join:function(){if(0===arguments.length)return".";for(var t,e=0;e0&&(void 0===t?t=n:t+="/"+n)}return void 0===t?".":i.normalize(t)},relative:function(t,e){if(r(t),r(e),t===e)return"";if((t=i.resolve(t))===(e=i.resolve(e)))return"";for(var n=1;nc){if(47===e.charCodeAt(s+f))return e.slice(s+f+1);if(0===f)return e.slice(s+f)}else o>c&&(47===t.charCodeAt(n+f)?u=f:0===f&&(u=0));break}var h=t.charCodeAt(n+f);if(h!==e.charCodeAt(s+f))break;47===h&&(u=f)}var p="";for(f=n+u+1;f<=a;++f)f!==a&&47!==t.charCodeAt(f)||(0===p.length?p+="..":p+="/..");return p.length>0?p+e.slice(s+u):(s+=u,47===e.charCodeAt(s)&&++s,e.slice(s))},_makeLong:function(t){return t},dirname:function(t){if(r(t),0===t.length)return".";for(var e=t.charCodeAt(0),n=47===e,i=-1,a=!0,o=t.length-1;o>=1;--o)if(47===(e=t.charCodeAt(o))){if(!a){i=o;break}}else a=!1;return-1===i?n?"/":".":n&&1===i?"//":t.slice(0,i)},basename:function(t,e){if(void 0!==e&&"string"!=typeof e)throw new TypeError('"ext" argument must be a string');r(t);var n,i=0,a=-1,o=!0;if(void 0!==e&&e.length>0&&e.length<=t.length){if(e.length===t.length&&e===t)return"";var s=e.length-1,l=-1;for(n=t.length-1;n>=0;--n){var c=t.charCodeAt(n);if(47===c){if(!o){i=n+1;break}}else-1===l&&(o=!1,l=n+1),s>=0&&(c===e.charCodeAt(s)?-1==--s&&(a=n):(s=-1,a=l))}return i===a?a=l:-1===a&&(a=t.length),t.slice(i,a)}for(n=t.length-1;n>=0;--n)if(47===t.charCodeAt(n)){if(!o){i=n+1;break}}else-1===a&&(o=!1,a=n+1);return-1===a?"":t.slice(i,a)},extname:function(t){r(t);for(var e=-1,n=0,i=-1,a=!0,o=0,s=t.length-1;s>=0;--s){var l=t.charCodeAt(s);if(47!==l)-1===i&&(a=!1,i=s+1),46===l?-1===e?e=s:1!==o&&(o=1):-1!==e&&(o=-1);else if(!a){n=s+1;break}}return-1===e||-1===i||0===o||1===o&&e===i-1&&e===n+1?"":t.slice(e,i)},format:function(t){if(null===t||"object"!=typeof t)throw new TypeError('The "pathObject" argument must be of type Object. Received type '+typeof t);return function(t,e){var r=e.dir||e.root,n=e.base||(e.name||"")+(e.ext||"");return r?r===e.root?r+n:r+t+n:n}("/",t)},parse:function(t){r(t);var e={root:"",dir:"",base:"",ext:"",name:""};if(0===t.length)return e;var n,i=t.charCodeAt(0),a=47===i;a?(e.root="/",n=1):n=0;for(var o=-1,s=0,l=-1,c=!0,u=t.length-1,f=0;u>=n;--u)if(47!==(i=t.charCodeAt(u)))-1===l&&(c=!1,l=u+1),46===i?-1===o?o=u:1!==f&&(f=1):-1!==o&&(f=-1);else if(!c){s=u+1;break}return-1===o||-1===l||0===f||1===f&&o===l-1&&o===s+1?-1!==l&&(e.base=e.name=0===s&&a?t.slice(1,l):t.slice(s,l)):(0===s&&a?(e.name=t.slice(1,o),e.base=t.slice(1,l)):(e.name=t.slice(s,o),e.base=t.slice(s,l)),e.ext=t.slice(o,l)),s>0?e.dir=t.slice(0,s-1):a&&(e.dir="/"),e},sep:"/",delimiter:":",win32:null,posix:null};i.posix=i,e.exports=i}).call(this)}).call(this,t("_process"))},{_process:526}],508:[function(t,e,r){(function(t){(function(){(function(){var r,n,i,a,o,s;"undefined"!=typeof performance&&null!==performance&&performance.now?e.exports=function(){return performance.now()}:"undefined"!=typeof t&&null!==t&&t.hrtime?(e.exports=function(){return(r()-o)/1e6},n=t.hrtime,a=(r=function(){var t;return 1e9*(t=n())[0]+t[1]})(),s=1e9*t.uptime(),o=a-s):Date.now?(e.exports=function(){return Date.now()-i},i=Date.now()):(e.exports=function(){return(new Date).getTime()-i},i=(new Date).getTime())}).call(this)}).call(this)}).call(this,t("_process"))},{_process:526}],509:[function(t,e,r){"use strict";e.exports=function(t){var e=t.length;if(e<32){for(var r=1,i=0;i0;--o)a=l[o],r=s[o],s[o]=s[a],s[a]=r,l[o]=l[r],l[r]=a,c=(c+r)*o;return n.freeUint32(l),n.freeUint32(s),c},r.unrank=function(t,e,r){switch(t){case 0:return r||[];case 1:return r?(r[0]=0,r):[0];case 2:return r?(e?(r[0]=0,r[1]=1):(r[0]=1,r[1]=0),r):e?[0,1]:[1,0]}var n,i,a,o=1;for((r=r||new Array(t))[0]=0,a=1;a0;--a)e=e-(n=e/o|0)*o|0,o=o/a|0,i=0|r[a],r[a]=0|r[n],r[n]=0|i;return r}},{"invert-permutation":462,"typedarray-pool":595}],511:[function(t,e,r){"use strict";e.exports=function(t,e,r){var n,a,o={};if("string"==typeof e&&(e=i(e)),Array.isArray(e)){var s={};for(a=0;a0){o=a[u][r][0],l=u;break}s=o[1^l];for(var f=0;f<2;++f)for(var h=a[f][r],p=0;p0&&(o=d,s=g,l=f)}return i||o&&c(o,l),s}function f(t,r){var i=a[r][t][0],o=[t];c(i,r);for(var s=i[1^r];;){for(;s!==t;)o.push(s),s=u(o[o.length-2],s,!1);if(a[0][t].length+a[1][t].length===0)break;var l=o[o.length-1],f=t,h=o[1],p=u(l,f,!0);if(n(e[l],e[f],e[h],e[p])<0)break;o.push(t),s=u(l,f)}return o}function h(t,e){return e[1]===e[e.length-1]}for(o=0;o0;){a[0][o].length;var g=f(o,p);h(0,g)?d.push.apply(d,g):(d.length>0&&l.push(d),d=g)}d.length>0&&l.push(d)}return l};var n=t("compare-angle")},{"compare-angle":132}],513:[function(t,e,r){"use strict";e.exports=function(t,e){for(var r=n(t,e.length),i=new Array(e.length),a=new Array(e.length),o=[],s=0;s0;){var c=o.pop();i[c]=!1;var u=r[c];for(s=0;s0}))).length,m=new Array(g),v=new Array(g);for(p=0;p0;){var B=R.pop(),N=E[B];l(N,(function(t,e){return t-e}));var j,U=N.length,V=F[B];if(0===V){var q=d[B];j=[q]}for(p=0;p=0))if(F[H]=1^V,R.push(H),0===V)D(q=d[H])||(q.reverse(),j.push(q))}0===V&&r.push(j)}return r};var n=t("edges-to-adjacency-list"),i=t("planar-dual"),a=t("point-in-big-polygon"),o=t("two-product"),s=t("robust-sum"),l=t("uniq"),c=t("./lib/trim-leaves");function u(t,e){for(var r=new Array(t),n=0;n0&&e[i]===r[0]))return 1;a=t[i-1]}for(var s=1;a;){var l=a.key,c=n(r,l[0],l[1]);if(l[0][0]0))return 0;s=-1,a=a.right}else if(c>0)a=a.left;else{if(!(c<0))return 0;s=1,a=a.right}}return s}}(v.slabs,v.coordinates);return 0===a.length?y:function(t,e){return function(r){return t(r[0],r[1])?0:e(r)}}(l(a),y)};var n=t("robust-orientation")[3],i=t("slab-decomposition"),a=t("interval-tree-1d"),o=t("binary-search-bounds");function s(){return!0}function l(t){for(var e={},r=0;r=-t},pointBetween:function(e,r,n){var i=e[1]-r[1],a=n[0]-r[0],o=e[0]-r[0],s=n[1]-r[1],l=o*a+i*s;return!(l-t)},pointsSameX:function(e,r){return Math.abs(e[0]-r[0])t!=o-i>t&&(a-c)*(i-u)/(o-u)+c-n>t&&(s=!s),a=c,o=u}return s}};return e}},{}],520:[function(t,e,r){var n={toPolygon:function(t,e){function r(e){if(e.length<=0)return t.segments({inverted:!1,regions:[]});function r(e){var r=e.slice(0,e.length-1);return t.segments({inverted:!1,regions:[r]})}for(var n=r(e[0]),i=1;i0}))}function u(t,n){var i=t.seg,a=n.seg,o=i.start,s=i.end,c=a.start,u=a.end;r&&r.checkIntersection(i,a);var f=e.linesIntersect(o,s,c,u);if(!1===f){if(!e.pointsCollinear(o,s,c))return!1;if(e.pointsSame(o,u)||e.pointsSame(s,c))return!1;var h=e.pointsSame(o,c),p=e.pointsSame(s,u);if(h&&p)return n;var d=!h&&e.pointBetween(o,c,u),g=!p&&e.pointBetween(s,c,u);if(h)return g?l(n,s):l(t,u),n;d&&(p||(g?l(n,s):l(t,u)),l(n,o))}else 0===f.alongA&&(-1===f.alongB?l(t,c):0===f.alongB?l(t,f.pt):1===f.alongB&&l(t,u)),0===f.alongB&&(-1===f.alongA?l(n,o):0===f.alongA?l(n,f.pt):1===f.alongA&&l(n,s));return!1}for(var f=[];!a.isEmpty();){var h=a.getHead();if(r&&r.vert(h.pt[0]),h.isStart){r&&r.segmentNew(h.seg,h.primary);var p=c(h),d=p.before?p.before.ev:null,g=p.after?p.after.ev:null;function m(){if(d){var t=u(h,d);if(t)return t}return!!g&&u(h,g)}r&&r.tempStatus(h.seg,!!d&&d.seg,!!g&&g.seg);var v,y=m();if(y){var x;if(t)(x=null===h.seg.myFill.below||h.seg.myFill.above!==h.seg.myFill.below)&&(y.seg.myFill.above=!y.seg.myFill.above);else y.seg.otherFill=h.seg.myFill;r&&r.segmentUpdate(y.seg),h.other.remove(),h.remove()}if(a.getHead()!==h){r&&r.rewind(h.seg);continue}if(t)x=null===h.seg.myFill.below||h.seg.myFill.above!==h.seg.myFill.below,h.seg.myFill.below=g?g.seg.myFill.above:i,h.seg.myFill.above=x?!h.seg.myFill.below:h.seg.myFill.below;else if(null===h.seg.otherFill)v=g?h.primary===g.primary?g.seg.otherFill.above:g.seg.myFill.above:h.primary?o:i,h.seg.otherFill={above:v,below:v};r&&r.status(h.seg,!!d&&d.seg,!!g&&g.seg),h.other.status=p.insert(n.node({ev:h}))}else{var b=h.status;if(null===b)throw new Error("PolyBool: Zero-length segment detected; your epsilon is probably too small or too large");if(s.exists(b.prev)&&s.exists(b.next)&&u(b.prev.ev,b.next.ev),r&&r.statusRemove(b.ev.seg),b.remove(),!h.primary){var _=h.seg.myFill;h.seg.myFill=h.seg.otherFill,h.seg.otherFill=_}f.push(h.seg)}a.getHead().remove()}return r&&r.done(),f}return t?{addRegion:function(t){for(var n,i,a,o=t[t.length-1],l=0;l=c?(k=1,y=c+2*h+d):y=h*(k=-h/c)+d):(k=0,p>=0?(M=0,y=d):-p>=f?(M=1,y=f+2*p+d):y=p*(M=-p/f)+d);else if(M<0)M=0,h>=0?(k=0,y=d):-h>=c?(k=1,y=c+2*h+d):y=h*(k=-h/c)+d;else{var A=1/T;y=(k*=A)*(c*k+u*(M*=A)+2*h)+M*(u*k+f*M+2*p)+d}else k<0?(b=f+p)>(x=u+h)?(_=b-x)>=(w=c-2*u+f)?(k=1,M=0,y=c+2*h+d):y=(k=_/w)*(c*k+u*(M=1-k)+2*h)+M*(u*k+f*M+2*p)+d:(k=0,b<=0?(M=1,y=f+2*p+d):p>=0?(M=0,y=d):y=p*(M=-p/f)+d):M<0?(b=c+h)>(x=u+p)?(_=b-x)>=(w=c-2*u+f)?(M=1,k=0,y=f+2*p+d):y=(k=1-(M=_/w))*(c*k+u*M+2*h)+M*(u*k+f*M+2*p)+d:(M=0,b<=0?(k=1,y=c+2*h+d):h>=0?(k=0,y=d):y=h*(k=-h/c)+d):(_=f+p-u-h)<=0?(k=0,M=1,y=f+2*p+d):_>=(w=c-2*u+f)?(k=1,M=0,y=c+2*h+d):y=(k=_/w)*(c*k+u*(M=1-k)+2*h)+M*(u*k+f*M+2*p)+d;var S=1-k-M;for(l=0;l1)for(var r=1;r0){var c=t[r-1];if(0===n(s,c)&&a(c)!==l){r-=1;continue}}t[r++]=s}}return t.length=r,t}},{"cell-orientation":117,"compare-cell":133,"compare-oriented-cell":134}],534:[function(t,e,r){"use strict";var n=t("array-bounds"),i=t("color-normalize"),a=t("update-diff"),o=t("pick-by-alias"),s=t("object-assign"),l=t("flatten-vertex-data"),c=t("to-float32"),u=c.float32,f=c.fract32;e.exports=function(t,e){"function"==typeof t?(e||(e={}),e.regl=t):e=t;e.length&&(e.positions=e);if(!(t=e.regl).hasExtension("ANGLE_instanced_arrays"))throw Error("regl-error2d: `ANGLE_instanced_arrays` extension should be enabled");var r,c,p,d,g,m,v=t._gl,y={color:"black",capSize:5,lineWidth:1,opacity:1,viewport:null,range:null,offset:0,count:0,bounds:null,positions:[],errors:[]},x=[];return d=t.buffer({usage:"dynamic",type:"uint8",data:new Uint8Array(0)}),c=t.buffer({usage:"dynamic",type:"float",data:new Uint8Array(0)}),p=t.buffer({usage:"dynamic",type:"float",data:new Uint8Array(0)}),g=t.buffer({usage:"dynamic",type:"float",data:new Uint8Array(0)}),m=t.buffer({usage:"static",type:"float",data:h}),T(e),r=t({vert:"\n\t\tprecision highp float;\n\n\t\tattribute vec2 position, positionFract;\n\t\tattribute vec4 error;\n\t\tattribute vec4 color;\n\n\t\tattribute vec2 direction, lineOffset, capOffset;\n\n\t\tuniform vec4 viewport;\n\t\tuniform float lineWidth, capSize;\n\t\tuniform vec2 scale, scaleFract, translate, translateFract;\n\n\t\tvarying vec4 fragColor;\n\n\t\tvoid main() {\n\t\t\tfragColor = color / 255.;\n\n\t\t\tvec2 pixelOffset = lineWidth * lineOffset + (capSize + lineWidth) * capOffset;\n\n\t\t\tvec2 dxy = -step(.5, direction.xy) * error.xz + step(direction.xy, vec2(-.5)) * error.yw;\n\n\t\t\tvec2 position = position + dxy;\n\n\t\t\tvec2 pos = (position + translate) * scale\n\t\t\t\t+ (positionFract + translateFract) * scale\n\t\t\t\t+ (position + translate) * scaleFract\n\t\t\t\t+ (positionFract + translateFract) * scaleFract;\n\n\t\t\tpos += pixelOffset / viewport.zw;\n\n\t\t\tgl_Position = vec4(pos * 2. - 1., 0, 1);\n\t\t}\n\t\t",frag:"\n\t\tprecision highp float;\n\n\t\tvarying vec4 fragColor;\n\n\t\tuniform float opacity;\n\n\t\tvoid main() {\n\t\t\tgl_FragColor = fragColor;\n\t\t\tgl_FragColor.a *= opacity;\n\t\t}\n\t\t",uniforms:{range:t.prop("range"),lineWidth:t.prop("lineWidth"),capSize:t.prop("capSize"),opacity:t.prop("opacity"),scale:t.prop("scale"),translate:t.prop("translate"),scaleFract:t.prop("scaleFract"),translateFract:t.prop("translateFract"),viewport:function(t,e){return[e.viewport.x,e.viewport.y,t.viewportWidth,t.viewportHeight]}},attributes:{color:{buffer:d,offset:function(t,e){return 4*e.offset},divisor:1},position:{buffer:c,offset:function(t,e){return 8*e.offset},divisor:1},positionFract:{buffer:p,offset:function(t,e){return 8*e.offset},divisor:1},error:{buffer:g,offset:function(t,e){return 16*e.offset},divisor:1},direction:{buffer:m,stride:24,offset:0},lineOffset:{buffer:m,stride:24,offset:8},capOffset:{buffer:m,stride:24,offset:16}},primitive:"triangles",blend:{enable:!0,color:[0,0,0,0],equation:{rgb:"add",alpha:"add"},func:{srcRGB:"src alpha",dstRGB:"one minus src alpha",srcAlpha:"one minus dst alpha",dstAlpha:"one"}},depth:{enable:!1},scissor:{enable:!0,box:t.prop("viewport")},viewport:t.prop("viewport"),stencil:!1,instances:t.prop("count"),count:h.length}),s(b,{update:T,draw:_,destroy:k,regl:t,gl:v,canvas:v.canvas,groups:x}),b;function b(t){t?T(t):null===t&&k(),_()}function _(e){if("number"==typeof e)return w(e);e&&!Array.isArray(e)&&(e=[e]),t._refresh(),x.forEach((function(t,r){t&&(e&&(e[r]?t.draw=!0:t.draw=!1),t.draw?w(r):t.draw=!0)}))}function w(t){"number"==typeof t&&(t=x[t]),null!=t&&t&&t.count&&t.color&&t.opacity&&t.positions&&t.positions.length>1&&(t.scaleRatio=[t.scale[0]*t.viewport.width,t.scale[1]*t.viewport.height],r(t),t.after&&t.after(t))}function T(t){if(t){null!=t.length?"number"==typeof t[0]&&(t=[{positions:t}]):Array.isArray(t)||(t=[t]);var e=0,r=0;if(b.groups=x=t.map((function(t,c){var u=x[c];return t?("function"==typeof t?t={after:t}:"number"==typeof t[0]&&(t={positions:t}),t=o(t,{color:"color colors fill",capSize:"capSize cap capsize cap-size",lineWidth:"lineWidth line-width width line thickness",opacity:"opacity alpha",range:"range dataBox",viewport:"viewport viewBox",errors:"errors error",positions:"positions position data points"}),u||(x[c]=u={id:c,scale:null,translate:null,scaleFract:null,translateFract:null,draw:!0},t=s({},y,t)),a(u,t,[{lineWidth:function(t){return.5*+t},capSize:function(t){return.5*+t},opacity:parseFloat,errors:function(t){return t=l(t),r+=t.length,t},positions:function(t,r){return t=l(t,"float64"),r.count=Math.floor(t.length/2),r.bounds=n(t,2),r.offset=e,e+=r.count,t}},{color:function(t,e){var r=e.count;if(t||(t="transparent"),!Array.isArray(t)||"number"==typeof t[0]){var n=t;t=Array(r);for(var a=0;a 0. && baClipping < length(normalWidth * endBotJoin)) {\n\t\t//handle miter clipping\n\t\tbTopCoord -= normalWidth * endTopJoin;\n\t\tbTopCoord += normalize(endTopJoin * normalWidth) * baClipping;\n\t}\n\n\tif (nextReverse) {\n\t\t//make join rectangular\n\t\tvec2 miterShift = normalWidth * endJoinDirection * miterLimit * .5;\n\t\tfloat normalAdjust = 1. - min(miterLimit / endMiterRatio, 1.);\n\t\tbBotCoord = bCoord + miterShift - normalAdjust * normalWidth * currNormal * .5;\n\t\tbTopCoord = bCoord + miterShift + normalAdjust * normalWidth * currNormal * .5;\n\t}\n\telse if (!prevReverse && abClipping > 0. && abClipping < length(normalWidth * startBotJoin)) {\n\t\t//handle miter clipping\n\t\taBotCoord -= normalWidth * startBotJoin;\n\t\taBotCoord += normalize(startBotJoin * normalWidth) * abClipping;\n\t}\n\n\tvec2 aTopPosition = (aTopCoord) * adjustedScale + translate;\n\tvec2 aBotPosition = (aBotCoord) * adjustedScale + translate;\n\n\tvec2 bTopPosition = (bTopCoord) * adjustedScale + translate;\n\tvec2 bBotPosition = (bBotCoord) * adjustedScale + translate;\n\n\t//position is normalized 0..1 coord on the screen\n\tvec2 position = (aTopPosition * lineTop + aBotPosition * lineBot) * lineStart + (bTopPosition * lineTop + bBotPosition * lineBot) * lineEnd;\n\n\tstartCoord = aCoord * scaleRatio + translate * viewport.zw + viewport.xy;\n\tendCoord = bCoord * scaleRatio + translate * viewport.zw + viewport.xy;\n\n\tgl_Position = vec4(position * 2.0 - 1.0, depth, 1);\n\n\tenableStartMiter = step(dot(currTangent, prevTangent), .5);\n\tenableEndMiter = step(dot(currTangent, nextTangent), .5);\n\n\t//bevel miter cutoffs\n\tif (miterMode == 1.) {\n\t\tif (enableStartMiter == 1.) {\n\t\t\tvec2 startMiterWidth = vec2(startJoinDirection) * thickness * miterLimit * .5;\n\t\t\tstartCutoff = vec4(aCoord, aCoord);\n\t\t\tstartCutoff.zw += vec2(-startJoinDirection.y, startJoinDirection.x) / scaleRatio;\n\t\t\tstartCutoff = startCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\n\t\t\tstartCutoff += viewport.xyxy;\n\t\t\tstartCutoff += startMiterWidth.xyxy;\n\t\t}\n\n\t\tif (enableEndMiter == 1.) {\n\t\t\tvec2 endMiterWidth = vec2(endJoinDirection) * thickness * miterLimit * .5;\n\t\t\tendCutoff = vec4(bCoord, bCoord);\n\t\t\tendCutoff.zw += vec2(-endJoinDirection.y, endJoinDirection.x) / scaleRatio;\n\t\t\tendCutoff = endCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\n\t\t\tendCutoff += viewport.xyxy;\n\t\t\tendCutoff += endMiterWidth.xyxy;\n\t\t}\n\t}\n\n\t//round miter cutoffs\n\telse if (miterMode == 2.) {\n\t\tif (enableStartMiter == 1.) {\n\t\t\tvec2 startMiterWidth = vec2(startJoinDirection) * thickness * abs(dot(startJoinDirection, currNormal)) * .5;\n\t\t\tstartCutoff = vec4(aCoord, aCoord);\n\t\t\tstartCutoff.zw += vec2(-startJoinDirection.y, startJoinDirection.x) / scaleRatio;\n\t\t\tstartCutoff = startCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\n\t\t\tstartCutoff += viewport.xyxy;\n\t\t\tstartCutoff += startMiterWidth.xyxy;\n\t\t}\n\n\t\tif (enableEndMiter == 1.) {\n\t\t\tvec2 endMiterWidth = vec2(endJoinDirection) * thickness * abs(dot(endJoinDirection, currNormal)) * .5;\n\t\t\tendCutoff = vec4(bCoord, bCoord);\n\t\t\tendCutoff.zw += vec2(-endJoinDirection.y, endJoinDirection.x) / scaleRatio;\n\t\t\tendCutoff = endCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\n\t\t\tendCutoff += viewport.xyxy;\n\t\t\tendCutoff += endMiterWidth.xyxy;\n\t\t}\n\t}\n}\n"]),frag:o(["precision highp float;\n#define GLSLIFY 1\n\nuniform sampler2D dashPattern;\nuniform float dashSize, pixelRatio, thickness, opacity, id, miterMode;\n\nvarying vec4 fragColor;\nvarying vec2 tangent;\nvarying vec4 startCutoff, endCutoff;\nvarying vec2 startCoord, endCoord;\nvarying float enableStartMiter, enableEndMiter;\n\nfloat distToLine(vec2 p, vec2 a, vec2 b) {\n\tvec2 diff = b - a;\n\tvec2 perp = normalize(vec2(-diff.y, diff.x));\n\treturn dot(p - a, perp);\n}\n\nvoid main() {\n\tfloat alpha = 1., distToStart, distToEnd;\n\tfloat cutoff = thickness * .5;\n\n\t//bevel miter\n\tif (miterMode == 1.) {\n\t\tif (enableStartMiter == 1.) {\n\t\t\tdistToStart = distToLine(gl_FragCoord.xy, startCutoff.xy, startCutoff.zw);\n\t\t\tif (distToStart < -1.) {\n\t\t\t\tdiscard;\n\t\t\t\treturn;\n\t\t\t}\n\t\t\talpha *= min(max(distToStart + 1., 0.), 1.);\n\t\t}\n\n\t\tif (enableEndMiter == 1.) {\n\t\t\tdistToEnd = distToLine(gl_FragCoord.xy, endCutoff.xy, endCutoff.zw);\n\t\t\tif (distToEnd < -1.) {\n\t\t\t\tdiscard;\n\t\t\t\treturn;\n\t\t\t}\n\t\t\talpha *= min(max(distToEnd + 1., 0.), 1.);\n\t\t}\n\t}\n\n\t// round miter\n\telse if (miterMode == 2.) {\n\t\tif (enableStartMiter == 1.) {\n\t\t\tdistToStart = distToLine(gl_FragCoord.xy, startCutoff.xy, startCutoff.zw);\n\t\t\tif (distToStart < 0.) {\n\t\t\t\tfloat radius = length(gl_FragCoord.xy - startCoord);\n\n\t\t\t\tif(radius > cutoff + .5) {\n\t\t\t\t\tdiscard;\n\t\t\t\t\treturn;\n\t\t\t\t}\n\n\t\t\t\talpha -= smoothstep(cutoff - .5, cutoff + .5, radius);\n\t\t\t}\n\t\t}\n\n\t\tif (enableEndMiter == 1.) {\n\t\t\tdistToEnd = distToLine(gl_FragCoord.xy, endCutoff.xy, endCutoff.zw);\n\t\t\tif (distToEnd < 0.) {\n\t\t\t\tfloat radius = length(gl_FragCoord.xy - endCoord);\n\n\t\t\t\tif(radius > cutoff + .5) {\n\t\t\t\t\tdiscard;\n\t\t\t\t\treturn;\n\t\t\t\t}\n\n\t\t\t\talpha -= smoothstep(cutoff - .5, cutoff + .5, radius);\n\t\t\t}\n\t\t}\n\t}\n\n\tfloat t = fract(dot(tangent, gl_FragCoord.xy) / dashSize) * .5 + .25;\n\tfloat dash = texture2D(dashPattern, vec2(t, .5)).r;\n\n\tgl_FragColor = fragColor;\n\tgl_FragColor.a *= alpha * opacity * dash;\n}\n"]),attributes:{lineEnd:{buffer:r,divisor:0,stride:8,offset:0},lineTop:{buffer:r,divisor:0,stride:8,offset:4},aColor:{buffer:t.prop("colorBuffer"),stride:4,offset:0,divisor:1},bColor:{buffer:t.prop("colorBuffer"),stride:4,offset:4,divisor:1},prevCoord:{buffer:t.prop("positionBuffer"),stride:8,offset:0,divisor:1},aCoord:{buffer:t.prop("positionBuffer"),stride:8,offset:8,divisor:1},bCoord:{buffer:t.prop("positionBuffer"),stride:8,offset:16,divisor:1},nextCoord:{buffer:t.prop("positionBuffer"),stride:8,offset:24,divisor:1}}},n))}catch(t){e=i}return{fill:t({primitive:"triangle",elements:function(t,e){return e.triangles},offset:0,vert:o(["precision highp float;\n#define GLSLIFY 1\n\nattribute vec2 position, positionFract;\n\nuniform vec4 color;\nuniform vec2 scale, scaleFract, translate, translateFract;\nuniform float pixelRatio, id;\nuniform vec4 viewport;\nuniform float opacity;\n\nvarying vec4 fragColor;\n\nconst float MAX_LINES = 256.;\n\nvoid main() {\n\tfloat depth = (MAX_LINES - 4. - id) / (MAX_LINES);\n\n\tvec2 position = position * scale + translate\n + positionFract * scale + translateFract\n + position * scaleFract\n + positionFract * scaleFract;\n\n\tgl_Position = vec4(position * 2.0 - 1.0, depth, 1);\n\n\tfragColor = color / 255.;\n\tfragColor.a *= opacity;\n}\n"]),frag:o(["precision highp float;\n#define GLSLIFY 1\n\nvarying vec4 fragColor;\n\nvoid main() {\n\tgl_FragColor = fragColor;\n}\n"]),uniforms:{scale:t.prop("scale"),color:t.prop("fill"),scaleFract:t.prop("scaleFract"),translateFract:t.prop("translateFract"),translate:t.prop("translate"),opacity:t.prop("opacity"),pixelRatio:t.context("pixelRatio"),id:t.prop("id"),viewport:function(t,e){return[e.viewport.x,e.viewport.y,t.viewportWidth,t.viewportHeight]}},attributes:{position:{buffer:t.prop("positionBuffer"),stride:8,offset:8},positionFract:{buffer:t.prop("positionFractBuffer"),stride:8,offset:8}},blend:n.blend,depth:{enable:!1},scissor:n.scissor,stencil:n.stencil,viewport:n.viewport}),rect:i,miter:e}},m.defaults={dashes:null,join:"miter",miterLimit:1,thickness:10,cap:"square",color:"black",opacity:1,overlay:!1,viewport:null,range:null,close:!1,fill:null},m.prototype.render=function(){for(var t,e=[],r=arguments.length;r--;)e[r]=arguments[r];e.length&&(t=this).update.apply(t,e),this.draw()},m.prototype.draw=function(){for(var t=this,e=[],r=arguments.length;r--;)e[r]=arguments[r];return(e.length?e:this.passes).forEach((function(e,r){var n;if(e&&Array.isArray(e))return(n=t).draw.apply(n,e);"number"==typeof e&&(e=t.passes[e]),e&&e.count>1&&e.opacity&&(t.regl._refresh(),e.fill&&e.triangles&&e.triangles.length>2&&t.shaders.fill(e),e.thickness&&(e.scale[0]*e.viewport.width>m.precisionThreshold||e.scale[1]*e.viewport.height>m.precisionThreshold||"rect"===e.join||!e.join&&(e.thickness<=2||e.count>=m.maxPoints)?t.shaders.rect(e):t.shaders.miter(e)))})),this},m.prototype.update=function(t){var e=this;if(t){null!=t.length?"number"==typeof t[0]&&(t=[{positions:t}]):Array.isArray(t)||(t=[t]);var r=this.regl,o=this.gl;if(t.forEach((function(t,f){var d=e.passes[f];if(void 0!==t)if(null!==t){if("number"==typeof t[0]&&(t={positions:t}),t=s(t,{positions:"positions points data coords",thickness:"thickness lineWidth lineWidths line-width linewidth width stroke-width strokewidth strokeWidth",join:"lineJoin linejoin join type mode",miterLimit:"miterlimit miterLimit",dashes:"dash dashes dasharray dash-array dashArray",color:"color colour stroke colors colours stroke-color strokeColor",fill:"fill fill-color fillColor",opacity:"alpha opacity",overlay:"overlay crease overlap intersect",close:"closed close closed-path closePath",range:"range dataBox",viewport:"viewport viewBox",hole:"holes hole hollow"}),d||(e.passes[f]=d={id:f,scale:null,scaleFract:null,translate:null,translateFract:null,count:0,hole:[],depth:0,dashLength:1,dashTexture:r.texture({channels:1,data:new Uint8Array([255]),width:1,height:1,mag:"linear",min:"linear"}),colorBuffer:r.buffer({usage:"dynamic",type:"uint8",data:new Uint8Array}),positionBuffer:r.buffer({usage:"dynamic",type:"float",data:new Uint8Array}),positionFractBuffer:r.buffer({usage:"dynamic",type:"float",data:new Uint8Array})},t=a({},m.defaults,t)),null!=t.thickness&&(d.thickness=parseFloat(t.thickness)),null!=t.opacity&&(d.opacity=parseFloat(t.opacity)),null!=t.miterLimit&&(d.miterLimit=parseFloat(t.miterLimit)),null!=t.overlay&&(d.overlay=!!t.overlay,ft.length)&&(e=t.length);for(var r=0,n=new Array(e);r 1.0 + delta) {\n\t\tdiscard;\n\t}\n\n\talpha -= smoothstep(1.0 - delta, 1.0 + delta, radius);\n\n\tfloat borderRadius = fragBorderRadius;\n\tfloat ratio = smoothstep(borderRadius - delta, borderRadius + delta, radius);\n\tvec4 color = mix(fragColor, fragBorderColor, ratio);\n\tcolor.a *= alpha * opacity;\n\tgl_FragColor = color;\n}\n"]),l.vert=h(["precision highp float;\n#define GLSLIFY 1\n\nattribute float x, y, xFract, yFract;\nattribute float size, borderSize;\nattribute vec4 colorId, borderColorId;\nattribute float isActive;\n\nuniform vec2 scale, scaleFract, translate, translateFract;\nuniform float pixelRatio;\nuniform bool constPointSize;\nuniform sampler2D palette;\nuniform vec2 paletteSize;\n\nconst float maxSize = 100.;\n\nvarying vec4 fragColor, fragBorderColor;\nvarying float fragBorderRadius, fragWidth;\n\nfloat pointSizeScale = (constPointSize) ? 2. : pixelRatio;\n\nbool isDirect = (paletteSize.x < 1.);\n\nvec4 getColor(vec4 id) {\n return isDirect ? id / 255. : texture2D(palette,\n vec2(\n (id.x + .5) / paletteSize.x,\n (id.y + .5) / paletteSize.y\n )\n );\n}\n\nvoid main() {\n // ignore inactive points\n if (isActive == 0.) return;\n\n vec2 position = vec2(x, y);\n vec2 positionFract = vec2(xFract, yFract);\n\n vec4 color = getColor(colorId);\n vec4 borderColor = getColor(borderColorId);\n\n float size = size * maxSize / 255.;\n float borderSize = borderSize * maxSize / 255.;\n\n gl_PointSize = (size + borderSize) * pointSizeScale;\n\n vec2 pos = (position + translate) * scale\n + (positionFract + translateFract) * scale\n + (position + translate) * scaleFract\n + (positionFract + translateFract) * scaleFract;\n\n gl_Position = vec4(pos * 2. - 1., 0., 1.);\n\n fragBorderRadius = 1. - 2. * borderSize / (size + borderSize);\n fragColor = color;\n fragBorderColor = borderColor.a == 0. || borderSize == 0. ? vec4(color.rgb, 0.) : borderColor;\n fragWidth = 1. / gl_PointSize;\n}\n"]),m&&(l.frag=l.frag.replace("smoothstep","smoothStep"),s.frag=s.frag.replace("smoothstep","smoothStep")),this.drawCircle=t(l)}b.defaults={color:"black",borderColor:"transparent",borderSize:0,size:12,opacity:1,marker:void 0,viewport:null,range:null,pixelSize:null,count:0,offset:0,bounds:null,positions:[],snap:1e4},b.prototype.render=function(){return arguments.length&&this.update.apply(this,arguments),this.draw(),this},b.prototype.draw=function(){for(var t=this,e=arguments.length,r=new Array(e),n=0;nn)?e.tree=u(t,{bounds:f}):n&&n.length&&(e.tree=n),e.tree){var h={primitive:"points",usage:"static",data:e.tree,type:"uint32"};e.elements?e.elements(h):e.elements=o.elements(h)}return i({data:v.float(t),usage:"dynamic"}),a({data:v.fract(t),usage:"dynamic"}),s({data:new Uint8Array(c),type:"uint8",usage:"stream"}),t}},{marker:function(e,r,n){var i=r.activation;if(i.forEach((function(t){return t&&t.destroy&&t.destroy()})),i.length=0,e&&"number"!=typeof e[0]){for(var a=[],s=0,l=Math.min(e.length,r.count);s=0)return a;if(t instanceof Uint8Array||t instanceof Uint8ClampedArray)e=t;else{e=new Uint8Array(t.length);for(var o=0,s=t.length;o4*n&&(this.tooManyColors=!0),this.updatePalette(r),1===i.length?i[0]:i},b.prototype.updatePalette=function(t){if(!this.tooManyColors){var e=this.maxColors,r=this.paletteTexture,n=Math.ceil(.25*t.length/e);if(n>1)for(var i=.25*(t=t.slice()).length%e;i2?(s[0],s[2],n=s[1],i=s[3]):s.length?(n=s[0],i=s[1]):(s.x,n=s.y,s.x+s.width,i=s.y+s.height),l.length>2?(a=l[0],o=l[2],l[1],l[3]):l.length?(a=l[0],o=l[1]):(a=l.x,l.y,o=l.x+l.width,l.y+l.height),[a,n,o,i]}function p(t){if("number"==typeof t)return[t,t,t,t];if(2===t.length)return[t[0],t[1],t[0],t[1]];var e=l(t);return[e.x,e.y,e.x+e.width,e.y+e.height]}e.exports=u,u.prototype.render=function(){for(var t,e=this,r=[],n=arguments.length;n--;)r[n]=arguments[n];return r.length&&(t=this).update.apply(t,r),this.regl.attributes.preserveDrawingBuffer?this.draw():(this.dirty?null==this.planned&&(this.planned=o((function(){e.draw(),e.dirty=!0,e.planned=null}))):(this.draw(),this.dirty=!0,o((function(){e.dirty=!1}))),this)},u.prototype.update=function(){for(var t,e=[],r=arguments.length;r--;)e[r]=arguments[r];if(e.length){for(var n=0;nk))&&(s.lower||!(T>>=e))<<3,(e|=r=(15<(t>>>=r))<<2)|(r=(3<(t>>>=r))<<1)|t>>>r>>1}function s(){function t(t){t:{for(var e=16;268435456>=e;e*=16)if(t<=e){t=e;break t}t=0}return 0<(e=r[o(t)>>2]).length?e.pop():new ArrayBuffer(t)}function e(t){r[o(t.byteLength)>>2].push(t)}var r=a(8,(function(){return[]}));return{alloc:t,free:e,allocType:function(e,r){var n=null;switch(e){case 5120:n=new Int8Array(t(r),0,r);break;case 5121:n=new Uint8Array(t(r),0,r);break;case 5122:n=new Int16Array(t(2*r),0,r);break;case 5123:n=new Uint16Array(t(2*r),0,r);break;case 5124:n=new Int32Array(t(4*r),0,r);break;case 5125:n=new Uint32Array(t(4*r),0,r);break;case 5126:n=new Float32Array(t(4*r),0,r);break;default:return null}return n.length!==r?n.subarray(0,r):n},freeType:function(t){e(t.buffer)}}}function l(t){return!!t&&"object"==typeof t&&Array.isArray(t.shape)&&Array.isArray(t.stride)&&"number"==typeof t.offset&&t.shape.length===t.stride.length&&(Array.isArray(t.data)||X(t.data))}function c(t,e,r,n,i,a){for(var o=0;o(i=s)&&(i=n.buffer.byteLength,5123===f?i>>=1:5125===f&&(i>>=2)),n.vertCount=i,i=o,0>o&&(i=4,1===(o=n.buffer.dimension)&&(i=0),2===o&&(i=1),3===o&&(i=4)),n.primType=i}function o(t){n.elementsCount--,delete s[t.id],t.buffer.destroy(),t.buffer=null}var s={},c=0,u={uint8:5121,uint16:5123};e.oes_element_index_uint&&(u.uint32=5125),i.prototype.bind=function(){this.buffer.bind()};var f=[];return{create:function(t,e){function s(t){if(t)if("number"==typeof t)c(t),f.primType=4,f.vertCount=0|t,f.type=5121;else{var e=null,r=35044,n=-1,i=-1,o=0,h=0;Array.isArray(t)||X(t)||l(t)?e=t:("data"in t&&(e=t.data),"usage"in t&&(r=$[t.usage]),"primitive"in t&&(n=nt[t.primitive]),"count"in t&&(i=0|t.count),"type"in t&&(h=u[t.type]),"length"in t?o=0|t.length:(o=i,5123===h||5122===h?o*=2:5125!==h&&5124!==h||(o*=4))),a(f,e,r,n,i,o,h)}else c(),f.primType=4,f.vertCount=0,f.type=5121;return s}var c=r.create(null,34963,!0),f=new i(c._buffer);return n.elementsCount++,s(t),s._reglType="elements",s._elements=f,s.subdata=function(t,e){return c.subdata(t,e),s},s.destroy=function(){o(f)},s},createStream:function(t){var e=f.pop();return e||(e=new i(r.create(null,34963,!0,!1)._buffer)),a(e,t,35040,-1,-1,0,0),e},destroyStream:function(t){f.push(t)},getElements:function(t){return"function"==typeof t&&t._elements instanceof i?t._elements:null},clear:function(){Z(s).forEach(o)}}}function g(t){for(var e=Y.allocType(5123,t.length),r=0;r>>31<<15,i=(a<<1>>>24)-127,a=a>>13&1023;e[r]=-24>i?n:-14>i?n+(a+1024>>-14-i):15>=i,r.height>>=i,p(r,n[i]),t.mipmask|=1<e;++e)t.images[e]=null;return t}function L(t){for(var e=t.images,r=0;re){for(var r=0;r=--this.refCount&&F(this)}}),o.profile&&(a.getTotalTextureSize=function(){var t=0;return Object.keys(yt).forEach((function(e){t+=yt[e].stats.size})),t}),{create2D:function(e,r){function n(t,e){var r=i.texInfo;I.call(r);var a=C();return"number"==typeof t?A(a,0|t,"number"==typeof e?0|e:0|t):t?(P(r,t),S(a,t)):A(a,1,1),r.genMipmaps&&(a.mipmask=(a.width<<1)-1),i.mipmask=a.mipmask,c(i,a),i.internalformat=a.internalformat,n.width=a.width,n.height=a.height,D(i),E(a,3553),z(r,3553),R(),L(a),o.profile&&(i.stats.size=T(i.internalformat,i.type,a.width,a.height,r.genMipmaps,!1)),n.format=tt[i.internalformat],n.type=et[i.type],n.mag=rt[r.magFilter],n.min=nt[r.minFilter],n.wrapS=it[r.wrapS],n.wrapT=it[r.wrapT],n}var i=new O(3553);return yt[i.id]=i,a.textureCount++,n(e,r),n.subimage=function(t,e,r,a){e|=0,r|=0,a|=0;var o=v();return c(o,i),o.width=0,o.height=0,p(o,t),o.width=o.width||(i.width>>a)-e,o.height=o.height||(i.height>>a)-r,D(i),d(o,3553,e,r,a),R(),k(o),n},n.resize=function(e,r){var a=0|e,s=0|r||a;if(a===i.width&&s===i.height)return n;n.width=i.width=a,n.height=i.height=s,D(i);for(var l=0;i.mipmask>>l;++l){var c=a>>l,u=s>>l;if(!c||!u)break;t.texImage2D(3553,l,i.format,c,u,0,i.format,i.type,null)}return R(),o.profile&&(i.stats.size=T(i.internalformat,i.type,a,s,!1,!1)),n},n._reglType="texture2d",n._texture=i,o.profile&&(n.stats=i.stats),n.destroy=function(){i.decRef()},n},createCube:function(e,r,n,i,s,l){function f(t,e,r,n,i,a){var s,l=h.texInfo;for(I.call(l),s=0;6>s;++s)g[s]=C();if("number"!=typeof t&&t){if("object"==typeof t)if(e)S(g[0],t),S(g[1],e),S(g[2],r),S(g[3],n),S(g[4],i),S(g[5],a);else if(P(l,t),u(h,t),"faces"in t)for(t=t.faces,s=0;6>s;++s)c(g[s],h),S(g[s],t[s]);else for(s=0;6>s;++s)S(g[s],t)}else for(t=0|t||1,s=0;6>s;++s)A(g[s],t,t);for(c(h,g[0]),h.mipmask=l.genMipmaps?(g[0].width<<1)-1:g[0].mipmask,h.internalformat=g[0].internalformat,f.width=g[0].width,f.height=g[0].height,D(h),s=0;6>s;++s)E(g[s],34069+s);for(z(l,34067),R(),o.profile&&(h.stats.size=T(h.internalformat,h.type,f.width,f.height,l.genMipmaps,!0)),f.format=tt[h.internalformat],f.type=et[h.type],f.mag=rt[l.magFilter],f.min=nt[l.minFilter],f.wrapS=it[l.wrapS],f.wrapT=it[l.wrapT],s=0;6>s;++s)L(g[s]);return f}var h=new O(34067);yt[h.id]=h,a.cubeCount++;var g=Array(6);return f(e,r,n,i,s,l),f.subimage=function(t,e,r,n,i){r|=0,n|=0,i|=0;var a=v();return c(a,h),a.width=0,a.height=0,p(a,e),a.width=a.width||(h.width>>i)-r,a.height=a.height||(h.height>>i)-n,D(h),d(a,34069+t,r,n,i),R(),k(a),f},f.resize=function(e){if((e|=0)!==h.width){f.width=h.width=e,f.height=h.height=e,D(h);for(var r=0;6>r;++r)for(var n=0;h.mipmask>>n;++n)t.texImage2D(34069+r,n,h.format,e>>n,e>>n,0,h.format,h.type,null);return R(),o.profile&&(h.stats.size=T(h.internalformat,h.type,f.width,f.height,!1,!0)),f}},f._reglType="textureCube",f._texture=h,o.profile&&(f.stats=h.stats),f.destroy=function(){h.decRef()},f},clear:function(){for(var e=0;er;++r)if(0!=(e.mipmask&1<>r,e.height>>r,0,e.internalformat,e.type,null);else for(var n=0;6>n;++n)t.texImage2D(34069+n,r,e.internalformat,e.width>>r,e.height>>r,0,e.internalformat,e.type,null);z(e.texInfo,e.target)}))}}}function M(t,e,r,n,i,a){function o(t,e,r){this.target=t,this.texture=e,this.renderbuffer=r;var n=t=0;e?(t=e.width,n=e.height):r&&(t=r.width,n=r.height),this.width=t,this.height=n}function s(t){t&&(t.texture&&t.texture._texture.decRef(),t.renderbuffer&&t.renderbuffer._renderbuffer.decRef())}function l(t,e,r){t&&(t.texture?t.texture._texture.refCount+=1:t.renderbuffer._renderbuffer.refCount+=1)}function c(e,r){r&&(r.texture?t.framebufferTexture2D(36160,e,r.target,r.texture._texture.texture,0):t.framebufferRenderbuffer(36160,e,36161,r.renderbuffer._renderbuffer.renderbuffer))}function u(t){var e=3553,r=null,n=null,i=t;return"object"==typeof t&&(i=t.data,"target"in t&&(e=0|t.target)),"texture2d"===(t=i._reglType)||"textureCube"===t?r=i:"renderbuffer"===t&&(n=i,e=36161),new o(e,r,n)}function f(t,e,r,a,s){return r?((t=n.create2D({width:t,height:e,format:a,type:s}))._texture.refCount=0,new o(3553,t,null)):((t=i.create({width:t,height:e,format:a}))._renderbuffer.refCount=0,new o(36161,null,t))}function h(t){return t&&(t.texture||t.renderbuffer)}function p(t,e,r){t&&(t.texture?t.texture.resize(e,r):t.renderbuffer&&t.renderbuffer.resize(e,r),t.width=e,t.height=r)}function d(){this.id=T++,k[this.id]=this,this.framebuffer=t.createFramebuffer(),this.height=this.width=0,this.colorAttachments=[],this.depthStencilAttachment=this.stencilAttachment=this.depthAttachment=null}function g(t){t.colorAttachments.forEach(s),s(t.depthAttachment),s(t.stencilAttachment),s(t.depthStencilAttachment)}function m(e){t.deleteFramebuffer(e.framebuffer),e.framebuffer=null,a.framebufferCount--,delete k[e.id]}function v(e){var n;t.bindFramebuffer(36160,e.framebuffer);var i=e.colorAttachments;for(n=0;ni;++i){for(c=0;ct;++t)r[t].resize(n);return e.width=e.height=n,e},_reglType:"framebufferCube",destroy:function(){r.forEach((function(t){t.destroy()}))}})},clear:function(){Z(k).forEach(m)},restore:function(){x.cur=null,x.next=null,x.dirty=!0,Z(k).forEach((function(e){e.framebuffer=t.createFramebuffer(),v(e)}))}})}function A(){this.w=this.z=this.y=this.x=this.state=0,this.buffer=null,this.size=0,this.normalized=!1,this.type=5126,this.divisor=this.stride=this.offset=0}function S(t,e,r,n,i){function a(){this.id=++c,this.attributes=[];var t=e.oes_vertex_array_object;this.vao=t?t.createVertexArrayOES():null,u[this.id]=this,this.buffers=[]}var o=r.maxAttributes,s=Array(o);for(r=0;rt&&(t=e.stats.uniformsCount)})),t},r.getMaxAttributesCount=function(){var t=0;return h.forEach((function(e){e.stats.attributesCount>t&&(t=e.stats.attributesCount)})),t}),{clear:function(){var e=t.deleteShader.bind(t);Z(c).forEach(e),c={},Z(u).forEach(e),u={},h.forEach((function(e){t.deleteProgram(e.program)})),h.length=0,f={},r.shaderCount=0},program:function(t,e,n,i){var a=f[e];a||(a=f[e]={});var o=a[t];return o&&!i?o:(e=new s(e,t),r.shaderCount++,l(e,n,i),o||(a[t]=e),h.push(e),e)},restore:function(){c={},u={};for(var t=0;t"+e+"?"+i+".constant["+e+"]:0;"})).join(""),"}}else{","if(",s,"(",i,".buffer)){",u,"=",a,".createStream(",34962,",",i,".buffer);","}else{",u,"=",a,".getBuffer(",i,".buffer);","}",f,'="type" in ',i,"?",o.glTypes,"[",i,".type]:",u,".dtype;",l.normalized,"=!!",i,".normalized;"),n("size"),n("offset"),n("stride"),n("divisor"),r("}}"),r.exit("if(",l.isStream,"){",a,".destroyStream(",u,");","}"),l}))})),o}function M(t,e,n,i,o){function s(t){var e=c[t];e&&(h[t]=e)}var l=function(t,e){if("string"==typeof(r=t.static).frag&&"string"==typeof r.vert){if(0>1)",s],");")}function e(){r(l,".drawArraysInstancedANGLE(",[d,g,m,s],");")}p?y?t():(r("if(",p,"){"),t(),r("}else{"),e(),r("}")):e()}function o(){function t(){r(u+".drawElements("+[d,m,v,g+"<<(("+v+"-5121)>>1)"]+");")}function e(){r(u+".drawArrays("+[d,g,m]+");")}p?y?t():(r("if(",p,"){"),t(),r("}else{"),e(),r("}")):e()}var s,l,c=t.shared,u=c.gl,f=c.draw,h=n.draw,p=function(){var i=h.elements,a=e;return i?((i.contextDep&&n.contextDynamic||i.propDep)&&(a=r),i=i.append(t,a)):i=a.def(f,".","elements"),i&&a("if("+i+")"+u+".bindBuffer(34963,"+i+".buffer.buffer);"),i}(),d=i("primitive"),g=i("offset"),m=function(){var i=h.count,a=e;return i?((i.contextDep&&n.contextDynamic||i.propDep)&&(a=r),i=i.append(t,a)):i=a.def(f,".","count"),i}();if("number"==typeof m){if(0===m)return}else r("if(",m,"){"),r.exit("}");K&&(s=i("instances"),l=t.instancing);var v=p+".type",y=h.elements&&R(h.elements);K&&("number"!=typeof s||0<=s)?"string"==typeof s?(r("if(",s,">0){"),a(),r("}else if(",s,"<0){"),o(),r("}")):a():o()}function V(t,e,r,n,i){return i=(e=b()).proc("body",i),K&&(e.instancing=i.def(e.shared.extensions,".angle_instanced_arrays")),t(e,i,r,n),e.compile().body}function H(t,e,r,n){L(t,e),r.useVAO?r.drawVAO?e(t.shared.vao,".setVAO(",r.drawVAO.append(t,e),");"):e(t.shared.vao,".setVAO(",t.shared.vao,".targetVAO);"):(e(t.shared.vao,".setVAO(null);"),N(t,e,r,n.attributes,(function(){return!0}))),j(t,e,r,n.uniforms,(function(){return!0})),U(t,e,e,r)}function G(t,e,r,n){function i(){return!0}t.batchId="a1",L(t,e),N(t,e,r,n.attributes,i),j(t,e,r,n.uniforms,i),U(t,e,e,r)}function Y(t,e,r,n){function i(t){return t.contextDep&&o||t.propDep}function a(t){return!i(t)}L(t,e);var o=r.contextDep,s=e.def(),l=e.def();t.shared.props=l,t.batchId=s;var c=t.scope(),u=t.scope();e(c.entry,"for(",s,"=0;",s,"<","a1",";++",s,"){",l,"=","a0","[",s,"];",u,"}",c.exit),r.needsContext&&A(t,u,r.context),r.needsFramebuffer&&S(t,u,r.framebuffer),C(t,u,r.state,i),r.profile&&i(r.profile)&&I(t,u,r,!1,!0),n?(r.useVAO?r.drawVAO?i(r.drawVAO)?u(t.shared.vao,".setVAO(",r.drawVAO.append(t,u),");"):c(t.shared.vao,".setVAO(",r.drawVAO.append(t,c),");"):c(t.shared.vao,".setVAO(",t.shared.vao,".targetVAO);"):(c(t.shared.vao,".setVAO(null);"),N(t,c,r,n.attributes,a),N(t,u,r,n.attributes,i)),j(t,c,r,n.uniforms,a),j(t,u,r,n.uniforms,i),U(t,c,u,r)):(e=t.global.def("{}"),n=r.shader.progVar.append(t,u),l=u.def(n,".id"),c=u.def(e,"[",l,"]"),u(t.shared.gl,".useProgram(",n,".program);","if(!",c,"){",c,"=",e,"[",l,"]=",t.link((function(e){return V(G,t,r,e,2)})),"(",n,");}",c,".call(this,a0[",s,"],",s,");"))}function W(t,r){function n(e){var n=r.shader[e];n&&i.set(a.shader,"."+e,n.append(t,i))}var i=t.proc("scope",3);t.batchId="a2";var a=t.shared,o=a.current;A(t,i,r.context),r.framebuffer&&r.framebuffer.append(t,i),O(Object.keys(r.state)).forEach((function(e){var n=r.state[e].append(t,i);m(n)?n.forEach((function(r,n){i.set(t.next[e],"["+n+"]",r)})):i.set(a.next,"."+e,n)})),I(t,i,r,!0,!0),["elements","offset","count","instances","primitive"].forEach((function(e){var n=r.draw[e];n&&i.set(a.draw,"."+e,""+n.append(t,i))})),Object.keys(r.uniforms).forEach((function(n){i.set(a.uniforms,"["+e.id(n)+"]",r.uniforms[n].append(t,i))})),Object.keys(r.attributes).forEach((function(e){var n=r.attributes[e].append(t,i),a=t.scopeAttrib(e);Object.keys(new Z).forEach((function(t){i.set(a,"."+t,n[t])}))})),r.scopeVAO&&i.set(a.vao,".targetVAO",r.scopeVAO.append(t,i)),n("vert"),n("frag"),0=--this.refCount&&o(this)},i.profile&&(n.getTotalRenderbufferSize=function(){var t=0;return Object.keys(u).forEach((function(e){t+=u[e].stats.size})),t}),{create:function(e,r){function o(e,r){var n=0,a=0,u=32854;if("object"==typeof e&&e?("shape"in e?(n=0|(a=e.shape)[0],a=0|a[1]):("radius"in e&&(n=a=0|e.radius),"width"in e&&(n=0|e.width),"height"in e&&(a=0|e.height)),"format"in e&&(u=s[e.format])):"number"==typeof e?(n=0|e,a="number"==typeof r?0|r:n):e||(n=a=1),n!==c.width||a!==c.height||u!==c.format)return o.width=c.width=n,o.height=c.height=a,c.format=u,t.bindRenderbuffer(36161,c.renderbuffer),t.renderbufferStorage(36161,u,n,a),i.profile&&(c.stats.size=yt[c.format]*c.width*c.height),o.format=l[c.format],o}var c=new a(t.createRenderbuffer());return u[c.id]=c,n.renderbufferCount++,o(e,r),o.resize=function(e,r){var n=0|e,a=0|r||n;return n===c.width&&a===c.height||(o.width=c.width=n,o.height=c.height=a,t.bindRenderbuffer(36161,c.renderbuffer),t.renderbufferStorage(36161,c.format,n,a),i.profile&&(c.stats.size=yt[c.format]*c.width*c.height)),o},o._reglType="renderbuffer",o._renderbuffer=c,i.profile&&(o.stats=c.stats),o.destroy=function(){c.decRef()},o},clear:function(){Z(u).forEach(o)},restore:function(){Z(u).forEach((function(e){e.renderbuffer=t.createRenderbuffer(),t.bindRenderbuffer(36161,e.renderbuffer),t.renderbufferStorage(36161,e.format,e.width,e.height)})),t.bindRenderbuffer(36161,null)}}},bt=[];bt[6408]=4,bt[6407]=3;var _t=[];_t[5121]=1,_t[5126]=4,_t[36193]=2;var wt=["x","y","z","w"],Tt="blend.func blend.equation stencil.func stencil.opFront stencil.opBack sample.coverage viewport scissor.box polygonOffset.offset".split(" "),kt={0:0,1:1,zero:0,one:1,"src color":768,"one minus src color":769,"src alpha":770,"one minus src alpha":771,"dst color":774,"one minus dst color":775,"dst alpha":772,"one minus dst alpha":773,"constant color":32769,"one minus constant color":32770,"constant alpha":32771,"one minus constant alpha":32772,"src alpha saturate":776},Mt={never:512,less:513,"<":513,equal:514,"=":514,"==":514,"===":514,lequal:515,"<=":515,greater:516,">":516,notequal:517,"!=":517,"!==":517,gequal:518,">=":518,always:519},At={0:0,zero:0,keep:7680,replace:7681,increment:7682,decrement:7683,"increment wrap":34055,"decrement wrap":34056,invert:5386},St={cw:2304,ccw:2305},Et=new D(!1,!1,!1,(function(){}));return function(t){function e(){if(0===J.length)w&&w.update(),tt=null;else{tt=H.next(e),f();for(var t=J.length-1;0<=t;--t){var r=J[t];r&&r(I,null,0)}m.flush(),w&&w.update()}}function r(){!tt&&0=J.length&&n()}}}}function u(){var t=X.viewport,e=X.scissor_box;t[0]=t[1]=e[0]=e[1]=0,I.viewportWidth=I.framebufferWidth=I.drawingBufferWidth=t[2]=e[2]=m.drawingBufferWidth,I.viewportHeight=I.framebufferHeight=I.drawingBufferHeight=t[3]=e[3]=m.drawingBufferHeight}function f(){I.tick+=1,I.time=g(),u(),Y.procs.poll()}function h(){u(),Y.procs.refresh(),w&&w.update()}function g(){return(G()-T)/1e3}if(!(t=i(t)))return null;var m=t.gl,v=m.getContextAttributes();m.isContextLost();var y=function(t,e){function r(e){var r;e=e.toLowerCase();try{r=n[e]=t.getExtension(e)}catch(t){}return!!r}for(var n={},i=0;ie;++e)et(U({framebuffer:t.framebuffer.faces[e]},t),l);else et(t,l);else l(0,t)},prop:q.define.bind(null,1),context:q.define.bind(null,2),this:q.define.bind(null,3),draw:s({}),buffer:function(t){return z.create(t,34962,!1,!1)},elements:function(t){return D.create(t,!1)},texture:F.create2D,cube:F.createCube,renderbuffer:B.create,framebuffer:V.create,framebufferCube:V.createCube,vao:O.createVAO,attributes:v,frame:c,on:function(t,e){var r;switch(t){case"frame":return c(e);case"lost":r=K;break;case"restore":r=Q;break;case"destroy":r=$}return r.push(e),{cancel:function(){for(var t=0;t + * + * Copyright (c) 2014-2015, Jon Schlinkert. + * Licensed under the MIT License. + */ +"use strict";var n,i="";e.exports=function(t,e){if("string"!=typeof t)throw new TypeError("expected a string");if(1===e)return t;if(2===e)return t+t;var r=t.length*e;if(n!==t||"undefined"==typeof n)n=t,i="";else if(i.length>=r)return i.substr(0,r);for(;r>i.length&&e>1;)1&e&&(i+=t),e>>=1,t+=t;return i=(i+=t).substr(0,r)}},{}],542:[function(t,e,r){(function(t){(function(){e.exports=t.performance&&t.performance.now?function(){return performance.now()}:Date.now||function(){return+new Date}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{}],543:[function(t,e,r){"use strict";e.exports=function(t){for(var e=t.length,r=t[t.length-1],n=e,i=e-2;i>=0;--i){var a=r,o=t[i];(l=o-((r=a+o)-a))&&(t[--n]=r,r=l)}var s=0;for(i=n;i>1;return["sum(",t(e.slice(0,r)),",",t(e.slice(r)),")"].join("")}(e);var n}function u(t){return new Function("sum","scale","prod","compress",["function robustDeterminant",t,"(m){return compress(",c(l(t)),")};return robustDeterminant",t].join(""))(i,a,n,o)}var f=[function(){return[0]},function(t){return[t[0][0]]}];!function(){for(;f.length<6;)f.push(u(f.length));for(var t=[],r=["function robustDeterminant(m){switch(m.length){"],n=0;n<6;++n)t.push("det"+n),r.push("case ",n,":return det",n,"(m);");r.push("}var det=CACHE[m.length];if(!det)det=CACHE[m.length]=gen(m.length);return det(m);}return robustDeterminant"),t.push("CACHE","gen",r.join(""));var i=Function.apply(void 0,t);for(e.exports=i.apply(void 0,f.concat([f,u])),n=0;n>1;return["sum(",l(t.slice(0,e)),",",l(t.slice(e)),")"].join("")}function c(t,e){if("m"===t.charAt(0)){if("w"===e.charAt(0)){var r=t.split("[");return["w",e.substr(1),"m",r[0].substr(1)].join("")}return["prod(",t,",",e,")"].join("")}return c(e,t)}function u(t){if(2===t.length)return[["diff(",c(t[0][0],t[1][1]),",",c(t[1][0],t[0][1]),")"].join("")];for(var e=[],r=0;r0&&r.push(","),r.push("[");for(var o=0;o0&&r.push(","),o===i?r.push("+b[",a,"]"):r.push("+A[",a,"][",o,"]");r.push("]")}r.push("]),")}r.push("det(A)]}return ",e);var s=new Function("det",r.join(""));return s(t<6?n[t]:n)}var a=[function(){return[0]},function(t,e){return[[e[0]],[t[0][0]]]}];!function(){for(;a.length<6;)a.push(i(a.length));for(var t=[],r=["function dispatchLinearSolve(A,b){switch(A.length){"],n=0;n<6;++n)t.push("s"+n),r.push("case ",n,":return s",n,"(A,b);");r.push("}var s=CACHE[A.length];if(!s)s=CACHE[A.length]=g(A.length);return s(A,b)}return dispatchLinearSolve"),t.push("CACHE","g",r.join(""));var o=Function.apply(void 0,t);for(e.exports=o.apply(void 0,a.concat([a,i])),n=0;n<6;++n)e.exports[n]=a[n]}()},{"robust-determinant":544}],548:[function(t,e,r){"use strict";var n=t("two-product"),i=t("robust-sum"),a=t("robust-scale"),o=t("robust-subtract");function s(t,e){for(var r=new Array(t.length-1),n=1;n>1;return["sum(",l(t.slice(0,e)),",",l(t.slice(e)),")"].join("")}function c(t){if(2===t.length)return[["sum(prod(",t[0][0],",",t[1][1],"),prod(-",t[0][1],",",t[1][0],"))"].join("")];for(var e=[],r=0;r0){if(a<=0)return o;n=i+a}else{if(!(i<0))return o;if(a>=0)return o;n=-(i+a)}var s=33306690738754716e-32*n;return o>=s||o<=-s?o:f(t,e,r)},function(t,e,r,n){var i=t[0]-n[0],a=e[0]-n[0],o=r[0]-n[0],s=t[1]-n[1],l=e[1]-n[1],c=r[1]-n[1],u=t[2]-n[2],f=e[2]-n[2],p=r[2]-n[2],d=a*c,g=o*l,m=o*s,v=i*c,y=i*l,x=a*s,b=u*(d-g)+f*(m-v)+p*(y-x),_=7771561172376103e-31*((Math.abs(d)+Math.abs(g))*Math.abs(u)+(Math.abs(m)+Math.abs(v))*Math.abs(f)+(Math.abs(y)+Math.abs(x))*Math.abs(p));return b>_||-b>_?b:h(t,e,r,n)}];function d(t){var e=p[t.length];return e||(e=p[t.length]=u(t.length)),e.apply(void 0,t)}!function(){for(;p.length<=5;)p.push(u(p.length));for(var t=[],r=["slow"],n=0;n<=5;++n)t.push("a"+n),r.push("o"+n);var i=["function getOrientation(",t.join(),"){switch(arguments.length){case 0:case 1:return 0;"];for(n=2;n<=5;++n)i.push("case ",n,":return o",n,"(",t.slice(0,n).join(),");");i.push("}var s=new Array(arguments.length);for(var i=0;i0&&o>0||a<0&&o<0)return!1;var s=n(r,t,e),l=n(i,t,e);if(s>0&&l>0||s<0&&l<0)return!1;if(0===a&&0===o&&0===s&&0===l)return function(t,e,r,n){for(var i=0;i<2;++i){var a=t[i],o=e[i],s=Math.min(a,o),l=Math.max(a,o),c=r[i],u=n[i],f=Math.min(c,u);if(Math.max(c,u)=n?(i=f,(l+=1)=n?(i=f,(l+=1)0?1:0}},{}],555:[function(t,e,r){"use strict";e.exports=function(t){return i(n(t))};var n=t("boundary-cells"),i=t("reduce-simplicial-complex")},{"boundary-cells":100,"reduce-simplicial-complex":533}],556:[function(t,e,r){"use strict";e.exports=function(t,e,r,s){r=r||0,"undefined"==typeof s&&(s=function(t){for(var e=t.length,r=0,n=0;n>1,v=E[2*m+1];","if(v===b){return m}","if(b0&&l.push(","),l.push("[");for(var n=0;n0&&l.push(","),l.push("B(C,E,c[",i[0],"],c[",i[1],"])")}l.push("]")}l.push(");")}}for(a=t+1;a>1;--a){a>1,s=a(t[o],e);s<=0?(0===s&&(i=o),r=o+1):s>0&&(n=o-1)}return i}function u(t,e){for(var r=new Array(t.length),i=0,o=r.length;i=t.length||0!==a(t[m],s)););}return r}function f(t,e){if(e<0)return[];for(var r=[],i=(1<>>u&1&&c.push(i[u]);e.push(c)}return s(e)},r.skeleton=f,r.boundary=function(t){for(var e=[],r=0,n=t.length;r>1:(t>>1)-1}function x(t){for(var e=v(t);;){var r=e,n=2*t+1,i=2*(t+1),a=t;if(n0;){var r=y(t);if(r>=0)if(e0){var t=k[0];return m(0,A-1),A-=1,x(0),t}return-1}function w(t,e){var r=k[t];return c[r]===e?t:(c[r]=-1/0,b(t),_(),c[r]=e,b((A+=1)-1))}function T(t){if(!u[t]){u[t]=!0;var e=s[t],r=l[t];s[r]>=0&&(s[r]=e),l[e]>=0&&(l[e]=r),M[e]>=0&&w(M[e],g(e)),M[r]>=0&&w(M[r],g(r))}}var k=[],M=new Array(a);for(f=0;f>1;f>=0;--f)x(f);for(;;){var S=_();if(S<0||c[S]>r)break;T(S)}var E=[];for(f=0;f=0&&r>=0&&e!==r){var n=M[e],i=M[r];n!==i&&L.push([n,i])}})),i.unique(i.normalize(L)),{positions:E,edges:L}};var n=t("robust-orientation"),i=t("simplicial-complex")},{"robust-orientation":548,"simplicial-complex":560}],563:[function(t,e,r){"use strict";e.exports=function(t,e){var r,a,o,s;if(e[0][0]e[1][0]))return i(e,t);r=e[1],a=e[0]}if(t[0][0]t[1][0]))return-i(t,e);o=t[1],s=t[0]}var l=n(r,a,s),c=n(r,a,o);if(l<0){if(c<=0)return l}else if(l>0){if(c>=0)return l}else if(c)return c;if(l=n(s,o,a),c=n(s,o,r),l<0){if(c<=0)return l}else if(l>0){if(c>=0)return l}else if(c)return c;return a[0]-s[0]};var n=t("robust-orientation");function i(t,e){var r,i,a,o;if(e[0][0]e[1][0])){var s=Math.min(t[0][1],t[1][1]),l=Math.max(t[0][1],t[1][1]),c=Math.min(e[0][1],e[1][1]),u=Math.max(e[0][1],e[1][1]);return lu?s-u:l-u}r=e[1],i=e[0]}t[0][1]0)if(e[0]!==o[1][0])r=t,t=t.right;else{if(l=c(t.right,e))return l;t=t.left}else{if(e[0]!==o[1][0])return t;var l;if(l=c(t.right,e))return l;t=t.left}}return r}function u(t,e,r,n){this.y=t,this.index=e,this.start=r,this.closed=n}function f(t,e,r,n){this.x=t,this.segment=e,this.create=r,this.index=n}s.prototype.castUp=function(t){var e=n.le(this.coordinates,t[0]);if(e<0)return-1;this.slabs[e];var r=c(this.slabs[e],t),i=-1;if(r&&(i=r.value),this.coordinates[e]===t[0]){var s=null;if(r&&(s=r.key),e>0){var u=c(this.slabs[e-1],t);u&&(s?o(u.key,s)>0&&(s=u.key,i=u.value):(i=u.value,s=u.key))}var f=this.horizontal[e];if(f.length>0){var h=n.ge(f,t[1],l);if(h=f.length)return i;p=f[h]}}if(p.start)if(s){var d=a(s[0],s[1],[t[0],p.y]);s[0][0]>s[1][0]&&(d=-d),d>0&&(i=p.index)}else i=p.index;else p.y!==t[1]&&(i=p.index)}}}return i}},{"./lib/order-segments":563,"binary-search-bounds":564,"functional-red-black-tree":247,"robust-orientation":548}],566:[function(t,e,r){"use strict";var n=t("robust-dot-product"),i=t("robust-sum");function a(t,e){var r=i(n(t,e),[e[e.length-1]]);return r[r.length-1]}function o(t,e,r,n){var i=-e/(n-e);i<0?i=0:i>1&&(i=1);for(var a=1-i,o=t.length,s=new Array(o),l=0;l0||i>0&&u<0){var f=o(s,u,l,i);r.push(f),n.push(f.slice())}u<0?n.push(l.slice()):u>0?r.push(l.slice()):(r.push(l.slice()),n.push(l.slice())),i=u}return{positive:r,negative:n}},e.exports.positive=function(t,e){for(var r=[],n=a(t[t.length-1],e),i=t[t.length-1],s=t[0],l=0;l0||n>0&&c<0)&&r.push(o(i,c,s,n)),c>=0&&r.push(s.slice()),n=c}return r},e.exports.negative=function(t,e){for(var r=[],n=a(t[t.length-1],e),i=t[t.length-1],s=t[0],l=0;l0||n>0&&c<0)&&r.push(o(i,c,s,n)),c<=0&&r.push(s.slice()),n=c}return r}},{"robust-dot-product":545,"robust-sum":553}],567:[function(t,e,r){!function(){"use strict";var t={not_string:/[^s]/,not_bool:/[^t]/,not_type:/[^T]/,not_primitive:/[^v]/,number:/[diefg]/,numeric_arg:/[bcdiefguxX]/,json:/[j]/,not_json:/[^j]/,text:/^[^\x25]+/,modulo:/^\x25{2}/,placeholder:/^\x25(?:([1-9]\d*)\$|\(([^)]+)\))?(\+)?(0|'[^$])?(-)?(\d+)?(?:\.(\d+))?([b-gijostTuvxX])/,key:/^([a-z_][a-z_\d]*)/i,key_access:/^\.([a-z_][a-z_\d]*)/i,index_access:/^\[(\d+)\]/,sign:/^[+-]/};function e(t){return i(o(t),arguments)}function n(t,r){return e.apply(null,[t].concat(r||[]))}function i(r,n){var i,a,o,s,l,c,u,f,h,p=1,d=r.length,g="";for(a=0;a=0),s.type){case"b":i=parseInt(i,10).toString(2);break;case"c":i=String.fromCharCode(parseInt(i,10));break;case"d":case"i":i=parseInt(i,10);break;case"j":i=JSON.stringify(i,null,s.width?parseInt(s.width):0);break;case"e":i=s.precision?parseFloat(i).toExponential(s.precision):parseFloat(i).toExponential();break;case"f":i=s.precision?parseFloat(i).toFixed(s.precision):parseFloat(i);break;case"g":i=s.precision?String(Number(i.toPrecision(s.precision))):parseFloat(i);break;case"o":i=(parseInt(i,10)>>>0).toString(8);break;case"s":i=String(i),i=s.precision?i.substring(0,s.precision):i;break;case"t":i=String(!!i),i=s.precision?i.substring(0,s.precision):i;break;case"T":i=Object.prototype.toString.call(i).slice(8,-1).toLowerCase(),i=s.precision?i.substring(0,s.precision):i;break;case"u":i=parseInt(i,10)>>>0;break;case"v":i=i.valueOf(),i=s.precision?i.substring(0,s.precision):i;break;case"x":i=(parseInt(i,10)>>>0).toString(16);break;case"X":i=(parseInt(i,10)>>>0).toString(16).toUpperCase()}t.json.test(s.type)?g+=i:(!t.number.test(s.type)||f&&!s.sign?h="":(h=f?"+":"-",i=i.toString().replace(t.sign,"")),c=s.pad_char?"0"===s.pad_char?"0":s.pad_char.charAt(1):" ",u=s.width-(h+i).length,l=s.width&&u>0?c.repeat(u):"",g+=s.align?h+i+l:"0"===c?h+l+i:l+h+i)}return g}var a=Object.create(null);function o(e){if(a[e])return a[e];for(var r,n=e,i=[],o=0;n;){if(null!==(r=t.text.exec(n)))i.push(r[0]);else if(null!==(r=t.modulo.exec(n)))i.push("%");else{if(null===(r=t.placeholder.exec(n)))throw new SyntaxError("[sprintf] unexpected placeholder");if(r[2]){o|=1;var s=[],l=r[2],c=[];if(null===(c=t.key.exec(l)))throw new SyntaxError("[sprintf] failed to parse named argument key");for(s.push(c[1]);""!==(l=l.substring(c[0].length));)if(null!==(c=t.key_access.exec(l)))s.push(c[1]);else{if(null===(c=t.index_access.exec(l)))throw new SyntaxError("[sprintf] failed to parse named argument key");s.push(c[1])}r[2]=s}else o|=2;if(3===o)throw new Error("[sprintf] mixing positional and named placeholders is not (yet) supported");i.push({placeholder:r[0],param_no:r[1],keys:r[2],sign:r[3],pad_char:r[4],align:r[5],width:r[6],precision:r[7],type:r[8]})}n=n.substring(r[0].length)}return a[e]=i}"undefined"!=typeof r&&(r.sprintf=e,r.vsprintf=n),"undefined"!=typeof window&&(window.sprintf=e,window.vsprintf=n)}()},{}],568:[function(t,e,r){"use strict";var n=t("parenthesis");e.exports=function(t,e,r){if(null==t)throw Error("First argument should be a string");if(null==e)throw Error("Separator should be a string or a RegExp");r?("string"==typeof r||Array.isArray(r))&&(r={ignore:r}):r={},null==r.escape&&(r.escape=!0),null==r.ignore?r.ignore=["[]","()","{}","<>",'""',"''","``","\u201c\u201d","\xab\xbb"]:("string"==typeof r.ignore&&(r.ignore=[r.ignore]),r.ignore=r.ignore.map((function(t){return 1===t.length&&(t+=t),t})));var i=n.parse(t,{flat:!0,brackets:r.ignore}),a=i[0].split(e);if(r.escape){for(var o=[],s=0;s0;){e=c[c.length-1];var p=t[e];if(a[e]=0&&s[e].push(o[g])}a[e]=d}else{if(n[e]===r[e]){var m=[],v=[],y=0;for(d=l.length-1;d>=0;--d){var x=l[d];if(i[x]=!1,m.push(x),v.push(s[x]),y+=s[x].length,o[x]=f.length,x===e){l.length=d;break}}f.push(m);var b=new Array(y);for(d=0;d c)|0 },"),"generic"===e&&a.push("getters:[0],");for(var s=[],l=[],c=0;c>>7){");for(c=0;c<1<<(1<128&&c%128==0){f.length>0&&h.push("}}");var p="vExtra"+f.length;a.push("case ",c>>>7,":",p,"(m&0x7f,",l.join(),");break;"),h=["function ",p,"(m,",l.join(),"){switch(m){"],f.push(h)}h.push("case ",127&c,":");for(var d=new Array(r),g=new Array(r),m=new Array(r),v=new Array(r),y=0,x=0;xx)&&!(c&1<<_)!=!(c&1<0&&(M="+"+m[b]+"*c");var A=d[b].length/y*.5,S=.5+v[b]/y*.5;k.push("d"+b+"-"+S+"-"+A+"*("+d[b].join("+")+M+")/("+g[b].join("+")+")")}h.push("a.push([",k.join(),"]);","break;")}a.push("}},"),f.length>0&&h.push("}}");var E=[];for(c=0;c<1<1&&(i=1),i<-1&&(i=-1),(t*n-e*r<0?-1:1)*Math.acos(i)};r.default=function(t){var e=t.px,r=t.py,l=t.cx,c=t.cy,u=t.rx,f=t.ry,h=t.xAxisRotation,p=void 0===h?0:h,d=t.largeArcFlag,g=void 0===d?0:d,m=t.sweepFlag,v=void 0===m?0:m,y=[];if(0===u||0===f)return[];var x=Math.sin(p*i/360),b=Math.cos(p*i/360),_=b*(e-l)/2+x*(r-c)/2,w=-x*(e-l)/2+b*(r-c)/2;if(0===_&&0===w)return[];u=Math.abs(u),f=Math.abs(f);var T=Math.pow(_,2)/Math.pow(u,2)+Math.pow(w,2)/Math.pow(f,2);T>1&&(u*=Math.sqrt(T),f*=Math.sqrt(T));var k=function(t,e,r,n,a,o,l,c,u,f,h,p){var d=Math.pow(a,2),g=Math.pow(o,2),m=Math.pow(h,2),v=Math.pow(p,2),y=d*g-d*v-g*m;y<0&&(y=0),y/=d*v+g*m;var x=(y=Math.sqrt(y)*(l===c?-1:1))*a/o*p,b=y*-o/a*h,_=f*x-u*b+(t+r)/2,w=u*x+f*b+(e+n)/2,T=(h-x)/a,k=(p-b)/o,M=(-h-x)/a,A=(-p-b)/o,S=s(1,0,T,k),E=s(T,k,M,A);return 0===c&&E>0&&(E-=i),1===c&&E<0&&(E+=i),[_,w,S,E]}(e,r,l,c,u,f,g,v,x,b,_,w),M=n(k,4),A=M[0],S=M[1],E=M[2],C=M[3],L=Math.abs(C)/(i/4);Math.abs(1-L)<1e-7&&(L=1);var I=Math.max(Math.ceil(L),1);C/=I;for(var P=0;Pe[2]&&(e[2]=c[u+0]),c[u+1]>e[3]&&(e[3]=c[u+1]);return e}},{"abs-svg-path":65,assert:73,"is-svg-path":471,"normalize-svg-path":573,"parse-svg-path":505}],573:[function(t,e,r){"use strict";e.exports=function(t){for(var e,r=[],o=0,s=0,l=0,c=0,u=null,f=null,h=0,p=0,d=0,g=t.length;d4?(o=m[m.length-4],s=m[m.length-3]):(o=h,s=p),r.push(m)}return r};var n=t("svg-arc-to-cubic-bezier");function i(t,e,r,n){return["C",t,e,r,n,r,n]}function a(t,e,r,n,i,a){return["C",t/3+2/3*r,e/3+2/3*n,i/3+2/3*r,a/3+2/3*n,i,a]}},{"svg-arc-to-cubic-bezier":571}],574:[function(t,e,r){"use strict";var n,i=t("svg-path-bounds"),a=t("parse-svg-path"),o=t("draw-svg-path"),s=t("is-svg-path"),l=t("bitmap-sdf"),c=document.createElement("canvas"),u=c.getContext("2d");e.exports=function(t,e){if(!s(t))throw Error("Argument should be valid svg path string");e||(e={});var r,f;e.shape?(r=e.shape[0],f=e.shape[1]):(r=c.width=e.w||e.width||200,f=c.height=e.h||e.height||200);var h=Math.min(r,f),p=e.stroke||0,d=e.viewbox||e.viewBox||i(t),g=[r/(d[2]-d[0]),f/(d[3]-d[1])],m=Math.min(g[0]||0,g[1]||0)/2;u.fillStyle="black",u.fillRect(0,0,r,f),u.fillStyle="white",p&&("number"!=typeof p&&(p=1),u.strokeStyle=p>0?"white":"black",u.lineWidth=Math.abs(p));if(u.translate(.5*r,.5*f),u.scale(m,m),function(){if(null!=n)return n;var t=document.createElement("canvas").getContext("2d");if(t.canvas.width=t.canvas.height=1,!window.Path2D)return n=!1;var e=new Path2D("M0,0h1v1h-1v-1Z");t.fillStyle="black",t.fill(e);var r=t.getImageData(0,0,1,1);return n=r&&r.data&&255===r.data[3]}()){var v=new Path2D(t);u.fill(v),p&&u.stroke(v)}else{var y=a(t);o(u,y),u.fill(),p&&u.stroke()}return u.setTransform(1,0,0,1,0,0),l(u,{cutoff:null!=e.cutoff?e.cutoff:.5,radius:null!=e.radius?e.radius:.5*h})}},{"bitmap-sdf":98,"draw-svg-path":174,"is-svg-path":471,"parse-svg-path":505,"svg-path-bounds":572}],575:[function(t,e,r){(function(r){(function(){"use strict";e.exports=function t(e,r,i){i=i||{};var o=a[e];o||(o=a[e]={" ":{data:new Float32Array(0),shape:.2}});var s=o[r];if(!s)if(r.length<=1||!/\d/.test(r))s=o[r]=function(t){for(var e=t.cells,r=t.positions,n=new Float32Array(6*e.length),i=0,a=0,o=0;o0&&(f+=.02);var p=new Float32Array(u),d=0,g=-.5*f;for(h=0;h1&&(r-=1),r<1/6?t+6*(e-t)*r:r<.5?e:r<2/3?t+(e-t)*(2/3-r)*6:t}if(t=L(t,360),e=L(e,100),r=L(r,100),0===e)n=i=a=r;else{var s=r<.5?r*(1+e):r+e-r*e,l=2*r-s;n=o(l,s,t+1/3),i=o(l,s,t),a=o(l,s,t-1/3)}return{r:255*n,g:255*i,b:255*a}}(e.h,l,u),f=!0,h="hsl"),e.hasOwnProperty("a")&&(a=e.a));var p,d,g;return a=C(a),{ok:f,format:e.format||h,r:o(255,s(i.r,0)),g:o(255,s(i.g,0)),b:o(255,s(i.b,0)),a:a}}(e);this._originalInput=e,this._r=u.r,this._g=u.g,this._b=u.b,this._a=u.a,this._roundA=a(100*this._a)/100,this._format=l.format||u.format,this._gradientType=l.gradientType,this._r<1&&(this._r=a(this._r)),this._g<1&&(this._g=a(this._g)),this._b<1&&(this._b=a(this._b)),this._ok=u.ok,this._tc_id=i++}function u(t,e,r){t=L(t,255),e=L(e,255),r=L(r,255);var n,i,a=s(t,e,r),l=o(t,e,r),c=(a+l)/2;if(a==l)n=i=0;else{var u=a-l;switch(i=c>.5?u/(2-a-l):u/(a+l),a){case t:n=(e-r)/u+(e>1)+720)%360;--e;)n.h=(n.h+i)%360,a.push(c(n));return a}function A(t,e){e=e||6;for(var r=c(t).toHsv(),n=r.h,i=r.s,a=r.v,o=[],s=1/e;e--;)o.push(c({h:n,s:i,v:a})),a=(a+s)%1;return o}c.prototype={isDark:function(){return this.getBrightness()<128},isLight:function(){return!this.isDark()},isValid:function(){return this._ok},getOriginalInput:function(){return this._originalInput},getFormat:function(){return this._format},getAlpha:function(){return this._a},getBrightness:function(){var t=this.toRgb();return(299*t.r+587*t.g+114*t.b)/1e3},getLuminance:function(){var e,r,n,i=this.toRgb();return e=i.r/255,r=i.g/255,n=i.b/255,.2126*(e<=.03928?e/12.92:t.pow((e+.055)/1.055,2.4))+.7152*(r<=.03928?r/12.92:t.pow((r+.055)/1.055,2.4))+.0722*(n<=.03928?n/12.92:t.pow((n+.055)/1.055,2.4))},setAlpha:function(t){return this._a=C(t),this._roundA=a(100*this._a)/100,this},toHsv:function(){var t=f(this._r,this._g,this._b);return{h:360*t.h,s:t.s,v:t.v,a:this._a}},toHsvString:function(){var t=f(this._r,this._g,this._b),e=a(360*t.h),r=a(100*t.s),n=a(100*t.v);return 1==this._a?"hsv("+e+", "+r+"%, "+n+"%)":"hsva("+e+", "+r+"%, "+n+"%, "+this._roundA+")"},toHsl:function(){var t=u(this._r,this._g,this._b);return{h:360*t.h,s:t.s,l:t.l,a:this._a}},toHslString:function(){var t=u(this._r,this._g,this._b),e=a(360*t.h),r=a(100*t.s),n=a(100*t.l);return 1==this._a?"hsl("+e+", "+r+"%, "+n+"%)":"hsla("+e+", "+r+"%, "+n+"%, "+this._roundA+")"},toHex:function(t){return h(this._r,this._g,this._b,t)},toHexString:function(t){return"#"+this.toHex(t)},toHex8:function(t){return function(t,e,r,n,i){var o=[z(a(t).toString(16)),z(a(e).toString(16)),z(a(r).toString(16)),z(D(n))];if(i&&o[0].charAt(0)==o[0].charAt(1)&&o[1].charAt(0)==o[1].charAt(1)&&o[2].charAt(0)==o[2].charAt(1)&&o[3].charAt(0)==o[3].charAt(1))return o[0].charAt(0)+o[1].charAt(0)+o[2].charAt(0)+o[3].charAt(0);return o.join("")}(this._r,this._g,this._b,this._a,t)},toHex8String:function(t){return"#"+this.toHex8(t)},toRgb:function(){return{r:a(this._r),g:a(this._g),b:a(this._b),a:this._a}},toRgbString:function(){return 1==this._a?"rgb("+a(this._r)+", "+a(this._g)+", "+a(this._b)+")":"rgba("+a(this._r)+", "+a(this._g)+", "+a(this._b)+", "+this._roundA+")"},toPercentageRgb:function(){return{r:a(100*L(this._r,255))+"%",g:a(100*L(this._g,255))+"%",b:a(100*L(this._b,255))+"%",a:this._a}},toPercentageRgbString:function(){return 1==this._a?"rgb("+a(100*L(this._r,255))+"%, "+a(100*L(this._g,255))+"%, "+a(100*L(this._b,255))+"%)":"rgba("+a(100*L(this._r,255))+"%, "+a(100*L(this._g,255))+"%, "+a(100*L(this._b,255))+"%, "+this._roundA+")"},toName:function(){return 0===this._a?"transparent":!(this._a<1)&&(E[h(this._r,this._g,this._b,!0)]||!1)},toFilter:function(t){var e="#"+p(this._r,this._g,this._b,this._a),r=e,n=this._gradientType?"GradientType = 1, ":"";if(t){var i=c(t);r="#"+p(i._r,i._g,i._b,i._a)}return"progid:DXImageTransform.Microsoft.gradient("+n+"startColorstr="+e+",endColorstr="+r+")"},toString:function(t){var e=!!t;t=t||this._format;var r=!1,n=this._a<1&&this._a>=0;return e||!n||"hex"!==t&&"hex6"!==t&&"hex3"!==t&&"hex4"!==t&&"hex8"!==t&&"name"!==t?("rgb"===t&&(r=this.toRgbString()),"prgb"===t&&(r=this.toPercentageRgbString()),"hex"!==t&&"hex6"!==t||(r=this.toHexString()),"hex3"===t&&(r=this.toHexString(!0)),"hex4"===t&&(r=this.toHex8String(!0)),"hex8"===t&&(r=this.toHex8String()),"name"===t&&(r=this.toName()),"hsl"===t&&(r=this.toHslString()),"hsv"===t&&(r=this.toHsvString()),r||this.toHexString()):"name"===t&&0===this._a?this.toName():this.toRgbString()},clone:function(){return c(this.toString())},_applyModification:function(t,e){var r=t.apply(null,[this].concat([].slice.call(e)));return this._r=r._r,this._g=r._g,this._b=r._b,this.setAlpha(r._a),this},lighten:function(){return this._applyModification(v,arguments)},brighten:function(){return this._applyModification(y,arguments)},darken:function(){return this._applyModification(x,arguments)},desaturate:function(){return this._applyModification(d,arguments)},saturate:function(){return this._applyModification(g,arguments)},greyscale:function(){return this._applyModification(m,arguments)},spin:function(){return this._applyModification(b,arguments)},_applyCombination:function(t,e){return t.apply(null,[this].concat([].slice.call(e)))},analogous:function(){return this._applyCombination(M,arguments)},complement:function(){return this._applyCombination(_,arguments)},monochromatic:function(){return this._applyCombination(A,arguments)},splitcomplement:function(){return this._applyCombination(k,arguments)},triad:function(){return this._applyCombination(w,arguments)},tetrad:function(){return this._applyCombination(T,arguments)}},c.fromRatio=function(t,e){if("object"==typeof t){var r={};for(var n in t)t.hasOwnProperty(n)&&(r[n]="a"===n?t[n]:O(t[n]));t=r}return c(t,e)},c.equals=function(t,e){return!(!t||!e)&&c(t).toRgbString()==c(e).toRgbString()},c.random=function(){return c.fromRatio({r:l(),g:l(),b:l()})},c.mix=function(t,e,r){r=0===r?0:r||50;var n=c(t).toRgb(),i=c(e).toRgb(),a=r/100;return c({r:(i.r-n.r)*a+n.r,g:(i.g-n.g)*a+n.g,b:(i.b-n.b)*a+n.b,a:(i.a-n.a)*a+n.a})},c.readability=function(e,r){var n=c(e),i=c(r);return(t.max(n.getLuminance(),i.getLuminance())+.05)/(t.min(n.getLuminance(),i.getLuminance())+.05)},c.isReadable=function(t,e,r){var n,i,a=c.readability(t,e);switch(i=!1,(n=function(t){var e,r;e=((t=t||{level:"AA",size:"small"}).level||"AA").toUpperCase(),r=(t.size||"small").toLowerCase(),"AA"!==e&&"AAA"!==e&&(e="AA");"small"!==r&&"large"!==r&&(r="small");return{level:e,size:r}}(r)).level+n.size){case"AAsmall":case"AAAlarge":i=a>=4.5;break;case"AAlarge":i=a>=3;break;case"AAAsmall":i=a>=7}return i},c.mostReadable=function(t,e,r){var n,i,a,o,s=null,l=0;i=(r=r||{}).includeFallbackColors,a=r.level,o=r.size;for(var u=0;ul&&(l=n,s=c(e[u]));return c.isReadable(t,s,{level:a,size:o})||!i?s:(r.includeFallbackColors=!1,c.mostReadable(t,["#fff","#000"],r))};var S=c.names={aliceblue:"f0f8ff",antiquewhite:"faebd7",aqua:"0ff",aquamarine:"7fffd4",azure:"f0ffff",beige:"f5f5dc",bisque:"ffe4c4",black:"000",blanchedalmond:"ffebcd",blue:"00f",blueviolet:"8a2be2",brown:"a52a2a",burlywood:"deb887",burntsienna:"ea7e5d",cadetblue:"5f9ea0",chartreuse:"7fff00",chocolate:"d2691e",coral:"ff7f50",cornflowerblue:"6495ed",cornsilk:"fff8dc",crimson:"dc143c",cyan:"0ff",darkblue:"00008b",darkcyan:"008b8b",darkgoldenrod:"b8860b",darkgray:"a9a9a9",darkgreen:"006400",darkgrey:"a9a9a9",darkkhaki:"bdb76b",darkmagenta:"8b008b",darkolivegreen:"556b2f",darkorange:"ff8c00",darkorchid:"9932cc",darkred:"8b0000",darksalmon:"e9967a",darkseagreen:"8fbc8f",darkslateblue:"483d8b",darkslategray:"2f4f4f",darkslategrey:"2f4f4f",darkturquoise:"00ced1",darkviolet:"9400d3",deeppink:"ff1493",deepskyblue:"00bfff",dimgray:"696969",dimgrey:"696969",dodgerblue:"1e90ff",firebrick:"b22222",floralwhite:"fffaf0",forestgreen:"228b22",fuchsia:"f0f",gainsboro:"dcdcdc",ghostwhite:"f8f8ff",gold:"ffd700",goldenrod:"daa520",gray:"808080",green:"008000",greenyellow:"adff2f",grey:"808080",honeydew:"f0fff0",hotpink:"ff69b4",indianred:"cd5c5c",indigo:"4b0082",ivory:"fffff0",khaki:"f0e68c",lavender:"e6e6fa",lavenderblush:"fff0f5",lawngreen:"7cfc00",lemonchiffon:"fffacd",lightblue:"add8e6",lightcoral:"f08080",lightcyan:"e0ffff",lightgoldenrodyellow:"fafad2",lightgray:"d3d3d3",lightgreen:"90ee90",lightgrey:"d3d3d3",lightpink:"ffb6c1",lightsalmon:"ffa07a",lightseagreen:"20b2aa",lightskyblue:"87cefa",lightslategray:"789",lightslategrey:"789",lightsteelblue:"b0c4de",lightyellow:"ffffe0",lime:"0f0",limegreen:"32cd32",linen:"faf0e6",magenta:"f0f",maroon:"800000",mediumaquamarine:"66cdaa",mediumblue:"0000cd",mediumorchid:"ba55d3",mediumpurple:"9370db",mediumseagreen:"3cb371",mediumslateblue:"7b68ee",mediumspringgreen:"00fa9a",mediumturquoise:"48d1cc",mediumvioletred:"c71585",midnightblue:"191970",mintcream:"f5fffa",mistyrose:"ffe4e1",moccasin:"ffe4b5",navajowhite:"ffdead",navy:"000080",oldlace:"fdf5e6",olive:"808000",olivedrab:"6b8e23",orange:"ffa500",orangered:"ff4500",orchid:"da70d6",palegoldenrod:"eee8aa",palegreen:"98fb98",paleturquoise:"afeeee",palevioletred:"db7093",papayawhip:"ffefd5",peachpuff:"ffdab9",peru:"cd853f",pink:"ffc0cb",plum:"dda0dd",powderblue:"b0e0e6",purple:"800080",rebeccapurple:"663399",red:"f00",rosybrown:"bc8f8f",royalblue:"4169e1",saddlebrown:"8b4513",salmon:"fa8072",sandybrown:"f4a460",seagreen:"2e8b57",seashell:"fff5ee",sienna:"a0522d",silver:"c0c0c0",skyblue:"87ceeb",slateblue:"6a5acd",slategray:"708090",slategrey:"708090",snow:"fffafa",springgreen:"00ff7f",steelblue:"4682b4",tan:"d2b48c",teal:"008080",thistle:"d8bfd8",tomato:"ff6347",turquoise:"40e0d0",violet:"ee82ee",wheat:"f5deb3",white:"fff",whitesmoke:"f5f5f5",yellow:"ff0",yellowgreen:"9acd32"},E=c.hexNames=function(t){var e={};for(var r in t)t.hasOwnProperty(r)&&(e[t[r]]=r);return e}(S);function C(t){return t=parseFloat(t),(isNaN(t)||t<0||t>1)&&(t=1),t}function L(e,r){(function(t){return"string"==typeof t&&-1!=t.indexOf(".")&&1===parseFloat(t)})(e)&&(e="100%");var n=function(t){return"string"==typeof t&&-1!=t.indexOf("%")}(e);return e=o(r,s(0,parseFloat(e))),n&&(e=parseInt(e*r,10)/100),t.abs(e-r)<1e-6?1:e%r/parseFloat(r)}function I(t){return o(1,s(0,t))}function P(t){return parseInt(t,16)}function z(t){return 1==t.length?"0"+t:""+t}function O(t){return t<=1&&(t=100*t+"%"),t}function D(e){return t.round(255*parseFloat(e)).toString(16)}function R(t){return P(t)/255}var F,B,N,j=(B="[\\s|\\(]+("+(F="(?:[-\\+]?\\d*\\.\\d+%?)|(?:[-\\+]?\\d+%?)")+")[,|\\s]+("+F+")[,|\\s]+("+F+")\\s*\\)?",N="[\\s|\\(]+("+F+")[,|\\s]+("+F+")[,|\\s]+("+F+")[,|\\s]+("+F+")\\s*\\)?",{CSS_UNIT:new RegExp(F),rgb:new RegExp("rgb"+B),rgba:new RegExp("rgba"+N),hsl:new RegExp("hsl"+B),hsla:new RegExp("hsla"+N),hsv:new RegExp("hsv"+B),hsva:new RegExp("hsva"+N),hex3:/^#?([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})$/,hex6:/^#?([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})$/,hex4:/^#?([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})$/,hex8:/^#?([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})$/});function U(t){return!!j.CSS_UNIT.exec(t)}"undefined"!=typeof e&&e.exports?e.exports=c:window.tinycolor=c}(Math)},{}],577:[function(t,e,r){"use strict";e.exports=i,e.exports.float32=e.exports.float=i,e.exports.fract32=e.exports.fract=function(t){if(t.length){for(var e=i(t),r=0,n=e.length;ro&&(o=t[0]),t[1]s&&(s=t[1])}function c(t){switch(t.type){case"GeometryCollection":t.geometries.forEach(c);break;case"Point":l(t.coordinates);break;case"MultiPoint":t.coordinates.forEach(l)}}for(e in t.arcs.forEach((function(t){for(var e,r=-1,l=t.length;++ro&&(o=e[0]),e[1]s&&(s=e[1])})),t.objects)c(t.objects[e]);return[i,a,o,s]}function i(t,e){var r=e.id,n=e.bbox,i=null==e.properties?{}:e.properties,o=a(t,e);return null==r&&null==n?{type:"Feature",properties:i,geometry:o}:null==n?{type:"Feature",id:r,properties:i,geometry:o}:{type:"Feature",id:r,bbox:n,properties:i,geometry:o}}function a(t,e){var n=r(t.transform),i=t.arcs;function a(t,e){e.length&&e.pop();for(var r=i[t<0?~t:t],a=0,o=r.length;a1)n=l(t,e,r);else for(i=0,n=new Array(a=t.arcs.length);i1)for(var a,s,c=1,u=l(i[0]);cu&&(s=i[0],i[0]=i[c],i[c]=s,u=a);return i})).filter((function(t){return t.length>0}))}}function u(t,e){for(var r=0,n=t.length;r>>1;t[i]=2))throw new Error("n must be \u22652");var r,i=(l=t.bbox||n(t))[0],a=l[1],o=l[2],s=l[3];e={scale:[o-i?(o-i)/(r-1):1,s-a?(s-a)/(r-1):1],translate:[i,a]}}var l,c,u=f(e),h=t.objects,p={};function d(t){return u(t)}function g(t){var e;switch(t.type){case"GeometryCollection":e={type:"GeometryCollection",geometries:t.geometries.map(g)};break;case"Point":e={type:"Point",coordinates:d(t.coordinates)};break;case"MultiPoint":e={type:"MultiPoint",coordinates:t.coordinates.map(d)};break;default:return t}return null!=t.id&&(e.id=t.id),null!=t.bbox&&(e.bbox=t.bbox),null!=t.properties&&(e.properties=t.properties),e}for(c in h)p[c]=g(h[c]);return{type:"Topology",bbox:l,transform:e,objects:p,arcs:t.arcs.map((function(t){var e,r=0,n=1,i=t.length,a=new Array(i);for(a[0]=u(t[0],0);++rMath.max(r,n)?i[2]=1:r>Math.max(e,n)?i[0]=1:i[1]=1;for(var a=0,o=0,l=0;l<3;++l)a+=t[l]*t[l],o+=i[l]*t[l];for(l=0;l<3;++l)i[l]-=o/a*t[l];return s(i,i),i}function h(t,e,r,i,a,o,s,l){this.center=n(r),this.up=n(i),this.right=n(a),this.radius=n([o]),this.angle=n([s,l]),this.angle.bounds=[[-1/0,-Math.PI/2],[1/0,Math.PI/2]],this.setDistanceLimits(t,e),this.computedCenter=this.center.curve(0),this.computedUp=this.up.curve(0),this.computedRight=this.right.curve(0),this.computedRadius=this.radius.curve(0),this.computedAngle=this.angle.curve(0),this.computedToward=[0,0,0],this.computedEye=[0,0,0],this.computedMatrix=new Array(16);for(var c=0;c<16;++c)this.computedMatrix[c]=.5;this.recalcMatrix(0)}var p=h.prototype;p.setDistanceLimits=function(t,e){t=t>0?Math.log(t):-1/0,e=e>0?Math.log(e):1/0,e=Math.max(e,t),this.radius.bounds[0][0]=t,this.radius.bounds[1][0]=e},p.getDistanceLimits=function(t){var e=this.radius.bounds[0];return t?(t[0]=Math.exp(e[0][0]),t[1]=Math.exp(e[1][0]),t):[Math.exp(e[0][0]),Math.exp(e[1][0])]},p.recalcMatrix=function(t){this.center.curve(t),this.up.curve(t),this.right.curve(t),this.radius.curve(t),this.angle.curve(t);for(var e=this.computedUp,r=this.computedRight,n=0,i=0,a=0;a<3;++a)i+=e[a]*r[a],n+=e[a]*e[a];var l=Math.sqrt(n),u=0;for(a=0;a<3;++a)r[a]-=e[a]*i/n,u+=r[a]*r[a],e[a]/=l;var f=Math.sqrt(u);for(a=0;a<3;++a)r[a]/=f;var h=this.computedToward;o(h,e,r),s(h,h);var p=Math.exp(this.computedRadius[0]),d=this.computedAngle[0],g=this.computedAngle[1],m=Math.cos(d),v=Math.sin(d),y=Math.cos(g),x=Math.sin(g),b=this.computedCenter,_=m*y,w=v*y,T=x,k=-m*x,M=-v*x,A=y,S=this.computedEye,E=this.computedMatrix;for(a=0;a<3;++a){var C=_*r[a]+w*h[a]+T*e[a];E[4*a+1]=k*r[a]+M*h[a]+A*e[a],E[4*a+2]=C,E[4*a+3]=0}var L=E[1],I=E[5],P=E[9],z=E[2],O=E[6],D=E[10],R=I*D-P*O,F=P*z-L*D,B=L*O-I*z,N=c(R,F,B);R/=N,F/=N,B/=N,E[0]=R,E[4]=F,E[8]=B;for(a=0;a<3;++a)S[a]=b[a]+E[2+4*a]*p;for(a=0;a<3;++a){u=0;for(var j=0;j<3;++j)u+=E[a+4*j]*S[j];E[12+a]=-u}E[15]=1},p.getMatrix=function(t,e){this.recalcMatrix(t);var r=this.computedMatrix;if(e){for(var n=0;n<16;++n)e[n]=r[n];return e}return r};var d=[0,0,0];p.rotate=function(t,e,r,n){if(this.angle.move(t,e,r),n){this.recalcMatrix(t);var i=this.computedMatrix;d[0]=i[2],d[1]=i[6],d[2]=i[10];for(var o=this.computedUp,s=this.computedRight,l=this.computedToward,c=0;c<3;++c)i[4*c]=o[c],i[4*c+1]=s[c],i[4*c+2]=l[c];a(i,i,n,d);for(c=0;c<3;++c)o[c]=i[4*c],s[c]=i[4*c+1];this.up.set(t,o[0],o[1],o[2]),this.right.set(t,s[0],s[1],s[2])}},p.pan=function(t,e,r,n){e=e||0,r=r||0,n=n||0,this.recalcMatrix(t);var i=this.computedMatrix,a=(Math.exp(this.computedRadius[0]),i[1]),o=i[5],s=i[9],l=c(a,o,s);a/=l,o/=l,s/=l;var u=i[0],f=i[4],h=i[8],p=u*a+f*o+h*s,d=c(u-=a*p,f-=o*p,h-=s*p),g=(u/=d)*e+a*r,m=(f/=d)*e+o*r,v=(h/=d)*e+s*r;this.center.move(t,g,m,v);var y=Math.exp(this.computedRadius[0]);y=Math.max(1e-4,y+n),this.radius.set(t,Math.log(y))},p.translate=function(t,e,r,n){this.center.move(t,e||0,r||0,n||0)},p.setMatrix=function(t,e,r,n){var a=1;"number"==typeof r&&(a=0|r),(a<0||a>3)&&(a=1);var o=(a+2)%3;e||(this.recalcMatrix(t),e=this.computedMatrix);var s=e[a],l=e[a+4],f=e[a+8];if(n){var h=Math.abs(s),p=Math.abs(l),d=Math.abs(f),g=Math.max(h,p,d);h===g?(s=s<0?-1:1,l=f=0):d===g?(f=f<0?-1:1,s=l=0):(l=l<0?-1:1,s=f=0)}else{var m=c(s,l,f);s/=m,l/=m,f/=m}var v,y,x=e[o],b=e[o+4],_=e[o+8],w=x*s+b*l+_*f,T=c(x-=s*w,b-=l*w,_-=f*w),k=l*(_/=T)-f*(b/=T),M=f*(x/=T)-s*_,A=s*b-l*x,S=c(k,M,A);if(k/=S,M/=S,A/=S,this.center.jump(t,H,G,Y),this.radius.idle(t),this.up.jump(t,s,l,f),this.right.jump(t,x,b,_),2===a){var E=e[1],C=e[5],L=e[9],I=E*x+C*b+L*_,P=E*k+C*M+L*A;v=R<0?-Math.PI/2:Math.PI/2,y=Math.atan2(P,I)}else{var z=e[2],O=e[6],D=e[10],R=z*s+O*l+D*f,F=z*x+O*b+D*_,B=z*k+O*M+D*A;v=Math.asin(u(R)),y=Math.atan2(B,F)}this.angle.jump(t,y,v),this.recalcMatrix(t);var N=e[2],j=e[6],U=e[10],V=this.computedMatrix;i(V,e);var q=V[15],H=V[12]/q,G=V[13]/q,Y=V[14]/q,W=Math.exp(this.computedRadius[0]);this.center.jump(t,H-N*W,G-j*W,Y-U*W)},p.lastT=function(){return Math.max(this.center.lastT(),this.up.lastT(),this.right.lastT(),this.radius.lastT(),this.angle.lastT())},p.idle=function(t){this.center.idle(t),this.up.idle(t),this.right.idle(t),this.radius.idle(t),this.angle.idle(t)},p.flush=function(t){this.center.flush(t),this.up.flush(t),this.right.flush(t),this.radius.flush(t),this.angle.flush(t)},p.setDistance=function(t,e){e>0&&this.radius.set(t,Math.log(e))},p.lookAt=function(t,e,r,n){this.recalcMatrix(t),e=e||this.computedEye,r=r||this.computedCenter;var i=(n=n||this.computedUp)[0],a=n[1],o=n[2],s=c(i,a,o);if(!(s<1e-6)){i/=s,a/=s,o/=s;var l=e[0]-r[0],f=e[1]-r[1],h=e[2]-r[2],p=c(l,f,h);if(!(p<1e-6)){l/=p,f/=p,h/=p;var d=this.computedRight,g=d[0],m=d[1],v=d[2],y=i*g+a*m+o*v,x=c(g-=y*i,m-=y*a,v-=y*o);if(!(x<.01&&(x=c(g=a*h-o*f,m=o*l-i*h,v=i*f-a*l))<1e-6)){g/=x,m/=x,v/=x,this.up.set(t,i,a,o),this.right.set(t,g,m,v),this.center.set(t,r[0],r[1],r[2]),this.radius.set(t,Math.log(p));var b=a*v-o*m,_=o*g-i*v,w=i*m-a*g,T=c(b,_,w),k=i*l+a*f+o*h,M=g*l+m*f+v*h,A=(b/=T)*l+(_/=T)*f+(w/=T)*h,S=Math.asin(u(k)),E=Math.atan2(A,M),C=this.angle._state,L=C[C.length-1],I=C[C.length-2];L%=2*Math.PI;var P=Math.abs(L+2*Math.PI-E),z=Math.abs(L-E),O=Math.abs(L-2*Math.PI-E);P":(e.length>100&&(e=e.slice(0,99)+"\u2026"),e=e.replace(i,(function(t){switch(t){case"\n":return"\\n";case"\r":return"\\r";case"\u2028":return"\\u2028";case"\u2029":return"\\u2029";default:throw new Error("Unexpected character")}})))}},{"./safe-to-string":586}],588:[function(t,e,r){"use strict";var n=t("../value/is"),i={object:!0,function:!0,undefined:!0};e.exports=function(t){return!!n(t)&&hasOwnProperty.call(i,typeof t)}},{"../value/is":594}],589:[function(t,e,r){"use strict";var n=t("../lib/resolve-exception"),i=t("./is");e.exports=function(t){return i(t)?t:n(t,"%v is not a plain function",arguments[1])}},{"../lib/resolve-exception":585,"./is":590}],590:[function(t,e,r){"use strict";var n=t("../function/is"),i=/^\s*class[\s{/}]/,a=Function.prototype.toString;e.exports=function(t){return!!n(t)&&!i.test(a.call(t))}},{"../function/is":584}],591:[function(t,e,r){"use strict";var n=t("../object/is");e.exports=function(t){if(!n(t))return!1;try{return!!t.constructor&&t.constructor.prototype===t}catch(t){return!1}}},{"../object/is":588}],592:[function(t,e,r){"use strict";var n=t("../value/is"),i=t("../object/is"),a=Object.prototype.toString;e.exports=function(t){if(!n(t))return null;if(i(t)){var e=t.toString;if("function"!=typeof e)return null;if(e===a)return null}try{return""+t}catch(t){return null}}},{"../object/is":588,"../value/is":594}],593:[function(t,e,r){"use strict";var n=t("../lib/resolve-exception"),i=t("./is");e.exports=function(t){return i(t)?t:n(t,"Cannot use %v",arguments[1])}},{"../lib/resolve-exception":585,"./is":594}],594:[function(t,e,r){"use strict";e.exports=function(t){return null!=t}},{}],595:[function(t,e,r){(function(e){(function(){"use strict";var n=t("bit-twiddle"),i=t("dup"),a=t("buffer").Buffer;e.__TYPEDARRAY_POOL||(e.__TYPEDARRAY_POOL={UINT8:i([32,0]),UINT16:i([32,0]),UINT32:i([32,0]),BIGUINT64:i([32,0]),INT8:i([32,0]),INT16:i([32,0]),INT32:i([32,0]),BIGINT64:i([32,0]),FLOAT:i([32,0]),DOUBLE:i([32,0]),DATA:i([32,0]),UINT8C:i([32,0]),BUFFER:i([32,0])});var o="undefined"!=typeof Uint8ClampedArray,s="undefined"!=typeof BigUint64Array,l="undefined"!=typeof BigInt64Array,c=e.__TYPEDARRAY_POOL;c.UINT8C||(c.UINT8C=i([32,0])),c.BIGUINT64||(c.BIGUINT64=i([32,0])),c.BIGINT64||(c.BIGINT64=i([32,0])),c.BUFFER||(c.BUFFER=i([32,0]));var u=c.DATA,f=c.BUFFER;function h(t){if(t){var e=t.length||t.byteLength,r=n.log2(e);u[r].push(t)}}function p(t){t=n.nextPow2(t);var e=n.log2(t),r=u[e];return r.length>0?r.pop():new ArrayBuffer(t)}function d(t){return new Uint8Array(p(t),0,t)}function g(t){return new Uint16Array(p(2*t),0,t)}function m(t){return new Uint32Array(p(4*t),0,t)}function v(t){return new Int8Array(p(t),0,t)}function y(t){return new Int16Array(p(2*t),0,t)}function x(t){return new Int32Array(p(4*t),0,t)}function b(t){return new Float32Array(p(4*t),0,t)}function _(t){return new Float64Array(p(8*t),0,t)}function w(t){return o?new Uint8ClampedArray(p(t),0,t):d(t)}function T(t){return s?new BigUint64Array(p(8*t),0,t):null}function k(t){return l?new BigInt64Array(p(8*t),0,t):null}function M(t){return new DataView(p(t),0,t)}function A(t){t=n.nextPow2(t);var e=n.log2(t),r=f[e];return r.length>0?r.pop():new a(t)}r.free=function(t){if(a.isBuffer(t))f[n.log2(t.length)].push(t);else{if("[object ArrayBuffer]"!==Object.prototype.toString.call(t)&&(t=t.buffer),!t)return;var e=t.length||t.byteLength,r=0|n.log2(e);u[r].push(t)}},r.freeUint8=r.freeUint16=r.freeUint32=r.freeBigUint64=r.freeInt8=r.freeInt16=r.freeInt32=r.freeBigInt64=r.freeFloat32=r.freeFloat=r.freeFloat64=r.freeDouble=r.freeUint8Clamped=r.freeDataView=function(t){h(t.buffer)},r.freeArrayBuffer=h,r.freeBuffer=function(t){f[n.log2(t.length)].push(t)},r.malloc=function(t,e){if(void 0===e||"arraybuffer"===e)return p(t);switch(e){case"uint8":return d(t);case"uint16":return g(t);case"uint32":return m(t);case"int8":return v(t);case"int16":return y(t);case"int32":return x(t);case"float":case"float32":return b(t);case"double":case"float64":return _(t);case"uint8_clamped":return w(t);case"bigint64":return k(t);case"biguint64":return T(t);case"buffer":return A(t);case"data":case"dataview":return M(t);default:return null}return null},r.mallocArrayBuffer=p,r.mallocUint8=d,r.mallocUint16=g,r.mallocUint32=m,r.mallocInt8=v,r.mallocInt16=y,r.mallocInt32=x,r.mallocFloat32=r.mallocFloat=b,r.mallocFloat64=r.mallocDouble=_,r.mallocUint8Clamped=w,r.mallocBigUint64=T,r.mallocBigInt64=k,r.mallocDataView=M,r.mallocBuffer=A,r.clearCache=function(){for(var t=0;t<32;++t)c.UINT8[t].length=0,c.UINT16[t].length=0,c.UINT32[t].length=0,c.INT8[t].length=0,c.INT16[t].length=0,c.INT32[t].length=0,c.FLOAT[t].length=0,c.DOUBLE[t].length=0,c.BIGUINT64[t].length=0,c.BIGINT64[t].length=0,c.UINT8C[t].length=0,u[t].length=0,f[t].length=0}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"bit-twiddle":97,buffer:111,dup:176}],596:[function(t,e,r){"use strict";function n(t){this.roots=new Array(t),this.ranks=new Array(t);for(var e=0;e0&&(a=n.size),n.lineSpacing&&n.lineSpacing>0&&(o=n.lineSpacing),n.styletags&&n.styletags.breaklines&&(s.breaklines=!!n.styletags.breaklines),n.styletags&&n.styletags.bolds&&(s.bolds=!!n.styletags.bolds),n.styletags&&n.styletags.italics&&(s.italics=!!n.styletags.italics),n.styletags&&n.styletags.subscripts&&(s.subscripts=!!n.styletags.subscripts),n.styletags&&n.styletags.superscripts&&(s.superscripts=!!n.styletags.superscripts));return r.font=[n.fontStyle,n.fontVariant,n.fontWeight,a+"px",n.font].filter((function(t){return t})).join(" "),r.textAlign="start",r.textBaseline="alphabetic",r.direction="ltr",h(function(t,e,r,n,a,o){r=r.replace(/\n/g,""),r=!0===o.breaklines?r.replace(/\/g,"\n"):r.replace(/\/g," ");var s="",l=[];for(p=0;p-1?parseInt(t[1+i]):0,l=a>-1?parseInt(r[1+a]):0;s!==l&&(n=n.replace(S(),"?px "),m*=Math.pow(.75,l-s),n=n.replace("?px ",S())),g+=.25*x*(l-s)}if(!0===o.superscripts){var c=t.indexOf("+"),u=r.indexOf("+"),f=c>-1?parseInt(t[1+c]):0,h=u>-1?parseInt(r[1+u]):0;f!==h&&(n=n.replace(S(),"?px "),m*=Math.pow(.75,h-f),n=n.replace("?px ",S())),g-=.25*x*(h-f)}if(!0===o.bolds){var p=t.indexOf("b|")>-1,d=r.indexOf("b|")>-1;!p&&d&&(n=v?n.replace("italic ","italic bold "):"bold "+n),p&&!d&&(n=n.replace("bold ",""))}if(!0===o.italics){var v=t.indexOf("i|")>-1,y=r.indexOf("i|")>-1;!v&&y&&(n="italic "+n),v&&!y&&(n=n.replace("italic ",""))}e.font=n}for(h=0;h",a="",o=i.length,s=a.length,l="+"===e[0]||"-"===e[0],c=0,u=-s;c>-1&&-1!==(c=r.indexOf(i,c))&&-1!==(u=r.indexOf(a,c+o))&&!(u<=c);){for(var f=c;f=u)n[f]=null,r=r.substr(0,f)+" "+r.substr(f+1);else if(null!==n[f]){var h=n[f].indexOf(e[0]);-1===h?n[f]+=e:l&&(n[f]=n[f].substr(0,h+1)+(1+parseInt(n[f][h+1]))+n[f].substr(h+2))}var p=c+o,d=r.substr(p,u-p).indexOf(i);c=-1!==d?d:u+s}return n}function u(t,e){var r=n(t,128);return e?a(r.cells,r.positions,.25):{edges:r.cells,positions:r.positions}}function f(t,e,r,n){var i=u(t,n),a=function(t,e,r){for(var n=e.textAlign||"start",i=e.textBaseline||"alphabetic",a=[1<<30,1<<30],o=[0,0],s=t.length,l=0;l=0?e[a]:i}))},has___:{value:y((function(e){var n=v(e);return n?r in n:t.indexOf(e)>=0}))},set___:{value:y((function(n,i){var a,o=v(n);return o?o[r]=i:(a=t.indexOf(n))>=0?e[a]=i:(a=t.length,e[a]=i,t[a]=n),this}))},delete___:{value:y((function(n){var i,a,o=v(n);return o?r in o&&delete o[r]:!((i=t.indexOf(n))<0)&&(a=t.length-1,t[i]=void 0,e[i]=e[a],t[i]=t[a],t.length=a,e.length=a,!0)}))}})};d.prototype=Object.create(Object.prototype,{get:{value:function(t,e){return this.get___(t,e)},writable:!0,configurable:!0},has:{value:function(t){return this.has___(t)},writable:!0,configurable:!0},set:{value:function(t,e){return this.set___(t,e)},writable:!0,configurable:!0},delete:{value:function(t){return this.delete___(t)},writable:!0,configurable:!0}}),"function"==typeof r?function(){function n(){this instanceof d||x();var e,n=new r,i=void 0,a=!1;return e=t?function(t,e){return n.set(t,e),n.has(t)||(i||(i=new d),i.set(t,e)),this}:function(t,e){if(a)try{n.set(t,e)}catch(r){i||(i=new d),i.set___(t,e)}else n.set(t,e);return this},Object.create(d.prototype,{get___:{value:y((function(t,e){return i?n.has(t)?n.get(t):i.get___(t,e):n.get(t,e)}))},has___:{value:y((function(t){return n.has(t)||!!i&&i.has___(t)}))},set___:{value:y(e)},delete___:{value:y((function(t){var e=!!n.delete(t);return i&&i.delete___(t)||e}))},permitHostObjects___:{value:y((function(t){if(t!==g)throw new Error("bogus call to permitHostObjects___");a=!0}))}})}t&&"undefined"!=typeof Proxy&&(Proxy=void 0),n.prototype=d.prototype,e.exports=n,Object.defineProperty(WeakMap.prototype,"constructor",{value:WeakMap,enumerable:!1,configurable:!0,writable:!0})}():("undefined"!=typeof Proxy&&(Proxy=void 0),e.exports=d)}function g(t){t.permitHostObjects___&&t.permitHostObjects___(g)}function m(t){return!("weakmap:"==t.substr(0,"weakmap:".length)&&"___"===t.substr(t.length-3))}function v(t){if(t!==Object(t))throw new TypeError("Not an object: "+t);var e=t[l];if(e&&e.key===t)return e;if(s(t)){e={key:t};try{return o(t,l,{value:e,writable:!1,enumerable:!1,configurable:!1}),e}catch(t){return}}}function y(t){return t.prototype=null,Object.freeze(t)}function x(){h||"undefined"==typeof console||(h=!0,console.warn("WeakMap should be invoked as new WeakMap(), not WeakMap(). This will be an error in the future."))}}()},{}],603:[function(t,e,r){var n=t("./hidden-store.js");e.exports=function(){var t={};return function(e){if(("object"!=typeof e||null===e)&&"function"!=typeof e)throw new Error("Weakmap-shim: Key must be object");var r=e.valueOf(t);return r&&r.identity===t?r:n(e,t)}}},{"./hidden-store.js":604}],604:[function(t,e,r){e.exports=function(t,e){var r={identity:e},n=t.valueOf;return Object.defineProperty(t,"valueOf",{value:function(t){return t!==e?n.apply(this,arguments):r},writable:!0}),r}},{}],605:[function(t,e,r){var n=t("./create-store.js");e.exports=function(){var t=n();return{get:function(e,r){var n=t(e);return n.hasOwnProperty("value")?n.value:r},set:function(e,r){return t(e).value=r,this},has:function(e){return"value"in t(e)},delete:function(e){return delete t(e).value}}}},{"./create-store.js":603}],606:[function(t,e,r){var n=t("get-canvas-context");e.exports=function(t){return n("webgl",t)}},{"get-canvas-context":249}],607:[function(t,e,r){var n=t("../main"),i=t("object-assign"),a=n.instance();function o(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}o.prototype=new n.baseCalendar,i(o.prototype,{name:"Chinese",jdEpoch:1721425.5,hasYearZero:!1,minMonth:0,firstMonth:0,minDay:1,regionalOptions:{"":{name:"Chinese",epochs:["BEC","EC"],monthNumbers:function(t,e){if("string"==typeof t){var r=t.match(l);return r?r[0]:""}var n=this._validateYear(t),i=t.month(),a=""+this.toChineseMonth(n,i);return e&&a.length<2&&(a="0"+a),this.isIntercalaryMonth(n,i)&&(a+="i"),a},monthNames:function(t){if("string"==typeof t){var e=t.match(c);return e?e[0]:""}var r=this._validateYear(t),n=t.month(),i=["\u4e00\u6708","\u4e8c\u6708","\u4e09\u6708","\u56db\u6708","\u4e94\u6708","\u516d\u6708","\u4e03\u6708","\u516b\u6708","\u4e5d\u6708","\u5341\u6708","\u5341\u4e00\u6708","\u5341\u4e8c\u6708"][this.toChineseMonth(r,n)-1];return this.isIntercalaryMonth(r,n)&&(i="\u95f0"+i),i},monthNamesShort:function(t){if("string"==typeof t){var e=t.match(u);return e?e[0]:""}var r=this._validateYear(t),n=t.month(),i=["\u4e00","\u4e8c","\u4e09","\u56db","\u4e94","\u516d","\u4e03","\u516b","\u4e5d","\u5341","\u5341\u4e00","\u5341\u4e8c"][this.toChineseMonth(r,n)-1];return this.isIntercalaryMonth(r,n)&&(i="\u95f0"+i),i},parseMonth:function(t,e){t=this._validateYear(t);var r,n=parseInt(e);if(isNaN(n))"\u95f0"===e[0]&&(r=!0,e=e.substring(1)),"\u6708"===e[e.length-1]&&(e=e.substring(0,e.length-1)),n=1+["\u4e00","\u4e8c","\u4e09","\u56db","\u4e94","\u516d","\u4e03","\u516b","\u4e5d","\u5341","\u5341\u4e00","\u5341\u4e8c"].indexOf(e);else{var i=e[e.length-1];r="i"===i||"I"===i}return this.toMonthIndex(t,n,r)},dayNames:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],dayNamesShort:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],dayNamesMin:["Su","Mo","Tu","We","Th","Fr","Sa"],digits:null,dateFormat:"yyyy/mm/dd",firstDay:1,isRTL:!1}},_validateYear:function(t,e){if(t.year&&(t=t.year()),"number"!=typeof t||t<1888||t>2111)throw e.replace(/\{0\}/,this.local.name);return t},toMonthIndex:function(t,e,r){var i=this.intercalaryMonth(t);if(r&&e!==i||e<1||e>12)throw n.local.invalidMonth.replace(/\{0\}/,this.local.name);return i?!r&&e<=i?e-1:e:e-1},toChineseMonth:function(t,e){t.year&&(e=(t=t.year()).month());var r=this.intercalaryMonth(t);if(e<0||e>(r?12:11))throw n.local.invalidMonth.replace(/\{0\}/,this.local.name);return r?e>13},isIntercalaryMonth:function(t,e){t.year&&(e=(t=t.year()).month());var r=this.intercalaryMonth(t);return!!r&&r===e},leapYear:function(t){return 0!==this.intercalaryMonth(t)},weekOfYear:function(t,e,r){var i,o=this._validateYear(t,n.local.invalidyear),s=h[o-h[0]],l=s>>9&4095,c=s>>5&15,u=31&s;(i=a.newDate(l,c,u)).add(4-(i.dayOfWeek()||7),"d");var f=this.toJD(t,e,r)-i.toJD();return 1+Math.floor(f/7)},monthsInYear:function(t){return this.leapYear(t)?13:12},daysInMonth:function(t,e){t.year&&(e=t.month(),t=t.year()),t=this._validateYear(t);var r=f[t-f[0]];if(e>(r>>13?12:11))throw n.local.invalidMonth.replace(/\{0\}/,this.local.name);return r&1<<12-e?30:29},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,s,r,n.local.invalidDate);t=this._validateYear(i.year()),e=i.month(),r=i.day();var o=this.isIntercalaryMonth(t,e),s=this.toChineseMonth(t,e),l=function(t,e,r,n,i){var a,o,s;if("object"==typeof t)o=t,a=e||{};else{var l;if(!("number"==typeof t&&t>=1888&&t<=2111))throw new Error("Lunar year outside range 1888-2111");if(!("number"==typeof e&&e>=1&&e<=12))throw new Error("Lunar month outside range 1 - 12");if(!("number"==typeof r&&r>=1&&r<=30))throw new Error("Lunar day outside range 1 - 30");"object"==typeof n?(l=!1,a=n):(l=!!n,a=i||{}),o={year:t,month:e,day:r,isIntercalary:l}}s=o.day-1;var c,u=f[o.year-f[0]],p=u>>13;c=p&&(o.month>p||o.isIntercalary)?o.month:o.month-1;for(var d=0;d>9&4095,(g>>5&15)-1,(31&g)+s);return a.year=m.getFullYear(),a.month=1+m.getMonth(),a.day=m.getDate(),a}(t,s,r,o);return a.toJD(l.year,l.month,l.day)},fromJD:function(t){var e=a.fromJD(t),r=function(t,e,r,n){var i,a;if("object"==typeof t)i=t,a=e||{};else{if(!("number"==typeof t&&t>=1888&&t<=2111))throw new Error("Solar year outside range 1888-2111");if(!("number"==typeof e&&e>=1&&e<=12))throw new Error("Solar month outside range 1 - 12");if(!("number"==typeof r&&r>=1&&r<=31))throw new Error("Solar day outside range 1 - 31");i={year:t,month:e,day:r},a=n||{}}var o=h[i.year-h[0]],s=i.year<<9|i.month<<5|i.day;a.year=s>=o?i.year:i.year-1,o=h[a.year-h[0]];var l,c=new Date(o>>9&4095,(o>>5&15)-1,31&o),u=new Date(i.year,i.month-1,i.day);l=Math.round((u-c)/864e5);var p,d=f[a.year-f[0]];for(p=0;p<13;p++){var g=d&1<<12-p?30:29;if(l>13;!m||p=2&&n<=6},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return{century:o[Math.floor((i.year()-1)/100)+1]||""}},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year()+(i.year()<0?1:0),e=i.month(),(r=i.day())+(e>1?16:0)+(e>2?32*(e-2):0)+400*(t-1)+this.jdEpoch-1},fromJD:function(t){t=Math.floor(t+.5)-Math.floor(this.jdEpoch)-1;var e=Math.floor(t/400)+1;t-=400*(e-1),t+=t>15?16:0;var r=Math.floor(t/32)+1,n=t-32*(r-1)+1;return this.newDate(e<=0?e-1:e,r,n)}});var o={20:"Fruitbat",21:"Anchovy"};n.calendars.discworld=a},{"../main":621,"object-assign":499}],610:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Ethiopian",jdEpoch:1724220.5,daysPerMonth:[30,30,30,30,30,30,30,30,30,30,30,30,5],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Ethiopian",epochs:["BEE","EE"],monthNames:["Meskerem","Tikemet","Hidar","Tahesas","Tir","Yekatit","Megabit","Miazia","Genbot","Sene","Hamle","Nehase","Pagume"],monthNamesShort:["Mes","Tik","Hid","Tah","Tir","Yek","Meg","Mia","Gen","Sen","Ham","Neh","Pag"],dayNames:["Ehud","Segno","Maksegno","Irob","Hamus","Arb","Kidame"],dayNamesShort:["Ehu","Seg","Mak","Iro","Ham","Arb","Kid"],dayNamesMin:["Eh","Se","Ma","Ir","Ha","Ar","Ki"],digits:null,dateFormat:"dd/mm/yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return(t=e.year()+(e.year()<0?1:0))%4==3||t%4==-1},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear||n.regionalOptions[""].invalidYear),13},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(13===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return(t=i.year())<0&&t++,i.day()+30*(i.month()-1)+365*(t-1)+Math.floor(t/4)+this.jdEpoch-1},fromJD:function(t){var e=Math.floor(t)+.5-this.jdEpoch,r=Math.floor((e-Math.floor((e+366)/1461))/365)+1;r<=0&&r--,e=Math.floor(t)+.5-this.newDate(r,1,1).toJD();var n=Math.floor(e/30)+1,i=e-30*(n-1)+1;return this.newDate(r,n,i)}}),n.calendars.ethiopian=a},{"../main":621,"object-assign":499}],611:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}function o(t,e){return t-e*Math.floor(t/e)}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Hebrew",jdEpoch:347995.5,daysPerMonth:[30,29,30,29,30,29,30,29,30,29,30,29,29],hasYearZero:!1,minMonth:1,firstMonth:7,minDay:1,regionalOptions:{"":{name:"Hebrew",epochs:["BAM","AM"],monthNames:["Nisan","Iyar","Sivan","Tammuz","Av","Elul","Tishrei","Cheshvan","Kislev","Tevet","Shevat","Adar","Adar II"],monthNamesShort:["Nis","Iya","Siv","Tam","Av","Elu","Tis","Che","Kis","Tev","She","Ada","Ad2"],dayNames:["Yom Rishon","Yom Sheni","Yom Shlishi","Yom Revi'i","Yom Chamishi","Yom Shishi","Yom Shabbat"],dayNamesShort:["Ris","She","Shl","Rev","Cha","Shi","Sha"],dayNamesMin:["Ri","She","Shl","Re","Ch","Shi","Sha"],digits:null,dateFormat:"dd/mm/yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return this._leapYear(e.year())},_leapYear:function(t){return o(7*(t=t<0?t+1:t)+1,19)<7},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),this._leapYear(t.year?t.year():t)?13:12},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){return t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year(),this.toJD(-1===t?1:t+1,7,1)-this.toJD(t,7,1)},daysInMonth:function(t,e){return t.year&&(e=t.month(),t=t.year()),this._validate(t,e,this.minDay,n.local.invalidMonth),12===e&&this.leapYear(t)||8===e&&5===o(this.daysInYear(t),10)?30:9===e&&3===o(this.daysInYear(t),10)?29:this.daysPerMonth[e-1]},weekDay:function(t,e,r){return 6!==this.dayOfWeek(t,e,r)},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return{yearType:(this.leapYear(i)?"embolismic":"common")+" "+["deficient","regular","complete"][this.daysInYear(i)%10-3]}},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=t<=0?t+1:t,o=this.jdEpoch+this._delay1(a)+this._delay2(a)+r+1;if(e<7){for(var s=7;s<=this.monthsInYear(t);s++)o+=this.daysInMonth(t,s);for(s=1;s=this.toJD(-1===e?1:e+1,7,1);)e++;for(var r=tthis.toJD(e,r,this.daysInMonth(e,r));)r++;var n=t-this.toJD(e,r,1)+1;return this.newDate(e,r,n)}}),n.calendars.hebrew=a},{"../main":621,"object-assign":499}],612:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Islamic",jdEpoch:1948439.5,daysPerMonth:[30,29,30,29,30,29,30,29,30,29,30,29],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Islamic",epochs:["BH","AH"],monthNames:["Muharram","Safar","Rabi' al-awwal","Rabi' al-thani","Jumada al-awwal","Jumada al-thani","Rajab","Sha'aban","Ramadan","Shawwal","Dhu al-Qi'dah","Dhu al-Hijjah"],monthNamesShort:["Muh","Saf","Rab1","Rab2","Jum1","Jum2","Raj","Sha'","Ram","Shaw","DhuQ","DhuH"],dayNames:["Yawm al-ahad","Yawm al-ithnayn","Yawm ath-thulaathaa'","Yawm al-arbi'aa'","Yawm al-kham\u012bs","Yawm al-jum'a","Yawm as-sabt"],dayNamesShort:["Aha","Ith","Thu","Arb","Kha","Jum","Sab"],dayNamesMin:["Ah","It","Th","Ar","Kh","Ju","Sa"],digits:null,dateFormat:"yyyy/mm/dd",firstDay:6,isRTL:!1}},leapYear:function(t){return(11*this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year()+14)%30<11},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){return this.leapYear(t)?355:354},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year(),e=i.month(),t=t<=0?t+1:t,(r=i.day())+Math.ceil(29.5*(e-1))+354*(t-1)+Math.floor((3+11*t)/30)+this.jdEpoch-1},fromJD:function(t){t=Math.floor(t)+.5;var e=Math.floor((30*(t-this.jdEpoch)+10646)/10631);e=e<=0?e-1:e;var r=Math.min(12,Math.ceil((t-29-this.toJD(e,1,1))/29.5)+1),n=t-this.toJD(e,r,1)+1;return this.newDate(e,r,n)}}),n.calendars.islamic=a},{"../main":621,"object-assign":499}],613:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Julian",jdEpoch:1721423.5,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Julian",epochs:["BC","AD"],monthNames:["January","February","March","April","May","June","July","August","September","October","November","December"],monthNamesShort:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"],dayNames:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],dayNamesShort:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],dayNamesMin:["Su","Mo","Tu","We","Th","Fr","Sa"],digits:null,dateFormat:"mm/dd/yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return(t=e.year()<0?e.year()+1:e.year())%4==0},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(4-(n.dayOfWeek()||7),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year(),e=i.month(),r=i.day(),t<0&&t++,e<=2&&(t--,e+=12),Math.floor(365.25*(t+4716))+Math.floor(30.6001*(e+1))+r-1524.5},fromJD:function(t){var e=Math.floor(t+.5)+1524,r=Math.floor((e-122.1)/365.25),n=Math.floor(365.25*r),i=Math.floor((e-n)/30.6001),a=i-Math.floor(i<14?1:13),o=r-Math.floor(a>2?4716:4715),s=e-n-Math.floor(30.6001*i);return o<=0&&o--,this.newDate(o,a,s)}}),n.calendars.julian=a},{"../main":621,"object-assign":499}],614:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}function o(t,e){return t-e*Math.floor(t/e)}function s(t,e){return o(t-1,e)+1}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Mayan",jdEpoch:584282.5,hasYearZero:!0,minMonth:0,firstMonth:0,minDay:0,regionalOptions:{"":{name:"Mayan",epochs:["",""],monthNames:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17"],monthNamesShort:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17"],dayNames:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17","18","19"],dayNamesShort:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17","18","19"],dayNamesMin:["0","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17","18","19"],digits:null,dateFormat:"YYYY.m.d",firstDay:0,isRTL:!1,haabMonths:["Pop","Uo","Zip","Zotz","Tzec","Xul","Yaxkin","Mol","Chen","Yax","Zac","Ceh","Mac","Kankin","Muan","Pax","Kayab","Cumku","Uayeb"],tzolkinMonths:["Imix","Ik","Akbal","Kan","Chicchan","Cimi","Manik","Lamat","Muluc","Oc","Chuen","Eb","Ben","Ix","Men","Cib","Caban","Etznab","Cauac","Ahau"]}},leapYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),!1},formatYear:function(t){t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year();var e=Math.floor(t/400);return t%=400,t+=t<0?400:0,e+"."+Math.floor(t/20)+"."+t%20},forYear:function(t){if((t=t.split(".")).length<3)throw"Invalid Mayan year";for(var e=0,r=0;r19||r>0&&n<0)throw"Invalid Mayan year";e=20*e+n}return e},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),18},weekOfYear:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate),0},daysInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),360},daysInMonth:function(t,e){return this._validate(t,e,this.minDay,n.local.invalidMonth),20},daysInWeek:function(){return 5},dayOfWeek:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate).day()},weekDay:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate),!0},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate).toJD(),a=this._toHaab(i),o=this._toTzolkin(i);return{haabMonthName:this.local.haabMonths[a[0]-1],haabMonth:a[0],haabDay:a[1],tzolkinDayName:this.local.tzolkinMonths[o[0]-1],tzolkinDay:o[0],tzolkinTrecena:o[1]}},_toHaab:function(t){var e=o((t-=this.jdEpoch)+8+340,365);return[Math.floor(e/20)+1,o(e,20)]},_toTzolkin:function(t){return[s((t-=this.jdEpoch)+20,20),s(t+4,13)]},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return i.day()+20*i.month()+360*i.year()+this.jdEpoch},fromJD:function(t){t=Math.floor(t)+.5-this.jdEpoch;var e=Math.floor(t/360);t%=360,t+=t<0?360:0;var r=Math.floor(t/20),n=t%20;return this.newDate(e,r,n)}}),n.calendars.mayan=a},{"../main":621,"object-assign":499}],615:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar;var o=n.instance("gregorian");i(a.prototype,{name:"Nanakshahi",jdEpoch:2257673.5,daysPerMonth:[31,31,31,31,31,30,30,30,30,30,30,30],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Nanakshahi",epochs:["BN","AN"],monthNames:["Chet","Vaisakh","Jeth","Harh","Sawan","Bhadon","Assu","Katak","Maghar","Poh","Magh","Phagun"],monthNamesShort:["Che","Vai","Jet","Har","Saw","Bha","Ass","Kat","Mgr","Poh","Mgh","Pha"],dayNames:["Somvaar","Mangalvar","Budhvaar","Veervaar","Shukarvaar","Sanicharvaar","Etvaar"],dayNamesShort:["Som","Mangal","Budh","Veer","Shukar","Sanichar","Et"],dayNamesMin:["So","Ma","Bu","Ve","Sh","Sa","Et"],digits:null,dateFormat:"dd-mm-yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear||n.regionalOptions[""].invalidYear);return o.leapYear(e.year()+(e.year()<1?1:0)+1469)},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(1-(n.dayOfWeek()||7),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidMonth);(t=i.year())<0&&t++;for(var a=i.day(),s=1;s=this.toJD(e+1,1,1);)e++;for(var r=t-Math.floor(this.toJD(e,1,1)+.5)+1,n=1;r>this.daysInMonth(e,n);)r-=this.daysInMonth(e,n),n++;return this.newDate(e,n,r)}}),n.calendars.nanakshahi=a},{"../main":621,"object-assign":499}],616:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"Nepali",jdEpoch:1700709.5,daysPerMonth:[31,31,32,32,31,30,30,29,30,29,30,30],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,daysPerYear:365,regionalOptions:{"":{name:"Nepali",epochs:["BBS","ABS"],monthNames:["Baisakh","Jestha","Ashadh","Shrawan","Bhadra","Ashwin","Kartik","Mangsir","Paush","Mangh","Falgun","Chaitra"],monthNamesShort:["Bai","Je","As","Shra","Bha","Ash","Kar","Mang","Pau","Ma","Fal","Chai"],dayNames:["Aaitabaar","Sombaar","Manglbaar","Budhabaar","Bihibaar","Shukrabaar","Shanibaar"],dayNamesShort:["Aaita","Som","Mangl","Budha","Bihi","Shukra","Shani"],dayNamesMin:["Aai","So","Man","Bu","Bi","Shu","Sha"],digits:null,dateFormat:"dd/mm/yyyy",firstDay:1,isRTL:!1}},leapYear:function(t){return this.daysInYear(t)!==this.daysPerYear},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){if(t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year(),"undefined"==typeof this.NEPALI_CALENDAR_DATA[t])return this.daysPerYear;for(var e=0,r=this.minMonth;r<=12;r++)e+=this.NEPALI_CALENDAR_DATA[t][r];return e},daysInMonth:function(t,e){return t.year&&(e=t.month(),t=t.year()),this._validate(t,e,this.minDay,n.local.invalidMonth),"undefined"==typeof this.NEPALI_CALENDAR_DATA[t]?this.daysPerMonth[e-1]:this.NEPALI_CALENDAR_DATA[t][e]},weekDay:function(t,e,r){return 6!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=n.instance(),o=0,s=e,l=t;this._createMissingCalendarData(t);var c=t-(s>9||9===s&&r>=this.NEPALI_CALENDAR_DATA[l][0]?56:57);for(9!==e&&(o=r,s--);9!==s;)s<=0&&(s=12,l--),o+=this.NEPALI_CALENDAR_DATA[l][s],s--;return 9===e?(o+=r-this.NEPALI_CALENDAR_DATA[l][0])<0&&(o+=a.daysInYear(c)):o+=this.NEPALI_CALENDAR_DATA[l][9]-this.NEPALI_CALENDAR_DATA[l][0],a.newDate(c,1,1).add(o,"d").toJD()},fromJD:function(t){var e=n.instance().fromJD(t),r=e.year(),i=e.dayOfYear(),a=r+56;this._createMissingCalendarData(a);for(var o=9,s=this.NEPALI_CALENDAR_DATA[a][0],l=this.NEPALI_CALENDAR_DATA[a][o]-s+1;i>l;)++o>12&&(o=1,a++),l+=this.NEPALI_CALENDAR_DATA[a][o];var c=this.NEPALI_CALENDAR_DATA[a][o]-(l-i);return this.newDate(a,o,c)},_createMissingCalendarData:function(t){var e=this.daysPerMonth.slice(0);e.unshift(17);for(var r=t-1;r0?474:473))%2820+474+38)%2816<682},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-(n.dayOfWeek()+1)%7,"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=t-(t>=0?474:473),s=474+o(a,2820);return r+(e<=7?31*(e-1):30*(e-1)+6)+Math.floor((682*s-110)/2816)+365*(s-1)+1029983*Math.floor(a/2820)+this.jdEpoch-1},fromJD:function(t){var e=(t=Math.floor(t)+.5)-this.toJD(475,1,1),r=Math.floor(e/1029983),n=o(e,1029983),i=2820;if(1029982!==n){var a=Math.floor(n/366),s=o(n,366);i=Math.floor((2134*a+2816*s+2815)/1028522)+a+1}var l=i+2820*r+474;l=l<=0?l-1:l;var c=t-this.toJD(l,1,1)+1,u=c<=186?Math.ceil(c/31):Math.ceil((c-6)/30),f=t-this.toJD(l,u,1)+1;return this.newDate(l,u,f)}}),n.calendars.persian=a,n.calendars.jalali=a},{"../main":621,"object-assign":499}],618:[function(t,e,r){var n=t("../main"),i=t("object-assign"),a=n.instance();function o(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}o.prototype=new n.baseCalendar,i(o.prototype,{name:"Taiwan",jdEpoch:2419402.5,yearsOffset:1911,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Taiwan",epochs:["BROC","ROC"],monthNames:["January","February","March","April","May","June","July","August","September","October","November","December"],monthNamesShort:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"],dayNames:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],dayNamesShort:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],dayNamesMin:["Su","Mo","Tu","We","Th","Fr","Sa"],digits:null,dateFormat:"yyyy/mm/dd",firstDay:1,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(e.year());return a.leapYear(t)},weekOfYear:function(t,e,r){var i=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(i.year());return a.weekOfYear(t,i.month(),i.day())},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=this._t2gYear(i.year());return a.toJD(t,i.month(),i.day())},fromJD:function(t){var e=a.fromJD(t),r=this._g2tYear(e.year());return this.newDate(r,e.month(),e.day())},_t2gYear:function(t){return t+this.yearsOffset+(t>=-this.yearsOffset&&t<=-1?1:0)},_g2tYear:function(t){return t-this.yearsOffset-(t>=1&&t<=this.yearsOffset?1:0)}}),n.calendars.taiwan=o},{"../main":621,"object-assign":499}],619:[function(t,e,r){var n=t("../main"),i=t("object-assign"),a=n.instance();function o(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}o.prototype=new n.baseCalendar,i(o.prototype,{name:"Thai",jdEpoch:1523098.5,yearsOffset:543,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Thai",epochs:["BBE","BE"],monthNames:["January","February","March","April","May","June","July","August","September","October","November","December"],monthNamesShort:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"],dayNames:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],dayNamesShort:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],dayNamesMin:["Su","Mo","Tu","We","Th","Fr","Sa"],digits:null,dateFormat:"dd/mm/yyyy",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(e.year());return a.leapYear(t)},weekOfYear:function(t,e,r){var i=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(i.year());return a.weekOfYear(t,i.month(),i.day())},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=this._t2gYear(i.year());return a.toJD(t,i.month(),i.day())},fromJD:function(t){var e=a.fromJD(t),r=this._g2tYear(e.year());return this.newDate(r,e.month(),e.day())},_t2gYear:function(t){return t-this.yearsOffset-(t>=1&&t<=this.yearsOffset?1:0)},_g2tYear:function(t){return t+this.yearsOffset+(t>=-this.yearsOffset&&t<=-1?1:0)}}),n.calendars.thai=o},{"../main":621,"object-assign":499}],620:[function(t,e,r){var n=t("../main"),i=t("object-assign");function a(t){this.local=this.regionalOptions[t||""]||this.regionalOptions[""]}a.prototype=new n.baseCalendar,i(a.prototype,{name:"UmmAlQura",hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{"":{name:"Umm al-Qura",epochs:["BH","AH"],monthNames:["Al-Muharram","Safar","Rabi' al-awwal","Rabi' Al-Thani","Jumada Al-Awwal","Jumada Al-Thani","Rajab","Sha'aban","Ramadan","Shawwal","Dhu al-Qi'dah","Dhu al-Hijjah"],monthNamesShort:["Muh","Saf","Rab1","Rab2","Jum1","Jum2","Raj","Sha'","Ram","Shaw","DhuQ","DhuH"],dayNames:["Yawm al-Ahad","Yawm al-Ithnain","Yawm al-Thal\u0101th\u0101\u2019","Yawm al-Arba\u2018\u0101\u2019","Yawm al-Kham\u012bs","Yawm al-Jum\u2018a","Yawm al-Sabt"],dayNamesMin:["Ah","Ith","Th","Ar","Kh","Ju","Sa"],digits:null,dateFormat:"yyyy/mm/dd",firstDay:6,isRTL:!0}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return 355===this.daysInYear(e.year())},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),"d"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){for(var e=0,r=1;r<=12;r++)e+=this.daysInMonth(t,r);return e},daysInMonth:function(t,e){for(var r=this._validate(t,e,this.minDay,n.local.invalidMonth).toJD()-24e5+.5,i=0,a=0;ar)return o[i]-o[i-1];i++}return 30},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate),a=12*(i.year()-1)+i.month()-15292;return i.day()+o[a-1]-1+24e5-.5},fromJD:function(t){for(var e=t-24e5+.5,r=0,n=0;ne);n++)r++;var i=r+15292,a=Math.floor((i-1)/12),s=a+1,l=i-12*a,c=e-o[r-1]+1;return this.newDate(s,l,c)},isValid:function(t,e,r){var i=n.baseCalendar.prototype.isValid.apply(this,arguments);return i&&(i=(t=null!=t.year?t.year:t)>=1276&&t<=1500),i},_validate:function(t,e,r,i){var a=n.baseCalendar.prototype._validate.apply(this,arguments);if(a.year<1276||a.year>1500)throw i.replace(/\{0\}/,this.local.name);return a}}),n.calendars.ummalqura=a;var o=[20,50,79,109,138,168,197,227,256,286,315,345,374,404,433,463,492,522,551,581,611,641,670,700,729,759,788,818,847,877,906,936,965,995,1024,1054,1083,1113,1142,1172,1201,1231,1260,1290,1320,1350,1379,1409,1438,1468,1497,1527,1556,1586,1615,1645,1674,1704,1733,1763,1792,1822,1851,1881,1910,1940,1969,1999,2028,2058,2087,2117,2146,2176,2205,2235,2264,2294,2323,2353,2383,2413,2442,2472,2501,2531,2560,2590,2619,2649,2678,2708,2737,2767,2796,2826,2855,2885,2914,2944,2973,3003,3032,3062,3091,3121,3150,3180,3209,3239,3268,3298,3327,3357,3386,3416,3446,3476,3505,3535,3564,3594,3623,3653,3682,3712,3741,3771,3800,3830,3859,3889,3918,3948,3977,4007,4036,4066,4095,4125,4155,4185,4214,4244,4273,4303,4332,4362,4391,4421,4450,4480,4509,4539,4568,4598,4627,4657,4686,4716,4745,4775,4804,4834,4863,4893,4922,4952,4981,5011,5040,5070,5099,5129,5158,5188,5218,5248,5277,5307,5336,5366,5395,5425,5454,5484,5513,5543,5572,5602,5631,5661,5690,5720,5749,5779,5808,5838,5867,5897,5926,5956,5985,6015,6044,6074,6103,6133,6162,6192,6221,6251,6281,6311,6340,6370,6399,6429,6458,6488,6517,6547,6576,6606,6635,6665,6694,6724,6753,6783,6812,6842,6871,6901,6930,6960,6989,7019,7048,7078,7107,7137,7166,7196,7225,7255,7284,7314,7344,7374,7403,7433,7462,7492,7521,7551,7580,7610,7639,7669,7698,7728,7757,7787,7816,7846,7875,7905,7934,7964,7993,8023,8053,8083,8112,8142,8171,8201,8230,8260,8289,8319,8348,8378,8407,8437,8466,8496,8525,8555,8584,8614,8643,8673,8702,8732,8761,8791,8821,8850,8880,8909,8938,8968,8997,9027,9056,9086,9115,9145,9175,9205,9234,9264,9293,9322,9352,9381,9410,9440,9470,9499,9529,9559,9589,9618,9648,9677,9706,9736,9765,9794,9824,9853,9883,9913,9943,9972,10002,10032,10061,10090,10120,10149,10178,10208,10237,10267,10297,10326,10356,10386,10415,10445,10474,10504,10533,10562,10592,10621,10651,10680,10710,10740,10770,10799,10829,10858,10888,10917,10947,10976,11005,11035,11064,11094,11124,11153,11183,11213,11242,11272,11301,11331,11360,11389,11419,11448,11478,11507,11537,11567,11596,11626,11655,11685,11715,11744,11774,11803,11832,11862,11891,11921,11950,11980,12010,12039,12069,12099,12128,12158,12187,12216,12246,12275,12304,12334,12364,12393,12423,12453,12483,12512,12542,12571,12600,12630,12659,12688,12718,12747,12777,12807,12837,12866,12896,12926,12955,12984,13014,13043,13072,13102,13131,13161,13191,13220,13250,13280,13310,13339,13368,13398,13427,13456,13486,13515,13545,13574,13604,13634,13664,13693,13723,13752,13782,13811,13840,13870,13899,13929,13958,13988,14018,14047,14077,14107,14136,14166,14195,14224,14254,14283,14313,14342,14372,14401,14431,14461,14490,14520,14550,14579,14609,14638,14667,14697,14726,14756,14785,14815,14844,14874,14904,14933,14963,14993,15021,15051,15081,15110,15140,15169,15199,15228,15258,15287,15317,15347,15377,15406,15436,15465,15494,15524,15553,15582,15612,15641,15671,15701,15731,15760,15790,15820,15849,15878,15908,15937,15966,15996,16025,16055,16085,16114,16144,16174,16204,16233,16262,16292,16321,16350,16380,16409,16439,16468,16498,16528,16558,16587,16617,16646,16676,16705,16734,16764,16793,16823,16852,16882,16912,16941,16971,17001,17030,17060,17089,17118,17148,17177,17207,17236,17266,17295,17325,17355,17384,17414,17444,17473,17502,17532,17561,17591,17620,17650,17679,17709,17738,17768,17798,17827,17857,17886,17916,17945,17975,18004,18034,18063,18093,18122,18152,18181,18211,18241,18270,18300,18330,18359,18388,18418,18447,18476,18506,18535,18565,18595,18625,18654,18684,18714,18743,18772,18802,18831,18860,18890,18919,18949,18979,19008,19038,19068,19098,19127,19156,19186,19215,19244,19274,19303,19333,19362,19392,19422,19452,19481,19511,19540,19570,19599,19628,19658,19687,19717,19746,19776,19806,19836,19865,19895,19924,19954,19983,20012,20042,20071,20101,20130,20160,20190,20219,20249,20279,20308,20338,20367,20396,20426,20455,20485,20514,20544,20573,20603,20633,20662,20692,20721,20751,20780,20810,20839,20869,20898,20928,20957,20987,21016,21046,21076,21105,21135,21164,21194,21223,21253,21282,21312,21341,21371,21400,21430,21459,21489,21519,21548,21578,21607,21637,21666,21696,21725,21754,21784,21813,21843,21873,21902,21932,21962,21991,22021,22050,22080,22109,22138,22168,22197,22227,22256,22286,22316,22346,22375,22405,22434,22464,22493,22522,22552,22581,22611,22640,22670,22700,22730,22759,22789,22818,22848,22877,22906,22936,22965,22994,23024,23054,23083,23113,23143,23173,23202,23232,23261,23290,23320,23349,23379,23408,23438,23467,23497,23527,23556,23586,23616,23645,23674,23704,23733,23763,23792,23822,23851,23881,23910,23940,23970,23999,24029,24058,24088,24117,24147,24176,24206,24235,24265,24294,24324,24353,24383,24413,24442,24472,24501,24531,24560,24590,24619,24648,24678,24707,24737,24767,24796,24826,24856,24885,24915,24944,24974,25003,25032,25062,25091,25121,25150,25180,25210,25240,25269,25299,25328,25358,25387,25416,25446,25475,25505,25534,25564,25594,25624,25653,25683,25712,25742,25771,25800,25830,25859,25888,25918,25948,25977,26007,26037,26067,26096,26126,26155,26184,26214,26243,26272,26302,26332,26361,26391,26421,26451,26480,26510,26539,26568,26598,26627,26656,26686,26715,26745,26775,26805,26834,26864,26893,26923,26952,26982,27011,27041,27070,27099,27129,27159,27188,27218,27248,27277,27307,27336,27366,27395,27425,27454,27484,27513,27542,27572,27602,27631,27661,27691,27720,27750,27779,27809,27838,27868,27897,27926,27956,27985,28015,28045,28074,28104,28134,28163,28193,28222,28252,28281,28310,28340,28369,28399,28428,28458,28488,28517,28547,28577,28607,28636,28665,28695,28724,28754,28783,28813,28843,28872,28901,28931,28960,28990,29019,29049,29078,29108,29137,29167,29196,29226,29255,29285,29315,29345,29375,29404,29434,29463,29492,29522,29551,29580,29610,29640,29669,29699,29729,29759,29788,29818,29847,29876,29906,29935,29964,29994,30023,30053,30082,30112,30141,30171,30200,30230,30259,30289,30318,30348,30378,30408,30437,30467,30496,30526,30555,30585,30614,30644,30673,30703,30732,30762,30791,30821,30850,30880,30909,30939,30968,30998,31027,31057,31086,31116,31145,31175,31204,31234,31263,31293,31322,31352,31381,31411,31441,31471,31500,31530,31559,31589,31618,31648,31676,31706,31736,31766,31795,31825,31854,31884,31913,31943,31972,32002,32031,32061,32090,32120,32150,32180,32209,32239,32268,32298,32327,32357,32386,32416,32445,32475,32504,32534,32563,32593,32622,32652,32681,32711,32740,32770,32799,32829,32858,32888,32917,32947,32976,33006,33035,33065,33094,33124,33153,33183,33213,33243,33272,33302,33331,33361,33390,33420,33450,33479,33509,33539,33568,33598,33627,33657,33686,33716,33745,33775,33804,33834,33863,33893,33922,33952,33981,34011,34040,34069,34099,34128,34158,34187,34217,34247,34277,34306,34336,34365,34395,34424,34454,34483,34512,34542,34571,34601,34631,34660,34690,34719,34749,34778,34808,34837,34867,34896,34926,34955,34985,35015,35044,35074,35103,35133,35162,35192,35222,35251,35280,35310,35340,35370,35399,35429,35458,35488,35517,35547,35576,35605,35635,35665,35694,35723,35753,35782,35811,35841,35871,35901,35930,35960,35989,36019,36048,36078,36107,36136,36166,36195,36225,36254,36284,36314,36343,36373,36403,36433,36462,36492,36521,36551,36580,36610,36639,36669,36698,36728,36757,36786,36816,36845,36875,36904,36934,36963,36993,37022,37052,37081,37111,37141,37170,37200,37229,37259,37288,37318,37347,37377,37406,37436,37465,37495,37524,37554,37584,37613,37643,37672,37701,37731,37760,37790,37819,37849,37878,37908,37938,37967,37997,38027,38056,38085,38115,38144,38174,38203,38233,38262,38292,38322,38351,38381,38410,38440,38469,38499,38528,38558,38587,38617,38646,38676,38705,38735,38764,38794,38823,38853,38882,38912,38941,38971,39001,39030,39059,39089,39118,39148,39178,39208,39237,39267,39297,39326,39355,39385,39414,39444,39473,39503,39532,39562,39592,39621,39650,39680,39709,39739,39768,39798,39827,39857,39886,39916,39946,39975,40005,40035,40064,40094,40123,40153,40182,40212,40241,40271,40300,40330,40359,40389,40418,40448,40477,40507,40536,40566,40595,40625,40655,40685,40714,40744,40773,40803,40832,40862,40892,40921,40951,40980,41009,41039,41068,41098,41127,41157,41186,41216,41245,41275,41304,41334,41364,41393,41422,41452,41481,41511,41540,41570,41599,41629,41658,41688,41718,41748,41777,41807,41836,41865,41894,41924,41953,41983,42012,42042,42072,42102,42131,42161,42190,42220,42249,42279,42308,42337,42367,42397,42426,42456,42485,42515,42545,42574,42604,42633,42662,42692,42721,42751,42780,42810,42839,42869,42899,42929,42958,42988,43017,43046,43076,43105,43135,43164,43194,43223,43253,43283,43312,43342,43371,43401,43430,43460,43489,43519,43548,43578,43607,43637,43666,43696,43726,43755,43785,43814,43844,43873,43903,43932,43962,43991,44021,44050,44080,44109,44139,44169,44198,44228,44258,44287,44317,44346,44375,44405,44434,44464,44493,44523,44553,44582,44612,44641,44671,44700,44730,44759,44788,44818,44847,44877,44906,44936,44966,44996,45025,45055,45084,45114,45143,45172,45202,45231,45261,45290,45320,45350,45380,45409,45439,45468,45498,45527,45556,45586,45615,45644,45674,45704,45733,45763,45793,45823,45852,45882,45911,45940,45970,45999,46028,46058,46088,46117,46147,46177,46206,46236,46265,46295,46324,46354,46383,46413,46442,46472,46501,46531,46560,46590,46620,46649,46679,46708,46738,46767,46797,46826,46856,46885,46915,46944,46974,47003,47033,47063,47092,47122,47151,47181,47210,47240,47269,47298,47328,47357,47387,47417,47446,47476,47506,47535,47565,47594,47624,47653,47682,47712,47741,47771,47800,47830,47860,47890,47919,47949,47978,48008,48037,48066,48096,48125,48155,48184,48214,48244,48273,48303,48333,48362,48392,48421,48450,48480,48509,48538,48568,48598,48627,48657,48687,48717,48746,48776,48805,48834,48864,48893,48922,48952,48982,49011,49041,49071,49100,49130,49160,49189,49218,49248,49277,49306,49336,49365,49395,49425,49455,49484,49514,49543,49573,49602,49632,49661,49690,49720,49749,49779,49809,49838,49868,49898,49927,49957,49986,50016,50045,50075,50104,50133,50163,50192,50222,50252,50281,50311,50340,50370,50400,50429,50459,50488,50518,50547,50576,50606,50635,50665,50694,50724,50754,50784,50813,50843,50872,50902,50931,50960,50990,51019,51049,51078,51108,51138,51167,51197,51227,51256,51286,51315,51345,51374,51403,51433,51462,51492,51522,51552,51582,51611,51641,51670,51699,51729,51758,51787,51816,51846,51876,51906,51936,51965,51995,52025,52054,52083,52113,52142,52171,52200,52230,52260,52290,52319,52349,52379,52408,52438,52467,52497,52526,52555,52585,52614,52644,52673,52703,52733,52762,52792,52822,52851,52881,52910,52939,52969,52998,53028,53057,53087,53116,53146,53176,53205,53235,53264,53294,53324,53353,53383,53412,53441,53471,53500,53530,53559,53589,53619,53648,53678,53708,53737,53767,53796,53825,53855,53884,53913,53943,53973,54003,54032,54062,54092,54121,54151,54180,54209,54239,54268,54297,54327,54357,54387,54416,54446,54476,54505,54535,54564,54593,54623,54652,54681,54711,54741,54770,54800,54830,54859,54889,54919,54948,54977,55007,55036,55066,55095,55125,55154,55184,55213,55243,55273,55302,55332,55361,55391,55420,55450,55479,55508,55538,55567,55597,55627,55657,55686,55716,55745,55775,55804,55834,55863,55892,55922,55951,55981,56011,56040,56070,56100,56129,56159,56188,56218,56247,56276,56306,56335,56365,56394,56424,56454,56483,56513,56543,56572,56601,56631,56660,56690,56719,56749,56778,56808,56837,56867,56897,56926,56956,56985,57015,57044,57074,57103,57133,57162,57192,57221,57251,57280,57310,57340,57369,57399,57429,57458,57487,57517,57546,57576,57605,57634,57664,57694,57723,57753,57783,57813,57842,57871,57901,57930,57959,57989,58018,58048,58077,58107,58137,58167,58196,58226,58255,58285,58314,58343,58373,58402,58432,58461,58491,58521,58551,58580,58610,58639,58669,58698,58727,58757,58786,58816,58845,58875,58905,58934,58964,58994,59023,59053,59082,59111,59141,59170,59200,59229,59259,59288,59318,59348,59377,59407,59436,59466,59495,59525,59554,59584,59613,59643,59672,59702,59731,59761,59791,59820,59850,59879,59909,59939,59968,59997,60027,60056,60086,60115,60145,60174,60204,60234,60264,60293,60323,60352,60381,60411,60440,60469,60499,60528,60558,60588,60618,60648,60677,60707,60736,60765,60795,60824,60853,60883,60912,60942,60972,61002,61031,61061,61090,61120,61149,61179,61208,61237,61267,61296,61326,61356,61385,61415,61445,61474,61504,61533,61563,61592,61621,61651,61680,61710,61739,61769,61799,61828,61858,61888,61917,61947,61976,62006,62035,62064,62094,62123,62153,62182,62212,62242,62271,62301,62331,62360,62390,62419,62448,62478,62507,62537,62566,62596,62625,62655,62685,62715,62744,62774,62803,62832,62862,62891,62921,62950,62980,63009,63039,63069,63099,63128,63157,63187,63216,63246,63275,63305,63334,63363,63393,63423,63453,63482,63512,63541,63571,63600,63630,63659,63689,63718,63747,63777,63807,63836,63866,63895,63925,63955,63984,64014,64043,64073,64102,64131,64161,64190,64220,64249,64279,64309,64339,64368,64398,64427,64457,64486,64515,64545,64574,64603,64633,64663,64692,64722,64752,64782,64811,64841,64870,64899,64929,64958,64987,65017,65047,65076,65106,65136,65166,65195,65225,65254,65283,65313,65342,65371,65401,65431,65460,65490,65520,65549,65579,65608,65638,65667,65697,65726,65755,65785,65815,65844,65874,65903,65933,65963,65992,66022,66051,66081,66110,66140,66169,66199,66228,66258,66287,66317,66346,66376,66405,66435,66465,66494,66524,66553,66583,66612,66641,66671,66700,66730,66760,66789,66819,66849,66878,66908,66937,66967,66996,67025,67055,67084,67114,67143,67173,67203,67233,67262,67292,67321,67351,67380,67409,67439,67468,67497,67527,67557,67587,67617,67646,67676,67705,67735,67764,67793,67823,67852,67882,67911,67941,67971,68e3,68030,68060,68089,68119,68148,68177,68207,68236,68266,68295,68325,68354,68384,68414,68443,68473,68502,68532,68561,68591,68620,68650,68679,68708,68738,68768,68797,68827,68857,68886,68916,68946,68975,69004,69034,69063,69092,69122,69152,69181,69211,69240,69270,69300,69330,69359,69388,69418,69447,69476,69506,69535,69565,69595,69624,69654,69684,69713,69743,69772,69802,69831,69861,69890,69919,69949,69978,70008,70038,70067,70097,70126,70156,70186,70215,70245,70274,70303,70333,70362,70392,70421,70451,70481,70510,70540,70570,70599,70629,70658,70687,70717,70746,70776,70805,70835,70864,70894,70924,70954,70983,71013,71042,71071,71101,71130,71159,71189,71218,71248,71278,71308,71337,71367,71397,71426,71455,71485,71514,71543,71573,71602,71632,71662,71691,71721,71751,71781,71810,71839,71869,71898,71927,71957,71986,72016,72046,72075,72105,72135,72164,72194,72223,72253,72282,72311,72341,72370,72400,72429,72459,72489,72518,72548,72577,72607,72637,72666,72695,72725,72754,72784,72813,72843,72872,72902,72931,72961,72991,73020,73050,73080,73109,73139,73168,73197,73227,73256,73286,73315,73345,73375,73404,73434,73464,73493,73523,73552,73581,73611,73640,73669,73699,73729,73758,73788,73818,73848,73877,73907,73936,73965,73995,74024,74053,74083,74113,74142,74172,74202,74231,74261,74291,74320,74349,74379,74408,74437,74467,74497,74526,74556,74586,74615,74645,74675,74704,74733,74763,74792,74822,74851,74881,74910,74940,74969,74999,75029,75058,75088,75117,75147,75176,75206,75235,75264,75294,75323,75353,75383,75412,75442,75472,75501,75531,75560,75590,75619,75648,75678,75707,75737,75766,75796,75826,75856,75885,75915,75944,75974,76003,76032,76062,76091,76121,76150,76180,76210,76239,76269,76299,76328,76358,76387,76416,76446,76475,76505,76534,76564,76593,76623,76653,76682,76712,76741,76771,76801,76830,76859,76889,76918,76948,76977,77007,77036,77066,77096,77125,77155,77185,77214,77243,77273,77302,77332,77361,77390,77420,77450,77479,77509,77539,77569,77598,77627,77657,77686,77715,77745,77774,77804,77833,77863,77893,77923,77952,77982,78011,78041,78070,78099,78129,78158,78188,78217,78247,78277,78307,78336,78366,78395,78425,78454,78483,78513,78542,78572,78601,78631,78661,78690,78720,78750,78779,78808,78838,78867,78897,78926,78956,78985,79015,79044,79074,79104,79133,79163,79192,79222,79251,79281,79310,79340,79369,79399,79428,79458,79487,79517,79546,79576,79606,79635,79665,79695,79724,79753,79783,79812,79841,79871,79900,79930,79960,79990]},{"../main":621,"object-assign":499}],621:[function(t,e,r){var n=t("object-assign");function i(){this.regionalOptions=[],this.regionalOptions[""]={invalidCalendar:"Calendar {0} not found",invalidDate:"Invalid {0} date",invalidMonth:"Invalid {0} month",invalidYear:"Invalid {0} year",differentCalendars:"Cannot mix {0} and {1} dates"},this.local=this.regionalOptions[""],this.calendars={},this._localCals={}}function a(t,e,r,n){if(this._calendar=t,this._year=e,this._month=r,this._day=n,0===this._calendar._validateLevel&&!this._calendar.isValid(this._year,this._month,this._day))throw(c.local.invalidDate||c.regionalOptions[""].invalidDate).replace(/\{0\}/,this._calendar.local.name)}function o(t,e){return"000000".substring(0,e-(t=""+t).length)+t}function s(){this.shortYearCutoff="+10"}function l(t){this.local=this.regionalOptions[t]||this.regionalOptions[""]}n(i.prototype,{instance:function(t,e){t=(t||"gregorian").toLowerCase(),e=e||"";var r=this._localCals[t+"-"+e];if(!r&&this.calendars[t]&&(r=new this.calendars[t](e),this._localCals[t+"-"+e]=r),!r)throw(this.local.invalidCalendar||this.regionalOptions[""].invalidCalendar).replace(/\{0\}/,t);return r},newDate:function(t,e,r,n,i){return(n=(null!=t&&t.year?t.calendar():"string"==typeof n?this.instance(n,i):n)||this.instance()).newDate(t,e,r)},substituteDigits:function(t){return function(e){return(e+"").replace(/[0-9]/g,(function(e){return t[e]}))}},substituteChineseDigits:function(t,e){return function(r){for(var n="",i=0;r>0;){var a=r%10;n=(0===a?"":t[a]+e[i])+n,i++,r=Math.floor(r/10)}return 0===n.indexOf(t[1]+e[1])&&(n=n.substr(1)),n||t[0]}}}),n(a.prototype,{newDate:function(t,e,r){return this._calendar.newDate(null==t?this:t,e,r)},year:function(t){return 0===arguments.length?this._year:this.set(t,"y")},month:function(t){return 0===arguments.length?this._month:this.set(t,"m")},day:function(t){return 0===arguments.length?this._day:this.set(t,"d")},date:function(t,e,r){if(!this._calendar.isValid(t,e,r))throw(c.local.invalidDate||c.regionalOptions[""].invalidDate).replace(/\{0\}/,this._calendar.local.name);return this._year=t,this._month=e,this._day=r,this},leapYear:function(){return this._calendar.leapYear(this)},epoch:function(){return this._calendar.epoch(this)},formatYear:function(){return this._calendar.formatYear(this)},monthOfYear:function(){return this._calendar.monthOfYear(this)},weekOfYear:function(){return this._calendar.weekOfYear(this)},daysInYear:function(){return this._calendar.daysInYear(this)},dayOfYear:function(){return this._calendar.dayOfYear(this)},daysInMonth:function(){return this._calendar.daysInMonth(this)},dayOfWeek:function(){return this._calendar.dayOfWeek(this)},weekDay:function(){return this._calendar.weekDay(this)},extraInfo:function(){return this._calendar.extraInfo(this)},add:function(t,e){return this._calendar.add(this,t,e)},set:function(t,e){return this._calendar.set(this,t,e)},compareTo:function(t){if(this._calendar.name!==t._calendar.name)throw(c.local.differentCalendars||c.regionalOptions[""].differentCalendars).replace(/\{0\}/,this._calendar.local.name).replace(/\{1\}/,t._calendar.local.name);var e=this._year!==t._year?this._year-t._year:this._month!==t._month?this.monthOfYear()-t.monthOfYear():this._day-t._day;return 0===e?0:e<0?-1:1},calendar:function(){return this._calendar},toJD:function(){return this._calendar.toJD(this)},fromJD:function(t){return this._calendar.fromJD(t)},toJSDate:function(){return this._calendar.toJSDate(this)},fromJSDate:function(t){return this._calendar.fromJSDate(t)},toString:function(){return(this.year()<0?"-":"")+o(Math.abs(this.year()),4)+"-"+o(this.month(),2)+"-"+o(this.day(),2)}}),n(s.prototype,{_validateLevel:0,newDate:function(t,e,r){return null==t?this.today():(t.year&&(this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate),r=t.day(),e=t.month(),t=t.year()),new a(this,t,e,r))},today:function(){return this.fromJSDate(new Date)},epoch:function(t){return this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[""].invalidYear).year()<0?this.local.epochs[0]:this.local.epochs[1]},formatYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[""].invalidYear);return(e.year()<0?"-":"")+o(Math.abs(e.year()),4)},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[""].invalidYear),12},monthOfYear:function(t,e){var r=this._validate(t,e,this.minDay,c.local.invalidMonth||c.regionalOptions[""].invalidMonth);return(r.month()+this.monthsInYear(r)-this.firstMonth)%this.monthsInYear(r)+this.minMonth},fromMonthOfYear:function(t,e){var r=(e+this.firstMonth-2*this.minMonth)%this.monthsInYear(t)+this.minMonth;return this._validate(t,r,this.minDay,c.local.invalidMonth||c.regionalOptions[""].invalidMonth),r},daysInYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[""].invalidYear);return this.leapYear(e)?366:365},dayOfYear:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate);return n.toJD()-this.newDate(n.year(),this.fromMonthOfYear(n.year(),this.minMonth),this.minDay).toJD()+1},daysInWeek:function(){return 7},dayOfWeek:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate);return(Math.floor(this.toJD(n))+2)%this.daysInWeek()},extraInfo:function(t,e,r){return this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate),{}},add:function(t,e,r){return this._validate(t,this.minMonth,this.minDay,c.local.invalidDate||c.regionalOptions[""].invalidDate),this._correctAdd(t,this._add(t,e,r),e,r)},_add:function(t,e,r){if(this._validateLevel++,"d"===r||"w"===r){var n=t.toJD()+e*("w"===r?this.daysInWeek():1),i=t.calendar().fromJD(n);return this._validateLevel--,[i.year(),i.month(),i.day()]}try{var a=t.year()+("y"===r?e:0),o=t.monthOfYear()+("m"===r?e:0);i=t.day();"y"===r?(t.month()!==this.fromMonthOfYear(a,o)&&(o=this.newDate(a,t.month(),this.minDay).monthOfYear()),o=Math.min(o,this.monthsInYear(a)),i=Math.min(i,this.daysInMonth(a,this.fromMonthOfYear(a,o)))):"m"===r&&(!function(t){for(;oe-1+t.minMonth;)a++,o-=e,e=t.monthsInYear(a)}(this),i=Math.min(i,this.daysInMonth(a,this.fromMonthOfYear(a,o))));var s=[a,this.fromMonthOfYear(a,o),i];return this._validateLevel--,s}catch(t){throw this._validateLevel--,t}},_correctAdd:function(t,e,r,n){if(!(this.hasYearZero||"y"!==n&&"m"!==n||0!==e[0]&&t.year()>0==e[0]>0)){var i={y:[1,1,"y"],m:[1,this.monthsInYear(-1),"m"],w:[this.daysInWeek(),this.daysInYear(-1),"d"],d:[1,this.daysInYear(-1),"d"]}[n],a=r<0?-1:1;e=this._add(t,r*i[0]+a*i[1],i[2])}return t.date(e[0],e[1],e[2])},set:function(t,e,r){this._validate(t,this.minMonth,this.minDay,c.local.invalidDate||c.regionalOptions[""].invalidDate);var n="y"===r?e:t.year(),i="m"===r?e:t.month(),a="d"===r?e:t.day();return"y"!==r&&"m"!==r||(a=Math.min(a,this.daysInMonth(n,i))),t.date(n,i,a)},isValid:function(t,e,r){this._validateLevel++;var n=this.hasYearZero||0!==t;if(n){var i=this.newDate(t,e,this.minDay);n=e>=this.minMonth&&e-this.minMonth=this.minDay&&r-this.minDay13.5?13:1),c=i-(l>2.5?4716:4715);return c<=0&&c--,this.newDate(c,l,s)},toJSDate:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[""].invalidDate),i=new Date(n.year(),n.month()-1,n.day());return i.setHours(0),i.setMinutes(0),i.setSeconds(0),i.setMilliseconds(0),i.setHours(i.getHours()>12?i.getHours()+2:0),i},fromJSDate:function(t){return this.newDate(t.getFullYear(),t.getMonth()+1,t.getDate())}});var c=e.exports=new i;c.cdate=a,c.baseCalendar=s,c.calendars.gregorian=l},{"object-assign":499}],622:[function(t,e,r){var n=t("object-assign"),i=t("./main");n(i.regionalOptions[""],{invalidArguments:"Invalid arguments",invalidFormat:"Cannot format a date from another calendar",missingNumberAt:"Missing number at position {0}",unknownNameAt:"Unknown name at position {0}",unexpectedLiteralAt:"Unexpected literal at position {0}",unexpectedText:"Additional text found at end"}),i.local=i.regionalOptions[""],n(i.cdate.prototype,{formatDate:function(t,e){return"string"!=typeof t&&(e=t,t=""),this._calendar.formatDate(t||"",this,e)}}),n(i.baseCalendar.prototype,{UNIX_EPOCH:i.instance().newDate(1970,1,1).toJD(),SECS_PER_DAY:86400,TICKS_EPOCH:i.instance().jdEpoch,TICKS_PER_DAY:864e9,ATOM:"yyyy-mm-dd",COOKIE:"D, dd M yyyy",FULL:"DD, MM d, yyyy",ISO_8601:"yyyy-mm-dd",JULIAN:"J",RFC_822:"D, d M yy",RFC_850:"DD, dd-M-yy",RFC_1036:"D, d M yy",RFC_1123:"D, d M yyyy",RFC_2822:"D, d M yyyy",RSS:"D, d M yy",TICKS:"!",TIMESTAMP:"@",W3C:"yyyy-mm-dd",formatDate:function(t,e,r){if("string"!=typeof t&&(r=e,e=t,t=""),!e)return"";if(e.calendar()!==this)throw i.local.invalidFormat||i.regionalOptions[""].invalidFormat;t=t||this.local.dateFormat;for(var n,a,o,s,l=(r=r||{}).dayNamesShort||this.local.dayNamesShort,c=r.dayNames||this.local.dayNames,u=r.monthNumbers||this.local.monthNumbers,f=r.monthNamesShort||this.local.monthNamesShort,h=r.monthNames||this.local.monthNames,p=(r.calculateWeek||this.local.calculateWeek,function(e,r){for(var n=1;w+n1}),d=function(t,e,r,n){var i=""+e;if(p(t,n))for(;i.length1},x=function(t,r){var n=y(t,r),a=[2,3,n?4:2,n?4:2,10,11,20]["oyYJ@!".indexOf(t)+1],o=new RegExp("^-?\\d{1,"+a+"}"),s=e.substring(M).match(o);if(!s)throw(i.local.missingNumberAt||i.regionalOptions[""].missingNumberAt).replace(/\{0\}/,M);return M+=s[0].length,parseInt(s[0],10)},b=this,_=function(){if("function"==typeof l){y("m");var t=l.call(b,e.substring(M));return M+=t.length,t}return x("m")},w=function(t,r,n,a){for(var o=y(t,a)?n:r,s=0;s-1){p=1,d=g;for(var E=this.daysInMonth(h,p);d>E;E=this.daysInMonth(h,p))p++,d-=E}return f>-1?this.fromJD(f):this.newDate(h,p,d)},determineDate:function(t,e,r,n,i){r&&"object"!=typeof r&&(i=n,n=r,r=null),"string"!=typeof n&&(i=n,n="");var a=this;return e=e?e.newDate():null,t=null==t?e:"string"==typeof t?function(t){try{return a.parseDate(n,t,i)}catch(t){}for(var e=((t=t.toLowerCase()).match(/^c/)&&r?r.newDate():null)||a.today(),o=/([+-]?[0-9]+)\s*(d|w|m|y)?/g,s=o.exec(t);s;)e.add(parseInt(s[1],10),s[2]||"d"),s=o.exec(t);return e}(t):"number"==typeof t?isNaN(t)||t===1/0||t===-1/0?e:a.today().add(t,"d"):a.newDate(t)}})},{"./main":621,"object-assign":499}],623:[function(t,e,r){e.exports=t("cwise-compiler")({args:["array",{offset:[1],array:0},"scalar","scalar","index"],pre:{body:"{}",args:[],thisVars:[],localVars:[]},post:{body:"{}",args:[],thisVars:[],localVars:[]},body:{body:"{\n var _inline_1_da = _inline_1_arg0_ - _inline_1_arg3_\n var _inline_1_db = _inline_1_arg1_ - _inline_1_arg3_\n if((_inline_1_da >= 0) !== (_inline_1_db >= 0)) {\n _inline_1_arg2_.push(_inline_1_arg4_[0] + 0.5 + 0.5 * (_inline_1_da + _inline_1_db) / (_inline_1_da - _inline_1_db))\n }\n }",args:[{name:"_inline_1_arg0_",lvalue:!1,rvalue:!0,count:1},{name:"_inline_1_arg1_",lvalue:!1,rvalue:!0,count:1},{name:"_inline_1_arg2_",lvalue:!1,rvalue:!0,count:1},{name:"_inline_1_arg3_",lvalue:!1,rvalue:!0,count:2},{name:"_inline_1_arg4_",lvalue:!1,rvalue:!0,count:1}],thisVars:[],localVars:["_inline_1_da","_inline_1_db"]},funcName:"zeroCrossings"})},{"cwise-compiler":151}],624:[function(t,e,r){"use strict";e.exports=function(t,e){var r=[];return e=+e||0,n(t.hi(t.shape[0]-1),r,e),r};var n=t("./lib/zc-core")},{"./lib/zc-core":623}],625:[function(t,e,r){"use strict";e.exports=[{path:"",backoff:0},{path:"M-2.4,-3V3L0.6,0Z",backoff:.6},{path:"M-3.7,-2.5V2.5L1.3,0Z",backoff:1.3},{path:"M-4.45,-3L-1.65,-0.2V0.2L-4.45,3L1.55,0Z",backoff:1.55},{path:"M-2.2,-2.2L-0.2,-0.2V0.2L-2.2,2.2L-1.4,3L1.6,0L-1.4,-3Z",backoff:1.6},{path:"M-4.4,-2.1L-0.6,-0.2V0.2L-4.4,2.1L-4,3L2,0L-4,-3Z",backoff:2},{path:"M2,0A2,2 0 1,1 0,-2A2,2 0 0,1 2,0Z",backoff:0,noRotate:!0},{path:"M2,2V-2H-2V2Z",backoff:0,noRotate:!0}]},{}],626:[function(t,e,r){"use strict";var n=t("./arrow_paths"),i=t("../../plots/font_attributes"),a=t("../../plots/cartesian/constants"),o=t("../../plot_api/plot_template").templatedArray;t("../../constants/axis_placeable_objects");e.exports=o("annotation",{visible:{valType:"boolean",dflt:!0,editType:"calc+arraydraw"},text:{valType:"string",editType:"calc+arraydraw"},textangle:{valType:"angle",dflt:0,editType:"calc+arraydraw"},font:i({editType:"calc+arraydraw",colorEditType:"arraydraw"}),width:{valType:"number",min:1,dflt:null,editType:"calc+arraydraw"},height:{valType:"number",min:1,dflt:null,editType:"calc+arraydraw"},opacity:{valType:"number",min:0,max:1,dflt:1,editType:"arraydraw"},align:{valType:"enumerated",values:["left","center","right"],dflt:"center",editType:"arraydraw"},valign:{valType:"enumerated",values:["top","middle","bottom"],dflt:"middle",editType:"arraydraw"},bgcolor:{valType:"color",dflt:"rgba(0,0,0,0)",editType:"arraydraw"},bordercolor:{valType:"color",dflt:"rgba(0,0,0,0)",editType:"arraydraw"},borderpad:{valType:"number",min:0,dflt:1,editType:"calc+arraydraw"},borderwidth:{valType:"number",min:0,dflt:1,editType:"calc+arraydraw"},showarrow:{valType:"boolean",dflt:!0,editType:"calc+arraydraw"},arrowcolor:{valType:"color",editType:"arraydraw"},arrowhead:{valType:"integer",min:0,max:n.length,dflt:1,editType:"arraydraw"},startarrowhead:{valType:"integer",min:0,max:n.length,dflt:1,editType:"arraydraw"},arrowside:{valType:"flaglist",flags:["end","start"],extras:["none"],dflt:"end",editType:"arraydraw"},arrowsize:{valType:"number",min:.3,dflt:1,editType:"calc+arraydraw"},startarrowsize:{valType:"number",min:.3,dflt:1,editType:"calc+arraydraw"},arrowwidth:{valType:"number",min:.1,editType:"calc+arraydraw"},standoff:{valType:"number",min:0,dflt:0,editType:"calc+arraydraw"},startstandoff:{valType:"number",min:0,dflt:0,editType:"calc+arraydraw"},ax:{valType:"any",editType:"calc+arraydraw"},ay:{valType:"any",editType:"calc+arraydraw"},axref:{valType:"enumerated",dflt:"pixel",values:["pixel",a.idRegex.x.toString()],editType:"calc"},ayref:{valType:"enumerated",dflt:"pixel",values:["pixel",a.idRegex.y.toString()],editType:"calc"},xref:{valType:"enumerated",values:["paper",a.idRegex.x.toString()],editType:"calc"},x:{valType:"any",editType:"calc+arraydraw"},xanchor:{valType:"enumerated",values:["auto","left","center","right"],dflt:"auto",editType:"calc+arraydraw"},xshift:{valType:"number",dflt:0,editType:"calc+arraydraw"},yref:{valType:"enumerated",values:["paper",a.idRegex.y.toString()],editType:"calc"},y:{valType:"any",editType:"calc+arraydraw"},yanchor:{valType:"enumerated",values:["auto","top","middle","bottom"],dflt:"auto",editType:"calc+arraydraw"},yshift:{valType:"number",dflt:0,editType:"calc+arraydraw"},clicktoshow:{valType:"enumerated",values:[!1,"onoff","onout"],dflt:!1,editType:"arraydraw"},xclick:{valType:"any",editType:"arraydraw"},yclick:{valType:"any",editType:"arraydraw"},hovertext:{valType:"string",editType:"arraydraw"},hoverlabel:{bgcolor:{valType:"color",editType:"arraydraw"},bordercolor:{valType:"color",editType:"arraydraw"},font:i({editType:"arraydraw"}),editType:"arraydraw"},captureevents:{valType:"boolean",editType:"arraydraw"},editType:"calc",_deprecated:{ref:{valType:"string",editType:"calc"}}})},{"../../constants/axis_placeable_objects":746,"../../plot_api/plot_template":817,"../../plots/cartesian/constants":834,"../../plots/font_attributes":856,"./arrow_paths":625}],627:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../plots/cartesian/axes"),a=t("./draw").draw;function o(t){var e=t._fullLayout;n.filterVisible(e.annotations).forEach((function(e){var r=i.getFromId(t,e.xref),n=i.getFromId(t,e.yref),a=i.getRefType(e.xref),o=i.getRefType(e.yref);e._extremes={},"range"===a&&s(e,r),"range"===o&&s(e,n)}))}function s(t,e){var r,n=e._id,a=n.charAt(0),o=t[a],s=t["a"+a],l=t[a+"ref"],c=t["a"+a+"ref"],u=t["_"+a+"padplus"],f=t["_"+a+"padminus"],h={x:1,y:-1}[a]*t[a+"shift"],p=3*t.arrowsize*t.arrowwidth||0,d=p+h,g=p-h,m=3*t.startarrowsize*t.arrowwidth||0,v=m+h,y=m-h;if(c===l){var x=i.findExtremes(e,[e.r2c(o)],{ppadplus:d,ppadminus:g}),b=i.findExtremes(e,[e.r2c(s)],{ppadplus:Math.max(u,v),ppadminus:Math.max(f,y)});r={min:[x.min[0],b.min[0]],max:[x.max[0],b.max[0]]}}else v=s?v+s:v,y=s?y-s:y,r=i.findExtremes(e,[e.r2c(o)],{ppadplus:Math.max(u,d,v),ppadminus:Math.max(f,g,y)});t._extremes[n]=r}e.exports=function(t){var e=t._fullLayout;if(n.filterVisible(e.annotations).length&&t._fullData.length)return n.syncOrAsync([a,o],t)}},{"../../lib":778,"../../plots/cartesian/axes":828,"./draw":632}],628:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry"),a=t("../../plot_api/plot_template").arrayEditor;function o(t,e){var r,n,i,a,o,l,c,u=t._fullLayout.annotations,f=[],h=[],p=[],d=(e||[]).length;for(r=0;r0||r.explicitOff.length>0},onClick:function(t,e){var r,s,l=o(t,e),c=l.on,u=l.off.concat(l.explicitOff),f={},h=t._fullLayout.annotations;if(!c.length&&!u.length)return;for(r=0;r2/3?"right":"center"),{center:0,middle:0,left:.5,bottom:-.5,right:-.5,top:.5}[e]}for(var W=!1,X=["x","y"],Z=0;Z1)&&(nt===rt?((pt=it.r2fraction(e["a"+et]))<0||pt>1)&&(W=!0):W=!0),J=it._offset+it.r2p(e[et]),$=.5}else{var dt="domain"===ht;"x"===et?(Q=e[et],J=dt?it._offset+it._length*Q:J=T.l+T.w*Q):(Q=1-e[et],J=dt?it._offset+it._length*Q:J=T.t+T.h*Q),$=e.showarrow?.5:Q}if(e.showarrow){ft.head=J;var gt=e["a"+et];if(tt=ot*H(.5,e.xanchor)-st*H(.5,e.yanchor),nt===rt){var mt=l.getRefType(nt);"domain"===mt?("y"===et&&(gt=1-gt),ft.tail=it._offset+it._length*gt):"paper"===mt?"y"===et?(gt=1-gt,ft.tail=T.t+T.h*gt):ft.tail=T.l+T.w*gt:ft.tail=it._offset+it.r2p(gt),K=tt}else ft.tail=J+gt,K=tt+gt;ft.text=ft.tail+tt;var vt=w["x"===et?"width":"height"];if("paper"===rt&&(ft.head=o.constrain(ft.head,1,vt-1)),"pixel"===nt){var yt=-Math.max(ft.tail-3,ft.text),xt=Math.min(ft.tail+3,ft.text)-vt;yt>0?(ft.tail+=yt,ft.text+=yt):xt>0&&(ft.tail-=xt,ft.text-=xt)}ft.tail+=ut,ft.head+=ut}else K=tt=lt*H($,ct),ft.text=J+tt;ft.text+=ut,tt+=ut,K+=ut,e["_"+et+"padplus"]=lt/2+K,e["_"+et+"padminus"]=lt/2-K,e["_"+et+"size"]=lt,e["_"+et+"shift"]=tt}if(W)R.remove();else{var bt=0,_t=0;if("left"!==e.align&&(bt=(M-b)*("center"===e.align?.5:1)),"top"!==e.valign&&(_t=(D-_)*("middle"===e.valign?.5:1)),f)n.select("svg").attr({x:N+bt-1,y:N+_t}).call(u.setClipUrl,U?C:null,t);else{var wt=N+_t-g.top,Tt=N+bt-g.left;G.call(h.positionText,Tt,wt).call(u.setClipUrl,U?C:null,t)}V.select("rect").call(u.setRect,N,N,M,D),j.call(u.setRect,F/2,F/2,B-F,q-F),R.call(u.setTranslate,Math.round(L.x.text-B/2),Math.round(L.y.text-q/2)),z.attr({transform:"rotate("+I+","+L.x.text+","+L.y.text+")"});var kt,Mt=function(r,n){P.selectAll(".annotation-arrow-g").remove();var l=L.x.head,f=L.y.head,h=L.x.tail+r,p=L.y.tail+n,g=L.x.text+r,b=L.y.text+n,_=o.rotationXYMatrix(I,g,b),w=o.apply2DTransform(_),M=o.apply2DTransform2(_),C=+j.attr("width"),O=+j.attr("height"),D=g-.5*C,F=D+C,B=b-.5*O,N=B+O,U=[[D,B,D,N],[D,N,F,N],[F,N,F,B],[F,B,D,B]].map(M);if(!U.reduce((function(t,e){return t^!!o.segmentsIntersect(l,f,l+1e6,f+1e6,e[0],e[1],e[2],e[3])}),!1)){U.forEach((function(t){var e=o.segmentsIntersect(h,p,l,f,t[0],t[1],t[2],t[3]);e&&(h=e.x,p=e.y)}));var V=e.arrowwidth,q=e.arrowcolor,H=e.arrowside,G=P.append("g").style({opacity:c.opacity(q)}).classed("annotation-arrow-g",!0),Y=G.append("path").attr("d","M"+h+","+p+"L"+l+","+f).style("stroke-width",V+"px").call(c.stroke,c.rgb(q));if(m(Y,H,e),k.annotationPosition&&Y.node().parentNode&&!a){var W=l,X=f;if(e.standoff){var Z=Math.sqrt(Math.pow(l-h,2)+Math.pow(f-p,2));W+=e.standoff*(h-l)/Z,X+=e.standoff*(p-f)/Z}var J,K,Q=G.append("path").classed("annotation-arrow",!0).classed("anndrag",!0).classed("cursor-move",!0).attr({d:"M3,3H-3V-3H3ZM0,0L"+(h-W)+","+(p-X),transform:s(W,X)}).style("stroke-width",V+6+"px").call(c.stroke,"rgba(0,0,0,0)").call(c.fill,"rgba(0,0,0,0)");d.init({element:Q.node(),gd:t,prepFn:function(){var t=u.getTranslate(R);J=t.x,K=t.y,v&&v.autorange&&A(v._name+".autorange",!0),x&&x.autorange&&A(x._name+".autorange",!0)},moveFn:function(t,r){var n=w(J,K),i=n[0]+t,a=n[1]+r;R.call(u.setTranslate,i,a),S("x",y(v,t,"x",T,e)),S("y",y(x,r,"y",T,e)),e.axref===e.xref&&S("ax",y(v,t,"ax",T,e)),e.ayref===e.yref&&S("ay",y(x,r,"ay",T,e)),G.attr("transform",s(t,r)),z.attr({transform:"rotate("+I+","+i+","+a+")"})},doneFn:function(){i.call("_guiRelayout",t,E());var e=document.querySelector(".js-notes-box-panel");e&&e.redraw(e.selectedObj)}})}}};if(e.showarrow&&Mt(0,0),O)d.init({element:R.node(),gd:t,prepFn:function(){kt=z.attr("transform")},moveFn:function(t,r){var n="pointer";if(e.showarrow)e.axref===e.xref?S("ax",y(v,t,"ax",T,e)):S("ax",e.ax+t),e.ayref===e.yref?S("ay",y(x,r,"ay",T.w,e)):S("ay",e.ay+r),Mt(t,r);else{if(a)return;var i,o;if(v)i=y(v,t,"x",T,e);else{var l=e._xsize/T.w,c=e.x+(e._xshift-e.xshift)/T.w-l/2;i=d.align(c+t/T.w,l,0,1,e.xanchor)}if(x)o=y(x,r,"y",T,e);else{var u=e._ysize/T.h,f=e.y-(e._yshift+e.yshift)/T.h-u/2;o=d.align(f-r/T.h,u,0,1,e.yanchor)}S("x",i),S("y",o),v&&x||(n=d.getCursor(v?.5:i,x?.5:o,e.xanchor,e.yanchor))}z.attr({transform:s(t,r)+kt}),p(R,n)},clickFn:function(r,n){e.captureevents&&t.emit("plotly_clickannotation",Y(n))},doneFn:function(){p(R),i.call("_guiRelayout",t,E());var e=document.querySelector(".js-notes-box-panel");e&&e.redraw(e.selectedObj)}})}}}e.exports={draw:function(t){var e=t._fullLayout;e._infolayer.selectAll(".annotation").remove();for(var r=0;r=0,x=e.indexOf("end")>=0,b=d.backoff*m+r.standoff,_=g.backoff*v+r.startstandoff;if("line"===p.nodeName){o={x:+t.attr("x1"),y:+t.attr("y1")},u={x:+t.attr("x2"),y:+t.attr("y2")};var w=o.x-u.x,T=o.y-u.y;if(h=(f=Math.atan2(T,w))+Math.PI,b&&_&&b+_>Math.sqrt(w*w+T*T))return void O();if(b){if(b*b>w*w+T*T)return void O();var k=b*Math.cos(f),M=b*Math.sin(f);u.x+=k,u.y+=M,t.attr({x2:u.x,y2:u.y})}if(_){if(_*_>w*w+T*T)return void O();var A=_*Math.cos(f),S=_*Math.sin(f);o.x-=A,o.y-=S,t.attr({x1:o.x,y1:o.y})}}else if("path"===p.nodeName){var E=p.getTotalLength(),C="";if(E1){c=!0;break}}c?t.fullLayout._infolayer.select(".annotation-"+t.id+'[data-index="'+s+'"]').remove():(l._pdata=i(t.glplot.cameraParams,[e.xaxis.r2l(l.x)*r[0],e.yaxis.r2l(l.y)*r[1],e.zaxis.r2l(l.z)*r[2]]),n(t.graphDiv,l,s,t.id,l._xa,l._ya))}}},{"../../plots/gl3d/project":879,"../annotations/draw":632}],639:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib");e.exports={moduleType:"component",name:"annotations3d",schema:{subplots:{scene:{annotations:t("./attributes")}}},layoutAttributes:t("./attributes"),handleDefaults:t("./defaults"),includeBasePlot:function(t,e){var r=n.subplotsRegistry.gl3d;if(!r)return;for(var a=r.attrRegex,o=Object.keys(t),s=0;s=0))return t;if(3===o)n[o]>1&&(n[o]=1);else if(n[o]>=1)return t}var s=Math.round(255*n[0])+", "+Math.round(255*n[1])+", "+Math.round(255*n[2]);return a?"rgba("+s+", "+n[3]+")":"rgb("+s+")"}a.tinyRGB=function(t){var e=t.toRgb();return"rgb("+Math.round(e.r)+", "+Math.round(e.g)+", "+Math.round(e.b)+")"},a.rgb=function(t){return a.tinyRGB(n(t))},a.opacity=function(t){return t?n(t).getAlpha():0},a.addOpacity=function(t,e){var r=n(t).toRgb();return"rgba("+Math.round(r.r)+", "+Math.round(r.g)+", "+Math.round(r.b)+", "+e+")"},a.combine=function(t,e){var r=n(t).toRgb();if(1===r.a)return n(t).toRgbString();var i=n(e||l).toRgb(),a=1===i.a?i:{r:255*(1-i.a)+i.r*i.a,g:255*(1-i.a)+i.g*i.a,b:255*(1-i.a)+i.b*i.a},o={r:a.r*(1-r.a)+r.r*r.a,g:a.g*(1-r.a)+r.g*r.a,b:a.b*(1-r.a)+r.b*r.a};return n(o).toRgbString()},a.contrast=function(t,e,r){var i=n(t);return 1!==i.getAlpha()&&(i=n(a.combine(t,l))),(i.isDark()?e?i.lighten(e):l:r?i.darken(r):s).toString()},a.stroke=function(t,e){var r=n(e);t.style({stroke:a.tinyRGB(r),"stroke-opacity":r.getAlpha()})},a.fill=function(t,e){var r=n(e);t.style({fill:a.tinyRGB(r),"fill-opacity":r.getAlpha()})},a.clean=function(t){if(t&&"object"==typeof t){var e,r,n,i,o=Object.keys(t);for(e=0;e0?n>=l:n<=l));i++)n>u&&n0?n>=l:n<=l));i++)n>r[0]&&n1){var J=Math.pow(10,Math.floor(Math.log(Z)/Math.LN10));W*=J*c.roundUp(Z/J,[2,5,10]),(Math.abs(L.start)/L.size+1e-6)%1<2e-6&&(Y.tick0=0)}Y.dtick=W}Y.domain=[q+j,q+F-j],Y.setScale(),t.attr("transform",u(Math.round(l.l),Math.round(l.t)));var K,Q=t.select("."+M.cbtitleunshift).attr("transform",u(-Math.round(l.l),-Math.round(l.t))),$=t.select("."+M.cbaxis),tt=0;function et(n,i){var a={propContainer:Y,propName:e._propPrefix+"title",traceIndex:e._traceIndex,_meta:e._meta,placeholder:o._dfltTitle.colorbar,containerGroup:t.select("."+M.cbtitle)},s="h"===n.charAt(0)?n.substr(1):"h"+n;t.selectAll("."+s+",."+s+"-math-group").remove(),g.draw(r,n,f(a,i||{}))}return c.syncOrAsync([a.previousPromises,function(){if(-1!==["top","bottom"].indexOf(A)){var t,r=l.l+(e.x+B)*l.w,n=Y.title.font.size;t="top"===A?(1-(q+F-j))*l.h+l.t+3+.75*n:(1-(q+j))*l.h+l.t-3-.25*n,et(Y._id+"title",{attributes:{x:r,y:t,"text-anchor":"start"}})}},function(){if(-1!==["top","bottom"].indexOf(A)){var a=t.select("."+M.cbtitle),o=a.select("text"),f=[-e.outlinewidth/2,e.outlinewidth/2],h=a.select(".h"+Y._id+"title-math-group").node(),d=15.6;if(o.node()&&(d=parseInt(o.node().style.fontSize,10)*w),h?(tt=p.bBox(h).height)>d&&(f[1]-=(tt-d)/2):o.node()&&!o.classed(M.jsPlaceholder)&&(tt=p.bBox(o.node()).height),tt){if(tt+=5,"top"===A)Y.domain[1]-=tt/l.h,f[1]*=-1;else{Y.domain[0]+=tt/l.h;var g=m.lineCount(o);f[1]+=(1-g)*d}a.attr("transform",u(f[0],f[1])),Y.setScale()}}t.selectAll("."+M.cbfills+",."+M.cblines).attr("transform",u(0,Math.round(l.h*(1-Y.domain[1])))),$.attr("transform",u(0,Math.round(-l.t)));var y=t.select("."+M.cbfills).selectAll("rect."+M.cbfill).attr("style","").data(P);y.enter().append("rect").classed(M.cbfill,!0).style("stroke","none"),y.exit().remove();var x=S.map(Y.c2p).map(Math.round).sort((function(t,e){return t-e}));y.each((function(t,a){var o=[0===a?S[0]:(P[a]+P[a-1])/2,a===P.length-1?S[1]:(P[a]+P[a+1])/2].map(Y.c2p).map(Math.round);o[1]=c.constrain(o[1]+(o[1]>o[0])?1:-1,x[0],x[1]);var s=n.select(this).attr({x:U,width:Math.max(O,2),y:n.min(o),height:Math.max(n.max(o)-n.min(o),2)});if(e._fillgradient)p.gradient(s,r,e._id,"vertical",e._fillgradient,"fill");else{var l=C(t).replace("e-","");s.attr("fill",i(l).toHexString())}}));var b=t.select("."+M.cblines).selectAll("path."+M.cbline).data(v.color&&v.width?z:[]);b.enter().append("path").classed(M.cbline,!0),b.exit().remove(),b.each((function(t){n.select(this).attr("d","M"+U+","+(Math.round(Y.c2p(t))+v.width/2%1)+"h"+O).call(p.lineGroupStyle,v.width,E(t),v.dash)})),$.selectAll("g."+Y._id+"tick,path").remove();var _=U+O+(e.outlinewidth||0)/2-("outside"===e.ticks?1:0),T=s.calcTicks(Y),k=s.getTickSigns(Y)[2];return s.drawTicks(r,Y,{vals:"inside"===Y.ticks?s.clipEnds(Y,T):T,layer:$,path:s.makeTickPath(Y,_,k),transFn:s.makeTransTickFn(Y)}),s.drawLabels(r,Y,{vals:T,layer:$,transFn:s.makeTransTickLabelFn(Y),labelFns:s.makeLabelFns(Y,_)})},function(){if(-1===["top","bottom"].indexOf(A)){var t=Y.title.font.size,e=Y._offset+Y._length/2,i=l.l+(Y.position||0)*l.w+("right"===Y.side?10+t*(Y.showticklabels?1:.5):-10-t*(Y.showticklabels?.5:0));et("h"+Y._id+"title",{avoid:{selection:n.select(r).selectAll("g."+Y._id+"tick"),side:A,offsetLeft:l.l,offsetTop:0,maxShift:o.width},attributes:{x:i,y:e,"text-anchor":"middle"},transform:{rotate:"-90",offset:0}})}},a.previousPromises,function(){var n=O+e.outlinewidth/2;if(-1===Y.ticklabelposition.indexOf("inside")&&(n+=p.bBox($.node()).width),(K=Q.select("text")).node()&&!K.classed(M.jsPlaceholder)){var i,o=Q.select(".h"+Y._id+"title-math-group").node();i=o&&-1!==["top","bottom"].indexOf(A)?p.bBox(o).width:p.bBox(Q.node()).right-U-l.l,n=Math.max(n,i)}var s=2*e.xpad+n+e.borderwidth+e.outlinewidth/2,c=H-G;t.select("."+M.cbbg).attr({x:U-e.xpad-(e.borderwidth+e.outlinewidth)/2,y:G-N,width:Math.max(s,2),height:Math.max(c+2*N,2)}).call(d.fill,e.bgcolor).call(d.stroke,e.bordercolor).style("stroke-width",e.borderwidth),t.selectAll("."+M.cboutline).attr({x:U,y:G+e.ypad+("top"===A?tt:0),width:Math.max(O,2),height:Math.max(c-2*e.ypad-tt,2)}).call(d.stroke,e.outlinecolor).style({fill:"none","stroke-width":e.outlinewidth});var f=({center:.5,right:1}[e.xanchor]||0)*s;t.attr("transform",u(l.l-f,l.t));var h={},g=T[e.yanchor],m=k[e.yanchor];"pixels"===e.lenmode?(h.y=e.y,h.t=c*g,h.b=c*m):(h.t=h.b=0,h.yt=e.y+e.len*g,h.yb=e.y-e.len*m);var v=T[e.xanchor],y=k[e.xanchor];if("pixels"===e.thicknessmode)h.x=e.x,h.l=s*v,h.r=s*y;else{var x=s-O;h.l=x*v,h.r=x*y,h.xl=e.x-e.thickness*v,h.xr=e.x+e.thickness*y}a.autoMargin(r,e._id,h)}],r)}(r,e,t);v&&v.then&&(t._promises||[]).push(v),t._context.edits.colorbarPosition&&function(t,e,r){var n,i,a,s=r._fullLayout._size;l.init({element:t.node(),gd:r,prepFn:function(){n=t.attr("transform"),h(t)},moveFn:function(r,o){t.attr("transform",n+u(r,o)),i=l.align(e._xLeftFrac+r/s.w,e._thickFrac,0,1,e.xanchor),a=l.align(e._yBottomFrac-o/s.h,e._lenFrac,0,1,e.yanchor);var c=l.getCursor(i,a,e.xanchor,e.yanchor);h(t,c)},doneFn:function(){if(h(t),void 0!==i&&void 0!==a){var n={};n[e._propPrefix+"x"]=i,n[e._propPrefix+"y"]=a,void 0!==e._traceIndex?o.call("_guiRestyle",r,n,e._traceIndex):o.call("_guiRelayout",r,n)}}})}(r,e,t)})),e.exit().each((function(e){a.autoMargin(t,e._id)})).remove(),e.order()}}},{"../../constants/alignment":745,"../../lib":778,"../../lib/extend":768,"../../lib/setcursor":799,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"../../plots/cartesian/axis_defaults":830,"../../plots/cartesian/layout_attributes":842,"../../plots/cartesian/position_defaults":845,"../../plots/plots":891,"../../registry":911,"../color":643,"../colorscale/helpers":654,"../dragelement":662,"../drawing":665,"../titles":738,"./constants":645,d3:169,tinycolor2:576}],648:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t){return n.isPlainObject(t.colorbar)}},{"../../lib":778}],649:[function(t,e,r){"use strict";e.exports={moduleType:"component",name:"colorbar",attributes:t("./attributes"),supplyDefaults:t("./defaults"),draw:t("./draw").draw,hasColorbar:t("./has_colorbar")}},{"./attributes":644,"./defaults":646,"./draw":647,"./has_colorbar":648}],650:[function(t,e,r){"use strict";var n=t("../colorbar/attributes"),i=t("../../lib/regex").counter,a=t("./scales.js").scales;Object.keys(a);function o(t){return"`"+t+"`"}e.exports=function(t,e){t=t||"";var r,s=(e=e||{}).cLetter||"c",l=("onlyIfNumerical"in e?e.onlyIfNumerical:Boolean(t),"noScale"in e?e.noScale:"marker.line"===t),c="showScaleDflt"in e?e.showScaleDflt:"z"===s,u="string"==typeof e.colorscaleDflt?a[e.colorscaleDflt]:null,f=e.editTypeOverride||"",h=t?t+".":"";"colorAttr"in e?(r=e.colorAttr,e.colorAttr):o(h+(r={z:"z",c:"color"}[s]));var p=s+"auto",d=s+"min",g=s+"max",m=s+"mid",v=(o(h+p),o(h+d),o(h+g),{});v[d]=v[g]=void 0;var y={};y[p]=!1;var x={};return"color"===r&&(x.color={valType:"color",arrayOk:!0,editType:f||"style"},e.anim&&(x.color.anim=!0)),x[p]={valType:"boolean",dflt:!0,editType:"calc",impliedEdits:v},x[d]={valType:"number",dflt:null,editType:f||"plot",impliedEdits:y},x[g]={valType:"number",dflt:null,editType:f||"plot",impliedEdits:y},x[m]={valType:"number",dflt:null,editType:"calc",impliedEdits:v},x.colorscale={valType:"colorscale",editType:"calc",dflt:u,impliedEdits:{autocolorscale:!1}},x.autocolorscale={valType:"boolean",dflt:!1!==e.autoColorDflt,editType:"calc",impliedEdits:{colorscale:void 0}},x.reversescale={valType:"boolean",dflt:!1,editType:"plot"},l||(x.showscale={valType:"boolean",dflt:c,editType:"calc"},x.colorbar=n),e.noColorAxis||(x.coloraxis={valType:"subplotid",regex:i("coloraxis"),dflt:null,editType:"calc"}),x}},{"../../lib/regex":795,"../colorbar/attributes":644,"./scales.js":658}],651:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../lib"),a=t("./helpers").extractOpts;e.exports=function(t,e,r){var o,s=t._fullLayout,l=r.vals,c=r.containerStr,u=c?i.nestedProperty(e,c).get():e,f=a(u),h=!1!==f.auto,p=f.min,d=f.max,g=f.mid,m=function(){return i.aggNums(Math.min,null,l)},v=function(){return i.aggNums(Math.max,null,l)};(void 0===p?p=m():h&&(p=u._colorAx&&n(p)?Math.min(p,m()):m()),void 0===d?d=v():h&&(d=u._colorAx&&n(d)?Math.max(d,v()):v()),h&&void 0!==g&&(d-g>g-p?p=g-(d-g):d-g=0?s.colorscale.sequential:s.colorscale.sequentialminus,f._sync("colorscale",o))}},{"../../lib":778,"./helpers":654,"fast-isnumeric":241}],652:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./helpers").hasColorscale,a=t("./helpers").extractOpts;e.exports=function(t,e){function r(t,e){var r=t["_"+e];void 0!==r&&(t[e]=r)}function o(t,i){var o=i.container?n.nestedProperty(t,i.container).get():t;if(o)if(o.coloraxis)o._colorAx=e[o.coloraxis];else{var s=a(o),l=s.auto;(l||void 0===s.min)&&r(o,i.min),(l||void 0===s.max)&&r(o,i.max),s.autocolorscale&&r(o,"colorscale")}}for(var s=0;s=0;n--,i++){var a=t[n];r[i]=[1-a[0],a[1]]}return r}function d(t,e){e=e||{};for(var r=t.domain,o=t.range,l=o.length,c=new Array(l),u=0;u4/3-s?o:s}},{}],660:[function(t,e,r){"use strict";var n=t("../../lib"),i=[["sw-resize","s-resize","se-resize"],["w-resize","move","e-resize"],["nw-resize","n-resize","ne-resize"]];e.exports=function(t,e,r,a){return t="left"===r?0:"center"===r?1:"right"===r?2:n.constrain(Math.floor(3*t),0,2),e="bottom"===a?0:"middle"===a?1:"top"===a?2:n.constrain(Math.floor(3*e),0,2),i[e][t]}},{"../../lib":778}],661:[function(t,e,r){"use strict";r.selectMode=function(t){return"lasso"===t||"select"===t},r.drawMode=function(t){return"drawclosedpath"===t||"drawopenpath"===t||"drawline"===t||"drawrect"===t||"drawcircle"===t},r.openMode=function(t){return"drawline"===t||"drawopenpath"===t},r.rectMode=function(t){return"select"===t||"drawline"===t||"drawrect"===t||"drawcircle"===t},r.freeMode=function(t){return"lasso"===t||"drawclosedpath"===t||"drawopenpath"===t},r.selectingOrDrawing=function(t){return r.freeMode(t)||r.rectMode(t)}},{}],662:[function(t,e,r){"use strict";var n=t("mouse-event-offset"),i=t("has-hover"),a=t("has-passive-events"),o=t("../../lib").removeElement,s=t("../../plots/cartesian/constants"),l=e.exports={};l.align=t("./align"),l.getCursor=t("./cursor");var c=t("./unhover");function u(){var t=document.createElement("div");t.className="dragcover";var e=t.style;return e.position="fixed",e.left=0,e.right=0,e.top=0,e.bottom=0,e.zIndex=999999999,e.background="none",document.body.appendChild(t),t}function f(t){return n(t.changedTouches?t.changedTouches[0]:t,document.body)}l.unhover=c.wrapped,l.unhoverRaw=c.raw,l.init=function(t){var e,r,n,c,h,p,d,g,m=t.gd,v=1,y=m._context.doubleClickDelay,x=t.element;m._mouseDownTime||(m._mouseDownTime=0),x.style.pointerEvents="all",x.onmousedown=_,a?(x._ontouchstart&&x.removeEventListener("touchstart",x._ontouchstart),x._ontouchstart=_,x.addEventListener("touchstart",_,{passive:!1})):x.ontouchstart=_;var b=t.clampFn||function(t,e,r){return Math.abs(t)y&&(v=Math.max(v-1,1)),m._dragged)t.doneFn&&t.doneFn();else if(t.clickFn&&t.clickFn(v,p),!g){var r;try{r=new MouseEvent("click",e)}catch(t){var n=f(e);(r=document.createEvent("MouseEvents")).initMouseEvent("click",e.bubbles,e.cancelable,e.view,e.detail,e.screenX,e.screenY,n[0],n[1],e.ctrlKey,e.altKey,e.shiftKey,e.metaKey,e.button,e.relatedTarget)}d.dispatchEvent(r)}m._dragging=!1,m._dragged=!1}else m._dragged=!1}},l.coverSlip=u},{"../../lib":778,"../../plots/cartesian/constants":834,"./align":659,"./cursor":660,"./unhover":663,"has-hover":440,"has-passive-events":441,"mouse-event-offset":484}],663:[function(t,e,r){"use strict";var n=t("../../lib/events"),i=t("../../lib/throttle"),a=t("../../lib/dom").getGraphDiv,o=t("../fx/constants"),s=e.exports={};s.wrapped=function(t,e,r){(t=a(t))._fullLayout&&i.clear(t._fullLayout._uid+o.HOVERID),s.raw(t,e,r)},s.raw=function(t,e){var r=t._fullLayout,i=t._hoverdata;e||(e={}),e.target&&!1===n.triggerHandler(t,"plotly_beforehover",e)||(r._hoverlayer.selectAll("g").remove(),r._hoverlayer.selectAll("line").remove(),r._hoverlayer.selectAll("circle").remove(),t._hoverdata=void 0,e.target&&i&&t.emit("plotly_unhover",{event:e,points:i}))}},{"../../lib/dom":766,"../../lib/events":767,"../../lib/throttle":804,"../fx/constants":677}],664:[function(t,e,r){"use strict";r.dash={valType:"string",values:["solid","dot","dash","longdash","dashdot","longdashdot"],dflt:"solid",editType:"style"}},{}],665:[function(t,e,r){"use strict";var n=t("d3"),i=t("fast-isnumeric"),a=t("tinycolor2"),o=t("../../registry"),s=t("../color"),l=t("../colorscale"),c=t("../../lib"),u=c.strTranslate,f=t("../../lib/svg_text_utils"),h=t("../../constants/xmlns_namespaces"),p=t("../../constants/alignment").LINE_SPACING,d=t("../../constants/interactions").DESELECTDIM,g=t("../../traces/scatter/subtypes"),m=t("../../traces/scatter/make_bubble_size_func"),v=t("../../components/fx/helpers").appendArrayPointValue,y=e.exports={};y.font=function(t,e,r,n){c.isPlainObject(e)&&(n=e.color,r=e.size,e=e.family),e&&t.style("font-family",e),r+1&&t.style("font-size",r+"px"),n&&t.call(s.fill,n)},y.setPosition=function(t,e,r){t.attr("x",e).attr("y",r)},y.setSize=function(t,e,r){t.attr("width",e).attr("height",r)},y.setRect=function(t,e,r,n,i){t.call(y.setPosition,e,r).call(y.setSize,n,i)},y.translatePoint=function(t,e,r,n){var a=r.c2p(t.x),o=n.c2p(t.y);return!!(i(a)&&i(o)&&e.node())&&("text"===e.node().nodeName?e.attr("x",a).attr("y",o):e.attr("transform",u(a,o)),!0)},y.translatePoints=function(t,e,r){t.each((function(t){var i=n.select(this);y.translatePoint(t,i,e,r)}))},y.hideOutsideRangePoint=function(t,e,r,n,i,a){e.attr("display",r.isPtWithinRange(t,i)&&n.isPtWithinRange(t,a)?null:"none")},y.hideOutsideRangePoints=function(t,e){if(e._hasClipOnAxisFalse){var r=e.xaxis,i=e.yaxis;t.each((function(e){var a=e[0].trace,s=a.xcalendar,l=a.ycalendar,c=o.traceIs(a,"bar-like")?".bartext":".point,.textpoint";t.selectAll(c).each((function(t){y.hideOutsideRangePoint(t,n.select(this),r,i,s,l)}))}))}},y.crispRound=function(t,e,r){return e&&i(e)?t._context.staticPlot?e:e<1?1:Math.round(e):r||0},y.singleLineStyle=function(t,e,r,n,i){e.style("fill","none");var a=(((t||[])[0]||{}).trace||{}).line||{},o=r||a.width||0,l=i||a.dash||"";s.stroke(e,n||a.color),y.dashLine(e,l,o)},y.lineGroupStyle=function(t,e,r,i){t.style("fill","none").each((function(t){var a=(((t||[])[0]||{}).trace||{}).line||{},o=e||a.width||0,l=i||a.dash||"";n.select(this).call(s.stroke,r||a.color).call(y.dashLine,l,o)}))},y.dashLine=function(t,e,r){r=+r||0,e=y.dashStyle(e,r),t.style({"stroke-dasharray":e,"stroke-width":r+"px"})},y.dashStyle=function(t,e){e=+e||1;var r=Math.max(e,3);return"solid"===t?t="":"dot"===t?t=r+"px,"+r+"px":"dash"===t?t=3*r+"px,"+3*r+"px":"longdash"===t?t=5*r+"px,"+5*r+"px":"dashdot"===t?t=3*r+"px,"+r+"px,"+r+"px,"+r+"px":"longdashdot"===t&&(t=5*r+"px,"+2*r+"px,"+r+"px,"+2*r+"px"),t},y.singleFillStyle=function(t){var e=(((n.select(t.node()).data()[0]||[])[0]||{}).trace||{}).fillcolor;e&&t.call(s.fill,e)},y.fillGroupStyle=function(t){t.style("stroke-width",0).each((function(t){var e=n.select(this);t[0].trace&&e.call(s.fill,t[0].trace.fillcolor)}))};var x=t("./symbol_defs");y.symbolNames=[],y.symbolFuncs=[],y.symbolNeedLines={},y.symbolNoDot={},y.symbolNoFill={},y.symbolList=[],Object.keys(x).forEach((function(t){var e=x[t],r=e.n;y.symbolList.push(r,String(r),t,r+100,String(r+100),t+"-open"),y.symbolNames[r]=t,y.symbolFuncs[r]=e.f,e.needLine&&(y.symbolNeedLines[r]=!0),e.noDot?y.symbolNoDot[r]=!0:y.symbolList.push(r+200,String(r+200),t+"-dot",r+300,String(r+300),t+"-open-dot"),e.noFill&&(y.symbolNoFill[r]=!0)}));var b=y.symbolNames.length;function _(t,e){var r=t%100;return y.symbolFuncs[r](e)+(t>=200?"M0,0.5L0.5,0L0,-0.5L-0.5,0Z":"")}y.symbolNumber=function(t){if(i(t))t=+t;else if("string"==typeof t){var e=0;t.indexOf("-open")>0&&(e=100,t=t.replace("-open","")),t.indexOf("-dot")>0&&(e+=200,t=t.replace("-dot","")),(t=y.symbolNames.indexOf(t))>=0&&(t+=e)}return t%100>=b||t>=400?0:Math.floor(Math.max(t,0))};var w={x1:1,x2:0,y1:0,y2:0},T={x1:0,x2:0,y1:1,y2:0},k=n.format("~.1f"),M={radial:{node:"radialGradient"},radialreversed:{node:"radialGradient",reversed:!0},horizontal:{node:"linearGradient",attrs:w},horizontalreversed:{node:"linearGradient",attrs:w,reversed:!0},vertical:{node:"linearGradient",attrs:T},verticalreversed:{node:"linearGradient",attrs:T,reversed:!0}};y.gradient=function(t,e,r,i,o,l){for(var u=o.length,f=M[i],h=new Array(u),p=0;p"+v(t);d._gradientUrlQueryParts[y]=1},y.initGradients=function(t){var e=t._fullLayout;c.ensureSingle(e._defs,"g","gradients").selectAll("linearGradient,radialGradient").remove(),e._gradientUrlQueryParts={}},y.pointStyle=function(t,e,r){if(t.size()){var i=y.makePointStyleFns(e);t.each((function(t){y.singlePointStyle(t,n.select(this),e,i,r)}))}},y.singlePointStyle=function(t,e,r,n,i){var a=r.marker,o=a.line;if(e.style("opacity",n.selectedOpacityFn?n.selectedOpacityFn(t):void 0===t.mo?a.opacity:t.mo),n.ms2mrc){var l;l="various"===t.ms||"various"===a.size?3:n.ms2mrc(t.ms),t.mrc=l,n.selectedSizeFn&&(l=t.mrc=n.selectedSizeFn(t));var u=y.symbolNumber(t.mx||a.symbol)||0;t.om=u%200>=100,e.attr("d",_(u,l))}var f,h,p,d=!1;if(t.so)p=o.outlierwidth,h=o.outliercolor,f=a.outliercolor;else{var g=(o||{}).width;p=(t.mlw+1||g+1||(t.trace?(t.trace.marker.line||{}).width:0)+1)-1||0,h="mlc"in t?t.mlcc=n.lineScale(t.mlc):c.isArrayOrTypedArray(o.color)?s.defaultLine:o.color,c.isArrayOrTypedArray(a.color)&&(f=s.defaultLine,d=!0),f="mc"in t?t.mcc=n.markerScale(t.mc):a.color||"rgba(0,0,0,0)",n.selectedColorFn&&(f=n.selectedColorFn(t))}if(t.om)e.call(s.stroke,f).style({"stroke-width":(p||1)+"px",fill:"none"});else{e.style("stroke-width",(t.isBlank?0:p)+"px");var m=a.gradient,v=t.mgt;if(v?d=!0:v=m&&m.type,Array.isArray(v)&&(v=v[0],M[v]||(v=0)),v&&"none"!==v){var x=t.mgc;x?d=!0:x=m.color;var b=r.uid;d&&(b+="-"+t.i),y.gradient(e,i,b,v,[[0,x],[1,f]],"fill")}else s.fill(e,f);p&&s.stroke(e,h)}},y.makePointStyleFns=function(t){var e={},r=t.marker;return e.markerScale=y.tryColorscale(r,""),e.lineScale=y.tryColorscale(r,"line"),o.traceIs(t,"symbols")&&(e.ms2mrc=g.isBubble(t)?m(t):function(){return(r.size||6)/2}),t.selectedpoints&&c.extendFlat(e,y.makeSelectedPointStyleFns(t)),e},y.makeSelectedPointStyleFns=function(t){var e={},r=t.selected||{},n=t.unselected||{},i=t.marker||{},a=r.marker||{},s=n.marker||{},l=i.opacity,u=a.opacity,f=s.opacity,h=void 0!==u,p=void 0!==f;(c.isArrayOrTypedArray(l)||h||p)&&(e.selectedOpacityFn=function(t){var e=void 0===t.mo?i.opacity:t.mo;return t.selected?h?u:e:p?f:d*e});var g=i.color,m=a.color,v=s.color;(m||v)&&(e.selectedColorFn=function(t){var e=t.mcc||g;return t.selected?m||e:v||e});var y=i.size,x=a.size,b=s.size,_=void 0!==x,w=void 0!==b;return o.traceIs(t,"symbols")&&(_||w)&&(e.selectedSizeFn=function(t){var e=t.mrc||y/2;return t.selected?_?x/2:e:w?b/2:e}),e},y.makeSelectedTextStyleFns=function(t){var e={},r=t.selected||{},n=t.unselected||{},i=t.textfont||{},a=r.textfont||{},o=n.textfont||{},l=i.color,c=a.color,u=o.color;return e.selectedTextColorFn=function(t){var e=t.tc||l;return t.selected?c||e:u||(c?e:s.addOpacity(e,d))},e},y.selectedPointStyle=function(t,e){if(t.size()&&e.selectedpoints){var r=y.makeSelectedPointStyleFns(e),i=e.marker||{},a=[];r.selectedOpacityFn&&a.push((function(t,e){t.style("opacity",r.selectedOpacityFn(e))})),r.selectedColorFn&&a.push((function(t,e){s.fill(t,r.selectedColorFn(e))})),r.selectedSizeFn&&a.push((function(t,e){var n=e.mx||i.symbol||0,a=r.selectedSizeFn(e);t.attr("d",_(y.symbolNumber(n),a)),e.mrc2=a})),a.length&&t.each((function(t){for(var e=n.select(this),r=0;r0?r:0}y.textPointStyle=function(t,e,r){if(t.size()){var i;if(e.selectedpoints){var a=y.makeSelectedTextStyleFns(e);i=a.selectedTextColorFn}var o=e.texttemplate,s=r._fullLayout;t.each((function(t){var a=n.select(this),l=o?c.extractOption(t,e,"txt","texttemplate"):c.extractOption(t,e,"tx","text");if(l||0===l){if(o){var u=e._module.formatLabels?e._module.formatLabels(t,e,s):{},h={};v(h,e,t.i);var p=e._meta||{};l=c.texttemplateString(l,u,s._d3locale,h,t,p)}var d=t.tp||e.textposition,g=E(t,e),m=i?i(t):t.tc||e.textfont.color;a.call(y.font,t.tf||e.textfont.family,g,m).text(l).call(f.convertToTspans,r).call(S,d,g,t.mrc)}else a.remove()}))}},y.selectedTextStyle=function(t,e){if(t.size()&&e.selectedpoints){var r=y.makeSelectedTextStyleFns(e);t.each((function(t){var i=n.select(this),a=r.selectedTextColorFn(t),o=t.tp||e.textposition,l=E(t,e);s.fill(i,a),S(i,o,l,t.mrc2||t.mrc)}))}};function C(t,e,r,i){var a=t[0]-e[0],o=t[1]-e[1],s=r[0]-e[0],l=r[1]-e[1],c=Math.pow(a*a+o*o,.25),u=Math.pow(s*s+l*l,.25),f=(u*u*a-c*c*s)*i,h=(u*u*o-c*c*l)*i,p=3*u*(c+u),d=3*c*(c+u);return[[n.round(e[0]+(p&&f/p),2),n.round(e[1]+(p&&h/p),2)],[n.round(e[0]-(d&&f/d),2),n.round(e[1]-(d&&h/d),2)]]}y.smoothopen=function(t,e){if(t.length<3)return"M"+t.join("L");var r,n="M"+t[0],i=[];for(r=1;r=1e4&&(y.savedBBoxes={},P=0),r&&(y.savedBBoxes[r]=m),P++,c.extendFlat({},m)},y.setClipUrl=function(t,e,r){t.attr("clip-path",O(e,r))},y.getTranslate=function(t){var e=(t[t.attr?"attr":"getAttribute"]("transform")||"").replace(/.*\btranslate\((-?\d*\.?\d*)[^-\d]*(-?\d*\.?\d*)[^\d].*/,(function(t,e,r){return[e,r].join(" ")})).split(" ");return{x:+e[0]||0,y:+e[1]||0}},y.setTranslate=function(t,e,r){var n=t.attr?"attr":"getAttribute",i=t.attr?"attr":"setAttribute",a=t[n]("transform")||"";return e=e||0,r=r||0,a=a.replace(/(\btranslate\(.*?\);?)/,"").trim(),a=(a+=u(e,r)).trim(),t[i]("transform",a),a},y.getScale=function(t){var e=(t[t.attr?"attr":"getAttribute"]("transform")||"").replace(/.*\bscale\((\d*\.?\d*)[^\d]*(\d*\.?\d*)[^\d].*/,(function(t,e,r){return[e,r].join(" ")})).split(" ");return{x:+e[0]||1,y:+e[1]||1}},y.setScale=function(t,e,r){var n=t.attr?"attr":"getAttribute",i=t.attr?"attr":"setAttribute",a=t[n]("transform")||"";return e=e||1,r=r||1,a=a.replace(/(\bscale\(.*?\);?)/,"").trim(),a=(a+="scale("+e+","+r+")").trim(),t[i]("transform",a),a};var D=/\s*sc.*/;y.setPointGroupScale=function(t,e,r){if(e=e||1,r=r||1,t){var n=1===e&&1===r?"":"scale("+e+","+r+")";t.each((function(){var t=(this.getAttribute("transform")||"").replace(D,"");t=(t+=n).trim(),this.setAttribute("transform",t)}))}};var R=/translate\([^)]*\)\s*$/;y.setTextPointsScale=function(t,e,r){t&&t.each((function(){var t,i=n.select(this),a=i.select("text");if(a.node()){var o=parseFloat(a.attr("x")||0),s=parseFloat(a.attr("y")||0),l=(i.attr("transform")||"").match(R);t=1===e&&1===r?[]:[u(o,s),"scale("+e+","+r+")",u(-o,-s)],l&&t.push(l),i.attr("transform",t.join(""))}}))}},{"../../components/fx/helpers":679,"../../constants/alignment":745,"../../constants/interactions":752,"../../constants/xmlns_namespaces":754,"../../lib":778,"../../lib/svg_text_utils":803,"../../registry":911,"../../traces/scatter/make_bubble_size_func":1204,"../../traces/scatter/subtypes":1212,"../color":643,"../colorscale":655,"./symbol_defs":666,d3:169,"fast-isnumeric":241,tinycolor2:576}],666:[function(t,e,r){"use strict";var n=t("d3");e.exports={circle:{n:0,f:function(t){var e=n.round(t,2);return"M"+e+",0A"+e+","+e+" 0 1,1 0,-"+e+"A"+e+","+e+" 0 0,1 "+e+",0Z"}},square:{n:1,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"H-"+e+"V-"+e+"H"+e+"Z"}},diamond:{n:2,f:function(t){var e=n.round(1.3*t,2);return"M"+e+",0L0,"+e+"L-"+e+",0L0,-"+e+"Z"}},cross:{n:3,f:function(t){var e=n.round(.4*t,2),r=n.round(1.2*t,2);return"M"+r+","+e+"H"+e+"V"+r+"H-"+e+"V"+e+"H-"+r+"V-"+e+"H-"+e+"V-"+r+"H"+e+"V-"+e+"H"+r+"Z"}},x:{n:4,f:function(t){var e=n.round(.8*t/Math.sqrt(2),2),r="l"+e+","+e,i="l"+e+",-"+e,a="l-"+e+",-"+e,o="l-"+e+","+e;return"M0,"+e+r+i+a+i+a+o+a+o+r+o+r+"Z"}},"triangle-up":{n:5,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return"M-"+e+","+n.round(t/2,2)+"H"+e+"L0,-"+n.round(t,2)+"Z"}},"triangle-down":{n:6,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return"M-"+e+",-"+n.round(t/2,2)+"H"+e+"L0,"+n.round(t,2)+"Z"}},"triangle-left":{n:7,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return"M"+n.round(t/2,2)+",-"+e+"V"+e+"L-"+n.round(t,2)+",0Z"}},"triangle-right":{n:8,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return"M-"+n.round(t/2,2)+",-"+e+"V"+e+"L"+n.round(t,2)+",0Z"}},"triangle-ne":{n:9,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return"M-"+r+",-"+e+"H"+e+"V"+r+"Z"}},"triangle-se":{n:10,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return"M"+e+",-"+r+"V"+e+"H-"+r+"Z"}},"triangle-sw":{n:11,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return"M"+r+","+e+"H-"+e+"V-"+r+"Z"}},"triangle-nw":{n:12,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return"M-"+e+","+r+"V-"+e+"H"+r+"Z"}},pentagon:{n:13,f:function(t){var e=n.round(.951*t,2),r=n.round(.588*t,2),i=n.round(-t,2),a=n.round(-.309*t,2);return"M"+e+","+a+"L"+r+","+n.round(.809*t,2)+"H-"+r+"L-"+e+","+a+"L0,"+i+"Z"}},hexagon:{n:14,f:function(t){var e=n.round(t,2),r=n.round(t/2,2),i=n.round(t*Math.sqrt(3)/2,2);return"M"+i+",-"+r+"V"+r+"L0,"+e+"L-"+i+","+r+"V-"+r+"L0,-"+e+"Z"}},hexagon2:{n:15,f:function(t){var e=n.round(t,2),r=n.round(t/2,2),i=n.round(t*Math.sqrt(3)/2,2);return"M-"+r+","+i+"H"+r+"L"+e+",0L"+r+",-"+i+"H-"+r+"L-"+e+",0Z"}},octagon:{n:16,f:function(t){var e=n.round(.924*t,2),r=n.round(.383*t,2);return"M-"+r+",-"+e+"H"+r+"L"+e+",-"+r+"V"+r+"L"+r+","+e+"H-"+r+"L-"+e+","+r+"V-"+r+"Z"}},star:{n:17,f:function(t){var e=1.4*t,r=n.round(.225*e,2),i=n.round(.951*e,2),a=n.round(.363*e,2),o=n.round(.588*e,2),s=n.round(-e,2),l=n.round(-.309*e,2),c=n.round(.118*e,2),u=n.round(.809*e,2);return"M"+r+","+l+"H"+i+"L"+a+","+c+"L"+o+","+u+"L0,"+n.round(.382*e,2)+"L-"+o+","+u+"L-"+a+","+c+"L-"+i+","+l+"H-"+r+"L0,"+s+"Z"}},hexagram:{n:18,f:function(t){var e=n.round(.66*t,2),r=n.round(.38*t,2),i=n.round(.76*t,2);return"M-"+i+",0l-"+r+",-"+e+"h"+i+"l"+r+",-"+e+"l"+r+","+e+"h"+i+"l-"+r+","+e+"l"+r+","+e+"h-"+i+"l-"+r+","+e+"l-"+r+",-"+e+"h-"+i+"Z"}},"star-triangle-up":{n:19,f:function(t){var e=n.round(t*Math.sqrt(3)*.8,2),r=n.round(.8*t,2),i=n.round(1.6*t,2),a=n.round(4*t,2),o="A "+a+","+a+" 0 0 1 ";return"M-"+e+","+r+o+e+","+r+o+"0,-"+i+o+"-"+e+","+r+"Z"}},"star-triangle-down":{n:20,f:function(t){var e=n.round(t*Math.sqrt(3)*.8,2),r=n.round(.8*t,2),i=n.round(1.6*t,2),a=n.round(4*t,2),o="A "+a+","+a+" 0 0 1 ";return"M"+e+",-"+r+o+"-"+e+",-"+r+o+"0,"+i+o+e+",-"+r+"Z"}},"star-square":{n:21,f:function(t){var e=n.round(1.1*t,2),r=n.round(2*t,2),i="A "+r+","+r+" 0 0 1 ";return"M-"+e+",-"+e+i+"-"+e+","+e+i+e+","+e+i+e+",-"+e+i+"-"+e+",-"+e+"Z"}},"star-diamond":{n:22,f:function(t){var e=n.round(1.4*t,2),r=n.round(1.9*t,2),i="A "+r+","+r+" 0 0 1 ";return"M-"+e+",0"+i+"0,"+e+i+e+",0"+i+"0,-"+e+i+"-"+e+",0Z"}},"diamond-tall":{n:23,f:function(t){var e=n.round(.7*t,2),r=n.round(1.4*t,2);return"M0,"+r+"L"+e+",0L0,-"+r+"L-"+e+",0Z"}},"diamond-wide":{n:24,f:function(t){var e=n.round(1.4*t,2),r=n.round(.7*t,2);return"M0,"+r+"L"+e+",0L0,-"+r+"L-"+e+",0Z"}},hourglass:{n:25,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"H-"+e+"L"+e+",-"+e+"H-"+e+"Z"},noDot:!0},bowtie:{n:26,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"V-"+e+"L-"+e+","+e+"V-"+e+"Z"},noDot:!0},"circle-cross":{n:27,f:function(t){var e=n.round(t,2);return"M0,"+e+"V-"+e+"M"+e+",0H-"+e+"M"+e+",0A"+e+","+e+" 0 1,1 0,-"+e+"A"+e+","+e+" 0 0,1 "+e+",0Z"},needLine:!0,noDot:!0},"circle-x":{n:28,f:function(t){var e=n.round(t,2),r=n.round(t/Math.sqrt(2),2);return"M"+r+","+r+"L-"+r+",-"+r+"M"+r+",-"+r+"L-"+r+","+r+"M"+e+",0A"+e+","+e+" 0 1,1 0,-"+e+"A"+e+","+e+" 0 0,1 "+e+",0Z"},needLine:!0,noDot:!0},"square-cross":{n:29,f:function(t){var e=n.round(t,2);return"M0,"+e+"V-"+e+"M"+e+",0H-"+e+"M"+e+","+e+"H-"+e+"V-"+e+"H"+e+"Z"},needLine:!0,noDot:!0},"square-x":{n:30,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"L-"+e+",-"+e+"M"+e+",-"+e+"L-"+e+","+e+"M"+e+","+e+"H-"+e+"V-"+e+"H"+e+"Z"},needLine:!0,noDot:!0},"diamond-cross":{n:31,f:function(t){var e=n.round(1.3*t,2);return"M"+e+",0L0,"+e+"L-"+e+",0L0,-"+e+"ZM0,-"+e+"V"+e+"M-"+e+",0H"+e},needLine:!0,noDot:!0},"diamond-x":{n:32,f:function(t){var e=n.round(1.3*t,2),r=n.round(.65*t,2);return"M"+e+",0L0,"+e+"L-"+e+",0L0,-"+e+"ZM-"+r+",-"+r+"L"+r+","+r+"M-"+r+","+r+"L"+r+",-"+r},needLine:!0,noDot:!0},"cross-thin":{n:33,f:function(t){var e=n.round(1.4*t,2);return"M0,"+e+"V-"+e+"M"+e+",0H-"+e},needLine:!0,noDot:!0,noFill:!0},"x-thin":{n:34,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"L-"+e+",-"+e+"M"+e+",-"+e+"L-"+e+","+e},needLine:!0,noDot:!0,noFill:!0},asterisk:{n:35,f:function(t){var e=n.round(1.2*t,2),r=n.round(.85*t,2);return"M0,"+e+"V-"+e+"M"+e+",0H-"+e+"M"+r+","+r+"L-"+r+",-"+r+"M"+r+",-"+r+"L-"+r+","+r},needLine:!0,noDot:!0,noFill:!0},hash:{n:36,f:function(t){var e=n.round(t/2,2),r=n.round(t,2);return"M"+e+","+r+"V-"+r+"m-"+r+",0V"+r+"M"+r+","+e+"H-"+r+"m0,-"+r+"H"+r},needLine:!0,noFill:!0},"y-up":{n:37,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return"M-"+e+","+i+"L0,0M"+e+","+i+"L0,0M0,-"+r+"L0,0"},needLine:!0,noDot:!0,noFill:!0},"y-down":{n:38,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return"M-"+e+",-"+i+"L0,0M"+e+",-"+i+"L0,0M0,"+r+"L0,0"},needLine:!0,noDot:!0,noFill:!0},"y-left":{n:39,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return"M"+i+","+e+"L0,0M"+i+",-"+e+"L0,0M-"+r+",0L0,0"},needLine:!0,noDot:!0,noFill:!0},"y-right":{n:40,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return"M-"+i+","+e+"L0,0M-"+i+",-"+e+"L0,0M"+r+",0L0,0"},needLine:!0,noDot:!0,noFill:!0},"line-ew":{n:41,f:function(t){var e=n.round(1.4*t,2);return"M"+e+",0H-"+e},needLine:!0,noDot:!0,noFill:!0},"line-ns":{n:42,f:function(t){var e=n.round(1.4*t,2);return"M0,"+e+"V-"+e},needLine:!0,noDot:!0,noFill:!0},"line-ne":{n:43,f:function(t){var e=n.round(t,2);return"M"+e+",-"+e+"L-"+e+","+e},needLine:!0,noDot:!0,noFill:!0},"line-nw":{n:44,f:function(t){var e=n.round(t,2);return"M"+e+","+e+"L-"+e+",-"+e},needLine:!0,noDot:!0,noFill:!0},"arrow-up":{n:45,f:function(t){var e=n.round(t,2);return"M0,0L-"+e+","+n.round(2*t,2)+"H"+e+"Z"},noDot:!0},"arrow-down":{n:46,f:function(t){var e=n.round(t,2);return"M0,0L-"+e+",-"+n.round(2*t,2)+"H"+e+"Z"},noDot:!0},"arrow-left":{n:47,f:function(t){var e=n.round(2*t,2),r=n.round(t,2);return"M0,0L"+e+",-"+r+"V"+r+"Z"},noDot:!0},"arrow-right":{n:48,f:function(t){var e=n.round(2*t,2),r=n.round(t,2);return"M0,0L-"+e+",-"+r+"V"+r+"Z"},noDot:!0},"arrow-bar-up":{n:49,f:function(t){var e=n.round(t,2);return"M-"+e+",0H"+e+"M0,0L-"+e+","+n.round(2*t,2)+"H"+e+"Z"},needLine:!0,noDot:!0},"arrow-bar-down":{n:50,f:function(t){var e=n.round(t,2);return"M-"+e+",0H"+e+"M0,0L-"+e+",-"+n.round(2*t,2)+"H"+e+"Z"},needLine:!0,noDot:!0},"arrow-bar-left":{n:51,f:function(t){var e=n.round(2*t,2),r=n.round(t,2);return"M0,-"+r+"V"+r+"M0,0L"+e+",-"+r+"V"+r+"Z"},needLine:!0,noDot:!0},"arrow-bar-right":{n:52,f:function(t){var e=n.round(2*t,2),r=n.round(t,2);return"M0,-"+r+"V"+r+"M0,0L-"+e+",-"+r+"V"+r+"Z"},needLine:!0,noDot:!0}}},{d3:169}],667:[function(t,e,r){"use strict";e.exports={visible:{valType:"boolean",editType:"calc"},type:{valType:"enumerated",values:["percent","constant","sqrt","data"],editType:"calc"},symmetric:{valType:"boolean",editType:"calc"},array:{valType:"data_array",editType:"calc"},arrayminus:{valType:"data_array",editType:"calc"},value:{valType:"number",min:0,dflt:10,editType:"calc"},valueminus:{valType:"number",min:0,dflt:10,editType:"calc"},traceref:{valType:"integer",min:0,dflt:0,editType:"style"},tracerefminus:{valType:"integer",min:0,dflt:0,editType:"style"},copy_ystyle:{valType:"boolean",editType:"plot"},copy_zstyle:{valType:"boolean",editType:"style"},color:{valType:"color",editType:"style"},thickness:{valType:"number",min:0,dflt:2,editType:"style"},width:{valType:"number",min:0,editType:"plot"},editType:"calc",_deprecated:{opacity:{valType:"number",editType:"style"}}}},{}],668:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../registry"),a=t("../../plots/cartesian/axes"),o=t("../../lib"),s=t("./compute_error");function l(t,e,r,i){var l=e["error_"+i]||{},c=[];if(l.visible&&-1!==["linear","log"].indexOf(r.type)){for(var u=s(l),f=0;f0;e.each((function(e){var f,h=e[0].trace,p=h.error_x||{},d=h.error_y||{};h.ids&&(f=function(t){return t.id});var g=o.hasMarkers(h)&&h.marker.maxdisplayed>0;d.visible||p.visible||(e=[]);var m=n.select(this).selectAll("g.errorbar").data(e,f);if(m.exit().remove(),e.length){p.visible||m.selectAll("path.xerror").remove(),d.visible||m.selectAll("path.yerror").remove(),m.style("opacity",1);var v=m.enter().append("g").classed("errorbar",!0);u&&v.style("opacity",0).transition().duration(s.duration).style("opacity",1),a.setClipUrl(m,r.layerClipId,t),m.each((function(t){var e=n.select(this),r=function(t,e,r){var n={x:e.c2p(t.x),y:r.c2p(t.y)};void 0!==t.yh&&(n.yh=r.c2p(t.yh),n.ys=r.c2p(t.ys),i(n.ys)||(n.noYS=!0,n.ys=r.c2p(t.ys,!0)));void 0!==t.xh&&(n.xh=e.c2p(t.xh),n.xs=e.c2p(t.xs),i(n.xs)||(n.noXS=!0,n.xs=e.c2p(t.xs,!0)));return n}(t,l,c);if(!g||t.vis){var a,o=e.select("path.yerror");if(d.visible&&i(r.x)&&i(r.yh)&&i(r.ys)){var f=d.width;a="M"+(r.x-f)+","+r.yh+"h"+2*f+"m-"+f+",0V"+r.ys,r.noYS||(a+="m-"+f+",0h"+2*f),!o.size()?o=e.append("path").style("vector-effect","non-scaling-stroke").classed("yerror",!0):u&&(o=o.transition().duration(s.duration).ease(s.easing)),o.attr("d",a)}else o.remove();var h=e.select("path.xerror");if(p.visible&&i(r.y)&&i(r.xh)&&i(r.xs)){var m=(p.copy_ystyle?d:p).width;a="M"+r.xh+","+(r.y-m)+"v"+2*m+"m0,-"+m+"H"+r.xs,r.noXS||(a+="m0,-"+m+"v"+2*m),!h.size()?h=e.append("path").style("vector-effect","non-scaling-stroke").classed("xerror",!0):u&&(h=h.transition().duration(s.duration).ease(s.easing)),h.attr("d",a)}else h.remove()}}))}}))}},{"../../traces/scatter/subtypes":1212,"../drawing":665,d3:169,"fast-isnumeric":241}],673:[function(t,e,r){"use strict";var n=t("d3"),i=t("../color");e.exports=function(t){t.each((function(t){var e=t[0].trace,r=e.error_y||{},a=e.error_x||{},o=n.select(this);o.selectAll("path.yerror").style("stroke-width",r.thickness+"px").call(i.stroke,r.color),a.copy_ystyle&&(a=r),o.selectAll("path.xerror").style("stroke-width",a.thickness+"px").call(i.stroke,a.color)}))}},{"../color":643,d3:169}],674:[function(t,e,r){"use strict";var n=t("../../plots/font_attributes"),i=t("./layout_attributes").hoverlabel,a=t("../../lib/extend").extendFlat;e.exports={hoverlabel:{bgcolor:a({},i.bgcolor,{arrayOk:!0}),bordercolor:a({},i.bordercolor,{arrayOk:!0}),font:n({arrayOk:!0,editType:"none"}),align:a({},i.align,{arrayOk:!0}),namelength:a({},i.namelength,{arrayOk:!0}),editType:"none"}}},{"../../lib/extend":768,"../../plots/font_attributes":856,"./layout_attributes":684}],675:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry");function a(t,e,r,i){i=i||n.identity,Array.isArray(t)&&(e[0][r]=i(t))}e.exports=function(t){var e=t.calcdata,r=t._fullLayout;function o(t){return function(e){return n.coerceHoverinfo({hoverinfo:e},{_module:t._module},r)}}for(var s=0;s=0&&r.indexb[0]._length||tt<0||tt>_[0]._length)return d.unhoverRaw(t,e)}if(e.pointerX=$+b[0]._offset,e.pointerY=tt+_[0]._offset,C="xval"in e?v.flat(s,e.xval):v.p2c(b,$),I="yval"in e?v.flat(s,e.yval):v.p2c(_,tt),!i(C[0])||!i(I[0]))return o.warn("Fx.hover failed",e,t),d.unhoverRaw(t,e)}var nt=1/0;function it(t,r){for(F=0;FY&&(Z.splice(0,Y),nt=Z[0].distance),g&&0!==X&&0===Z.length){G.distance=X,G.index=!1;var f=N._module.hoverPoints(G,q,H,"closest",l._hoverlayer);if(f&&(f=f.filter((function(t){return t.spikeDistance<=X}))),f&&f.length){var h,d=f.filter((function(t){return t.xa.showspikes&&"hovered data"!==t.xa.spikesnap}));if(d.length){var m=d[0];i(m.x0)&&i(m.y0)&&(h=ot(m),(!K.vLinePoint||K.vLinePoint.spikeDistance>h.spikeDistance)&&(K.vLinePoint=h))}var y=f.filter((function(t){return t.ya.showspikes&&"hovered data"!==t.ya.spikesnap}));if(y.length){var x=y[0];i(x.x0)&&i(x.y0)&&(h=ot(x),(!K.hLinePoint||K.hLinePoint.spikeDistance>h.spikeDistance)&&(K.hLinePoint=h))}}}}}function at(t,e){for(var r,n=null,i=1/0,a=0;a1||Z.length>1)||"closest"===S&&Q&&Z.length>1,At=p.combine(l.plot_bgcolor||p.background,l.paper_bgcolor),St={hovermode:S,rotateLabels:Mt,bgColor:At,container:l._hoverlayer,outerContainer:l._paperdiv,commonLabelOpts:l.hoverlabel,hoverdistance:l.hoverdistance},Et=L(Z,St,t);v.isUnifiedHover(S)||(!function(t,e,r){var n,i,a,o,s,l,c,u=0,f=1,h=t.size(),p=new Array(h),d=0;function g(t){var e=t[0],r=t[t.length-1];if(i=e.pmin-e.pos-e.dp+e.size,a=r.pos+r.dp+r.size-e.pmax,i>.01){for(s=t.length-1;s>=0;s--)t[s].dp+=i;n=!1}if(!(a<.01)){if(i<-.01){for(s=t.length-1;s>=0;s--)t[s].dp-=a;n=!1}if(n){var c=0;for(o=0;oe.pmax&&c++;for(o=t.length-1;o>=0&&!(c<=0);o--)(l=t[o]).pos>e.pmax-1&&(l.del=!0,c--);for(o=0;o=0;s--)t[s].dp-=a;for(o=t.length-1;o>=0&&!(c<=0);o--)(l=t[o]).pos+l.dp+l.size>e.pmax&&(l.del=!0,c--)}}}t.each((function(t){var n=t[e],i="x"===n._id.charAt(0),a=n.range;0===d&&a&&a[0]>a[1]!==i&&(f=-1),p[d++]=[{datum:t,traceIndex:t.trace.index,dp:0,pos:t.pos,posref:t.posref,size:t.by*(i?T:1)/2,pmin:0,pmax:i?r.width:r.height}]})),p.sort((function(t,e){return t[0].posref-e[0].posref||f*(e[0].traceIndex-t[0].traceIndex)}));for(;!n&&u<=h;){for(u++,n=!0,o=0;o.01&&y.pmin===x.pmin&&y.pmax===x.pmax){for(s=v.length-1;s>=0;s--)v[s].dp+=i;for(m.push.apply(m,v),p.splice(o+1,1),c=0,s=m.length-1;s>=0;s--)c+=m[s].dp;for(a=c/m.length,s=m.length-1;s>=0;s--)m[s].dp-=a;n=!1}else o++}p.forEach(g)}for(o=p.length-1;o>=0;o--){var b=p[o];for(s=b.length-1;s>=0;s--){var _=b[s],w=_.datum;w.offset=_.dp,w.del=_.del}}}(Et,Mt?"xa":"ya",l),P(Et,Mt,l._invScaleX,l._invScaleY));if(e.target&&e.target.tagName){var Ct=m.getComponentMethod("annotations","hasClickToShow")(t,_t);f(n.select(e.target),Ct?"pointer":"")}if(!e.target||a||!function(t,e,r){if(!r||r.length!==t._hoverdata.length)return!0;for(var n=r.length-1;n>=0;n--){var i=r[n],a=t._hoverdata[n];if(i.curveNumber!==a.curveNumber||String(i.pointNumber)!==String(a.pointNumber)||String(i.pointNumbers)!==String(a.pointNumbers))return!0}return!1}(t,0,bt))return;bt&&t.emit("plotly_unhover",{event:e,points:bt});t.emit("plotly_hover",{event:e,points:t._hoverdata,xaxes:b,yaxes:_,xvals:C,yvals:I})}(t,e,r,a)}))},r.loneHover=function(t,e){var r=!0;Array.isArray(t)||(r=!1,t=[t]);var i=t.map((function(t){return{color:t.color||p.defaultLine,x0:t.x0||t.x||0,x1:t.x1||t.x||0,y0:t.y0||t.y||0,y1:t.y1||t.y||0,xLabel:t.xLabel,yLabel:t.yLabel,zLabel:t.zLabel,text:t.text,name:t.name,idealAlign:t.idealAlign,borderColor:t.borderColor,fontFamily:t.fontFamily,fontSize:t.fontSize,fontColor:t.fontColor,nameLength:t.nameLength,textAlign:t.textAlign,trace:t.trace||{index:0,hoverinfo:""},xa:{_offset:0},ya:{_offset:0},index:0,hovertemplate:t.hovertemplate||!1,eventData:t.eventData||!1,hovertemplateLabels:t.hovertemplateLabels||!1}})),a=n.select(e.container),o=e.outerContainer?n.select(e.outerContainer):a,s={hovermode:"closest",rotateLabels:!1,bgColor:e.bgColor||p.background,container:a,outerContainer:o},l=L(i,s,e.gd),c=0,u=0;l.sort((function(t,e){return t.y0-e.y0})).each((function(t,r){var n=t.y0-t.by/2;t.offset=n-5([\s\S]*)<\/extra>/;function L(t,e,r){var i=r._fullLayout,a=e.hovermode,c=e.rotateLabels,f=e.bgColor,d=e.container,g=e.outerContainer,m=e.commonLabelOpts||{},w=e.fontFamily||y.HOVERFONT,T=e.fontSize||y.HOVERFONTSIZE,k=t[0],M=k.xa,C=k.ya,L="y"===a.charAt(0)?"yLabel":"xLabel",P=k[L],z=(String(P)||"").split(" ")[0],O=g.node().getBoundingClientRect(),D=O.top,R=O.width,F=O.height,B=void 0!==P&&k.distance<=e.hoverdistance&&("x"===a||"y"===a);if(B){var N,j,U=!0;for(N=0;Ni.width-E?(y=i.width-E,l.attr("d","M"+(E-A)+",0L"+E+","+_+A+"v"+_+(2*S+b.height)+"H-"+E+"V"+_+A+"H"+(E-2*A)+"Z")):l.attr("d","M0,0L"+A+","+_+A+"H"+(S+b.width/2)+"v"+_+(2*S+b.height)+"H-"+(S+b.width/2)+"V"+_+A+"H-"+A+"Z")}else{var L,I,z;"right"===C.side?(L="start",I=1,z="",y=M._offset+M._length):(L="end",I=-1,z="-",y=M._offset),x=C._offset+(k.y0+k.y1)/2,c.attr("text-anchor",L),l.attr("d","M0,0L"+z+A+","+A+"V"+(S+b.height/2)+"h"+z+(2*S+b.width)+"V-"+(S+b.height/2)+"H"+z+A+"V-"+A+"Z");var O,R=b.height/2,F=D-b.top-R,B="clip"+i._uid+"commonlabel"+C._id;if(y=0?et-=it:et+=2*S;var at=nt.height+2*S,ot=tt+at>=F;return at<=F&&(tt<=D?tt=C._offset+2*S:ot&&(tt=F-at)),rt.attr("transform",s(et,tt)),rt}var st=d.selectAll("g.hovertext").data(t,(function(t){return E(t)}));return st.enter().append("g").classed("hovertext",!0).each((function(){var t=n.select(this);t.append("rect").call(p.fill,p.addOpacity(f,.8)),t.append("text").classed("name",!0),t.append("path").style("stroke-width","1px"),t.append("text").classed("nums",!0).call(h.font,w,T)})),st.exit().remove(),st.each((function(t){var e=n.select(this).attr("transform",""),o=t.color;Array.isArray(o)&&(o=o[t.eventData[0].pointNumber]);var d=t.bgcolor||o,g=p.combine(p.opacity(d)?d:p.defaultLine,f),m=p.combine(p.opacity(o)?o:p.defaultLine,f),v=t.borderColor||p.contrast(g),y=I(t,B,a,i,P,e),x=y[0],b=y[1],k=e.select("text.nums").call(h.font,t.fontFamily||w,t.fontSize||T,t.fontColor||v).text(x).attr("data-notex",1).call(u.positionText,0,0).call(u.convertToTspans,r),M=e.select("text.name"),E=0,C=0;if(b&&b!==x){M.call(h.font,t.fontFamily||w,t.fontSize||T,m).text(b).attr("data-notex",1).call(u.positionText,0,0).call(u.convertToTspans,r);var L=M.node().getBoundingClientRect();E=L.width+2*S,C=L.height+2*S}else M.remove(),e.select("rect").remove();e.select("path").style({fill:g,stroke:v});var z,O,N=k.node().getBoundingClientRect(),j=t.xa._offset+(t.x0+t.x1)/2,U=t.ya._offset+(t.y0+t.y1)/2,V=Math.abs(t.x1-t.x0),q=Math.abs(t.y1-t.y0),H=N.width+A+S+E;if(t.ty0=D-N.top,t.bx=N.width+2*S,t.by=Math.max(N.height+2*S,C),t.anchor="start",t.txwidth=N.width,t.tx2width=E,t.offset=0,c)t.pos=j,z=U+q/2+H<=F,O=U-q/2-H>=0,"top"!==t.idealAlign&&z||!O?z?(U+=q/2,t.anchor="start"):t.anchor="middle":(U-=q/2,t.anchor="end");else if(t.pos=U,z=j+V/2+H<=R,O=j-V/2-H>=0,"left"!==t.idealAlign&&z||!O)if(z)j+=V/2,t.anchor="start";else{t.anchor="middle";var G=H/2,Y=j+G-R,W=j-G;Y>0&&(j-=Y),W<0&&(j+=-W)}else j-=V/2,t.anchor="end";k.attr("text-anchor",t.anchor),E&&M.attr("text-anchor",t.anchor),e.attr("transform",s(j,U)+(c?l(_):""))})),st}function I(t,e,r,n,i,a){var s="",l="";void 0!==t.nameOverride&&(t.name=t.nameOverride),t.name&&(t.trace._meta&&(t.name=o.templateString(t.name,t.trace._meta)),s=R(t.name,t.nameLength)),void 0!==t.zLabel?(void 0!==t.xLabel&&(l+="x: "+t.xLabel+"
"),void 0!==t.yLabel&&(l+="y: "+t.yLabel+"
"),"choropleth"!==t.trace.type&&"choroplethmapbox"!==t.trace.type&&(l+=(l?"z: ":"")+t.zLabel)):e&&t[r.charAt(0)+"Label"]===i?l=t[("x"===r.charAt(0)?"y":"x")+"Label"]||"":void 0===t.xLabel?void 0!==t.yLabel&&"scattercarpet"!==t.trace.type&&(l=t.yLabel):l=void 0===t.yLabel?t.xLabel:"("+t.xLabel+", "+t.yLabel+")",!t.text&&0!==t.text||Array.isArray(t.text)||(l+=(l?"
":"")+t.text),void 0!==t.extraText&&(l+=(l?"
":"")+t.extraText),a&&""===l&&!t.hovertemplate&&(""===s&&a.remove(),l=s);var c=n._d3locale,u=t.hovertemplate||!1,f=t.hovertemplateLabels||t,h=t.eventData[0]||{};return u&&(l=(l=o.hovertemplateString(u,f,c,h,t.trace._meta)).replace(C,(function(e,r){return s=R(r,t.nameLength),""}))),[l,s]}function P(t,e,r,i){var a=function(t){return t*r},o=function(t){return t*i};t.each((function(t){var r=n.select(this);if(t.del)return r.remove();var i=r.select("text.nums"),s=t.anchor,l="end"===s?-1:1,c={start:1,end:-1,middle:0}[s],f=c*(A+S),p=f+c*(t.txwidth+S),d=0,g=t.offset,m="middle"===s;m&&(f-=t.tx2width/2,p+=t.txwidth/2+S),e&&(g*=-M,d=t.offset*k),r.select("path").attr("d",m?"M-"+a(t.bx/2+t.tx2width/2)+","+o(g-t.by/2)+"h"+a(t.bx)+"v"+o(t.by)+"h-"+a(t.bx)+"Z":"M0,0L"+a(l*A+d)+","+o(A+g)+"v"+o(t.by/2-A)+"h"+a(l*t.bx)+"v-"+o(t.by)+"H"+a(l*A+d)+"V"+o(g-A)+"Z");var v=d+f,y=g+t.ty0-t.by/2+S,x=t.textAlign||"auto";"auto"!==x&&("left"===x&&"start"!==s?(i.attr("text-anchor","start"),v=m?-t.bx/2-t.tx2width/2+S:-t.bx-S):"right"===x&&"end"!==s&&(i.attr("text-anchor","end"),v=m?t.bx/2-t.tx2width/2-S:t.bx+S)),i.call(u.positionText,a(v),o(y)),t.tx2width&&(r.select("text.name").call(u.positionText,a(p+c*S+d),o(g+t.ty0-t.by/2+S)),r.select("rect").call(h.setRect,a(p+(c-1)*t.tx2width/2+d),o(g-t.by/2-1),a(t.tx2width),o(t.by+2)))}))}function z(t,e){var r=t.index,n=t.trace||{},a=t.cd[0],s=t.cd[r]||{};function l(t){return t||i(t)&&0===t}var c=Array.isArray(r)?function(t,e){var i=o.castOption(a,r,t);return l(i)?i:o.extractOption({},n,"",e)}:function(t,e){return o.extractOption(s,n,t,e)};function u(e,r,n){var i=c(r,n);l(i)&&(t[e]=i)}if(u("hoverinfo","hi","hoverinfo"),u("bgcolor","hbg","hoverlabel.bgcolor"),u("borderColor","hbc","hoverlabel.bordercolor"),u("fontFamily","htf","hoverlabel.font.family"),u("fontSize","hts","hoverlabel.font.size"),u("fontColor","htc","hoverlabel.font.color"),u("nameLength","hnl","hoverlabel.namelength"),u("textAlign","hta","hoverlabel.align"),t.posref="y"===e||"closest"===e&&"h"===n.orientation?t.xa._offset+(t.x0+t.x1)/2:t.ya._offset+(t.y0+t.y1)/2,t.x0=o.constrain(t.x0,0,t.xa._length),t.x1=o.constrain(t.x1,0,t.xa._length),t.y0=o.constrain(t.y0,0,t.ya._length),t.y1=o.constrain(t.y1,0,t.ya._length),void 0!==t.xLabelVal&&(t.xLabel="xLabel"in t?t.xLabel:g.hoverLabelText(t.xa,t.xLabelVal),t.xVal=t.xa.c2d(t.xLabelVal)),void 0!==t.yLabelVal&&(t.yLabel="yLabel"in t?t.yLabel:g.hoverLabelText(t.ya,t.yLabelVal),t.yVal=t.ya.c2d(t.yLabelVal)),void 0!==t.zLabelVal&&void 0===t.zLabel&&(t.zLabel=String(t.zLabelVal)),!(isNaN(t.xerr)||"log"===t.xa.type&&t.xerr<=0)){var f=g.tickText(t.xa,t.xa.c2l(t.xerr),"hover").text;void 0!==t.xerrneg?t.xLabel+=" +"+f+" / -"+g.tickText(t.xa,t.xa.c2l(t.xerrneg),"hover").text:t.xLabel+=" \xb1 "+f,"x"===e&&(t.distance+=1)}if(!(isNaN(t.yerr)||"log"===t.ya.type&&t.yerr<=0)){var h=g.tickText(t.ya,t.ya.c2l(t.yerr),"hover").text;void 0!==t.yerrneg?t.yLabel+=" +"+h+" / -"+g.tickText(t.ya,t.ya.c2l(t.yerrneg),"hover").text:t.yLabel+=" \xb1 "+h,"y"===e&&(t.distance+=1)}var p=t.hoverinfo||t.trace.hoverinfo;return p&&"all"!==p&&(-1===(p=Array.isArray(p)?p:p.split("+")).indexOf("x")&&(t.xLabel=void 0),-1===p.indexOf("y")&&(t.yLabel=void 0),-1===p.indexOf("z")&&(t.zLabel=void 0),-1===p.indexOf("text")&&(t.text=void 0),-1===p.indexOf("name")&&(t.name=void 0)),t}function O(t,e,r){var n,i,o=r.container,s=r.fullLayout,l=s._size,c=r.event,u=!!e.hLinePoint,f=!!e.vLinePoint;if(o.selectAll(".spikeline").remove(),f||u){var d=p.combine(s.plot_bgcolor,s.paper_bgcolor);if(u){var m,v,y=e.hLinePoint;n=y&&y.xa,"cursor"===(i=y&&y.ya).spikesnap?(m=c.pointerX,v=c.pointerY):(m=n._offset+y.x,v=i._offset+y.y);var x,b,_=a.readability(y.color,d)<1.5?p.contrast(d):y.color,w=i.spikemode,T=i.spikethickness,k=i.spikecolor||_,M=g.getPxPosition(t,i);if(-1!==w.indexOf("toaxis")||-1!==w.indexOf("across")){if(-1!==w.indexOf("toaxis")&&(x=M,b=m),-1!==w.indexOf("across")){var A=i._counterDomainMin,S=i._counterDomainMax;"free"===i.anchor&&(A=Math.min(A,i.position),S=Math.max(S,i.position)),x=l.l+A*l.w,b=l.l+S*l.w}o.insert("line",":first-child").attr({x1:x,x2:b,y1:v,y2:v,"stroke-width":T,stroke:k,"stroke-dasharray":h.dashStyle(i.spikedash,T)}).classed("spikeline",!0).classed("crisp",!0),o.insert("line",":first-child").attr({x1:x,x2:b,y1:v,y2:v,"stroke-width":T+2,stroke:d}).classed("spikeline",!0).classed("crisp",!0)}-1!==w.indexOf("marker")&&o.insert("circle",":first-child").attr({cx:M+("right"!==i.side?T:-T),cy:v,r:T,fill:k}).classed("spikeline",!0)}if(f){var E,C,L=e.vLinePoint;n=L&&L.xa,i=L&&L.ya,"cursor"===n.spikesnap?(E=c.pointerX,C=c.pointerY):(E=n._offset+L.x,C=i._offset+L.y);var I,P,z=a.readability(L.color,d)<1.5?p.contrast(d):L.color,O=n.spikemode,D=n.spikethickness,R=n.spikecolor||z,F=g.getPxPosition(t,n);if(-1!==O.indexOf("toaxis")||-1!==O.indexOf("across")){if(-1!==O.indexOf("toaxis")&&(I=F,P=C),-1!==O.indexOf("across")){var B=n._counterDomainMin,N=n._counterDomainMax;"free"===n.anchor&&(B=Math.min(B,n.position),N=Math.max(N,n.position)),I=l.t+(1-N)*l.h,P=l.t+(1-B)*l.h}o.insert("line",":first-child").attr({x1:E,x2:E,y1:I,y2:P,"stroke-width":D,stroke:R,"stroke-dasharray":h.dashStyle(n.spikedash,D)}).classed("spikeline",!0).classed("crisp",!0),o.insert("line",":first-child").attr({x1:E,x2:E,y1:I,y2:P,"stroke-width":D+2,stroke:d}).classed("spikeline",!0).classed("crisp",!0)}-1!==O.indexOf("marker")&&o.insert("circle",":first-child").attr({cx:E,cy:F-("top"!==n.side?D:-D),r:D,fill:R}).classed("spikeline",!0)}}}function D(t,e){return!e||(e.vLinePoint!==t._spikepoints.vLinePoint||e.hLinePoint!==t._spikepoints.hLinePoint)}function R(t,e){return u.plainText(t||"",{len:e,allowedTags:["br","sub","sup","b","i","em"]})}},{"../../lib":778,"../../lib/events":767,"../../lib/override_cursor":789,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"../../registry":911,"../color":643,"../dragelement":662,"../drawing":665,"../legend/defaults":695,"../legend/draw":696,"./constants":677,"./helpers":679,d3:169,"fast-isnumeric":241,tinycolor2:576}],681:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../color"),a=t("./helpers").isUnifiedHover;e.exports=function(t,e,r,o){function s(t){o.font[t]||(o.font[t]=e.legend?e.legend.font[t]:e.font[t])}o=o||{},e&&a(e.hovermode)&&(o.font||(o.font={}),s("size"),s("family"),s("color"),e.legend?(o.bgcolor||(o.bgcolor=i.combine(e.legend.bgcolor,e.paper_bgcolor)),o.bordercolor||(o.bordercolor=e.legend.bordercolor)):o.bgcolor||(o.bgcolor=e.paper_bgcolor)),r("hoverlabel.bgcolor",o.bgcolor),r("hoverlabel.bordercolor",o.bordercolor),r("hoverlabel.namelength",o.namelength),n.coerceFont(r,"hoverlabel.font",o.font),r("hoverlabel.align",o.align)}},{"../../lib":778,"../color":643,"./helpers":679}],682:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e,r){function a(r,a){return void 0!==e[r]?e[r]:n.coerce(t,e,i,r,a)}var o,s=a("clickmode");return e._has("cartesian")?s.indexOf("select")>-1?o="closest":(e._isHoriz=function(t,e){for(var r=e._scatterStackOpts||{},n=0;n1){if(!h&&!p&&!d)"independent"===k("pattern")&&(h=!0);m._hasSubplotGrid=h;var x,b,_="top to bottom"===k("roworder"),w=h?.2:.1,T=h?.3:.1;g&&e._splomGridDflt&&(x=e._splomGridDflt.xside,b=e._splomGridDflt.yside),m._domains={x:u("x",k,w,x,y),y:u("y",k,T,b,v,_)}}else delete e.grid}function k(t,e){return n.coerce(r,m,l,t,e)}},contentDefaults:function(t,e){var r=e.grid;if(r&&r._domains){var n,i,a,o,s,l,u,h=t.grid||{},p=e._subplots,d=r._hasSubplotGrid,g=r.rows,m=r.columns,v="independent"===r.pattern,y=r._axisMap={};if(d){var x=h.subplots||[];l=r.subplots=new Array(g);var b=1;for(n=0;n1);if(!1!==g||c.uirevision){var m=a.newContainer(e,"legend");if(_("uirevision",e.uirevision),!1!==g){_("bgcolor",e.paper_bgcolor),_("bordercolor"),_("borderwidth"),i.coerceFont(_,"font",e.font);var v,y,x,b=_("orientation");"h"===b?(v=0,n.getComponentMethod("rangeslider","isVisible")(t.xaxis)?(y=1.1,x="bottom"):(y=-.1,x="top")):(v=1.02,y=1,x="auto"),_("traceorder",h),l.isGrouped(e.legend)&&_("tracegroupgap"),_("itemsizing"),_("itemwidth"),_("itemclick"),_("itemdoubleclick"),_("x",v),_("xanchor"),_("y",y),_("yanchor",x),_("valign"),i.noneOrAll(c,m,["x","y"]),_("title.text")&&(_("title.side","h"===b?"left":"top"),i.coerceFont(_,"title.font",e.font))}}function _(t,e){return i.coerce(c,m,o,t,e)}}},{"../../lib":778,"../../plot_api/plot_template":817,"../../plots/layout_attributes":882,"../../registry":911,"./attributes":693,"./helpers":699}],696:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../plots/plots"),o=t("../../registry"),s=t("../../lib/events"),l=t("../dragelement"),c=t("../drawing"),u=t("../color"),f=t("../../lib/svg_text_utils"),h=t("./handle_click"),p=t("./constants"),d=t("../../constants/alignment"),g=d.LINE_SPACING,m=d.FROM_TL,v=d.FROM_BR,y=t("./get_legend_data"),x=t("./style"),b=t("./helpers");function _(t,e,r,n,i){var a=r.data()[0][0].trace,l={event:i,node:r.node(),curveNumber:a.index,expandedIndex:a._expandedIndex,data:t.data,layout:t.layout,frames:t._transitionData._frames,config:t._context,fullData:t._fullData,fullLayout:t._fullLayout};if(a._group&&(l.group=a._group),o.traceIs(a,"pie-like")&&(l.label=r.datum()[0].label),!1!==s.triggerHandler(t,"plotly_legendclick",l))if(1===n)e._clickTimeout=setTimeout((function(){h(r,t,n)}),t._context.doubleClickDelay);else if(2===n){e._clickTimeout&&clearTimeout(e._clickTimeout),t._legendMouseDownTime=0,!1!==s.triggerHandler(t,"plotly_legenddoubleclick",l)&&h(r,t,n)}}function w(t,e,r){var n,a=t.data()[0][0],s=a.trace,l=o.traceIs(s,"pie-like"),u=s.index,h=r._main&&e._context.edits.legendText&&!l,d=r._maxNameLength;r.entries?n=a.text:(n=l?a.label:s.name,s._meta&&(n=i.templateString(n,s._meta)));var g=i.ensureSingle(t,"text","legendtext");g.attr("text-anchor","start").call(c.font,r.font).text(h?T(n,d):n);var m=r.itemwidth+2*p.itemGap;f.positionText(g,m,0),h?g.call(f.makeEditable,{gd:e,text:n}).call(M,t,e,r).on("edit",(function(n){this.text(T(n,d)).call(M,t,e,r);var s=a.trace._fullInput||{},l={};if(o.hasTransform(s,"groupby")){var c=o.getTransformIndices(s,"groupby"),f=c[c.length-1],h=i.keyedContainer(s,"transforms["+f+"].styles","target","value.name");h.set(a.trace._group,n),l=h.constructUpdate()}else l.name=n;return o.call("_guiRestyle",e,l,u)})):M(g,t,e,r)}function T(t,e){var r=Math.max(4,e);if(t&&t.trim().length>=r/2)return t;for(var n=r-(t=t||"").length;n>0;n--)t+=" ";return t}function k(t,e){var r,a=e._context.doubleClickDelay,o=1,s=i.ensureSingle(t,"rect","legendtoggle",(function(t){e._context.staticPlot||t.style("cursor","pointer").attr("pointer-events","all"),t.call(u.fill,"rgba(0,0,0,0)")}));e._context.staticPlot||(s.on("mousedown",(function(){(r=(new Date).getTime())-e._legendMouseDownTimea&&(o=Math.max(o-1,1)),_(e,r,t,o,n.event)}})))}function M(t,e,r,n){n._main||t.attr("data-notex",!0),f.convertToTspans(t,r,(function(){!function(t,e,r){var n=t.data()[0][0];if(r._main&&n&&!n.trace.showlegend)return void t.remove();var i=t.select("g[class*=math-group]"),a=i.node();r||(r=e._fullLayout.legend);var o,s,l=r.borderwidth,u=(n?r:r.title).font.size*g;if(a){var h=c.bBox(a);o=h.height,s=h.width,n?c.setTranslate(i,0,.25*o):c.setTranslate(i,l,.75*o+l)}else{var d=t.select(n?".legendtext":".legendtitletext"),m=f.lineCount(d),v=d.node();o=u*m,s=v?c.bBox(v).width:0;var y=u*((m-1)/2-.3);if(n){var x=r.itemwidth+2*p.itemGap;f.positionText(d,x,-y)}else f.positionText(d,p.titlePad+l,u+l)}n?(n.lineHeight=u,n.height=Math.max(o,16)+3,n.width=s):(r._titleWidth=s,r._titleHeight=o)}(e,r,n)}))}function A(t){return i.isRightAnchor(t)?"right":i.isCenterAnchor(t)?"center":"left"}function S(t){return i.isBottomAnchor(t)?"bottom":i.isMiddleAnchor(t)?"middle":"top"}e.exports=function(t,e){var r,s=t._fullLayout,f="legend"+s._uid;if(e?(r=e.layer,f+="-hover"):((e=s.legend||{})._main=!0,r=s._infolayer),r){var h;if(t._legendMouseDownTime||(t._legendMouseDownTime=0),e._main){if(!t.calcdata)return;h=s.showlegend&&y(t.calcdata,e)}else{if(!e.entries)return;h=y(e.entries,e)}var d=s.hiddenlabels||[];if(e._main&&(!s.showlegend||!h.length))return r.selectAll(".legend").remove(),s._topdefs.select("#"+f).remove(),a.autoMargin(t,"legend");var g=i.ensureSingle(r,"g","legend",(function(t){e._main&&t.attr("pointer-events","all")})),T=i.ensureSingleById(s._topdefs,"clipPath",f,(function(t){t.append("rect")})),E=i.ensureSingle(g,"rect","bg",(function(t){t.attr("shape-rendering","crispEdges")}));E.call(u.stroke,e.bordercolor).call(u.fill,e.bgcolor).style("stroke-width",e.borderwidth+"px");var C=i.ensureSingle(g,"g","scrollbox"),L=e.title;if(e._titleWidth=0,e._titleHeight=0,L.text){var I=i.ensureSingle(C,"text","legendtitletext");I.attr("text-anchor","start").call(c.font,L.font).text(L.text),M(I,C,t,e)}else C.selectAll(".legendtitletext").remove();var P=i.ensureSingle(g,"rect","scrollbar",(function(t){t.attr(p.scrollBarEnterAttrs).call(u.fill,p.scrollBarColor)})),z=C.selectAll("g.groups").data(h);z.enter().append("g").attr("class","groups"),z.exit().remove();var O=z.selectAll("g.traces").data(i.identity);O.enter().append("g").attr("class","traces"),O.exit().remove(),O.style("opacity",(function(t){var e=t[0].trace;return o.traceIs(e,"pie-like")?-1!==d.indexOf(t[0].label)?.5:1:"legendonly"===e.visible?.5:1})).each((function(){n.select(this).call(w,t,e)})).call(x,t,e).each((function(){e._main&&n.select(this).call(k,t)})),i.syncOrAsync([a.previousPromises,function(){return function(t,e,r,i){var a=t._fullLayout;i||(i=a.legend);var o=a._size,s=b.isVertical(i),l=b.isGrouped(i),u=i.borderwidth,f=2*u,h=p.itemGap,d=i.itemwidth+2*h,g=2*(u+h),m=S(i),v=i.y<0||0===i.y&&"top"===m,y=i.y>1||1===i.y&&"bottom"===m;i._maxHeight=Math.max(v||y?a.height/2:o.h,30);var x=0;i._width=0,i._height=0;var _=function(t){var e=0,r=0,n=t.title.side;n&&(-1!==n.indexOf("left")&&(e=t._titleWidth),-1!==n.indexOf("top")&&(r=t._titleHeight));return[e,r]}(i);if(s)r.each((function(t){var e=t[0].height;c.setTranslate(this,u+_[0],u+_[1]+i._height+e/2+h),i._height+=e,i._width=Math.max(i._width,t[0].width)})),x=d+i._width,i._width+=h+d+f,i._height+=g,l&&(e.each((function(t,e){c.setTranslate(this,0,e*i.tracegroupgap)})),i._height+=(i._lgroupsLength-1)*i.tracegroupgap);else{var w=A(i),T=i.x<0||0===i.x&&"right"===w,k=i.x>1||1===i.x&&"left"===w,M=y||v,E=a.width/2;i._maxWidth=Math.max(T?M&&"left"===w?o.l+o.w:E:k?M&&"right"===w?o.r+o.w:E:o.w,2*d);var C=0,L=0;r.each((function(t){var e=t[0].width+d;C=Math.max(C,e),L+=e})),x=null;var I=0;if(l){var P=0,z=0,O=0;e.each((function(){var t=0,e=0;n.select(this).selectAll("g.traces").each((function(r){var n=r[0].height;c.setTranslate(this,_[0],_[1]+u+h+n/2+e),e+=n,t=Math.max(t,d+r[0].width)})),P=Math.max(P,e);var r=t+h;r+u+z>i._maxWidth&&(I=Math.max(I,z),z=0,O+=P+i.tracegroupgap,P=e),c.setTranslate(this,z,O),z+=r})),i._width=Math.max(I,z)+u,i._height=O+P+g}else{var D=r.size(),R=L+f+(D-1)*h=i._maxWidth&&(I=Math.max(I,j),B=0,N+=F,i._height+=F,F=0),c.setTranslate(this,_[0]+u+B,_[1]+u+N+e/2+h),j=B+r+h,B+=n,F=Math.max(F,e)})),R?(i._width=B+f,i._height=F+g):(i._width=Math.max(I,j)+f,i._height+=F+g)}}i._width=Math.ceil(Math.max(i._width+_[0],i._titleWidth+2*(u+p.titlePad))),i._height=Math.ceil(Math.max(i._height+_[1],i._titleHeight+2*(u+p.itemGap))),i._effHeight=Math.min(i._height,i._maxHeight);var U=t._context.edits,V=U.legendText||U.legendPosition;r.each((function(t){var e=n.select(this).select(".legendtoggle"),r=t[0].height,i=V?d:x||d+t[0].width;s||(i+=h/2),c.setRect(e,0,-r/2,i,r)}))}(t,z,O,e)},function(){if(!e._main||!function(t){var e=t._fullLayout.legend,r=A(e),n=S(e);return a.autoMargin(t,"legend",{x:e.x,y:e.y,l:e._width*m[r],r:e._width*v[r],b:e._effHeight*v[n],t:e._effHeight*m[n]})}(t)){var u,h,d,y,x=s._size,b=e.borderwidth,w=x.l+x.w*e.x-m[A(e)]*e._width,k=x.t+x.h*(1-e.y)-m[S(e)]*e._effHeight;if(e._main&&s.margin.autoexpand){var M=w,L=k;w=i.constrain(w,0,s.width-e._width),k=i.constrain(k,0,s.height-e._effHeight),w!==M&&i.log("Constrain legend.x to make legend fit inside graph"),k!==L&&i.log("Constrain legend.y to make legend fit inside graph")}if(e._main&&c.setTranslate(g,w,k),P.on(".drag",null),g.on("wheel",null),!e._main||e._height<=e._maxHeight||t._context.staticPlot){var I=e._effHeight;e._main||(I=e._height),E.attr({width:e._width-b,height:I-b,x:b/2,y:b/2}),c.setTranslate(C,0,0),T.select("rect").attr({width:e._width-2*b,height:I-2*b,x:b,y:b}),c.setClipUrl(C,f,t),c.setRect(P,0,0,0,0),delete e._scrollY}else{var z,O,D,R=Math.max(p.scrollBarMinHeight,e._effHeight*e._effHeight/e._height),F=e._effHeight-R-2*p.scrollBarMargin,B=e._height-e._effHeight,N=F/B,j=Math.min(e._scrollY||0,B);E.attr({width:e._width-2*b+p.scrollBarWidth+p.scrollBarMargin,height:e._effHeight-b,x:b/2,y:b/2}),T.select("rect").attr({width:e._width-2*b+p.scrollBarWidth+p.scrollBarMargin,height:e._effHeight-2*b,x:b,y:b+j}),c.setClipUrl(C,f,t),q(j,R,N),g.on("wheel",(function(){q(j=i.constrain(e._scrollY+n.event.deltaY/F*B,0,B),R,N),0!==j&&j!==B&&n.event.preventDefault()}));var U=n.behavior.drag().on("dragstart",(function(){var t=n.event.sourceEvent;z="touchstart"===t.type?t.changedTouches[0].clientY:t.clientY,D=j})).on("drag",(function(){var t=n.event.sourceEvent;2===t.buttons||t.ctrlKey||(O="touchmove"===t.type?t.changedTouches[0].clientY:t.clientY,q(j=function(t,e,r){var n=(r-e)/N+t;return i.constrain(n,0,B)}(D,z,O),R,N))}));P.call(U);var V=n.behavior.drag().on("dragstart",(function(){var t=n.event.sourceEvent;"touchstart"===t.type&&(z=t.changedTouches[0].clientY,D=j)})).on("drag",(function(){var t=n.event.sourceEvent;"touchmove"===t.type&&(O=t.changedTouches[0].clientY,q(j=function(t,e,r){var n=(e-r)/N+t;return i.constrain(n,0,B)}(D,z,O),R,N))}));C.call(V)}if(t._context.edits.legendPosition)g.classed("cursor-move",!0),l.init({element:g.node(),gd:t,prepFn:function(){var t=c.getTranslate(g);d=t.x,y=t.y},moveFn:function(t,r){var n=d+t,i=y+r;c.setTranslate(g,n,i),u=l.align(n,0,x.l,x.l+x.w,e.xanchor),h=l.align(i,0,x.t+x.h,x.t,e.yanchor)},doneFn:function(){void 0!==u&&void 0!==h&&o.call("_guiRelayout",t,{"legend.x":u,"legend.y":h})},clickFn:function(e,n){var i=r.selectAll("g.traces").filter((function(){var t=this.getBoundingClientRect();return n.clientX>=t.left&&n.clientX<=t.right&&n.clientY>=t.top&&n.clientY<=t.bottom}));i.size()>0&&_(t,g,i,e,n)}})}function q(r,n,i){e._scrollY=t._fullLayout.legend._scrollY=r,c.setTranslate(C,0,-r),c.setRect(P,e._width,p.scrollBarMargin+r*i,p.scrollBarWidth,n),T.select("rect").attr("y",b+r)}}],t)}}},{"../../constants/alignment":745,"../../lib":778,"../../lib/events":767,"../../lib/svg_text_utils":803,"../../plots/plots":891,"../../registry":911,"../color":643,"../dragelement":662,"../drawing":665,"./constants":694,"./get_legend_data":697,"./handle_click":698,"./helpers":699,"./style":701,d3:169}],697:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("./helpers");e.exports=function(t,e){var r,a,o={},s=[],l=!1,c={},u=0,f=0,h=e._main;function p(t,r){if(""!==t&&i.isGrouped(e))-1===s.indexOf(t)?(s.push(t),l=!0,o[t]=[[r]]):o[t].push([r]);else{var n="~~i"+u;s.push(n),o[n]=[[r]],u++}}for(r=0;r0))return 0;i=e.width}return m?n:Math.min(i,r)};function _(t,e,r){var a=t[0].trace,o=a.marker||{},s=o.line||{},c=r?a.visible&&a.type===r:i.traceIs(a,"bar"),u=n.select(e).select("g.legendpoints").selectAll("path.legend"+r).data(c?[t]:[]);u.enter().append("path").classed("legend"+r,!0).attr("d","M6,6H-6V-6H6Z").attr("transform",x),u.exit().remove(),u.each((function(t){var e=n.select(this),r=t[0],i=b(r.mlw,o.line,5,2);e.style("stroke-width",i+"px").call(l.fill,r.mc||o.color),i&&l.stroke(e,r.mlc||s.color)}))}function w(t,e,r){var o=t[0],s=o.trace,l=r?s.visible&&s.type===r:i.traceIs(s,r),c=n.select(e).select("g.legendpoints").selectAll("path.legend"+r).data(l?[t]:[]);if(c.enter().append("path").classed("legend"+r,!0).attr("d","M6,6H-6V-6H6Z").attr("transform",x),c.exit().remove(),c.size()){var u=(s.marker||{}).line,p=b(h(u.width,o.pts),u,5,2),d=a.minExtend(s,{marker:{line:{width:p}}});d.marker.line.color=u.color;var g=a.minExtend(o,{trace:d});f(c,g,d)}}t.each((function(t){var e=n.select(this),i=a.ensureSingle(e,"g","layers");i.style("opacity",t[0].trace.opacity);var s=r.valign,l=t[0].lineHeight,c=t[0].height;if("middle"!==s&&l&&c){var u={top:1,bottom:-1}[s]*(.5*(l-c+3));i.attr("transform",o(0,u))}else i.attr("transform",null);i.selectAll("g.legendfill").data([t]).enter().append("g").classed("legendfill",!0),i.selectAll("g.legendlines").data([t]).enter().append("g").classed("legendlines",!0);var f=i.selectAll("g.legendsymbols").data([t]);f.enter().append("g").classed("legendsymbols",!0),f.selectAll("g.legendpoints").data([t]).enter().append("g").classed("legendpoints",!0)})).each((function(t){var r,i=t[0].trace,o=[];if(i.visible)switch(i.type){case"histogram2d":case"heatmap":o=[["M-15,-2V4H15V-2Z"]],r=!0;break;case"choropleth":case"choroplethmapbox":o=[["M-6,-6V6H6V-6Z"]],r=!0;break;case"densitymapbox":o=[["M-6,0 a6,6 0 1,0 12,0 a 6,6 0 1,0 -12,0"]],r="radial";break;case"cone":o=[["M-6,2 A2,2 0 0,0 -6,6 V6L6,4Z"],["M-6,-6 A2,2 0 0,0 -6,-2 L6,-4Z"],["M-6,-2 A2,2 0 0,0 -6,2 L6,0Z"]],r=!1;break;case"streamtube":o=[["M-6,2 A2,2 0 0,0 -6,6 H6 A2,2 0 0,1 6,2 Z"],["M-6,-6 A2,2 0 0,0 -6,-2 H6 A2,2 0 0,1 6,-6 Z"],["M-6,-2 A2,2 0 0,0 -6,2 H6 A2,2 0 0,1 6,-2 Z"]],r=!1;break;case"surface":o=[["M-6,-6 A2,3 0 0,0 -6,0 H6 A2,3 0 0,1 6,-6 Z"],["M-6,1 A2,3 0 0,1 -6,6 H6 A2,3 0 0,0 6,0 Z"]],r=!0;break;case"mesh3d":o=[["M-6,6H0L-6,-6Z"],["M6,6H0L6,-6Z"],["M-6,-6H6L0,6Z"]],r=!1;break;case"volume":o=[["M-6,6H0L-6,-6Z"],["M6,6H0L6,-6Z"],["M-6,-6H6L0,6Z"]],r=!0;break;case"isosurface":o=[["M-6,6H0L-6,-6Z"],["M6,6H0L6,-6Z"],["M-6,-6 A12,24 0 0,0 6,-6 L0,6Z"]],r=!1}var u=n.select(this).select("g.legendpoints").selectAll("path.legend3dandfriends").data(o);u.enter().append("path").classed("legend3dandfriends",!0).attr("transform",x).style("stroke-miterlimit",1),u.exit().remove(),u.each((function(t,o){var u,f=n.select(this),h=c(i),p=h.colorscale,g=h.reversescale;if(p){if(!r){var m=p.length;u=0===o?p[g?m-1:0][1]:1===o?p[g?0:m-1][1]:p[Math.floor((m-1)/2)][1]}}else{var v=i.vertexcolor||i.facecolor||i.color;u=a.isArrayOrTypedArray(v)?v[o]||v[0]:v}f.attr("d",t[0]),u?f.call(l.fill,u):f.call((function(t){if(t.size()){var n="legendfill-"+i.uid;s.gradient(t,e,n,d(g,"radial"===r),p,"fill")}}))}))})).each((function(t){var e=t[0].trace,r="waterfall"===e.type;if(t[0]._distinct&&r){var i=t[0].trace[t[0].dir].marker;return t[0].mc=i.color,t[0].mlw=i.line.width,t[0].mlc=i.line.color,_(t,this,"waterfall")}var a=[];e.visible&&r&&(a=t[0].hasTotals?[["increasing","M-6,-6V6H0Z"],["totals","M6,6H0L-6,-6H-0Z"],["decreasing","M6,6V-6H0Z"]]:[["increasing","M-6,-6V6H6Z"],["decreasing","M6,6V-6H-6Z"]]);var o=n.select(this).select("g.legendpoints").selectAll("path.legendwaterfall").data(a);o.enter().append("path").classed("legendwaterfall",!0).attr("transform",x).style("stroke-miterlimit",1),o.exit().remove(),o.each((function(t){var r=n.select(this),i=e[t[0]].marker,a=b(void 0,i.line,5,2);r.attr("d",t[1]).style("stroke-width",a+"px").call(l.fill,i.color),a&&r.call(l.stroke,i.line.color)}))})).each((function(t){_(t,this,"funnel")})).each((function(t){_(t,this)})).each((function(t){var r=t[0].trace,o=n.select(this).select("g.legendpoints").selectAll("path.legendbox").data(r.visible&&i.traceIs(r,"box-violin")?[t]:[]);o.enter().append("path").classed("legendbox",!0).attr("d","M6,6H-6V-6H6Z").attr("transform",x),o.exit().remove(),o.each((function(){var t=n.select(this);if("all"!==r.boxpoints&&"all"!==r.points||0!==l.opacity(r.fillcolor)||0!==l.opacity((r.line||{}).color)){var i=b(void 0,r.line,5,2);t.style("stroke-width",i+"px").call(l.fill,r.fillcolor),i&&l.stroke(t,r.line.color)}else{var c=a.minExtend(r,{marker:{size:m?12:a.constrain(r.marker.size,2,16),sizeref:1,sizemin:1,sizemode:"diameter"}});o.call(s.pointStyle,c,e)}}))})).each((function(t){w(t,this,"funnelarea")})).each((function(t){w(t,this,"pie")})).each((function(t){var r,i,o=t[0],l=o.trace,f=l.visible&&l.fill&&"none"!==l.fill,h=u.hasLines(l),p=l.contours,g=!1,m=!1,y=c(l),x=y.colorscale,_=y.reversescale;if(p){var w=p.coloring;"lines"===w?g=!0:h="none"===w||"heatmap"===w||p.showlines,"constraint"===p.type?f="="!==p._operation:"fill"!==w&&"heatmap"!==w||(m=!0)}var T=u.hasMarkers(l)||u.hasText(l),k=f||m,M=h||g,A=T||!k?"M5,0":M?"M5,-2":"M5,-3",S=n.select(this),E=S.select(".legendfill").selectAll("path").data(f||m?[t]:[]);if(E.enter().append("path").classed("js-fill",!0),E.exit().remove(),E.attr("d",A+"h"+v+"v6h-"+v+"z").call(f?s.fillGroupStyle:function(t){if(t.size()){var r="legendfill-"+l.uid;s.gradient(t,e,r,d(_),x,"fill")}}),h||g){var C=b(void 0,l.line,10,5);i=a.minExtend(l,{line:{width:C}}),r=[a.minExtend(o,{trace:i})]}var L=S.select(".legendlines").selectAll("path").data(h||g?[r]:[]);L.enter().append("path").classed("js-line",!0),L.exit().remove(),L.attr("d",A+(g?"l"+v+",0.0001":"h"+v)).call(h?s.lineGroupStyle:function(t){if(t.size()){var r="legendline-"+l.uid;s.lineGroupStyle(t),s.gradient(t,e,r,d(_),x,"stroke")}})})).each((function(t){var r,i,o=t[0],l=o.trace,c=u.hasMarkers(l),f=u.hasText(l),h=u.hasLines(l);function p(t,e,r,n){var i=a.nestedProperty(l,t).get(),o=a.isArrayOrTypedArray(i)&&e?e(i):i;if(m&&o&&void 0!==n&&(o=n),r){if(or[1])return r[1]}return o}function d(t){return o._distinct&&o.index&&t[o.index]?t[o.index]:t[0]}if(c||f||h){var g={},v={};if(c){g.mc=p("marker.color",d),g.mx=p("marker.symbol",d),g.mo=p("marker.opacity",a.mean,[.2,1]),g.mlc=p("marker.line.color",d),g.mlw=p("marker.line.width",a.mean,[0,5],2),v.marker={sizeref:1,sizemin:1,sizemode:"diameter"};var y=p("marker.size",a.mean,[2,16],12);g.ms=y,v.marker.size=y}h&&(v.line={width:p("line.width",d,[0,10],5)}),f&&(g.tx="Aa",g.tp=p("textposition",d),g.ts=10,g.tc=p("textfont.color",d),g.tf=p("textfont.family",d)),r=[a.minExtend(o,g)],(i=a.minExtend(l,v)).selectedpoints=null,i.texttemplate=null}var b=n.select(this).select("g.legendpoints"),_=b.selectAll("path.scatterpts").data(c?r:[]);_.enter().insert("path",":first-child").classed("scatterpts",!0).attr("transform",x),_.exit().remove(),_.call(s.pointStyle,i,e),c&&(r[0].mrc=3);var w=b.selectAll("g.pointtext").data(f?r:[]);w.enter().append("g").classed("pointtext",!0).append("text").attr("transform",x),w.exit().remove(),w.selectAll("text").call(s.textPointStyle,i,e)})).each((function(t){var e=t[0].trace,r=n.select(this).select("g.legendpoints").selectAll("path.legendcandle").data(e.visible&&"candlestick"===e.type?[t,t]:[]);r.enter().append("path").classed("legendcandle",!0).attr("d",(function(t,e){return e?"M-15,0H-8M-8,6V-6H8Z":"M15,0H8M8,-6V6H-8Z"})).attr("transform",x).style("stroke-miterlimit",1),r.exit().remove(),r.each((function(t,r){var i=n.select(this),a=e[r?"increasing":"decreasing"],o=b(void 0,a.line,5,2);i.style("stroke-width",o+"px").call(l.fill,a.fillcolor),o&&l.stroke(i,a.line.color)}))})).each((function(t){var e=t[0].trace,r=n.select(this).select("g.legendpoints").selectAll("path.legendohlc").data(e.visible&&"ohlc"===e.type?[t,t]:[]);r.enter().append("path").classed("legendohlc",!0).attr("d",(function(t,e){return e?"M-15,0H0M-8,-6V0":"M15,0H0M8,6V0"})).attr("transform",x).style("stroke-miterlimit",1),r.exit().remove(),r.each((function(t,r){var i=n.select(this),a=e[r?"increasing":"decreasing"],o=b(void 0,a.line,5,2);i.style("fill","none").call(s.dashLine,a.line.dash,o),o&&l.stroke(i,a.line.color)}))}))}},{"../../lib":778,"../../registry":911,"../../traces/pie/helpers":1166,"../../traces/pie/style_one":1172,"../../traces/scatter/subtypes":1212,"../color":643,"../colorscale/helpers":654,"../drawing":665,"./constants":694,d3:169}],702:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../plots/plots"),a=t("../../plots/cartesian/axis_ids"),o=t("../../fonts/ploticon"),s=t("../shapes/draw").eraseActiveShape,l=t("../../lib"),c=l._,u=e.exports={};function f(t,e){var r,i,o=e.currentTarget,s=o.getAttribute("data-attr"),l=o.getAttribute("data-val")||!0,c=t._fullLayout,u={},f=a.list(t,null,!0),h=c._cartesianSpikesEnabled;if("zoom"===s){var p,d="in"===l?.5:2,g=(1+d)/2,m=(1-d)/2;for(i=0;i1?(E=["toggleHover"],C=["resetViews"]):d?(S=["zoomInGeo","zoomOutGeo"],E=["hoverClosestGeo"],C=["resetGeo"]):p?(E=["hoverClosest3d"],C=["resetCameraDefault3d","resetCameraLastSave3d"]):x?(S=["zoomInMapbox","zoomOutMapbox"],E=["toggleHover"],C=["resetViewMapbox"]):v?E=["hoverClosestGl2d"]:g?E=["hoverClosestPie"]:_?(E=["hoverClosestCartesian","hoverCompareCartesian"],C=["resetViewSankey"]):E=["toggleHover"];h&&(E=["toggleSpikelines","hoverClosestCartesian","hoverCompareCartesian"]);(function(t){for(var e=0;e0)){var g=function(t,e,r){for(var n=r.filter((function(r){return e[r].anchor===t._id})),i=0,a=0;a=n.max)e=F[r+1];else if(t=n.pmax)e=F[r+1];else if(t0?h+c:c;return{ppad:c,ppadplus:u?d:g,ppadminus:u?g:d}}return{ppad:c}}function u(t,e,r,n,i){var s="category"===t.type||"multicategory"===t.type?t.r2c:t.d2c;if(void 0!==e)return[s(e),s(r)];if(n){var l,c,u,f,h=1/0,p=-1/0,d=n.match(a.segmentRE);for("date"===t.type&&(s=o.decodeDate(s)),l=0;lp&&(p=f)));return p>=h?[h,p]:void 0}}e.exports=function(t){var e=t._fullLayout,r=n.filterVisible(e.shapes);if(r.length&&t._fullData.length)for(var o=0;oy?(k=f,E="y0",M=y,C="y1"):(k=y,E="y1",M=f,C="y0");Z(n),Q(s,r),function(t,e,r){var n=e.xref,i=e.yref,o=a.getFromId(r,n),s=a.getFromId(r,i),l="";"paper"===n||o.autorange||(l+=n);"paper"===i||s.autorange||(l+=i);u.setClipUrl(t,l?"clip"+r._fullLayout._uid+l:null,r)}(e,r,t),X.moveFn="move"===z?J:K,X.altKey=n.altKey},doneFn:function(){if(v(t))return;p(e),$(s),b(e,t,r),n.call("_guiRelayout",t,l.getUpdateObj())},clickFn:function(){if(v(t))return;$(s)}};function Z(r){if(v(t))z=null;else if(R)z="path"===r.target.tagName?"move":"start-point"===r.target.attributes["data-line-point"].value?"resize-over-start-point":"resize-over-end-point";else{var n=X.element.getBoundingClientRect(),i=n.right-n.left,a=n.bottom-n.top,o=r.clientX-n.left,s=r.clientY-n.top,l=!F&&i>10&&a>10&&!r.shiftKey?h.getCursor(o/i,1-s/a):"move";p(e,l),z=l.split("-")[0]}}function J(n,i){if("path"===r.type){var a=function(t){return t},o=a,l=a;O?B("xanchor",r.xanchor=G(x+n)):(o=function(t){return G(q(t)+n)},N&&"date"===N.type&&(o=g.encodeDate(o))),D?B("yanchor",r.yanchor=Y(T+i)):(l=function(t){return Y(H(t)+i)},U&&"date"===U.type&&(l=g.encodeDate(l))),B("path",r.path=w(P,o,l))}else O?B("xanchor",r.xanchor=G(x+n)):(B("x0",r.x0=G(c+n)),B("x1",r.x1=G(m+n))),D?B("yanchor",r.yanchor=Y(T+i)):(B("y0",r.y0=Y(f+i)),B("y1",r.y1=Y(y+i)));e.attr("d",_(t,r)),Q(s,r)}function K(n,i){if(F){var a=function(t){return t},o=a,l=a;O?B("xanchor",r.xanchor=G(x+n)):(o=function(t){return G(q(t)+n)},N&&"date"===N.type&&(o=g.encodeDate(o))),D?B("yanchor",r.yanchor=Y(T+i)):(l=function(t){return Y(H(t)+i)},U&&"date"===U.type&&(l=g.encodeDate(l))),B("path",r.path=w(P,o,l))}else if(R){if("resize-over-start-point"===z){var u=c+n,h=D?f-i:f+i;B("x0",r.x0=O?u:G(u)),B("y0",r.y0=D?h:Y(h))}else if("resize-over-end-point"===z){var p=m+n,d=D?y-i:y+i;B("x1",r.x1=O?p:G(p)),B("y1",r.y1=D?d:Y(d))}}else{var v=function(t){return-1!==z.indexOf(t)},b=v("n"),j=v("s"),V=v("w"),W=v("e"),X=b?k+i:k,Z=j?M+i:M,J=V?A+n:A,K=W?S+n:S;D&&(b&&(X=k-i),j&&(Z=M-i)),(!D&&Z-X>10||D&&X-Z>10)&&(B(E,r[E]=D?X:Y(X)),B(C,r[C]=D?Z:Y(Z))),K-J>10&&(B(L,r[L]=O?J:G(J)),B(I,r[I]=O?K:G(K)))}e.attr("d",_(t,r)),Q(s,r)}function Q(t,e){(O||D)&&function(){var r="path"!==e.type,n=t.selectAll(".visual-cue").data([0]);n.enter().append("path").attr({fill:"#fff","fill-rule":"evenodd",stroke:"#000","stroke-width":1}).classed("visual-cue",!0);var a=q(O?e.xanchor:i.midRange(r?[e.x0,e.x1]:g.extractPathCoords(e.path,d.paramIsX))),o=H(D?e.yanchor:i.midRange(r?[e.y0,e.y1]:g.extractPathCoords(e.path,d.paramIsY)));if(a=g.roundPositionForSharpStrokeRendering(a,1),o=g.roundPositionForSharpStrokeRendering(o,1),O&&D){var s="M"+(a-1-1)+","+(o-1-1)+"h-8v2h8 v8h2v-8 h8v-2h-8 v-8h-2 Z";n.attr("d",s)}else if(O){var l="M"+(a-1-1)+","+(o-9-1)+"v18 h2 v-18 Z";n.attr("d",l)}else{var c="M"+(a-9-1)+","+(o-1-1)+"h18 v2 h-18 Z";n.attr("d",c)}}()}function $(t){t.selectAll(".visual-cue").remove()}h.init(X),W.node().onmousemove=Z}(t,O,l,e,r,z):!0===l.editable&&O.style("pointer-events",I||c.opacity(S)*A<=.5?"stroke":"all");O.node().addEventListener("click",(function(){return function(t,e){if(!y(t))return;var r=+e.node().getAttribute("data-index");if(r>=0){if(r===t._fullLayout._activeShapeIndex)return void T(t);t._fullLayout._activeShapeIndex=r,t._fullLayout._deactivateShape=T,m(t)}}(t,O)}))}}function b(t,e,r){var n=(r.xref+r.yref).replace(/paper/g,"").replace(/[xyz][1-9]* *domain/g,"");u.setClipUrl(t,n?"clip"+e._fullLayout._uid+n:null,e)}function _(t,e){var r,n,o,s,l,c,u,f,h=e.type,p=a.getRefType(e.xref),m=a.getRefType(e.yref),v=a.getFromId(t,e.xref),y=a.getFromId(t,e.yref),x=t._fullLayout._size;if(v?"domain"===p?n=function(t){return v._offset+v._length*t}:(r=g.shapePositionToRange(v),n=function(t){return v._offset+v.r2p(r(t,!0))}):n=function(t){return x.l+x.w*t},y?"domain"===m?s=function(t){return y._offset+y._length*(1-t)}:(o=g.shapePositionToRange(y),s=function(t){return y._offset+y.r2p(o(t,!0))}):s=function(t){return x.t+x.h*(1-t)},"path"===h)return v&&"date"===v.type&&(n=g.decodeDate(n)),y&&"date"===y.type&&(s=g.decodeDate(s)),function(t,e,r){var n=t.path,a=t.xsizemode,o=t.ysizemode,s=t.xanchor,l=t.yanchor;return n.replace(d.segmentRE,(function(t){var n=0,c=t.charAt(0),u=d.paramIsX[c],f=d.paramIsY[c],h=d.numParams[c],p=t.substr(1).replace(d.paramRE,(function(t){return u[n]?t="pixel"===a?e(s)+Number(t):e(t):f[n]&&(t="pixel"===o?r(l)-Number(t):r(t)),++n>h&&(t="X"),t}));return n>h&&(p=p.replace(/[\s,]*X.*/,""),i.log("Ignoring extra params in segment "+t)),c+p}))}(e,n,s);if("pixel"===e.xsizemode){var b=n(e.xanchor);l=b+e.x0,c=b+e.x1}else l=n(e.x0),c=n(e.x1);if("pixel"===e.ysizemode){var _=s(e.yanchor);u=_-e.y0,f=_-e.y1}else u=s(e.y0),f=s(e.y1);if("line"===h)return"M"+l+","+u+"L"+c+","+f;if("rect"===h)return"M"+l+","+u+"H"+c+"V"+f+"H"+l+"Z";var w=(l+c)/2,T=(u+f)/2,k=Math.abs(w-l),M=Math.abs(T-u),A="A"+k+","+M,S=w+k+","+T;return"M"+S+A+" 0 1,1 "+(w+","+(T-M))+A+" 0 0,1 "+S+"Z"}function w(t,e,r){return t.replace(d.segmentRE,(function(t){var n=0,i=t.charAt(0),a=d.paramIsX[i],o=d.paramIsY[i],s=d.numParams[i];return i+t.substr(1).replace(d.paramRE,(function(t){return n>=s||(a[n]?t=e(t):o[n]&&(t=r(t)),n++),t}))}))}function T(t){y(t)&&(t._fullLayout._activeShapeIndex>=0&&(l(t),delete t._fullLayout._activeShapeIndex,m(t)))}e.exports={draw:m,drawOne:x,eraseActiveShape:function(t){if(!y(t))return;l(t);var e=t._fullLayout._activeShapeIndex,r=(t.layout||{}).shapes||[];if(e=0&&f(v),r.attr("d",g(e)),M&&!h)&&(k=function(t,e){for(var r=0;r1&&(2!==t.length||"Z"!==t[1][0])&&(0===T&&(t[0][0]="M"),e[w]=t,y(),x())}}()}}function P(t,r){!function(t,r){if(e.length)for(var n=0;n0&&l0&&(s=s.transition().duration(e.transition.duration).ease(e.transition.easing)),s.attr("transform",l(o-.5*f.gripWidth,e._dims.currentValueTotalHeight))}}function E(t,e){var r=t._dims;return r.inputAreaStart+f.stepInset+(r.inputAreaLength-2*f.stepInset)*Math.min(1,Math.max(0,e))}function C(t,e){var r=t._dims;return Math.min(1,Math.max(0,(e-f.stepInset-r.inputAreaStart)/(r.inputAreaLength-2*f.stepInset-2*r.inputAreaStart)))}function L(t,e,r){var n=r._dims,i=s.ensureSingle(t,"rect",f.railTouchRectClass,(function(n){n.call(M,e,t,r).style("pointer-events","all")}));i.attr({width:n.inputAreaLength,height:Math.max(n.inputAreaWidth,f.tickOffset+r.ticklen+n.labelHeight)}).call(a.fill,r.bgcolor).attr("opacity",0),o.setTranslate(i,0,n.currentValueTotalHeight)}function I(t,e){var r=e._dims,n=r.inputAreaLength-2*f.railInset,i=s.ensureSingle(t,"rect",f.railRectClass);i.attr({width:n,height:f.railWidth,rx:f.railRadius,ry:f.railRadius,"shape-rendering":"crispEdges"}).call(a.stroke,e.bordercolor).call(a.fill,e.bgcolor).style("stroke-width",e.borderwidth+"px"),o.setTranslate(i,f.railInset,.5*(r.inputAreaWidth-f.railWidth)+r.currentValueTotalHeight)}e.exports=function(t){var e=t._fullLayout,r=function(t,e){for(var r=t[f.name],n=[],i=0;i0?[0]:[]);function s(e){e._commandObserver&&(e._commandObserver.remove(),delete e._commandObserver),i.autoMargin(t,m(e))}if(a.enter().append("g").classed(f.containerClassName,!0).style("cursor","ew-resize"),a.exit().each((function(){n.select(this).selectAll("g."+f.groupClassName).each(s)})).remove(),0!==r.length){var l=a.selectAll("g."+f.groupClassName).data(r,v);l.enter().append("g").classed(f.groupClassName,!0),l.exit().each(s).remove();for(var c=0;c0||h<0){var v={left:[-d,0],right:[d,0],top:[0,-d],bottom:[0,d]}[b.side];e.attr("transform",l(v[0],v[1]))}}}return D.call(R),z&&(E?D.on(".opacity",null):(M=0,A=!0,D.text(y).on("mouseover.opacity",(function(){n.select(this).transition().duration(h.SHOW_PLACEHOLDER).style("opacity",1)})).on("mouseout.opacity",(function(){n.select(this).transition().duration(h.HIDE_PLACEHOLDER).style("opacity",0)}))),D.call(f.makeEditable,{gd:t}).on("edit",(function(e){void 0!==x?o.call("_guiRestyle",t,v,e,x):o.call("_guiRelayout",t,v,e)})).on("cancel",(function(){this.text(this.attr("data-unformatted")).call(R)})).on("input",(function(t){this.text(t||" ").call(f.positionText,_.x,_.y)}))),D.classed("js-placeholder",A),T}}},{"../../constants/alignment":745,"../../constants/interactions":752,"../../lib":778,"../../lib/svg_text_utils":803,"../../plots/plots":891,"../../registry":911,"../color":643,"../drawing":665,d3:169,"fast-isnumeric":241}],739:[function(t,e,r){"use strict";var n=t("../../plots/font_attributes"),i=t("../color/attributes"),a=t("../../lib/extend").extendFlat,o=t("../../plot_api/edit_types").overrideAll,s=t("../../plots/pad_attributes"),l=t("../../plot_api/plot_template").templatedArray,c=l("button",{visible:{valType:"boolean"},method:{valType:"enumerated",values:["restyle","relayout","animate","update","skip"],dflt:"restyle"},args:{valType:"info_array",freeLength:!0,items:[{valType:"any"},{valType:"any"},{valType:"any"}]},args2:{valType:"info_array",freeLength:!0,items:[{valType:"any"},{valType:"any"},{valType:"any"}]},label:{valType:"string",dflt:""},execute:{valType:"boolean",dflt:!0}});e.exports=o(l("updatemenu",{_arrayAttrRegexps:[/^updatemenus\[(0|[1-9][0-9]+)\]\.buttons/],visible:{valType:"boolean"},type:{valType:"enumerated",values:["dropdown","buttons"],dflt:"dropdown"},direction:{valType:"enumerated",values:["left","right","up","down"],dflt:"down"},active:{valType:"integer",min:-1,dflt:0},showactive:{valType:"boolean",dflt:!0},buttons:c,x:{valType:"number",min:-2,max:3,dflt:-.05},xanchor:{valType:"enumerated",values:["auto","left","center","right"],dflt:"right"},y:{valType:"number",min:-2,max:3,dflt:1},yanchor:{valType:"enumerated",values:["auto","top","middle","bottom"],dflt:"top"},pad:a(s({editType:"arraydraw"}),{}),font:n({}),bgcolor:{valType:"color"},bordercolor:{valType:"color",dflt:i.borderLine},borderwidth:{valType:"number",min:0,dflt:1,editType:"arraydraw"}}),"arraydraw","from-root")},{"../../lib/extend":768,"../../plot_api/edit_types":810,"../../plot_api/plot_template":817,"../../plots/font_attributes":856,"../../plots/pad_attributes":890,"../color/attributes":642}],740:[function(t,e,r){"use strict";e.exports={name:"updatemenus",containerClassName:"updatemenu-container",headerGroupClassName:"updatemenu-header-group",headerClassName:"updatemenu-header",headerArrowClassName:"updatemenu-header-arrow",dropdownButtonGroupClassName:"updatemenu-dropdown-button-group",dropdownButtonClassName:"updatemenu-dropdown-button",buttonClassName:"updatemenu-button",itemRectClassName:"updatemenu-item-rect",itemTextClassName:"updatemenu-item-text",menuIndexAttrName:"updatemenu-active-index",autoMarginIdRoot:"updatemenu-",blankHeaderOpts:{label:" "},minWidth:30,minHeight:30,textPadX:24,arrowPadX:16,rx:2,ry:2,textOffsetX:12,textOffsetY:3,arrowOffsetX:4,gapButtonHeader:5,gapButton:2,activeColor:"#F4FAFF",hoverColor:"#F4FAFF",arrowSymbol:{left:"\u25c4",right:"\u25ba",up:"\u25b2",down:"\u25bc"}}},{}],741:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../plots/array_container_defaults"),a=t("./attributes"),o=t("./constants").name,s=a.buttons;function l(t,e,r){function o(r,i){return n.coerce(t,e,a,r,i)}o("visible",i(t,e,{name:"buttons",handleItemDefaults:c}).length>0)&&(o("active"),o("direction"),o("type"),o("showactive"),o("x"),o("y"),n.noneOrAll(t,e,["x","y"]),o("xanchor"),o("yanchor"),o("pad.t"),o("pad.r"),o("pad.b"),o("pad.l"),n.coerceFont(o,"font",r.font),o("bgcolor",r.paper_bgcolor),o("bordercolor"),o("borderwidth"))}function c(t,e){function r(r,i){return n.coerce(t,e,s,r,i)}r("visible","skip"===t.method||Array.isArray(t.args))&&(r("method"),r("args"),r("args2"),r("label"),r("execute"))}e.exports=function(t,e){i(t,e,{name:o,handleItemDefaults:l})}},{"../../lib":778,"../../plots/array_container_defaults":823,"./attributes":739,"./constants":740}],742:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../plots/plots"),a=t("../color"),o=t("../drawing"),s=t("../../lib"),l=t("../../lib/svg_text_utils"),c=t("../../plot_api/plot_template").arrayEditor,u=t("../../constants/alignment").LINE_SPACING,f=t("./constants"),h=t("./scrollbox");function p(t){return t._index}function d(t,e){return+t.attr(f.menuIndexAttrName)===e._index}function g(t,e,r,n,i,a,o,s){e.active=o,c(t.layout,f.name,e).applyUpdate("active",o),"buttons"===e.type?v(t,n,null,null,e):"dropdown"===e.type&&(i.attr(f.menuIndexAttrName,"-1"),m(t,n,i,a,e),s||v(t,n,i,a,e))}function m(t,e,r,n,i){var a=s.ensureSingle(e,"g",f.headerClassName,(function(t){t.style("pointer-events","all")})),l=i._dims,c=i.active,u=i.buttons[c]||f.blankHeaderOpts,h={y:i.pad.t,yPad:0,x:i.pad.l,xPad:0,index:0},p={width:l.headerWidth,height:l.headerHeight};a.call(y,i,u,t).call(A,i,h,p),s.ensureSingle(e,"text",f.headerArrowClassName,(function(t){t.attr("text-anchor","end").call(o.font,i.font).text(f.arrowSymbol[i.direction])})).attr({x:l.headerWidth-f.arrowOffsetX+i.pad.l,y:l.headerHeight/2+f.textOffsetY+i.pad.t}),a.on("click",(function(){r.call(S,String(d(r,i)?-1:i._index)),v(t,e,r,n,i)})),a.on("mouseover",(function(){a.call(w)})),a.on("mouseout",(function(){a.call(T,i)})),o.setTranslate(e,l.lx,l.ly)}function v(t,e,r,a,o){r||(r=e).attr("pointer-events","all");var l=function(t){return-1==+t.attr(f.menuIndexAttrName)}(r)&&"buttons"!==o.type?[]:o.buttons,c="dropdown"===o.type?f.dropdownButtonClassName:f.buttonClassName,u=r.selectAll("g."+c).data(s.filterVisible(l)),h=u.enter().append("g").classed(c,!0),p=u.exit();"dropdown"===o.type?(h.attr("opacity","0").transition().attr("opacity","1"),p.transition().attr("opacity","0").remove()):p.remove();var d=0,m=0,v=o._dims,x=-1!==["up","down"].indexOf(o.direction);"dropdown"===o.type&&(x?m=v.headerHeight+f.gapButtonHeader:d=v.headerWidth+f.gapButtonHeader),"dropdown"===o.type&&"up"===o.direction&&(m=-f.gapButtonHeader+f.gapButton-v.openHeight),"dropdown"===o.type&&"left"===o.direction&&(d=-f.gapButtonHeader+f.gapButton-v.openWidth);var b={x:v.lx+d+o.pad.l,y:v.ly+m+o.pad.t,yPad:f.gapButton,xPad:f.gapButton,index:0},k={l:b.x+o.borderwidth,t:b.y+o.borderwidth};u.each((function(s,l){var c=n.select(this);c.call(y,o,s,t).call(A,o,b),c.on("click",(function(){n.event.defaultPrevented||(s.execute&&(s.args2&&o.active===l?(g(t,o,0,e,r,a,-1),i.executeAPICommand(t,s.method,s.args2)):(g(t,o,0,e,r,a,l),i.executeAPICommand(t,s.method,s.args))),t.emit("plotly_buttonclicked",{menu:o,button:s,active:o.active}))})),c.on("mouseover",(function(){c.call(w)})),c.on("mouseout",(function(){c.call(T,o),u.call(_,o)}))})),u.call(_,o),x?(k.w=Math.max(v.openWidth,v.headerWidth),k.h=b.y-k.t):(k.w=b.x-k.l,k.h=Math.max(v.openHeight,v.headerHeight)),k.direction=o.direction,a&&(u.size()?function(t,e,r,n,i,a){var o,s,l,c=i.direction,u="up"===c||"down"===c,h=i._dims,p=i.active;if(u)for(s=0,l=0;l0?[0]:[]);if(o.enter().append("g").classed(f.containerClassName,!0).style("cursor","pointer"),o.exit().each((function(){n.select(this).selectAll("g."+f.headerGroupClassName).each(a)})).remove(),0!==r.length){var l=o.selectAll("g."+f.headerGroupClassName).data(r,p);l.enter().append("g").classed(f.headerGroupClassName,!0);for(var c=s.ensureSingle(o,"g",f.dropdownButtonGroupClassName,(function(t){t.style("pointer-events","all")})),u=0;uw,M=s.barLength+2*s.barPad,A=s.barWidth+2*s.barPad,S=d,E=m+v;E+A>c&&(E=c-A);var C=this.container.selectAll("rect.scrollbar-horizontal").data(k?[0]:[]);C.exit().on(".drag",null).remove(),C.enter().append("rect").classed("scrollbar-horizontal",!0).call(i.fill,s.barColor),k?(this.hbar=C.attr({rx:s.barRadius,ry:s.barRadius,x:S,y:E,width:M,height:A}),this._hbarXMin=S+M/2,this._hbarTranslateMax=w-M):(delete this.hbar,delete this._hbarXMin,delete this._hbarTranslateMax);var L=v>T,I=s.barWidth+2*s.barPad,P=s.barLength+2*s.barPad,z=d+g,O=m;z+I>l&&(z=l-I);var D=this.container.selectAll("rect.scrollbar-vertical").data(L?[0]:[]);D.exit().on(".drag",null).remove(),D.enter().append("rect").classed("scrollbar-vertical",!0).call(i.fill,s.barColor),L?(this.vbar=D.attr({rx:s.barRadius,ry:s.barRadius,x:z,y:O,width:I,height:P}),this._vbarYMin=O+P/2,this._vbarTranslateMax=T-P):(delete this.vbar,delete this._vbarYMin,delete this._vbarTranslateMax);var R=this.id,F=u-.5,B=L?f+I+.5:f+.5,N=h-.5,j=k?p+A+.5:p+.5,U=o._topdefs.selectAll("#"+R).data(k||L?[0]:[]);if(U.exit().remove(),U.enter().append("clipPath").attr("id",R).append("rect"),k||L?(this._clipRect=U.select("rect").attr({x:Math.floor(F),y:Math.floor(N),width:Math.ceil(B)-Math.floor(F),height:Math.ceil(j)-Math.floor(N)}),this.container.call(a.setClipUrl,R,this.gd),this.bg.attr({x:d,y:m,width:g,height:v})):(this.bg.attr({width:0,height:0}),this.container.on("wheel",null).on(".drag",null).call(a.setClipUrl,null),delete this._clipRect),k||L){var V=n.behavior.drag().on("dragstart",(function(){n.event.sourceEvent.preventDefault()})).on("drag",this._onBoxDrag.bind(this));this.container.on("wheel",null).on("wheel",this._onBoxWheel.bind(this)).on(".drag",null).call(V);var q=n.behavior.drag().on("dragstart",(function(){n.event.sourceEvent.preventDefault(),n.event.sourceEvent.stopPropagation()})).on("drag",this._onBarDrag.bind(this));k&&this.hbar.on(".drag",null).call(q),L&&this.vbar.on(".drag",null).call(q)}this.setTranslate(e,r)},s.prototype.disable=function(){(this.hbar||this.vbar)&&(this.bg.attr({width:0,height:0}),this.container.on("wheel",null).on(".drag",null).call(a.setClipUrl,null),delete this._clipRect),this.hbar&&(this.hbar.on(".drag",null),this.hbar.remove(),delete this.hbar,delete this._hbarXMin,delete this._hbarTranslateMax),this.vbar&&(this.vbar.on(".drag",null),this.vbar.remove(),delete this.vbar,delete this._vbarYMin,delete this._vbarTranslateMax)},s.prototype._onBoxDrag=function(){var t=this.translateX,e=this.translateY;this.hbar&&(t-=n.event.dx),this.vbar&&(e-=n.event.dy),this.setTranslate(t,e)},s.prototype._onBoxWheel=function(){var t=this.translateX,e=this.translateY;this.hbar&&(t+=n.event.deltaY),this.vbar&&(e+=n.event.deltaY),this.setTranslate(t,e)},s.prototype._onBarDrag=function(){var t=this.translateX,e=this.translateY;if(this.hbar){var r=t+this._hbarXMin,i=r+this._hbarTranslateMax;t=(o.constrain(n.event.x,r,i)-r)/(i-r)*(this.position.w-this._box.w)}if(this.vbar){var a=e+this._vbarYMin,s=a+this._vbarTranslateMax;e=(o.constrain(n.event.y,a,s)-a)/(s-a)*(this.position.h-this._box.h)}this.setTranslate(t,e)},s.prototype.setTranslate=function(t,e){var r=this.position.w-this._box.w,n=this.position.h-this._box.h;if(t=o.constrain(t||0,0,r),e=o.constrain(e||0,0,n),this.translateX=t,this.translateY=e,this.container.call(a.setTranslate,this._box.l-this.position.l-t,this._box.t-this.position.t-e),this._clipRect&&this._clipRect.attr({x:Math.floor(this.position.l+t-.5),y:Math.floor(this.position.t+e-.5)}),this.hbar){var i=t/r;this.hbar.call(a.setTranslate,t+i*this._hbarTranslateMax,e)}if(this.vbar){var s=e/n;this.vbar.call(a.setTranslate,t,e+s*this._vbarTranslateMax)}}},{"../../lib":778,"../color":643,"../drawing":665,d3:169}],745:[function(t,e,r){"use strict";e.exports={FROM_BL:{left:0,center:.5,right:1,bottom:0,middle:.5,top:1},FROM_TL:{left:0,center:.5,right:1,bottom:1,middle:.5,top:0},FROM_BR:{left:1,center:.5,right:0,bottom:0,middle:.5,top:1},LINE_SPACING:1.3,CAP_SHIFT:.7,MID_SHIFT:.35,OPPOSITE_SIDE:{left:"right",right:"left",top:"bottom",bottom:"top"}}},{}],746:[function(t,e,r){"use strict";e.exports={axisRefDescription:function(t,e,r){return["If set to a",t,"axis id (e.g. *"+t+"* or","*"+t+"2*), the `"+t+"` position refers to a",t,"coordinate. If set to *paper*, the `"+t+"`","position refers to the distance from the",e,"of the plotting","area in normalized coordinates where *0* (*1*) corresponds to the",e,"("+r+"). If set to a",t,"axis ID followed by","*domain* (separated by a space), the position behaves like for","*paper*, but refers to the distance in fractions of the domain","length from the",e,"of the domain of that axis: e.g.,","*"+t+"2 domain* refers to the domain of the second",t," axis and a",t,"position of 0.5 refers to the","point between the",e,"and the",r,"of the domain of the","second",t,"axis."].join(" ")}}},{}],747:[function(t,e,r){"use strict";e.exports={INCREASING:{COLOR:"#3D9970",SYMBOL:"\u25b2"},DECREASING:{COLOR:"#FF4136",SYMBOL:"\u25bc"}}},{}],748:[function(t,e,r){"use strict";e.exports={FORMAT_LINK:"https://github.com/d3/d3-3.x-api-reference/blob/master/Formatting.md#d3_format",DATE_FORMAT_LINK:"https://github.com/d3/d3-time-format#locale_format"}},{}],749:[function(t,e,r){"use strict";e.exports={COMPARISON_OPS:["=","!=","<",">=",">","<="],COMPARISON_OPS2:["=","<",">=",">","<="],INTERVAL_OPS:["[]","()","[)","(]","][",")(","](",")["],SET_OPS:["{}","}{"],CONSTRAINT_REDUCTION:{"=":"=","<":"<","<=":"<",">":">",">=":">","[]":"[]","()":"[]","[)":"[]","(]":"[]","][":"][",")(":"][","](":"][",")[":"]["}}},{}],750:[function(t,e,r){"use strict";e.exports={solid:[[],0],dot:[[.5,1],200],dash:[[.5,1],50],longdash:[[.5,1],10],dashdot:[[.5,.625,.875,1],50],longdashdot:[[.5,.7,.8,1],10]}},{}],751:[function(t,e,r){"use strict";e.exports={circle:"\u25cf","circle-open":"\u25cb",square:"\u25a0","square-open":"\u25a1",diamond:"\u25c6","diamond-open":"\u25c7",cross:"+",x:"\u274c"}},{}],752:[function(t,e,r){"use strict";e.exports={SHOW_PLACEHOLDER:100,HIDE_PLACEHOLDER:1e3,DESELECTDIM:.2}},{}],753:[function(t,e,r){"use strict";e.exports={BADNUM:void 0,FP_SAFE:Number.MAX_VALUE/1e4,ONEMAXYEAR:316224e5,ONEAVGYEAR:315576e5,ONEMINYEAR:31536e6,ONEMAXQUARTER:79488e5,ONEAVGQUARTER:78894e5,ONEMINQUARTER:76896e5,ONEMAXMONTH:26784e5,ONEAVGMONTH:26298e5,ONEMINMONTH:24192e5,ONEWEEK:6048e5,ONEDAY:864e5,ONEHOUR:36e5,ONEMIN:6e4,ONESEC:1e3,EPOCHJD:2440587.5,ALMOST_EQUAL:.999999,LOG_CLIP:10,MINUS_SIGN:"\u2212"}},{}],754:[function(t,e,r){"use strict";r.xmlns="http://www.w3.org/2000/xmlns/",r.svg="http://www.w3.org/2000/svg",r.xlink="http://www.w3.org/1999/xlink",r.svgAttrs={xmlns:r.svg,"xmlns:xlink":r.xlink}},{}],755:[function(t,e,r){"use strict";r.version=t("./version").version,t("es6-promise").polyfill(),t("../build/plotcss"),t("./fonts/mathjax_config")();for(var n=t("./registry"),i=r.register=n.register,a=t("./plot_api"),o=Object.keys(a),s=0;splotly-logomark"}}},{}],758:[function(t,e,r){"use strict";r.isLeftAnchor=function(t){return"left"===t.xanchor||"auto"===t.xanchor&&t.x<=1/3},r.isCenterAnchor=function(t){return"center"===t.xanchor||"auto"===t.xanchor&&t.x>1/3&&t.x<2/3},r.isRightAnchor=function(t){return"right"===t.xanchor||"auto"===t.xanchor&&t.x>=2/3},r.isTopAnchor=function(t){return"top"===t.yanchor||"auto"===t.yanchor&&t.y>=2/3},r.isMiddleAnchor=function(t){return"middle"===t.yanchor||"auto"===t.yanchor&&t.y>1/3&&t.y<2/3},r.isBottomAnchor=function(t){return"bottom"===t.yanchor||"auto"===t.yanchor&&t.y<=1/3}},{}],759:[function(t,e,r){"use strict";var n=t("./mod"),i=n.mod,a=n.modHalf,o=Math.PI,s=2*o;function l(t){return Math.abs(t[1]-t[0])>s-1e-14}function c(t,e){return a(e-t,s)}function u(t,e){if(l(e))return!0;var r,n;e[0](n=i(n,s))&&(n+=s);var a=i(t,s),o=a+s;return a>=r&&a<=n||o>=r&&o<=n}function f(t,e,r,n,i,a,c){i=i||0,a=a||0;var u,f,h,p,d,g=l([r,n]);function m(t,e){return[t*Math.cos(e)+i,a-t*Math.sin(e)]}g?(u=0,f=o,h=s):r=i&&t<=a);var i,a},pathArc:function(t,e,r,n,i){return f(null,t,e,r,n,i,0)},pathSector:function(t,e,r,n,i){return f(null,t,e,r,n,i,1)},pathAnnulus:function(t,e,r,n,i,a){return f(t,e,r,n,i,a,1)}}},{"./mod":785}],760:[function(t,e,r){"use strict";var n=Array.isArray,i="undefined"!=typeof ArrayBuffer&&ArrayBuffer.isView?ArrayBuffer:{isView:function(){return!1}},a="undefined"==typeof DataView?function(){}:DataView;function o(t){return i.isView(t)&&!(t instanceof a)}function s(t){return n(t)||o(t)}function l(t,e,r){if(s(t)){if(s(t[0])){for(var n=r,i=0;ii.max?e.set(r):e.set(+t)}},integer:{coerceFunction:function(t,e,r,i){t%1||!n(t)||void 0!==i.min&&ti.max?e.set(r):e.set(+t)}},string:{coerceFunction:function(t,e,r,n){if("string"!=typeof t){var i="number"==typeof t;!0!==n.strict&&i?e.set(String(t)):e.set(r)}else n.noBlank&&!t?e.set(r):e.set(t)}},color:{coerceFunction:function(t,e,r){i(t).isValid()?e.set(t):e.set(r)}},colorlist:{coerceFunction:function(t,e,r){Array.isArray(t)&&t.length&&t.every((function(t){return i(t).isValid()}))?e.set(t):e.set(r)}},colorscale:{coerceFunction:function(t,e,r){e.set(o.get(t,r))}},angle:{coerceFunction:function(t,e,r){"auto"===t?e.set("auto"):n(t)?e.set(u(+t,360)):e.set(r)}},subplotid:{coerceFunction:function(t,e,r,n){var i=n.regex||c(r);"string"==typeof t&&i.test(t)?e.set(t):e.set(r)},validateFunction:function(t,e){var r=e.dflt;return t===r||"string"==typeof t&&!!c(r).test(t)}},flaglist:{coerceFunction:function(t,e,r,n){if("string"==typeof t)if(-1===(n.extras||[]).indexOf(t)){for(var i=t.split("+"),a=0;a=n&&t<=i?t:u}if("string"!=typeof t&&"number"!=typeof t)return u;t=String(t);var c=_(e),v=t.charAt(0);!c||"G"!==v&&"g"!==v||(t=t.substr(1),e="");var w=c&&"chinese"===e.substr(0,7),T=t.match(w?x:y);if(!T)return u;var k=T[1],M=T[3]||"1",A=Number(T[5]||1),S=Number(T[7]||0),E=Number(T[9]||0),C=Number(T[11]||0);if(c){if(2===k.length)return u;var L;k=Number(k);try{var I=m.getComponentMethod("calendars","getCal")(e);if(w){var P="i"===M.charAt(M.length-1);M=parseInt(M,10),L=I.newDate(k,I.toMonthIndex(k,M,P),A)}else L=I.newDate(k,Number(M),A)}catch(t){return u}return L?(L.toJD()-g)*f+S*h+E*p+C*d:u}k=2===k.length?(Number(k)+2e3-b)%100+b:Number(k),M-=1;var z=new Date(Date.UTC(2e3,M,A,S,E));return z.setUTCFullYear(k),z.getUTCMonth()!==M||z.getUTCDate()!==A?u:z.getTime()+C*d},n=r.MIN_MS=r.dateTime2ms("-9999"),i=r.MAX_MS=r.dateTime2ms("9999-12-31 23:59:59.9999"),r.isDateTime=function(t,e){return r.dateTime2ms(t,e)!==u};var T=90*f,k=3*h,M=5*p;function A(t,e,r,n,i){if((e||r||n||i)&&(t+=" "+w(e,2)+":"+w(r,2),(n||i)&&(t+=":"+w(n,2),i))){for(var a=4;i%10==0;)a-=1,i/=10;t+="."+w(i,a)}return t}r.ms2DateTime=function(t,e,r){if("number"!=typeof t||!(t>=n&&t<=i))return u;e||(e=0);var a,o,s,c,y,x,b=Math.floor(10*l(t+.05,1)),w=Math.round(t-b/10);if(_(r)){var S=Math.floor(w/f)+g,E=Math.floor(l(t,f));try{a=m.getComponentMethod("calendars","getCal")(r).fromJD(S).formatDate("yyyy-mm-dd")}catch(t){a=v("G%Y-%m-%d")(new Date(w))}if("-"===a.charAt(0))for(;a.length<11;)a="-0"+a.substr(1);else for(;a.length<10;)a="0"+a;o=e=n+f&&t<=i-f))return u;var e=Math.floor(10*l(t+.05,1)),r=new Date(Math.round(t-e/10));return A(a("%Y-%m-%d")(r),r.getHours(),r.getMinutes(),r.getSeconds(),10*r.getUTCMilliseconds()+e)},r.cleanDate=function(t,e,n){if(t===u)return e;if(r.isJSDate(t)||"number"==typeof t&&isFinite(t)){if(_(n))return s.error("JS Dates and milliseconds are incompatible with world calendars",t),e;if(!(t=r.ms2DateTimeLocal(+t))&&void 0!==e)return e}else if(!r.isDateTime(t,n))return s.error("unrecognized date",t),e;return t};var S=/%\d?f/g;function E(t,e,r,n){t=t.replace(S,(function(t){var r=Math.min(+t.charAt(1)||6,6);return(e/1e3%1+2).toFixed(r).substr(2).replace(/0+$/,"")||"0"}));var i=new Date(Math.floor(e+.05));if(_(n))try{t=m.getComponentMethod("calendars","worldCalFmt")(t,e,n)}catch(t){return"Invalid"}return r(t)(i)}var C=[59,59.9,59.99,59.999,59.9999];r.formatDate=function(t,e,r,n,i,a){if(i=_(i)&&i,!e)if("y"===r)e=a.year;else if("m"===r)e=a.month;else{if("d"!==r)return function(t,e){var r=l(t+.05,f),n=w(Math.floor(r/h),2)+":"+w(l(Math.floor(r/p),60),2);if("M"!==e){o(e)||(e=0);var i=(100+Math.min(l(t/d,60),C[e])).toFixed(e).substr(1);e>0&&(i=i.replace(/0+$/,"").replace(/[\.]$/,"")),n+=":"+i}return n}(t,r)+"\n"+E(a.dayMonthYear,t,n,i);e=a.dayMonth+"\n"+a.year}return E(e,t,n,i)};var L=3*f;r.incrementMonth=function(t,e,r){r=_(r)&&r;var n=l(t,f);if(t=Math.round(t-n),r)try{var i=Math.round(t/f)+g,a=m.getComponentMethod("calendars","getCal")(r),o=a.fromJD(i);return e%12?a.add(o,e,"m"):a.add(o,e/12,"y"),(o.toJD()-g)*f+n}catch(e){s.error("invalid ms "+t+" in calendar "+r)}var c=new Date(t+L);return c.setUTCMonth(c.getUTCMonth()+e)+n-L},r.findExactDates=function(t,e){for(var r,n,i=0,a=0,s=0,l=0,c=_(e)&&m.getComponentMethod("calendars","getCal")(e),u=0;u0&&t[e+1][0]<0)return e;return null}switch(e="RUS"===s||"FJI"===s?function(t){var e;if(null===c(t))e=t;else for(e=new Array(t.length),i=0;ie?r[n++]=[t[i][0]+360,t[i][1]]:i===e?(r[n++]=t[i],r[n++]=[t[i][0],-90]):r[n++]=t[i];var a=h.tester(r);a.pts.pop(),l.push(a)}:function(t){l.push(h.tester(t))},a.type){case"MultiPolygon":for(r=0;ri&&(i=c,e=l)}else e=r;return o.default(e).geometry.coordinates}(u),n.fIn=t,n.fOut=u,s.push(u)}else c.log(["Location",n.loc,"does not have a valid GeoJSON geometry.","Traces with locationmode *geojson-id* only support","*Polygon* and *MultiPolygon* geometries."].join(" "))}delete i[r]}switch(r.type){case"FeatureCollection":var h=r.features;for(n=0;n100?(clearInterval(a),n("Unexpected error while fetching from "+t)):void i++}),50)}))}for(var o=0;o0&&(r.push(i),i=[])}return i.length>0&&r.push(i),r},r.makeLine=function(t){return 1===t.length?{type:"LineString",coordinates:t[0]}:{type:"MultiLineString",coordinates:t}},r.makePolygon=function(t){if(1===t.length)return{type:"Polygon",coordinates:t};for(var e=new Array(t.length),r=0;r1||g<0||g>1?null:{x:t+l*g,y:e+f*g}}function l(t,e,r,n,i){var a=n*t+i*e;if(a<0)return n*n+i*i;if(a>r){var o=n-t,s=i-e;return o*o+s*s}var l=n*e-i*t;return l*l/r}r.segmentsIntersect=s,r.segmentDistance=function(t,e,r,n,i,a,o,c){if(s(t,e,r,n,i,a,o,c))return 0;var u=r-t,f=n-e,h=o-i,p=c-a,d=u*u+f*f,g=h*h+p*p,m=Math.min(l(u,f,d,i-t,a-e),l(u,f,d,o-t,c-e),l(h,p,g,t-i,e-a),l(h,p,g,r-i,n-a));return Math.sqrt(m)},r.getTextLocation=function(t,e,r,s){if(t===i&&s===a||(n={},i=t,a=s),n[r])return n[r];var l=t.getPointAtLength(o(r-s/2,e)),c=t.getPointAtLength(o(r+s/2,e)),u=Math.atan((c.y-l.y)/(c.x-l.x)),f=t.getPointAtLength(o(r,e)),h={x:(4*f.x+l.x+c.x)/6,y:(4*f.y+l.y+c.y)/6,theta:u};return n[r]=h,h},r.clearLocationCache=function(){i=null},r.getVisibleSegment=function(t,e,r){var n,i,a=e.left,o=e.right,s=e.top,l=e.bottom,c=0,u=t.getTotalLength(),f=u;function h(e){var r=t.getPointAtLength(e);0===e?n=r:e===u&&(i=r);var c=r.xo?r.x-o:0,f=r.yl?r.y-l:0;return Math.sqrt(c*c+f*f)}for(var p=h(c);p;){if((c+=p+r)>f)return;p=h(c)}for(p=h(f);p;){if(c>(f-=p+r))return;p=h(f)}return{min:c,max:f,len:f-c,total:u,isClosed:0===c&&f===u&&Math.abs(n.x-i.x)<.1&&Math.abs(n.y-i.y)<.1}},r.findPointOnPath=function(t,e,r,n){for(var i,a,o,s=(n=n||{}).pathLength||t.getTotalLength(),l=n.tolerance||.001,c=n.iterationLimit||30,u=t.getPointAtLength(0)[r]>t.getPointAtLength(s)[r]?-1:1,f=0,h=0,p=s;f0?p=i:h=i,f++}return a}},{"./mod":785}],774:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("tinycolor2"),a=t("color-normalize"),o=t("../components/colorscale"),s=t("../components/color/attributes").defaultLine,l=t("./array").isArrayOrTypedArray,c=a(s);function u(t,e){var r=t;return r[3]*=e,r}function f(t){if(n(t))return c;var e=a(t);return e.length?e:c}function h(t){return n(t)?t:1}e.exports={formatColor:function(t,e,r){var n,i,s,p,d,g=t.color,m=l(g),v=l(e),y=o.extractOpts(t),x=[];if(n=void 0!==y.colorscale?o.makeColorScaleFuncFromTrace(t):f,i=m?function(t,e){return void 0===t[e]?c:a(n(t[e]))}:f,s=v?function(t,e){return void 0===t[e]?1:h(t[e])}:h,m||v)for(var b=0;b1?(r*t+r*e)/r:t+e,i=String(n).length;if(i>16){var a=String(e).length;if(i>=String(t).length+a){var o=parseFloat(n).toPrecision(12);-1===o.indexOf("e+")&&(n=+o)}}return n}},{}],778:[function(t,e,r){"use strict";var n=t("d3"),i=t("d3-time-format").utcFormat,a=t("fast-isnumeric"),o=t("../constants/numerical"),s=o.FP_SAFE,l=o.BADNUM,c=e.exports={};c.nestedProperty=t("./nested_property"),c.keyedContainer=t("./keyed_container"),c.relativeAttr=t("./relative_attr"),c.isPlainObject=t("./is_plain_object"),c.toLogRange=t("./to_log_range"),c.relinkPrivateKeys=t("./relink_private");var u=t("./array");c.isTypedArray=u.isTypedArray,c.isArrayOrTypedArray=u.isArrayOrTypedArray,c.isArray1D=u.isArray1D,c.ensureArray=u.ensureArray,c.concat=u.concat,c.maxRowLength=u.maxRowLength,c.minRowLength=u.minRowLength;var f=t("./mod");c.mod=f.mod,c.modHalf=f.modHalf;var h=t("./coerce");c.valObjectMeta=h.valObjectMeta,c.coerce=h.coerce,c.coerce2=h.coerce2,c.coerceFont=h.coerceFont,c.coerceHoverinfo=h.coerceHoverinfo,c.coerceSelectionMarkerOpacity=h.coerceSelectionMarkerOpacity,c.validate=h.validate;var p=t("./dates");c.dateTime2ms=p.dateTime2ms,c.isDateTime=p.isDateTime,c.ms2DateTime=p.ms2DateTime,c.ms2DateTimeLocal=p.ms2DateTimeLocal,c.cleanDate=p.cleanDate,c.isJSDate=p.isJSDate,c.formatDate=p.formatDate,c.incrementMonth=p.incrementMonth,c.dateTick0=p.dateTick0,c.dfltRange=p.dfltRange,c.findExactDates=p.findExactDates,c.MIN_MS=p.MIN_MS,c.MAX_MS=p.MAX_MS;var d=t("./search");c.findBin=d.findBin,c.sorterAsc=d.sorterAsc,c.sorterDes=d.sorterDes,c.distinctVals=d.distinctVals,c.roundUp=d.roundUp,c.sort=d.sort,c.findIndexOfMin=d.findIndexOfMin;var g=t("./stats");c.aggNums=g.aggNums,c.len=g.len,c.mean=g.mean,c.median=g.median,c.midRange=g.midRange,c.variance=g.variance,c.stdev=g.stdev,c.interp=g.interp;var m=t("./matrix");c.init2dArray=m.init2dArray,c.transposeRagged=m.transposeRagged,c.dot=m.dot,c.translationMatrix=m.translationMatrix,c.rotationMatrix=m.rotationMatrix,c.rotationXYMatrix=m.rotationXYMatrix,c.apply3DTransform=m.apply3DTransform,c.apply2DTransform=m.apply2DTransform,c.apply2DTransform2=m.apply2DTransform2,c.convertCssMatrix=m.convertCssMatrix,c.inverseTransformMatrix=m.inverseTransformMatrix;var v=t("./angles");c.deg2rad=v.deg2rad,c.rad2deg=v.rad2deg,c.angleDelta=v.angleDelta,c.angleDist=v.angleDist,c.isFullCircle=v.isFullCircle,c.isAngleInsideSector=v.isAngleInsideSector,c.isPtInsideSector=v.isPtInsideSector,c.pathArc=v.pathArc,c.pathSector=v.pathSector,c.pathAnnulus=v.pathAnnulus;var y=t("./anchor_utils");c.isLeftAnchor=y.isLeftAnchor,c.isCenterAnchor=y.isCenterAnchor,c.isRightAnchor=y.isRightAnchor,c.isTopAnchor=y.isTopAnchor,c.isMiddleAnchor=y.isMiddleAnchor,c.isBottomAnchor=y.isBottomAnchor;var x=t("./geometry2d");c.segmentsIntersect=x.segmentsIntersect,c.segmentDistance=x.segmentDistance,c.getTextLocation=x.getTextLocation,c.clearLocationCache=x.clearLocationCache,c.getVisibleSegment=x.getVisibleSegment,c.findPointOnPath=x.findPointOnPath;var b=t("./extend");c.extendFlat=b.extendFlat,c.extendDeep=b.extendDeep,c.extendDeepAll=b.extendDeepAll,c.extendDeepNoArrays=b.extendDeepNoArrays;var _=t("./loggers");c.log=_.log,c.warn=_.warn,c.error=_.error;var w=t("./regex");c.counterRegex=w.counter;var T=t("./throttle");c.throttle=T.throttle,c.throttleDone=T.done,c.clearThrottle=T.clear;var k=t("./dom");function M(t){var e={};for(var r in t)for(var n=t[r],i=0;is?l:a(t)?Number(t):l:l},c.isIndex=function(t,e){return!(void 0!==e&&t>=e)&&(a(t)&&t>=0&&t%1==0)},c.noop=t("./noop"),c.identity=t("./identity"),c.repeat=function(t,e){for(var r=new Array(e),n=0;nr?Math.max(r,Math.min(e,t)):Math.max(e,Math.min(r,t))},c.bBoxIntersect=function(t,e,r){return r=r||0,t.left<=e.right+r&&e.left<=t.right+r&&t.top<=e.bottom+r&&e.top<=t.bottom+r},c.simpleMap=function(t,e,r,n,i){for(var a=t.length,o=new Array(a),s=0;s=Math.pow(2,r)?i>10?(c.warn("randstr failed uniqueness"),l):t(e,r,n,(i||0)+1):l},c.OptionControl=function(t,e){t||(t={}),e||(e="opt");var r={optionList:[],_newoption:function(n){n[e]=t,r[n.name]=n,r.optionList.push(n)}};return r["_"+e]=t,r},c.smooth=function(t,e){if((e=Math.round(e)||0)<2)return t;var r,n,i,a,o=t.length,s=2*o,l=2*e-1,c=new Array(l),u=new Array(o);for(r=0;r=s&&(i-=s*Math.floor(i/s)),i<0?i=-1-i:i>=o&&(i=s-1-i),a+=t[i]*c[n];u[r]=a}return u},c.syncOrAsync=function(t,e,r){var n;function i(){return c.syncOrAsync(t,e,r)}for(;t.length;)if((n=(0,t.splice(0,1)[0])(e))&&n.then)return n.then(i).then(void 0,c.promiseError);return r&&r(e)},c.stripTrailingSlash=function(t){return"/"===t.substr(-1)?t.substr(0,t.length-1):t},c.noneOrAll=function(t,e,r){if(t){var n,i=!1,a=!0;for(n=0;n0?e:0}))},c.fillArray=function(t,e,r,n){if(n=n||c.identity,c.isArrayOrTypedArray(t))for(var i=0;i1?i+o[1]:"";if(a&&(o.length>1||s.length>4||r))for(;n.test(s);)s=s.replace(n,"$1"+a+"$2");return s+l},c.TEMPLATE_STRING_REGEX=/%{([^\s%{}:]*)([:|\|][^}]*)?}/g;var I=/^\w*$/;c.templateString=function(t,e){var r={};return t.replace(c.TEMPLATE_STRING_REGEX,(function(t,n){var i;return I.test(n)?i=e[n]:(r[n]=r[n]||c.nestedProperty(e,n).get,i=r[n]()),c.isValidTextValue(i)?i:""}))};var P={max:10,count:0,name:"hovertemplate"};c.hovertemplateString=function(){return D.apply(P,arguments)};var z={max:10,count:0,name:"texttemplate"};c.texttemplateString=function(){return D.apply(z,arguments)};var O=/^[:|\|]/;function D(t,e,r){var a=this,o=arguments;e||(e={});var s={};return t.replace(c.TEMPLATE_STRING_REGEX,(function(t,l,u){var f,h,p,d;for(p=3;p=48&&o<=57,c=s>=48&&s<=57;if(l&&(n=10*n+o-48),c&&(i=10*i+s-48),!l||!c){if(n!==i)return n-i;if(o!==s)return o-s}}return i-n};var R=2e9;c.seedPseudoRandom=function(){R=2e9},c.pseudoRandom=function(){var t=R;return R=(69069*R+1)%4294967296,Math.abs(R-t)<429496729?c.pseudoRandom():R/4294967296},c.fillText=function(t,e,r){var n=Array.isArray(r)?function(t){r.push(t)}:function(t){r.text=t},i=c.extractOption(t,e,"htx","hovertext");if(c.isValidTextValue(i))return n(i);var a=c.extractOption(t,e,"tx","text");return c.isValidTextValue(a)?n(a):void 0},c.isValidTextValue=function(t){return t||0===t},c.formatPercent=function(t,e){e=e||0;for(var r=(Math.round(100*t*Math.pow(10,e))*Math.pow(.1,e)).toFixed(e)+"%",n=0;n1&&(u=1):u=0,c.strTranslate(i-u*(r+o),a-u*(n+s))+c.strScale(u)+(l?"rotate("+l+(e?"":" "+r+" "+n)+")":"")},c.ensureUniformFontSize=function(t,e){var r=c.extendFlat({},e);return r.size=Math.max(e.size,t._fullLayout.uniformtext.minsize||0),r},c.join2=function(t,e,r){var n=t.length;return n>1?t.slice(0,-1).join(e)+r+t[n-1]:t.join(e)}},{"../constants/numerical":753,"./anchor_utils":758,"./angles":759,"./array":760,"./clean_number":761,"./clear_responsive":763,"./coerce":764,"./dates":765,"./dom":766,"./extend":768,"./filter_unique":769,"./filter_visible":770,"./geometry2d":773,"./identity":776,"./increment":777,"./is_plain_object":779,"./keyed_container":780,"./localize":781,"./loggers":782,"./make_trace_groups":783,"./matrix":784,"./mod":785,"./nested_property":786,"./noop":787,"./notifier":788,"./preserve_drawing_buffer":792,"./push_unique":793,"./regex":795,"./relative_attr":796,"./relink_private":797,"./search":798,"./stats":801,"./throttle":804,"./to_log_range":805,d3:169,"d3-time-format":166,"fast-isnumeric":241}],779:[function(t,e,r){"use strict";e.exports=function(t){return window&&window.process&&window.process.versions?"[object Object]"===Object.prototype.toString.call(t):"[object Object]"===Object.prototype.toString.call(t)&&Object.getPrototypeOf(t)===Object.prototype}},{}],780:[function(t,e,r){"use strict";var n=t("./nested_property"),i=/^\w*$/;e.exports=function(t,e,r,a){var o,s,l;r=r||"name",a=a||"value";var c={};e&&e.length?(l=n(t,e),s=l.get()):s=t,e=e||"";var u={};if(s)for(o=0;o2)return c[e]=2|c[e],h.set(t,null);if(f){for(o=e;o1){var e=["LOG:"];for(t=0;t1){var r=[];for(t=0;t"),"long")}},a.warn=function(){var t;if(n.logging>0){var e=["WARN:"];for(t=0;t0){var r=[];for(t=0;t"),"stick")}},a.error=function(){var t;if(n.logging>0){var e=["ERROR:"];for(t=0;t0){var r=[];for(t=0;t"),"stick")}}},{"../plot_api/plot_config":815,"./notifier":788}],783:[function(t,e,r){"use strict";var n=t("d3");e.exports=function(t,e,r){var i=t.selectAll("g."+r.replace(/\s/g,".")).data(e,(function(t){return t[0].trace.uid}));i.exit().remove(),i.enter().append("g").attr("class",r),i.order();var a=t.classed("rangeplot")?"nodeRangePlot3":"node3";return i.each((function(t){t[0][a]=n.select(this)})),i}},{d3:169}],784:[function(t,e,r){"use strict";var n=t("gl-mat4");r.init2dArray=function(t,e){for(var r=new Array(t),n=0;ne/2?t-Math.round(t/e)*e:t}}},{}],786:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("./array").isArrayOrTypedArray;function a(t,e){return function(){var r,n,o,s,l,c=t;for(s=0;s/g),l=0;la||c===i||cs)&&(!e||!l(t))}:function(t,e){var l=t[0],c=t[1];if(l===i||la||c===i||cs)return!1;var u,f,h,p,d,g=r.length,m=r[0][0],v=r[0][1],y=0;for(u=1;uMath.max(f,m)||c>Math.max(h,v)))if(cu||Math.abs(n(o,h))>i)return!0;return!1},a.filter=function(t,e){var r=[t[0]],n=0,i=0;function o(o){t.push(o);var s=r.length,l=n;r.splice(i+1);for(var c=l+1;c1&&o(t.pop());return{addPt:o,raw:t,filtered:r}}},{"../constants/numerical":753,"./matrix":784}],791:[function(t,e,r){(function(r){(function(){"use strict";var n=t("./show_no_webgl_msg"),i=t("regl");e.exports=function(t,e){var a=t._fullLayout,o=!0;return a._glcanvas.each((function(n){if(!n.regl&&(!n.pick||a._has("parcoords"))){try{n.regl=i({canvas:this,attributes:{antialias:!n.pick,preserveDrawingBuffer:!0},pixelRatio:t._context.plotGlPixelRatio||r.devicePixelRatio,extensions:e||[]})}catch(t){o=!1}n.regl||(o=!1),o&&this.addEventListener("webglcontextlost",(function(e){t&&t.emit&&t.emit("plotly_webglcontextlost",{event:e,layer:n.key})}),!1)}})),o||n({container:a._glcontainer.node()}),o}}).call(this)}).call(this,"undefined"!=typeof global?global:"undefined"!=typeof self?self:"undefined"!=typeof window?window:{})},{"./show_no_webgl_msg":800,regl:540}],792:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("is-mobile");e.exports=function(t){var e;if("string"!=typeof(e=t&&t.hasOwnProperty("userAgent")?t.userAgent:function(){var t;"undefined"!=typeof navigator&&(t=navigator.userAgent);t&&t.headers&&"string"==typeof t.headers["user-agent"]&&(t=t.headers["user-agent"]);return t}()))return!0;var r=i({ua:{headers:{"user-agent":e}},tablet:!0,featureDetect:!1});if(!r)for(var a=e.split(" "),o=1;o-1;s--){var l=a[s];if("Version/"===l.substr(0,8)){var c=l.substr(8).split(".")[0];if(n(c)&&(c=+c),c>=13)return!0}}}return r}},{"fast-isnumeric":241,"is-mobile":467}],793:[function(t,e,r){"use strict";e.exports=function(t,e){if(e instanceof RegExp){for(var r=e.toString(),n=0;ni.queueLength&&(t.undoQueue.queue.shift(),t.undoQueue.index--))},startSequence:function(t){t.undoQueue=t.undoQueue||{index:0,queue:[],sequence:!1},t.undoQueue.sequence=!0,t.undoQueue.beginSequence=!0},stopSequence:function(t){t.undoQueue=t.undoQueue||{index:0,queue:[],sequence:!1},t.undoQueue.sequence=!1,t.undoQueue.beginSequence=!1},undo:function(t){var e,r;if(t.framework&&t.framework.isPolar)t.framework.undo();else if(!(void 0===t.undoQueue||isNaN(t.undoQueue.index)||t.undoQueue.index<=0)){for(t.undoQueue.index--,e=t.undoQueue.queue[t.undoQueue.index],t.undoQueue.inSequence=!0,r=0;r=t.undoQueue.queue.length)){for(e=t.undoQueue.queue[t.undoQueue.index],t.undoQueue.inSequence=!0,r=0;re}function u(t,e){return t>=e}r.findBin=function(t,e,r){if(n(e.start))return r?Math.ceil((t-e.start)/e.size-1e-9)-1:Math.floor((t-e.start)/e.size+1e-9);var a,o,f=0,h=e.length,p=0,d=h>1?(e[h-1]-e[0])/(h-1):1;for(o=d>=0?r?s:l:r?u:c,t+=1e-9*d*(r?-1:1)*(d>=0?1:-1);f90&&i.log("Long binary search..."),f-1},r.sorterAsc=function(t,e){return t-e},r.sorterDes=function(t,e){return e-t},r.distinctVals=function(t,e){var n,i=(e||{}).unitMinDiff,a=t.slice();for(a.sort(r.sorterAsc),n=a.length-1;n>-1&&a[n]===o;n--);var s=1;i||(s=a[n]-a[0]||1);for(var l,c=s/(n||1)/1e4,u=[],f=0;f<=n;f++){var h=a[f],p=h-l;void 0===l?(u.push(h),l=h):p>c&&(s=Math.min(s,p),u.push(h),l=h)}return{vals:u,minDiff:s}},r.roundUp=function(t,e,r){for(var n,i=0,a=e.length-1,o=0,s=r?0:1,l=r?1:0,c=r?Math.ceil:Math.floor;i0&&(n=1),r&&n)return t.sort(e)}return n?t:t.reverse()},r.findIndexOfMin=function(t,e){e=e||a;for(var r,n=1/0,i=0;ia.length)&&(o=a.length),n(e)||(e=!1),i(a[0])){for(l=new Array(o),s=0;st.length-1)return t[t.length-1];var r=e%1;return r*t[Math.ceil(e)]+(1-r)*t[Math.floor(e)]}},{"./array":760,"fast-isnumeric":241}],802:[function(t,e,r){"use strict";var n=t("color-normalize");e.exports=function(t){return t?n(t):[0,0,0,1]}},{"color-normalize":125}],803:[function(t,e,r){"use strict";var n=t("d3"),i=t("../lib"),a=i.strTranslate,o=t("../constants/xmlns_namespaces"),s=t("../constants/alignment").LINE_SPACING;function l(t,e){return t.node().getBoundingClientRect()[e]}var c=/([^$]*)([$]+[^$]*[$]+)([^$]*)/;r.convertToTspans=function(t,e,A){var S=t.text(),C=!t.attr("data-notex")&&"undefined"!=typeof MathJax&&S.match(c),L=n.select(t.node().parentNode);if(!L.empty()){var I=t.attr("class")?t.attr("class").split(" ")[0]:"text";return I+="-math",L.selectAll("svg."+I).remove(),L.selectAll("g."+I+"-group").remove(),t.style("display",null).attr({"data-unformatted":S,"data-math":"N"}),C?(e&&e._promises||[]).push(new Promise((function(e){t.style("display","none");var r=parseInt(t.node().style.fontSize,10),o={fontSize:r};!function(t,e,r){var a,o,s,l;MathJax.Hub.Queue((function(){return o=i.extendDeepAll({},MathJax.Hub.config),s=MathJax.Hub.processSectionDelay,void 0!==MathJax.Hub.processSectionDelay&&(MathJax.Hub.processSectionDelay=0),MathJax.Hub.Config({messageStyle:"none",tex2jax:{inlineMath:[["$","$"],["\\(","\\)"]]},displayAlign:"left"})}),(function(){if("SVG"!==(a=MathJax.Hub.config.menuSettings.renderer))return MathJax.Hub.setRenderer("SVG")}),(function(){var r="math-output-"+i.randstr({},64);return l=n.select("body").append("div").attr({id:r}).style({visibility:"hidden",position:"absolute"}).style({"font-size":e.fontSize+"px"}).text(t.replace(u,"\\lt ").replace(f,"\\gt ")),MathJax.Hub.Typeset(l.node())}),(function(){var e=n.select("body").select("#MathJax_SVG_glyphs");if(l.select(".MathJax_SVG").empty()||!l.select("svg").node())i.log("There was an error in the tex syntax.",t),r();else{var o=l.select("svg").node().getBoundingClientRect();r(l.select(".MathJax_SVG"),e,o)}if(l.remove(),"SVG"!==a)return MathJax.Hub.setRenderer(a)}),(function(){return void 0!==s&&(MathJax.Hub.processSectionDelay=s),MathJax.Hub.Config(o)}))}(C[2],o,(function(n,i,o){L.selectAll("svg."+I).remove(),L.selectAll("g."+I+"-group").remove();var s=n&&n.select("svg");if(!s||!s.node())return P(),void e();var c=L.append("g").classed(I+"-group",!0).attr({"pointer-events":"none","data-unformatted":S,"data-math":"Y"});c.node().appendChild(s.node()),i&&i.node()&&s.node().insertBefore(i.node().cloneNode(!0),s.node().firstChild),s.attr({class:I,height:o.height,preserveAspectRatio:"xMinYMin meet"}).style({overflow:"visible","pointer-events":"none"});var u=t.node().style.fill||"black",f=s.select("g");f.attr({fill:u,stroke:u});var h=l(f,"width"),p=l(f,"height"),d=+t.attr("x")-h*{start:0,middle:.5,end:1}[t.attr("text-anchor")||"start"],g=-(r||l(t,"height"))/4;"y"===I[0]?(c.attr({transform:"rotate("+[-90,+t.attr("x"),+t.attr("y")]+")"+a(-h/2,g-p/2)}),s.attr({x:+t.attr("x"),y:+t.attr("y")})):"l"===I[0]?s.attr({x:t.attr("x"),y:g-p/2}):"a"===I[0]&&0!==I.indexOf("atitle")?s.attr({x:0,y:g}):s.attr({x:d,y:+t.attr("y")+g-p/2}),A&&A.call(t,c),e(c)}))}))):P(),t}function P(){L.empty()||(I=t.attr("class")+"-math",L.select("svg."+I).remove()),t.text("").style("white-space","pre"),function(t,e){e=e.replace(m," ");var r,a=!1,l=[],c=-1;function u(){c++;var e=document.createElementNS(o.svg,"tspan");n.select(e).attr({class:"line",dy:c*s+"em"}),t.appendChild(e),r=e;var i=l;if(l=[{node:e}],i.length>1)for(var a=1;a doesnt match end tag <"+t+">. Pretending it did match.",e),r=l[l.length-1].node}else i.log("Ignoring unexpected end tag .",e)}x.test(e)?u():(r=t,l=[{node:t}]);for(var C=e.split(v),L=0;L|>|>)/g;var h={sup:"font-size:70%",sub:"font-size:70%",b:"font-weight:bold",i:"font-style:italic",a:"cursor:pointer",span:"",em:"font-style:italic;font-weight:bold"},p={sub:"0.3em",sup:"-0.6em"},d={sub:"-0.21em",sup:"0.42em"},g=["http:","https:","mailto:","",void 0,":"],m=r.NEWLINES=/(\r\n?|\n)/g,v=/(<[^<>]*>)/,y=/<(\/?)([^ >]*)(\s+(.*))?>/i,x=//i;r.BR_TAG_ALL=//gi;var b=/(^|[\s"'])style\s*=\s*("([^"]*);?"|'([^']*);?')/i,_=/(^|[\s"'])href\s*=\s*("([^"]*)"|'([^']*)')/i,w=/(^|[\s"'])target\s*=\s*("([^"\s]*)"|'([^'\s]*)')/i,T=/(^|[\s"'])popup\s*=\s*("([\w=,]*)"|'([\w=,]*)')/i;function k(t,e){if(!t)return null;var r=t.match(e),n=r&&(r[3]||r[4]);return n&&E(n)}var M=/(^|;)\s*color:/;r.plainText=function(t,e){for(var r=void 0!==(e=e||{}).len&&-1!==e.len?e.len:1/0,n=void 0!==e.allowedTags?e.allowedTags:["br"],i="...".length,a=t.split(v),o=[],s="",l=0,c=0;ci?o.push(u.substr(0,d-i)+"..."):o.push(u.substr(0,d));break}s=""}}return o.join("")};var A={mu:"\u03bc",amp:"&",lt:"<",gt:">",nbsp:"\xa0",times:"\xd7",plusmn:"\xb1",deg:"\xb0"},S=/&(#\d+|#x[\da-fA-F]+|[a-z]+);/g;function E(t){return t.replace(S,(function(t,e){return("#"===e.charAt(0)?function(t){if(t>1114111)return;var e=String.fromCodePoint;if(e)return e(t);var r=String.fromCharCode;return t<=65535?r(t):r(55232+(t>>10),t%1024+56320)}("x"===e.charAt(1)?parseInt(e.substr(2),16):parseInt(e.substr(1),10)):A[e])||t}))}function C(t,e,r){var n,a,o,s=r.horizontalAlign,l=r.verticalAlign||"top",c=t.node().getBoundingClientRect(),u=e.node().getBoundingClientRect();return a="bottom"===l?function(){return c.bottom-n.height}:"middle"===l?function(){return c.top+(c.height-n.height)/2}:function(){return c.top},o="right"===s?function(){return c.right-n.width}:"center"===s?function(){return c.left+(c.width-n.width)/2}:function(){return c.left},function(){n=this.node().getBoundingClientRect();var t=o()-u.left,e=a()-u.top,s=r.gd||{};if(r.gd){s._fullLayout._calcInverseTransform(s);var l=i.apply3DTransform(s._fullLayout._invTransform)(t,e);t=l[0],e=l[1]}return this.style({top:e+"px",left:t+"px","z-index":1e3}),this}}r.convertEntities=E,r.sanitizeHTML=function(t){t=t.replace(m," ");for(var e=document.createElement("p"),r=e,i=[],a=t.split(v),o=0;oa.ts+e?l():a.timer=setTimeout((function(){l(),a.timer=null}),e)},r.done=function(t){var e=n[t];return e&&e.timer?new Promise((function(t){var r=e.onDone;e.onDone=function(){r&&r(),t(),e.onDone=null}})):Promise.resolve()},r.clear=function(t){if(t)i(n[t]),delete n[t];else for(var e in n)r.clear(e)}},{}],805:[function(t,e,r){"use strict";var n=t("fast-isnumeric");e.exports=function(t,e){if(t>0)return Math.log(t)/Math.LN10;var r=Math.log(Math.min(e[0],e[1]))/Math.LN10;return n(r)||(r=Math.log(Math.max(e[0],e[1]))/Math.LN10-6),r}},{"fast-isnumeric":241}],806:[function(t,e,r){"use strict";var n=e.exports={},i=t("../plots/geo/constants").locationmodeToLayer,a=t("topojson-client").feature;n.getTopojsonName=function(t){return[t.scope.replace(/ /g,"-"),"_",t.resolution.toString(),"m"].join("")},n.getTopojsonPath=function(t,e){return t+e+".json"},n.getTopojsonFeatures=function(t,e){var r=i[t.locationmode],n=e.objects[r];return a(e,n).features}},{"../plots/geo/constants":858,"topojson-client":579}],807:[function(t,e,r){"use strict";e.exports={moduleType:"locale",name:"en-US",dictionary:{"Click to enter Colorscale title":"Click to enter Colorscale title"},format:{date:"%m/%d/%Y"}}},{}],808:[function(t,e,r){"use strict";e.exports={moduleType:"locale",name:"en",dictionary:{"Click to enter Colorscale title":"Click to enter Colourscale title"},format:{days:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],shortDays:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],months:["January","February","March","April","May","June","July","August","September","October","November","December"],shortMonths:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"],periods:["AM","PM"],dateTime:"%a %b %e %X %Y",date:"%d/%m/%Y",time:"%H:%M:%S",decimal:".",thousands:",",grouping:[3],currency:["$",""],year:"%Y",month:"%b %Y",dayMonth:"%b %-d",dayMonthYear:"%b %-d, %Y"}}},{}],809:[function(t,e,r){"use strict";var n=t("../registry");e.exports=function(t){for(var e,r,i=n.layoutArrayContainers,a=n.layoutArrayRegexes,o=t.split("[")[0],s=0;s0&&o.log("Clearing previous rejected promises from queue."),t._promises=[]},r.cleanLayout=function(t){var e,n;t||(t={}),t.xaxis1&&(t.xaxis||(t.xaxis=t.xaxis1),delete t.xaxis1),t.yaxis1&&(t.yaxis||(t.yaxis=t.yaxis1),delete t.yaxis1),t.scene1&&(t.scene||(t.scene=t.scene1),delete t.scene1);var a=(s.subplotsRegistry.cartesian||{}).attrRegex,l=(s.subplotsRegistry.polar||{}).attrRegex,f=(s.subplotsRegistry.ternary||{}).attrRegex,h=(s.subplotsRegistry.gl3d||{}).attrRegex,g=Object.keys(t);for(e=0;e3?(z.x=1.02,z.xanchor="left"):z.x<-2&&(z.x=-.02,z.xanchor="right"),z.y>3?(z.y=1.02,z.yanchor="bottom"):z.y<-2&&(z.y=-.02,z.yanchor="top")),d(t),"rotate"===t.dragmode&&(t.dragmode="orbit"),c.clean(t),t.template&&t.template.layout&&r.cleanLayout(t.template.layout),t},r.cleanData=function(t){for(var e=0;e0)return t.substr(0,e)}r.hasParent=function(t,e){for(var r=b(e);r;){if(r in t)return!0;r=b(r)}return!1};var _=["x","y","z"];r.clearAxisTypes=function(t,e,r){for(var n=0;n1&&a.warn("Full array edits are incompatible with other edits",f);var y=r[""][""];if(c(y))e.set(null);else{if(!Array.isArray(y))return a.warn("Unrecognized full array edit value",f,y),!0;e.set(y)}return!g&&(h(m,v),p(t),!0)}var x,b,_,w,T,k,M,A,S=Object.keys(r).map(Number).sort(o),E=e.get(),C=E||[],L=u(v,f).get(),I=[],P=-1,z=C.length;for(x=0;xC.length-(M?0:1))a.warn("index out of range",f,_);else if(void 0!==k)T.length>1&&a.warn("Insertion & removal are incompatible with edits to the same index.",f,_),c(k)?I.push(_):M?("add"===k&&(k={}),C.splice(_,0,k),L&&L.splice(_,0,{})):a.warn("Unrecognized full object edit value",f,_,k),-1===P&&(P=_);else for(b=0;b=0;x--)C.splice(I[x],1),L&&L.splice(I[x],1);if(C.length?E||e.set(C):e.set(null),g)return!1;if(h(m,v),d!==i){var O;if(-1===P)O=S;else{for(z=Math.max(C.length,z),O=[],x=0;x=P);x++)O.push(_);for(x=P;x=t.data.length||i<-t.data.length)throw new Error(r+" must be valid indices for gd.data.");if(e.indexOf(i,n+1)>-1||i>=0&&e.indexOf(-t.data.length+i)>-1||i<0&&e.indexOf(t.data.length+i)>-1)throw new Error("each index in "+r+" must be unique.")}}function O(t,e,r){if(!Array.isArray(t.data))throw new Error("gd.data must be an array.");if("undefined"==typeof e)throw new Error("currentIndices is a required argument.");if(Array.isArray(e)||(e=[e]),z(t,e,"currentIndices"),"undefined"==typeof r||Array.isArray(r)||(r=[r]),"undefined"!=typeof r&&z(t,r,"newIndices"),"undefined"!=typeof r&&e.length!==r.length)throw new Error("current and new indices must be of equal length.")}function D(t,e,r,n,a){!function(t,e,r,n){var i=o.isPlainObject(n);if(!Array.isArray(t.data))throw new Error("gd.data must be an array");if(!o.isPlainObject(e))throw new Error("update must be a key:value object");if("undefined"==typeof r)throw new Error("indices must be an integer or array of integers");for(var a in z(t,r,"indices"),e){if(!Array.isArray(e[a])||e[a].length!==r.length)throw new Error("attribute "+a+" must be an array of length equal to indices array length");if(i&&(!(a in n)||!Array.isArray(n[a])||n[a].length!==e[a].length))throw new Error("when maxPoints is set as a key:value object it must contain a 1:1 corrispondence with the keys and number of traces in the update object")}}(t,e,r,n);for(var l=function(t,e,r,n){var a,l,c,u,f,h=o.isPlainObject(n),p=[];for(var d in Array.isArray(r)||(r=[r]),r=P(r,t.data.length-1),e)for(var g=0;g-1?l(r,r.replace("titlefont","title.font")):r.indexOf("titleposition")>-1?l(r,r.replace("titleposition","title.position")):r.indexOf("titleside")>-1?l(r,r.replace("titleside","title.side")):r.indexOf("titleoffset")>-1&&l(r,r.replace("titleoffset","title.offset")):l(r,r.replace("title","title.text"));function l(e,r){t[r]=t[e],delete t[e]}}function q(t,e,r){if(t=o.getGraphDiv(t),T.clearPromiseQueue(t),t.framework&&t.framework.isPolar)return Promise.resolve(t);var n={};if("string"==typeof e)n[e]=r;else{if(!o.isPlainObject(e))return o.warn("Relayout fail.",e,r),Promise.reject();n=o.extendFlat({},e)}Object.keys(n).length&&(t.changed=!0);var i=Z(t,n),a=i.flags;a.calc&&(t.calcdata=void 0);var s=[h.previousPromises];a.layoutReplot?s.push(k.layoutReplot):Object.keys(n).length&&(H(t,a,i)||h.supplyDefaults(t),a.legend&&s.push(k.doLegend),a.layoutstyle&&s.push(k.layoutStyles),a.axrange&&G(s,i.rangesAltered),a.ticks&&s.push(k.doTicksRelayout),a.modebar&&s.push(k.doModeBar),a.camera&&s.push(k.doCamera),a.colorbars&&s.push(k.doColorBars),s.push(E)),s.push(h.rehover,h.redrag),c.add(t,q,[t,i.undoit],q,[t,i.redoit]);var l=o.syncOrAsync(s,t);return l&&l.then||(l=Promise.resolve(t)),l.then((function(){return t.emit("plotly_relayout",i.eventData),t}))}function H(t,e,r){var n=t._fullLayout;if(!e.axrange)return!1;for(var i in e)if("axrange"!==i&&e[i])return!1;for(var a in r.rangesAltered){var o=d.id2name(a),s=t.layout[o],l=n[o];if(l.autorange=s.autorange,s.range&&(l.range=s.range.slice()),l.cleanRange(),l._matchGroup)for(var c in l._matchGroup)if(c!==a){var u=n[d.id2name(c)];u.autorange=l.autorange,u.range=l.range.slice(),u._input.range=l.range.slice()}}return!0}function G(t,e){var r=e?function(t){var r=[],n=!0;for(var i in e){var a=d.getFromId(t,i);if(r.push(i),-1!==(a.ticklabelposition||"").indexOf("inside")&&a._anchorAxis&&r.push(a._anchorAxis._id),a._matchGroup)for(var o in a._matchGroup)e[o]||r.push(o);a.automargin&&(n=!1)}return d.draw(t,r,{skipTitle:n})}:function(t){return d.draw(t,"redraw")};t.push(b,k.doAutoRangeAndConstraints,r,k.drawData,k.finalDraw)}var Y=/^[xyz]axis[0-9]*\.range(\[[0|1]\])?$/,W=/^[xyz]axis[0-9]*\.autorange$/,X=/^[xyz]axis[0-9]*\.domain(\[[0|1]\])?$/;function Z(t,e){var r,n,i,a=t.layout,l=t._fullLayout,c=l._guiEditing,h=N(l._preGUI,c),p=Object.keys(e),g=d.list(t),m=o.extendDeepAll({},e),v={};for(V(e),p=Object.keys(e),n=0;n0&&"string"!=typeof z.parts[D];)D--;var R=z.parts[D],F=z.parts[D-1]+"."+R,j=z.parts.slice(0,D).join("."),U=s(t.layout,j).get(),q=s(l,j).get(),H=z.get();if(void 0!==O){k[P]=O,S[P]="reverse"===R?O:B(H);var G=f.getLayoutValObject(l,z.parts);if(G&&G.impliedEdits&&null!==O)for(var Z in G.impliedEdits)E(o.relativeAttr(P,Z),G.impliedEdits[Z]);if(-1!==["width","height"].indexOf(P))if(O){E("autosize",null);var K="height"===P?"width":"height";E(K,l[K])}else l[P]=t._initialAutoSize[P];else if("autosize"===P)E("width",O?null:l.width),E("height",O?null:l.height);else if(F.match(Y))I(F),s(l,j+"._inputRange").set(null);else if(F.match(W)){I(F),s(l,j+"._inputRange").set(null);var Q=s(l,j).get();Q._inputDomain&&(Q._input.domain=Q._inputDomain.slice())}else F.match(X)&&s(l,j+"._inputDomain").set(null);if("type"===R){C=U;var $="linear"===q.type&&"log"===O,tt="log"===q.type&&"linear"===O;if($||tt){if(C&&C.range)if(q.autorange)$&&(C.range=C.range[1]>C.range[0]?[1,2]:[2,1]);else{var et=C.range[0],rt=C.range[1];$?(et<=0&&rt<=0&&E(j+".autorange",!0),et<=0?et=rt/1e6:rt<=0&&(rt=et/1e6),E(j+".range[0]",Math.log(et)/Math.LN10),E(j+".range[1]",Math.log(rt)/Math.LN10)):(E(j+".range[0]",Math.pow(10,et)),E(j+".range[1]",Math.pow(10,rt)))}else E(j+".autorange",!0);Array.isArray(l._subplots.polar)&&l._subplots.polar.length&&l[z.parts[0]]&&"radialaxis"===z.parts[1]&&delete l[z.parts[0]]._subplot.viewInitial["radialaxis.range"],u.getComponentMethod("annotations","convertCoords")(t,q,O,E),u.getComponentMethod("images","convertCoords")(t,q,O,E)}else E(j+".autorange",!0),E(j+".range",null);s(l,j+"._inputRange").set(null)}else if(R.match(A)){var nt=s(l,P).get(),it=(O||{}).type;it&&"-"!==it||(it="linear"),u.getComponentMethod("annotations","convertCoords")(t,nt,it,E),u.getComponentMethod("images","convertCoords")(t,nt,it,E)}var at=w.containerArrayMatch(P);if(at){r=at.array,n=at.index;var ot=at.property,st=G||{editType:"calc"};""!==n&&""===ot&&(w.isAddVal(O)?S[P]=null:w.isRemoveVal(O)?S[P]=(s(a,r).get()||[])[n]:o.warn("unrecognized full object value",e)),M.update(_,st),v[r]||(v[r]={});var lt=v[r][n];lt||(lt=v[r][n]={}),lt[ot]=O,delete e[P]}else"reverse"===R?(U.range?U.range.reverse():(E(j+".autorange",!0),U.range=[1,0]),q.autorange?_.calc=!0:_.plot=!0):(l._has("scatter-like")&&l._has("regl")&&"dragmode"===P&&("lasso"===O||"select"===O)&&"lasso"!==H&&"select"!==H||l._has("gl2d")?_.plot=!0:G?M.update(_,G):_.calc=!0,z.set(O))}}for(r in v){w.applyContainerArrayChanges(t,h(a,r),v[r],_,h)||(_.plot=!0)}for(var ct in L){var ut=(C=d.getFromId(t,ct))&&C._constraintGroup;if(ut)for(var ft in _.calc=!0,ut)L[ft]||(d.getFromId(t,ft)._constraintShrinkable=!0)}return(J(t)||e.height||e.width)&&(_.plot=!0),(_.plot||_.calc)&&(_.layoutReplot=!0),{flags:_,rangesAltered:L,undoit:S,redoit:k,eventData:m}}function J(t){var e=t._fullLayout,r=e.width,n=e.height;return t.layout.autosize&&h.plotAutoSize(t,t.layout,e),e.width!==r||e.height!==n}function K(t,e,n,i){if(t=o.getGraphDiv(t),T.clearPromiseQueue(t),t.framework&&t.framework.isPolar)return Promise.resolve(t);o.isPlainObject(e)||(e={}),o.isPlainObject(n)||(n={}),Object.keys(e).length&&(t.changed=!0),Object.keys(n).length&&(t.changed=!0);var a=T.coerceTraceIndices(t,i),s=U(t,o.extendFlat({},e),a),l=s.flags,u=Z(t,o.extendFlat({},n)),f=u.flags;(l.calc||f.calc)&&(t.calcdata=void 0),l.clearAxisTypes&&T.clearAxisTypes(t,a,n);var p=[];f.layoutReplot?p.push(k.layoutReplot):l.fullReplot?p.push(r.plot):(p.push(h.previousPromises),H(t,f,u)||h.supplyDefaults(t),l.style&&p.push(k.doTraceStyle),(l.colorbars||f.colorbars)&&p.push(k.doColorBars),f.legend&&p.push(k.doLegend),f.layoutstyle&&p.push(k.layoutStyles),f.axrange&&G(p,u.rangesAltered),f.ticks&&p.push(k.doTicksRelayout),f.modebar&&p.push(k.doModeBar),f.camera&&p.push(k.doCamera),p.push(E)),p.push(h.rehover,h.redrag),c.add(t,K,[t,s.undoit,u.undoit,s.traces],K,[t,s.redoit,u.redoit,s.traces]);var d=o.syncOrAsync(p,t);return d&&d.then||(d=Promise.resolve(t)),d.then((function(){return t.emit("plotly_update",{data:s.eventData,layout:u.eventData}),t}))}function Q(t){return function(e){e._fullLayout._guiEditing=!0;var r=t.apply(null,arguments);return e._fullLayout._guiEditing=!1,r}}var $=[{pattern:/^hiddenlabels/,attr:"legend.uirevision"},{pattern:/^((x|y)axis\d*)\.((auto)?range|title\.text)/},{pattern:/axis\d*\.showspikes$/,attr:"modebar.uirevision"},{pattern:/(hover|drag)mode$/,attr:"modebar.uirevision"},{pattern:/^(scene\d*)\.camera/},{pattern:/^(geo\d*)\.(projection|center|fitbounds)/},{pattern:/^(ternary\d*\.[abc]axis)\.(min|title\.text)$/},{pattern:/^(polar\d*\.radialaxis)\.((auto)?range|angle|title\.text)/},{pattern:/^(polar\d*\.angularaxis)\.rotation/},{pattern:/^(mapbox\d*)\.(center|zoom|bearing|pitch)/},{pattern:/^legend\.(x|y)$/,attr:"editrevision"},{pattern:/^(shapes|annotations)/,attr:"editrevision"},{pattern:/^title\.text$/,attr:"editrevision"}],tt=[{pattern:/^selectedpoints$/,attr:"selectionrevision"},{pattern:/(^|value\.)visible$/,attr:"legend.uirevision"},{pattern:/^dimensions\[\d+\]\.constraintrange/},{pattern:/^node\.(x|y|groups)/},{pattern:/^level$/},{pattern:/(^|value\.)name$/},{pattern:/colorbar\.title\.text$/},{pattern:/colorbar\.(x|y)$/,attr:"editrevision"}];function et(t,e){for(var r=0;r1;)if(n.pop(),void 0!==(r=s(e,n.join(".")+".uirevision").get()))return r;return e.uirevision}function nt(t,e){for(var r=0;r=i.length?i[0]:i[t]:i}function l(t){return Array.isArray(a)?t>=a.length?a[0]:a[t]:a}function c(t,e){var r=0;return function(){if(t&&++r===e)return t()}}return void 0===n._frameWaitingCnt&&(n._frameWaitingCnt=0),new Promise((function(a,u){function f(){n._currentFrame&&n._currentFrame.onComplete&&n._currentFrame.onComplete();var e=n._currentFrame=n._frameQueue.shift();if(e){var r=e.name?e.name.toString():null;t._fullLayout._currentFrame=r,n._lastFrameAt=Date.now(),n._timeToNext=e.frameOpts.duration,h.transition(t,e.frame.data,e.frame.layout,T.coerceTraceIndices(t,e.frame.traces),e.frameOpts,e.transitionOpts).then((function(){e.onComplete&&e.onComplete()})),t.emit("plotly_animatingframe",{name:r,frame:e.frame,animation:{frame:e.frameOpts,transition:e.transitionOpts}})}else t.emit("plotly_animated"),window.cancelAnimationFrame(n._animationRaf),n._animationRaf=null}function p(){t.emit("plotly_animating"),n._lastFrameAt=-1/0,n._timeToNext=0,n._runningTransitions=0,n._currentFrame=null;var e=function(){n._animationRaf=window.requestAnimationFrame(e),Date.now()-n._lastFrameAt>n._timeToNext&&f()};e()}var d,g,m=0;function v(t){return Array.isArray(i)?m>=i.length?t.transitionOpts=i[m]:t.transitionOpts=i[0]:t.transitionOpts=i,m++,t}var y=[],x=null==e,b=Array.isArray(e);if(!x&&!b&&o.isPlainObject(e))y.push({type:"object",data:v(o.extendFlat({},e))});else if(x||-1!==["string","number"].indexOf(typeof e))for(d=0;d0&&kk)&&M.push(g);y=M}}y.length>0?function(e){if(0!==e.length){for(var i=0;i=0;n--)if(o.isPlainObject(e[n])){var g=e[n].name,m=(u[g]||d[g]||{}).name,v=e[n].name,y=u[m]||d[m];m&&v&&"number"==typeof v&&y&&S<5&&(S++,o.warn('addFrames: overwriting frame "'+(u[m]||d[m]).name+'" with a frame whose name of type "number" also equates to "'+m+'". This is valid but may potentially lead to unexpected behavior since all plotly.js frame names are stored internally as strings.'),5===S&&o.warn("addFrames: This API call has yielded too many of these warnings. For the rest of this call, further warnings about numeric frame names will be suppressed.")),d[g]={name:g},p.push({frame:h.supplyFrameDefaults(e[n]),index:r&&void 0!==r[n]&&null!==r[n]?r[n]:f+n})}p.sort((function(t,e){return t.index>e.index?-1:t.index=0;n--){if("number"==typeof(i=p[n].frame).name&&o.warn("Warning: addFrames accepts frames with numeric names, but the numbers areimplicitly cast to strings"),!i.name)for(;u[i.name="frame "+t._transitionData._counter++];);if(u[i.name]){for(a=0;a=0;r--)n=e[r],a.push({type:"delete",index:n}),s.unshift({type:"insert",index:n,value:i[n]});var l=h.modifyFrames,u=h.modifyFrames,f=[t,s],p=[t,a];return c&&c.add(t,l,f,u,p),h.modifyFrames(t,a)},r.addTraces=function t(e,n,i){e=o.getGraphDiv(e);var a,s,l=[],u=r.deleteTraces,f=t,h=[e,l],p=[e,n];for(function(t,e,r){var n,i;if(!Array.isArray(t.data))throw new Error("gd.data must be an array.");if("undefined"==typeof e)throw new Error("traces must be defined.");for(Array.isArray(e)||(e=[e]),n=0;n=0&&r=0&&r=a.length)return!1;if(2===t.dimensions){if(r++,e.length===r)return t;var o=e[r];if(!_(o))return!1;t=a[i][o]}else t=a[i]}else t=a}}return t}function _(t){return t===Math.round(t)&&t>=0}function w(){var t,e,r={};for(t in d(r,o),n.subplotsRegistry){if((e=n.subplotsRegistry[t]).layoutAttributes)if(Array.isArray(e.attr))for(var i=0;i=l.length)return!1;i=(r=(n.transformsRegistry[l[c].type]||{}).attributes)&&r[e[2]],s=3}else if("area"===t.type)i=u[o];else{var f=t._module;if(f||(f=(n.modules[t.type||a.type.dflt]||{})._module),!f)return!1;if(!(i=(r=f.attributes)&&r[o])){var h=f.basePlotModule;h&&h.attributes&&(i=h.attributes[o])}i||(i=a[o])}return b(i,e,s)},r.getLayoutValObject=function(t,e){return b(function(t,e){var r,i,a,s,l=t._basePlotModules;if(l){var c;for(r=0;r=i&&(r._input||{})._templateitemname;o&&(a=i);var s,l=e+"["+a+"]";function c(){s={},o&&(s[l]={},s[l].templateitemname=o)}function u(t,e){o?n.nestedProperty(s[l],t).set(e):s[l+"."+t]=e}function f(){var t=s;return c(),t}return c(),{modifyBase:function(t,e){s[t]=e},modifyItem:u,getUpdateObj:f,applyUpdate:function(e,r){e&&u(e,r);var i=f();for(var a in i)n.nestedProperty(t,a).set(i[a])}}}},{"../lib":778,"../plots/attributes":824}],818:[function(t,e,r){"use strict";var n=t("d3"),i=t("../registry"),a=t("../plots/plots"),o=t("../lib"),s=t("../lib/clear_gl_canvases"),l=t("../components/color"),c=t("../components/drawing"),u=t("../components/titles"),f=t("../components/modebar"),h=t("../plots/cartesian/axes"),p=t("../constants/alignment"),d=t("../plots/cartesian/constraints"),g=d.enforce,m=d.clean,v=t("../plots/cartesian/autorange").doAutoRange;function y(t,e,r){for(var n=0;n=t[1]||i[1]<=t[0])&&(a[0]e[0]))return!0}return!1}function x(t){var e,i,s,u,d,g,m=t._fullLayout,v=m._size,x=v.p,_=h.list(t,"",!0);if(m._paperdiv.style({width:t._context.responsive&&m.autosize&&!t._context._hasZeroWidth&&!t.layout.width?"100%":m.width+"px",height:t._context.responsive&&m.autosize&&!t._context._hasZeroHeight&&!t.layout.height?"100%":m.height+"px"}).selectAll(".main-svg").call(c.setSize,m.width,m.height),t._context.setBackground(t,m.paper_bgcolor),r.drawMainTitle(t),f.manage(t),!m._has("cartesian"))return a.previousPromises(t);function T(t,e,r){var n=t._lw/2;return"x"===t._id.charAt(0)?e?"top"===r?e._offset-x-n:e._offset+e._length+x+n:v.t+v.h*(1-(t.position||0))+n%1:e?"right"===r?e._offset+e._length+x+n:e._offset-x-n:v.l+v.w*(t.position||0)+n%1}for(e=0;e<_.length;e++){var k=(u=_[e])._anchorAxis;u._linepositions={},u._lw=c.crispRound(t,u.linewidth,1),u._mainLinePosition=T(u,k,u.side),u._mainMirrorPosition=u.mirror&&k?T(u,k,p.OPPOSITE_SIDE[u.side]):null}var M=[],A=[],S=[],E=1===l.opacity(m.paper_bgcolor)&&1===l.opacity(m.plot_bgcolor)&&m.paper_bgcolor===m.plot_bgcolor;for(i in m._plots)if((s=m._plots[i]).mainplot)s.bg&&s.bg.remove(),s.bg=void 0;else{var C=s.xaxis.domain,L=s.yaxis.domain,I=s.plotgroup;if(y(C,L,S)){var P=I.node(),z=s.bg=o.ensureSingle(I,"rect","bg");P.insertBefore(z.node(),P.childNodes[0]),A.push(i)}else I.select("rect.bg").remove(),S.push([C,L]),E||(M.push(i),A.push(i))}var O,D,R,F,B,N,j,U,V,q,H,G,Y,W=m._bgLayer.selectAll(".bg").data(M);for(W.enter().append("rect").classed("bg",!0),W.exit().remove(),W.each((function(t){m._plots[t].bg=n.select(this)})),e=0;eT?u.push({code:"unused",traceType:y,templateCount:w,dataCount:T}):T>w&&u.push({code:"reused",traceType:y,templateCount:w,dataCount:T})}}else u.push({code:"data"});if(function t(e,r){for(var n in e)if("_"!==n.charAt(0)){var a=e[n],o=g(e,n,r);i(a)?(Array.isArray(e)&&!1===a._template&&a.templateitemname&&u.push({code:"missing",path:o,templateitemname:a.templateitemname}),t(a,o)):Array.isArray(a)&&m(a)&&t(a,o)}}({data:p,layout:h},""),u.length)return u.map(v)}},{"../lib":778,"../plots/attributes":824,"../plots/plots":891,"./plot_config":815,"./plot_schema":816,"./plot_template":817}],820:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("./plot_api"),a=t("../plots/plots"),o=t("../lib"),s=t("../snapshot/helpers"),l=t("../snapshot/tosvg"),c=t("../snapshot/svgtoimg"),u=t("../version").version,f={format:{valType:"enumerated",values:["png","jpeg","webp","svg","full-json"],dflt:"png"},width:{valType:"number",min:1},height:{valType:"number",min:1},scale:{valType:"number",min:0,dflt:1},setBackground:{valType:"any",dflt:!1},imageDataOnly:{valType:"boolean",dflt:!1}};e.exports=function(t,e){var r,h,p,d;function g(t){return!(t in e)||o.validate(e[t],f[t])}if(e=e||{},o.isPlainObject(t)?(r=t.data||[],h=t.layout||{},p=t.config||{},d={}):(t=o.getGraphDiv(t),r=o.extendDeep([],t.data),h=o.extendDeep({},t.layout),p=t._context,d=t._fullLayout||{}),!g("width")&&null!==e.width||!g("height")&&null!==e.height)throw new Error("Height and width should be pixel values.");if(!g("format"))throw new Error("Export format is not "+o.join2(f.format.values,", "," or ")+".");var m={};function v(t,r){return o.coerce(e,m,f,t,r)}var y=v("format"),x=v("width"),b=v("height"),_=v("scale"),w=v("setBackground"),T=v("imageDataOnly"),k=document.createElement("div");k.style.position="absolute",k.style.left="-5000px",document.body.appendChild(k);var M=o.extendFlat({},h);x?M.width=x:null===e.width&&n(d.width)&&(M.width=d.width),b?M.height=b:null===e.height&&n(d.height)&&(M.height=d.height);var A=o.extendFlat({},p,{_exportedPlot:!0,staticPlot:!0,setBackground:w}),S=s.getRedrawFunc(k);function E(){return new Promise((function(t){setTimeout(t,s.getDelay(k._fullLayout))}))}function C(){return new Promise((function(t,e){var r=l(k,y,_),n=k._fullLayout.width,f=k._fullLayout.height;function h(){i.purge(k),document.body.removeChild(k)}if("full-json"===y){var p=a.graphJson(k,!1,"keepdata","object",!0,!0);return p.version=u,p=JSON.stringify(p),h(),t(T?p:s.encodeJSON(p))}if(h(),"svg"===y)return t(T?r:s.encodeSVG(r));var d=document.createElement("canvas");d.id=o.randstr(),c({format:y,width:n,height:f,scale:_,canvas:d,svg:r,promise:!0}).then(t).catch(e)}))}return new Promise((function(t,e){i.plot(k,r,M,A).then(S).then(E).then(C).then((function(e){t(function(t){return T?t.replace(s.IMAGE_URL_PREFIX,""):t}(e))})).catch((function(t){e(t)}))}))}},{"../lib":778,"../plots/plots":891,"../snapshot/helpers":915,"../snapshot/svgtoimg":917,"../snapshot/tosvg":919,"../version":1370,"./plot_api":814,"fast-isnumeric":241}],821:[function(t,e,r){"use strict";var n=t("../lib"),i=t("../plots/plots"),a=t("./plot_schema"),o=t("./plot_config").dfltConfig,s=n.isPlainObject,l=Array.isArray,c=n.isArrayOrTypedArray;function u(t,e,r,i,a,o){o=o||[];for(var f=Object.keys(t),h=0;hx.length&&i.push(d("unused",a,v.concat(x.length)));var M,A,S,E,C,L=x.length,I=Array.isArray(k);if(I&&(L=Math.min(L,k.length)),2===b.dimensions)for(A=0;Ax[A].length&&i.push(d("unused",a,v.concat(A,x[A].length)));var P=x[A].length;for(M=0;M<(I?Math.min(P,k[A].length):P);M++)S=I?k[A][M]:k,E=y[A][M],C=x[A][M],n.validate(E,S)?C!==E&&C!==+E&&i.push(d("dynamic",a,v.concat(A,M),E,C)):i.push(d("value",a,v.concat(A,M),E))}else i.push(d("array",a,v.concat(A),y[A]));else for(A=0;A1&&p.push(d("object","layout"))),i.supplyDefaults(g);for(var m=g._fullData,v=r.length,y=0;y0&&Math.round(f)===f))return i;c=f}for(var h=e.calendar,p="start"===l,d="end"===l,g=t[r+"period0"],m=a(g,h)||0,v=[],y=i.length,x=0;xT;)w=o(w,-c,h);for(;w<=T;)w=o(w,c,h);_=o(w,-c,h)}else{for(w=m+(b=Math.round((T-m)/u))*u;w>T;)w-=u;for(;w<=T;)w+=u;_=w-u}v[x]=p?_:d?w:(_+w)/2}return v}},{"../../constants/numerical":753,"../../lib":778,"fast-isnumeric":241}],826:[function(t,e,r){"use strict";e.exports={xaxis:{valType:"subplotid",dflt:"x",editType:"calc+clearAxisTypes"},yaxis:{valType:"subplotid",dflt:"y",editType:"calc+clearAxisTypes"}}},{}],827:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../lib"),a=t("../../constants/numerical").FP_SAFE,o=t("../../registry"),s=t("./axis_ids"),l=s.getFromId,c=s.isLinked;function u(t,e){var r,n,a=[],o=t._fullLayout,s=h(o,e,0),l=h(o,e,1),c=p(t,e),u=c.min,d=c.max;if(0===u.length||0===d.length)return i.simpleMap(e.range,e.r2l);var g=u[0].val,m=d[0].val;for(r=1;r0&&((T=E-s(x)-l(b))>C?k/T>L&&(_=x,w=b,L=k/T):k/E>L&&(_={val:x.val,nopad:1},w={val:b.val,nopad:1},L=k/E));if(g===m){var I=g-1,P=g+1;if(A)if(0===g)a=[0,1];else{var z=(g>0?d:u).reduce((function(t,e){return Math.max(t,l(e))}),0),O=g/(1-Math.min(.5,z/E));a=g>0?[0,O]:[O,0]}else a=S?[Math.max(0,I),Math.max(1,P)]:[I,P]}else A?(_.val>=0&&(_={val:0,nopad:1}),w.val<=0&&(w={val:0,nopad:1})):S&&(_.val-L*s(_)<0&&(_={val:0,nopad:1}),w.val<=0&&(w={val:1,nopad:1})),L=(w.val-_.val-f(e,x.val,b.val))/(E-s(_)-l(w)),a=[_.val-L*s(_),w.val+L*l(w)];return v&&a.reverse(),i.simpleMap(a,e.l2r||Number)}function f(t,e,r){var n=0;if(t.rangebreaks)for(var i=t.locateBreaks(e,r),a=0;a0?r.ppadplus:r.ppadminus)||r.ppad||0),S=M((t._m>0?r.ppadminus:r.ppadplus)||r.ppad||0),E=M(r.vpadplus||r.vpad),C=M(r.vpadminus||r.vpad);if(!T){if(h=1/0,p=-1/0,w)for(i=0;i0&&(h=o),o>p&&o-a&&(h=o),o>p&&o=P;i--)I(i);return{min:m,max:y,opts:r}},concatExtremes:p};function p(t,e,r){var n,i,a,o=e._id,s=t._fullData,c=t._fullLayout,u=[],f=[];function h(t,e){for(n=0;n=r&&(c.extrapad||!o)){s=!1;break}i(e,c.val)&&c.pad<=r&&(o||!c.extrapad)&&(t.splice(l,1),l--)}if(s){var u=a&&0===e;t.push({val:e,pad:u?0:r,extrapad:!u&&o})}}function v(t){return n(t)&&Math.abs(t)=e}},{"../../constants/numerical":753,"../../lib":778,"../../registry":911,"./axis_ids":831,"fast-isnumeric":241}],828:[function(t,e,r){"use strict";var n=t("d3"),i=t("fast-isnumeric"),a=t("../../plots/plots"),o=t("../../registry"),s=t("../../lib"),l=s.strTranslate,c=t("../../lib/svg_text_utils"),u=t("../../components/titles"),f=t("../../components/color"),h=t("../../components/drawing"),p=t("./layout_attributes"),d=t("./clean_ticks"),g=t("../../constants/numerical"),m=g.ONEMAXYEAR,v=g.ONEAVGYEAR,y=g.ONEMINYEAR,x=g.ONEMAXQUARTER,b=g.ONEAVGQUARTER,_=g.ONEMINQUARTER,w=g.ONEMAXMONTH,T=g.ONEAVGMONTH,k=g.ONEMINMONTH,M=g.ONEWEEK,A=g.ONEDAY,S=A/2,E=g.ONEHOUR,C=g.ONEMIN,L=g.ONESEC,I=g.MINUS_SIGN,P=g.BADNUM,z=t("../../constants/alignment"),O=z.MID_SHIFT,D=z.CAP_SHIFT,R=z.LINE_SPACING,F=z.OPPOSITE_SIDE,B=e.exports={};B.setConvert=t("./set_convert");var N=t("./axis_autotype"),j=t("./axis_ids"),U=j.idSort,V=j.isLinked;B.id2name=j.id2name,B.name2id=j.name2id,B.cleanId=j.cleanId,B.list=j.list,B.listIds=j.listIds,B.getFromId=j.getFromId,B.getFromTrace=j.getFromTrace;var q=t("./autorange");B.getAutoRange=q.getAutoRange,B.findExtremes=q.findExtremes;function H(t){var e=1e-4*(t[1]-t[0]);return[t[0]-e,t[1]+e]}B.coerceRef=function(t,e,r,n,i,a){var o=n.charAt(n.length-1),l=r._fullLayout._subplots[o+"axis"],c=n+"ref",u={};return i||(i=l[0]||("string"==typeof a?a:a[0])),a||(a=i),l=l.concat(l.map((function(t){return t+" domain"}))),u[c]={valType:"enumerated",values:l.concat(a?"string"==typeof a?[a]:a:[]),dflt:i},s.coerce(t,e,u,c)},B.getRefType=function(t){return void 0===t?t:"paper"===t?"paper":"pixel"===t?"pixel":/( domain)$/.test(t)?"domain":"range"},B.coercePosition=function(t,e,r,n,i,a){var o,l;if("range"!==B.getRefType(n))o=s.ensureNumber,l=r(i,a);else{var c=B.getFromId(e,n);l=r(i,a=c.fraction2r(a)),o=c.cleanPos}t[i]=o(l)},B.cleanPosition=function(t,e,r){return("paper"===r||"pixel"===r?s.ensureNumber:B.getFromId(e,r).cleanPos)(t)},B.redrawComponents=function(t,e){e=e||B.listIds(t);var r=t._fullLayout;function n(n,i,a,s){for(var l=o.getComponentMethod(n,i),c={},u=0;u2e-6||((r-t._forceTick0)/t._minDtick%1+1.000001)%1>2e-6)&&(t._minDtick=0)):t._minDtick=0},B.saveRangeInitial=function(t,e){for(var r=B.list(t,"",!0),n=!1,i=0;i.3*h||u(n)||u(a))){var p=r.dtick/2;t+=t+p.8){var o=Number(r.substr(1));a.exactYears>.8&&o%12==0?t=B.tickIncrement(t,"M6","reverse")+1.5*A:a.exactMonths>.8?t=B.tickIncrement(t,"M1","reverse")+15.5*A:t-=S;var l=B.tickIncrement(t,r);if(l<=n)return l}return t}(y,t,v,c,a)),m=y,0;m<=u;)m=B.tickIncrement(m,v,!1,a);return{start:e.c2r(y,0,a),end:e.c2r(m,0,a),size:v,_dataSpan:u-c}},B.prepTicks=function(t,e){var r=s.simpleMap(t.range,t.r2l,void 0,void 0,e);if(t._dtickInit=t.dtick,t._tick0Init=t.tick0,"auto"===t.tickmode||!t.dtick){var n,a=t.nticks;a||("category"===t.type||"multicategory"===t.type?(n=t.tickfont?1.2*(t.tickfont.size||12):15,a=t._length/n):(n="y"===t._id.charAt(0)?40:80,a=s.constrain(t._length/n,4,9)+1),"radialaxis"===t._name&&(a*=2)),"array"===t.tickmode&&(a*=100),t._roughDTick=Math.abs(r[1]-r[0])/a,B.autoTicks(t,t._roughDTick),t._minDtick>0&&t.dtick<2*t._minDtick&&(t.dtick=t._minDtick,t.tick0=t.l2r(t._forceTick0))}"period"===t.ticklabelmode&&function(t){var e;function r(){return!(i(t.dtick)||"M"!==t.dtick.charAt(0))}var n=r(),a=B.getTickFormat(t);if(a){var o=t._dtickInit!==t.dtick;/%[fLQsSMX]/.test(a)||(/%[HI]/.test(a)?(e=E,o&&!n&&t.dticka&&f=o:p<=o;p=B.tickIncrement(p,t.dtick,l,t.calendar)){if(t.rangebreaks&&!l){if(p=u)break}if(C.length>g||p===L)break;L=p;var I=!1;f&&p!==(0|p)&&(I=!0),C.push({minor:I,value:p})}if(h&&function(t,e,r){for(var n=0;n0?(a=n-1,o=n):(a=n,o=n);var s,l=t[a].value,c=t[o].value,u=Math.abs(c-l),f=r||u,h=0;f>=y?h=u>=y&&u<=m?u:v:r===b&&f>=_?h=u>=_&&u<=x?u:b:f>=k?h=u>=k&&u<=w?u:T:r===M&&f>=M?h=M:f>=A?h=A:r===S&&f>=S?h=S:r===E&&f>=E&&(h=E),h>=u&&(h=u,s=!0);var p=i+h;if(e.rangebreaks&&h>0){for(var d=0,g=0;g<84;g++){var C=(g+.5)/84;e.maskBreaks(i*(1-C)+C*p)!==P&&d++}(h*=d/84)||(t[n].drop=!0),s&&u>M&&(h=u)}(h>0||0===n)&&(t[n].periodX=i+h/2)}}(C,t,t._definedDelta),t.rangebreaks){var z="y"===t._id.charAt(0),O=1;"auto"===t.tickmode&&(O=t.tickfont?t.tickfont.size:12);var D=NaN;for(d=C.length-1;d>-1;d--)if(C[d].drop)C.splice(d,1);else{C[d].value=wt(C[d].value,t);var R=t.c2p(C[d].value);(z?D>R-O:Du||Nu&&(F.periodX=u),N10||"01-01"!==n.substr(5)?t._tickround="d":t._tickround=+e.substr(1)%12==0?"y":"m";else if(e>=A&&a<=10||e>=15*A)t._tickround="d";else if(e>=C&&a<=16||e>=E)t._tickround="M";else if(e>=L&&a<=19||e>=C)t._tickround="S";else{var o=t.l2r(r+e).replace(/^-/,"").length;t._tickround=Math.max(a,o)-20,t._tickround<0&&(t._tickround=4)}}else if(i(e)||"L"===e.charAt(0)){var s=t.range.map(t.r2d||Number);i(e)||(e=Number(e.substr(1))),t._tickround=2-Math.floor(Math.log(e)/Math.LN10+.01);var l=Math.max(Math.abs(s[0]),Math.abs(s[1])),c=Math.floor(Math.log(l)/Math.LN10+.01),u=void 0===t.minexponent?3:t.minexponent;Math.abs(c)>u&&(ot(t.exponentformat)&&!st(c)?t._tickexponent=3*Math.round((c-1)/3):t._tickexponent=c)}else t._tickround=null}function it(t,e,r){var n=t.tickfont||{};return{x:e,dx:0,dy:0,text:r||"",fontSize:n.size,font:n.family,fontColor:n.color}}B.autoTicks=function(t,e){var r;function n(t){return Math.pow(t,Math.floor(Math.log(e)/Math.LN10))}if("date"===t.type){t.tick0=s.dateTick0(t.calendar,0);var a=2*e;if(a>v)e/=v,r=n(10),t.dtick="M"+12*rt(e,r,Z);else if(a>T)e/=T,t.dtick="M"+rt(e,1,J);else if(a>A){t.dtick=rt(e,A,t._hasDayOfWeekBreaks?[1,2,7,14]:Q);var o=B.getTickFormat(t),l="period"===t.ticklabelmode;l&&(t._rawTick0=t.tick0),/%[uVW]/.test(o)?t.tick0=s.dateTick0(t.calendar,2):t.tick0=s.dateTick0(t.calendar,1),l&&(t._dowTick0=t.tick0)}else a>E?t.dtick=rt(e,E,J):a>C?t.dtick=rt(e,C,K):a>L?t.dtick=rt(e,L,K):(r=n(10),t.dtick=rt(e,r,Z))}else if("log"===t.type){t.tick0=0;var c=s.simpleMap(t.range,t.r2l);if(e>.7)t.dtick=Math.ceil(e);else if(Math.abs(c[1]-c[0])<1){var u=1.5*Math.abs((c[1]-c[0])/e);e=Math.abs(Math.pow(10,c[1])-Math.pow(10,c[0]))/u,r=n(10),t.dtick="L"+rt(e,r,Z)}else t.dtick=e>.3?"D2":"D1"}else"category"===t.type||"multicategory"===t.type?(t.tick0=0,t.dtick=Math.ceil(Math.max(e,1))):_t(t)?(t.tick0=0,r=1,t.dtick=rt(e,r,et)):(t.tick0=0,r=n(10),t.dtick=rt(e,r,Z));if(0===t.dtick&&(t.dtick=1),!i(t.dtick)&&"string"!=typeof t.dtick){var f=t.dtick;throw t.dtick=1,"ax.dtick error: "+String(f)}},B.tickIncrement=function(t,e,r,a){var o=r?-1:1;if(i(e))return s.increment(t,o*e);var l=e.charAt(0),c=o*Number(e.substr(1));if("M"===l)return s.incrementMonth(t,c,a);if("L"===l)return Math.log(Math.pow(10,t)+c)/Math.LN10;if("D"===l){var u="D2"===e?tt:$,f=t+.01*o,h=s.roundUp(s.mod(f,1),u,r);return Math.floor(f)+Math.log(n.round(Math.pow(10,h),1))/Math.LN10}throw"unrecognized dtick "+String(e)},B.tickFirst=function(t,e){var r=t.r2l||Number,a=s.simpleMap(t.range,r,void 0,void 0,e),o=a[1] ")}else t._prevDateHead=l,c+="
"+l;e.text=c}(t,o,r,c):"log"===u?function(t,e,r,n,a){var o=t.dtick,l=e.x,c=t.tickformat,u="string"==typeof o&&o.charAt(0);"never"===a&&(a="");n&&"L"!==u&&(o="L3",u="L");if(c||"L"===u)e.text=lt(Math.pow(10,l),t,a,n);else if(i(o)||"D"===u&&s.mod(l+.01,1)<.1){var f=Math.round(l),h=Math.abs(f),p=t.exponentformat;"power"===p||ot(p)&&st(f)?(e.text=0===f?1:1===f?"10":"10"+(f>1?"":I)+h+"",e.fontSize*=1.25):("e"===p||"E"===p)&&h>2?e.text="1"+p+(f>0?"+":I)+h:(e.text=lt(Math.pow(10,l),t,"","fakehover"),"D1"===o&&"y"===t._id.charAt(0)&&(e.dy-=e.fontSize/6))}else{if("D"!==u)throw"unrecognized dtick "+String(o);e.text=String(Math.round(Math.pow(10,s.mod(l,1)))),e.fontSize*=.75}if("D1"===t.dtick){var d=String(e.text).charAt(0);"0"!==d&&"1"!==d||("y"===t._id.charAt(0)?e.dx-=e.fontSize/4:(e.dy+=e.fontSize/2,e.dx+=(t.range[1]>t.range[0]?1:-1)*e.fontSize*(l<0?.5:.25)))}}(t,o,0,c,g):"category"===u?function(t,e){var r=t._categories[Math.round(e.x)];void 0===r&&(r="");e.text=String(r)}(t,o):"multicategory"===u?function(t,e,r){var n=Math.round(e.x),i=t._categories[n]||[],a=void 0===i[1]?"":String(i[1]),o=void 0===i[0]?"":String(i[0]);r?e.text=o+" - "+a:(e.text=a,e.text2=o)}(t,o,r):_t(t)?function(t,e,r,n,i){if("radians"!==t.thetaunit||r)e.text=lt(e.x,t,i,n);else{var a=e.x/180;if(0===a)e.text="0";else{var o=function(t){function e(t,e){return Math.abs(t-e)<=1e-6}var r=function(t){for(var r=1;!e(Math.round(t*r)/r,t);)r*=10;return r}(t),n=t*r,i=Math.abs(function t(r,n){return e(n,0)?r:t(n,r%n)}(n,r));return[Math.round(n/i),Math.round(r/i)]}(a);if(o[1]>=100)e.text=lt(s.deg2rad(e.x),t,i,n);else{var l=e.x<0;1===o[1]?1===o[0]?e.text="\u03c0":e.text=o[0]+"\u03c0":e.text=["",o[0],"","\u2044","",o[1],"","\u03c0"].join(""),l&&(e.text=I+e.text)}}}}(t,o,r,c,g):function(t,e,r,n,i){"never"===i?i="":"all"===t.showexponent&&Math.abs(e.x/t.dtick)<1e-6&&(i="hide");e.text=lt(e.x,t,i,n)}(t,o,0,c,g),n||(t.tickprefix&&!d(t.showtickprefix)&&(o.text=t.tickprefix+o.text),t.ticksuffix&&!d(t.showticksuffix)&&(o.text+=t.ticksuffix)),"boundaries"===t.tickson||t.showdividers){var m=function(e){var r=t.l2p(e);return r>=0&&r<=t._length?e:null};o.xbnd=[m(o.x-.5),m(o.x+t.dtick-.5)]}return o},B.hoverLabelText=function(t,e,r){if(r!==P&&r!==e)return B.hoverLabelText(t,e)+" - "+B.hoverLabelText(t,r);var n="log"===t.type&&e<=0,i=B.tickText(t,t.c2l(n?-e:e),"hover").text;return n?0===e?"0":I+i:i};var at=["f","p","n","\u03bc","m","","k","M","G","T"];function ot(t){return"SI"===t||"B"===t}function st(t){return t>14||t<-15}function lt(t,e,r,n){var a=t<0,o=e._tickround,l=r||e.exponentformat||"B",c=e._tickexponent,u=B.getTickFormat(e),f=e.separatethousands;if(n){var h={exponentformat:l,minexponent:e.minexponent,dtick:"none"===e.showexponent?e.dtick:i(t)&&Math.abs(t)||1,range:"none"===e.showexponent?e.range.map(e.r2d):[0,t||1]};nt(h),o=(Number(h._tickround)||0)+4,c=h._tickexponent,e.hoverformat&&(u=e.hoverformat)}if(u)return e._numFormat(u)(t).replace(/-/g,I);var p,d=Math.pow(10,-o)/2;if("none"===l&&(c=0),(t=Math.abs(t))"+p+"":"B"===l&&9===c?t+="B":ot(l)&&(t+=at[c/3+5]));return a?I+t:t}function ct(t,e){for(var r=[],n={},i=0;i1&&r=i.min&&t=0,a=u(t,e[1])<=0;return(r||i)&&(n||a)}if(t.tickformatstops&&t.tickformatstops.length>0)switch(t.type){case"date":case"linear":for(e=0;e=o(i)))){r=n;break}break;case"log":for(e=0;e0?r.bottom-f:0,h)))),e.automargin){n={x:0,y:0,r:0,l:0,t:0,b:0};var p=[0,1];if("x"===d){if("b"===l?n[l]=e._depth:(n[l]=e._depth=Math.max(r.width>0?f-r.top:0,h),p.reverse()),r.width>0){var m=r.right-(e._offset+e._length);m>0&&(n.xr=1,n.r=m);var v=e._offset-r.left;v>0&&(n.xl=0,n.l=v)}}else if("l"===l?n[l]=e._depth=Math.max(r.height>0?f-r.left:0,h):(n[l]=e._depth=Math.max(r.height>0?r.right-f:0,h),p.reverse()),r.height>0){var y=r.bottom-(e._offset+e._length);y>0&&(n.yb=0,n.b=y);var x=e._offset-r.top;x>0&&(n.yt=1,n.t=x)}n[g]="free"===e.anchor?e.position:e._anchorAxis.domain[p[0]],e.title.text!==c._dfltTitle[d]&&(n[l]+=ht(e)+(e.title.standoff||0)),e.mirror&&"free"!==e.anchor&&((i={x:0,y:0,r:0,l:0,t:0,b:0})[u]=e.linewidth,e.mirror&&!0!==e.mirror&&(i[u]+=h),!0===e.mirror||"ticks"===e.mirror?i[g]=e._anchorAxis.domain[p[1]]:"all"!==e.mirror&&"allticks"!==e.mirror||(i[g]=[e._counterDomainMin,e._counterDomainMax][p[1]]))}K&&(s=o.getComponentMethod("rangeslider","autoMarginOpts")(t,e)),a.autoMargin(t,gt(e),n),a.autoMargin(t,mt(e),i),a.autoMargin(t,vt(e),s)})),r.skipTitle||K&&"bottom"===e.side||Z.push((function(){return function(t,e){var r,n=t._fullLayout,i=e._id,a=i.charAt(0),o=e.title.font.size;if(e.title.hasOwnProperty("standoff"))r=e._depth+e.title.standoff+ht(e);else{var s=-1!==(e.ticklabelposition||"").indexOf("inside");if("multicategory"===e.type)r=e._depth;else{var l=1.5*o;s&&(l=.5*o,"outside"===e.ticks&&(l+=e.ticklen)),r=10+l+(e.linewidth?e.linewidth-1:0)}s||(r+="x"===a?"top"===e.side?o*(e.showticklabels?1:0):o*(e.showticklabels?1.5:.5):"right"===e.side?o*(e.showticklabels?1:.5):o*(e.showticklabels?.5:0))}var c,f,p,d,g=B.getPxPosition(t,e);"x"===a?(f=e._offset+e._length/2,p="top"===e.side?g-r:g+r):(p=e._offset+e._length/2,f="right"===e.side?g+r:g-r,c={rotate:"-90",offset:0});if("multicategory"!==e.type){var m=e._selections[e._id+"tick"];if(d={selection:m,side:e.side},m&&m.node()&&m.node().parentNode){var v=h.getTranslate(m.node().parentNode);d.offsetLeft=v.x,d.offsetTop=v.y}e.title.hasOwnProperty("standoff")&&(d.pad=0)}return u.draw(t,i+"title",{propContainer:e,propName:e._name+".title.text",placeholder:n._dfltTitle[a],avoid:d,transform:c,attributes:{x:f,y:p,"text-anchor":"middle"}})}(t,e)})),s.syncOrAsync(Z)}}function Q(t){var r=p+(t||"tick");return w[r]||(w[r]=function(t,e){var r,n,i,a;t._selections[e].size()?(r=1/0,n=-1/0,i=1/0,a=-1/0,t._selections[e].each((function(){var t=dt(this),e=h.bBox(t.node().parentNode);r=Math.min(r,e.top),n=Math.max(n,e.bottom),i=Math.min(i,e.left),a=Math.max(a,e.right)}))):(r=0,n=0,i=0,a=0);return{top:r,bottom:n,left:i,right:a,height:n-r,width:a-i}}(e,r)),w[r]}},B.getTickSigns=function(t){var e=t._id.charAt(0),r={x:"top",y:"right"}[e],n=t.side===r?1:-1,i=[-1,1,n,-n];return"inside"!==t.ticks==("x"===e)&&(i=i.map((function(t){return-t}))),t.side&&i.push({l:-1,t:-1,r:1,b:1}[t.side.charAt(0)]),i},B.makeTransTickFn=function(t){return"x"===t._id.charAt(0)?function(e){return l(t._offset+t.l2p(e.x),0)}:function(e){return l(0,t._offset+t.l2p(e.x))}},B.makeTransTickLabelFn=function(t){var e=function(t){var e=t.ticklabelposition||"",r=function(t){return-1!==e.indexOf(t)},n=r("top"),i=r("left"),a=r("right"),o=r("bottom"),s=r("inside"),l=o||i||n||a;if(!l&&!s)return[0,0];var c=t.side,u=l?(t.tickwidth||0)/2:0,f=3,h=t.tickfont?t.tickfont.size:12;(o||n)&&(u+=h*D,f+=(t.linewidth||0)/2);(i||a)&&(u+=(t.linewidth||0)/2,f+=3);s&&"top"===c&&(f-=h*(1-D));(i||n)&&(u=-u);"bottom"!==c&&"right"!==c||(f=-f);return[l?u:0,s?f:0]}(t),r=e[0],n=e[1];return"x"===t._id.charAt(0)?function(e){return l(r+t._offset+t.l2p(ut(e)),n)}:function(e){return l(n,r+t._offset+t.l2p(ut(e)))}},B.makeTickPath=function(t,e,r,n){n=void 0!==n?n:t.ticklen;var i=t._id.charAt(0),a=(t.linewidth||1)/2;return"x"===i?"M0,"+(e+a*r)+"v"+n*r:"M"+(e+a*r)+",0h"+n*r},B.makeLabelFns=function(t,e,r){var n=t.ticklabelposition||"",a=function(t){return-1!==n.indexOf(t)},o=a("top"),l=a("left"),c=a("right"),u=a("bottom")||l||o||c,f=a("inside"),h="inside"===n&&"inside"===t.ticks||!f&&"outside"===t.ticks&&"boundaries"!==t.tickson,p=0,d=0,g=h?t.ticklen:0;if(f?g*=-1:u&&(g=0),h&&(p+=g,r)){var m=s.deg2rad(r);p=g*Math.cos(m)+1,d=g*Math.sin(m)}t.showticklabels&&(h||t.showline)&&(p+=.2*t.tickfont.size);var v,y,x,b,_,w={labelStandoff:p+=(t.linewidth||1)/2*(f?-1:1),labelShift:d},T=0,k=t.side,M=t._id.charAt(0),A=t.tickangle;if("x"===M)b=(_=!f&&"bottom"===k||f&&"top"===k)?1:-1,f&&(b*=-1),v=d*b,y=e+p*b,x=_?1:-.2,90===Math.abs(A)&&(f?x+=O:x=-90===A&&"bottom"===k?D:90===A&&"top"===k?O:.5,T=O/2*(A/90)),w.xFn=function(t){return t.dx+v+T*t.fontSize},w.yFn=function(t){return t.dy+y+t.fontSize*x},w.anchorFn=function(t,e){if(u){if(l)return"end";if(c)return"start"}return i(e)&&0!==e&&180!==e?e*b<0!==f?"end":"start":"middle"},w.heightFn=function(e,r,n){return r<-60||r>60?-.5*n:"top"===t.side!==f?-n:0};else if("y"===M){if(b=(_=!f&&"left"===k||f&&"right"===k)?1:-1,f&&(b*=-1),v=p,y=d*b,x=0,f||90!==Math.abs(A)||(x=-90===A&&"left"===k||90===A&&"right"===k?D:.5),f){var S=i(A)?+A:0;if(0!==S){var E=s.deg2rad(S);T=Math.abs(Math.sin(E))*D*b,x=0}}w.xFn=function(t){return t.dx+e-(v+t.fontSize*x)*b+T*t.fontSize},w.yFn=function(t){return t.dy+y+t.fontSize*O},w.anchorFn=function(t,e){return i(e)&&90===Math.abs(e)?"middle":_?"end":"start"},w.heightFn=function(e,r,n){return"right"===t.side&&(r*=-1),r<-30?-n:r<30?-.5*n:0}}return w},B.drawTicks=function(t,e,r){r=r||{};var n=e._id+"tick",i=r.vals;"period"===e.ticklabelmode&&(i=i.slice()).shift();var a=r.layer.selectAll("path."+n).data(e.ticks?i:[],ft);a.exit().remove(),a.enter().append("path").classed(n,1).classed("ticks",1).classed("crisp",!1!==r.crisp).call(f.stroke,e.tickcolor).style("stroke-width",h.crispRound(t,e.tickwidth,1)+"px").attr("d",r.path),a.attr("transform",r.transFn)},B.drawGrid=function(t,e,r){r=r||{};var n=e._id+"grid",i=r.vals,a=r.counterAxis;if(!1===e.showgrid)i=[];else if(a&&B.shouldShowZeroLine(t,e,a))for(var o="array"===e.tickmode,s=0;so||i.lefto||i.top+(e.tickangle?0:t.fontSize/4)1)for(n=1;n2*o}(i,e))return"date";var m="strict"!==r.autotypenumbers;return function(t,e){for(var r=t.length,n=f(r),i=0,o=0,s={},u=0;u2*i}(i,m)?"category":function(t,e){for(var r=t.length,n=0;n=2){var l,c,u="";if(2===o.length)for(l=0;l<2;l++)if(c=y(o[l])){u=d;break}var f=i("pattern",u);if(f===d)for(l=0;l<2;l++)(c=y(o[l]))&&(e.bounds[l]=o[l]=c-1);if(f)for(l=0;l<2;l++)switch(c=o[l],f){case d:if(!n(c))return void(e.enabled=!1);if((c=+c)!==Math.floor(c)||c<0||c>=7)return void(e.enabled=!1);e.bounds[l]=o[l]=c;break;case g:if(!n(c))return void(e.enabled=!1);if((c=+c)<0||c>24)return void(e.enabled=!1);e.bounds[l]=o[l]=c}if(!1===r.autorange){var h=r.range;if(h[0]h[1])return void(e.enabled=!1)}else if(o[0]>h[0]&&o[1]n?1:-1:+(t.substr(1)||1)-+(e.substr(1)||1)},r.ref2id=function(t){return!!/^[xyz]/.test(t)&&t.split(" ")[0]},r.isLinked=function(t,e){return a(e,t._axisMatchGroups)||a(e,t._axisConstraintGroups)}},{"../../registry":911,"./constants":834}],832:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){if("category"===e.type){var i,a=t.categoryarray,o=Array.isArray(a)&&a.length>0;o&&(i="array");var s,l=r("categoryorder",i);"array"===l&&(s=r("categoryarray")),o||"array"!==l||(l=e.categoryorder="trace"),"trace"===l?e._initialCategories=[]:"array"===l?e._initialCategories=s.slice():(s=function(t,e){var r,n,i,a=e.dataAttr||t._id.charAt(0),o={};if(e.axData)r=e.axData;else for(r=[],n=0;nn?i.substr(n):a.substr(r))+o:i+a+t*e:o}function m(t,e){for(var r=e._size,n=r.h/r.w,i={},a=Object.keys(t),o=0;oc*x)||T)for(r=0;rz&&FI&&(I=F);h/=(I-L)/(2*P),L=l.l2r(L),I=l.l2r(I),l.range=l._input.range=S=0?Math.min(t,.9):1/(1/Math.max(t,-.3)+3.222))}function B(t,e,r,n,i){return t.append("path").attr("class","zoombox").style({fill:e>.2?"rgba(0,0,0,0)":"rgba(255,255,255,0)","stroke-width":0}).attr("transform",l(r,n)).attr("d",i+"Z")}function N(t,e,r){return t.append("path").attr("class","zoombox-corners").style({fill:u.background,stroke:u.defaultLine,"stroke-width":1,opacity:0}).attr("transform",l(e,r)).attr("d","M0,0Z")}function j(t,e,r,n,i,a){t.attr("d",n+"M"+r.l+","+r.t+"v"+r.h+"h"+r.w+"v-"+r.h+"h-"+r.w+"Z"),U(t,e,i,a)}function U(t,e,r,n){r||(t.transition().style("fill",n>.2?"rgba(0,0,0,0.4)":"rgba(255,255,255,0.3)").duration(200),e.transition().style("opacity",1).duration(200))}function V(t){n.select(t).selectAll(".zoombox,.js-zoombox-backdrop,.js-zoombox-menu,.zoombox-corners").remove()}function q(t){I&&t.data&&t._context.showTips&&(s.notifier(s._(t,"Double-click to zoom back out"),"long"),I=!1)}function H(t){var e=Math.floor(Math.min(t.b-t.t,t.r-t.l,L)/2);return"M"+(t.l-3.5)+","+(t.t-.5+e)+"h3v"+-e+"h"+e+"v-3h-"+(e+3)+"ZM"+(t.r+3.5)+","+(t.t-.5+e)+"h-3v"+-e+"h"+-e+"v-3h"+(e+3)+"ZM"+(t.r+3.5)+","+(t.b+.5-e)+"h-3v"+e+"h"+-e+"v3h"+(e+3)+"ZM"+(t.l-3.5)+","+(t.b+.5-e)+"h3v"+e+"h"+e+"v3h-"+(e+3)+"Z"}function G(t,e,r,n,i){for(var a,o,l,c,u=!1,f={},h={},p=(i||{}).xaHash,d=(i||{}).yaHash,g=0;g=0)i._fullLayout._deactivateShape(i);else{var a=i._fullLayout.clickmode;if(V(i),2!==t||mt||qt(),gt)a.indexOf("select")>-1&&A(r,i,Z,J,e.id,Lt),a.indexOf("event")>-1&&h.click(i,r,e.id);else if(1===t&&mt){var s=d?P:I,l="s"===d||"w"===m?0:1,u=s._name+".range["+l+"]",f=function(t,e){var r,i=t.range[e],a=Math.abs(i-t.range[1-e]);return"date"===t.type?i:"log"===t.type?(r=Math.ceil(Math.max(0,-Math.log(a)/Math.LN10))+3,n.format("."+r+"g")(Math.pow(10,i))):(r=Math.floor(Math.log(Math.abs(i))/Math.LN10)-Math.floor(Math.log(a)/Math.LN10)+4,n.format("."+String(r)+"g")(i))}(s,l),p="left",g="middle";if(s.fixedrange)return;d?(g="n"===d?"top":"bottom","right"===s.side&&(p="right")):"e"===m&&(p="right"),i._context.showAxisRangeEntryBoxes&&n.select(xt).call(c.makeEditable,{gd:i,immediate:!0,background:i._fullLayout.paper_bgcolor,text:String(f),fill:s.tickfont?s.tickfont.color:"#444",horizontalAlign:p,verticalAlign:g}).on("edit",(function(t){var e=s.d2r(t);void 0!==e&&o.call("_guiRelayout",i,u,e)}))}}}function zt(e,r){if(t._transitioningWithDuration)return!1;var n=Math.max(0,Math.min($,ht*e+bt)),i=Math.max(0,Math.min(tt,pt*r+_t)),a=Math.abs(n-bt),o=Math.abs(i-_t);function s(){At="",wt.r=wt.l,wt.t=wt.b,Et.attr("d","M0,0Z")}if(wt.l=Math.min(bt,n),wt.r=Math.max(bt,n),wt.t=Math.min(_t,i),wt.b=Math.max(_t,i),et.isSubplotConstrained)a>L||o>L?(At="xy",a/$>o/tt?(o=a*tt/$,_t>i?wt.t=_t-o:wt.b=_t+o):(a=o*$/tt,bt>n?wt.l=bt-a:wt.r=bt+a),Et.attr("d",H(wt))):s();else if(rt.isSubplotConstrained)if(a>L||o>L){At="xy";var l=Math.min(wt.l/$,(tt-wt.b)/tt),c=Math.max(wt.r/$,(tt-wt.t)/tt);wt.l=l*$,wt.r=c*$,wt.b=(1-l)*tt,wt.t=(1-c)*tt,Et.attr("d",H(wt))}else s();else!it||o0){var u;if(rt.isSubplotConstrained||!nt&&1===it.length){for(u=0;ug[1]-1/4096&&(e.domain=s),i.noneOrAll(t.domain,e.domain,s)}return r("layer"),e}},{"../../lib":778,"fast-isnumeric":241}],846:[function(t,e,r){"use strict";var n=t("../../constants/alignment").FROM_BL;e.exports=function(t,e,r){void 0===r&&(r=n[t.constraintoward||"center"]);var i=[t.r2l(t.range[0]),t.r2l(t.range[1])],a=i[0]+(i[1]-i[0])*r;t.range=t._input.range=[t.l2r(a+(i[0]-a)*e),t.l2r(a+(i[1]-a)*e)],t.setScale()}},{"../../constants/alignment":745}],847:[function(t,e,r){"use strict";var n=t("polybooljs"),i=t("../../registry"),a=t("../../components/drawing").dashStyle,o=t("../../components/color"),s=t("../../components/fx"),l=t("../../components/fx/helpers").makeEventData,c=t("../../components/dragelement/helpers"),u=c.freeMode,f=c.rectMode,h=c.drawMode,p=c.openMode,d=c.selectMode,g=t("../../components/shapes/draw_newshape/display_outlines"),m=t("../../components/shapes/draw_newshape/helpers").handleEllipse,v=t("../../components/shapes/draw_newshape/newshapes"),y=t("../../lib"),x=t("../../lib/polygon"),b=t("../../lib/throttle"),_=t("./axis_ids").getFromId,w=t("../../lib/clear_gl_canvases"),T=t("../../plot_api/subroutines").redrawReglTraces,k=t("./constants"),M=k.MINSELECT,A=x.filter,S=x.tester,E=t("./handle_outline").clearSelect,C=t("./helpers"),L=C.p2r,I=C.axValue,P=C.getTransform;function z(t,e,r,n,i,a,o){var s,l,c,u,f,h,d,m,v,y=e._hoverdata,x=e._fullLayout.clickmode.indexOf("event")>-1,b=[];if(function(t){return t&&Array.isArray(t)&&!0!==t[0].hoverOnBox}(y)){F(t,e,a);var _=function(t,e){var r,n,i=t[0],a=-1,o=[];for(n=0;n0?function(t,e){var r,n,i,a=[];for(i=0;i0&&a.push(r);if(1===a.length&&a[0]===e.searchInfo&&(n=e.searchInfo.cd[0].trace).selectedpoints.length===e.pointNumbers.length){for(i=0;i1)return!1;if((i+=r.selectedpoints.length)>1)return!1}return 1===i}(s)&&(h=j(_))){for(o&&o.remove(),v=0;v=0&&n._fullLayout._deactivateShape(n),h(e)){var a=n._fullLayout._zoomlayer.selectAll(".select-outline-"+r.id);if(a&&n._fullLayout._drawing){var o=v(a,t);o&&i.call("_guiRelayout",n,{shapes:o}),n._fullLayout._drawing=!1}}r.selection={},r.selection.selectionDefs=t.selectionDefs=[],r.selection.mergedPolygons=t.mergedPolygons=[]}function N(t,e,r,n){var i,a,o,s=[],l=e.map((function(t){return t._id})),c=r.map((function(t){return t._id}));for(o=0;o0?n[0]:r;return!!e.selectedpoints&&e.selectedpoints.indexOf(i)>-1}function U(t,e,r){var n,a,o,s;for(n=0;n=0)C._fullLayout._deactivateShape(C);else if(!_){var r=O.clickmode;b.done(gt).then((function(){if(b.clear(gt),2===t){for(ft.remove(),$=0;$-1&&z(e,C,i.xaxes,i.yaxes,i.subplot,i,ft),"event"===r&&C.emit("plotly_selected",void 0);s.click(C,e)})).catch(y.error)}},i.doneFn=function(){dt.remove(),b.done(gt).then((function(){b.clear(gt),i.gd.emit("plotly_selected",et),Q&&i.selectionDefs&&(Q.subtract=ut,i.selectionDefs.push(Q),i.mergedPolygons.length=0,[].push.apply(i.mergedPolygons,K)),i.doneFnCompleted&&i.doneFnCompleted(mt)})).catch(y.error),_&&B(i)}},clearSelect:E,clearSelectionsCache:B,selectOnClick:z}},{"../../components/color":643,"../../components/dragelement/helpers":661,"../../components/drawing":665,"../../components/fx":683,"../../components/fx/helpers":679,"../../components/shapes/draw_newshape/display_outlines":728,"../../components/shapes/draw_newshape/helpers":729,"../../components/shapes/draw_newshape/newshapes":730,"../../lib":778,"../../lib/clear_gl_canvases":762,"../../lib/polygon":790,"../../lib/throttle":804,"../../plot_api/subroutines":818,"../../registry":911,"./axis_ids":831,"./constants":834,"./handle_outline":838,"./helpers":839,polybooljs:517}],848:[function(t,e,r){"use strict";var n=t("d3"),i=t("d3-time-format").utcFormat,a=t("fast-isnumeric"),o=t("../../lib"),s=o.cleanNumber,l=o.ms2DateTime,c=o.dateTime2ms,u=o.ensureNumber,f=o.isArrayOrTypedArray,h=t("../../constants/numerical"),p=h.FP_SAFE,d=h.BADNUM,g=h.LOG_CLIP,m=h.ONEWEEK,v=h.ONEDAY,y=h.ONEHOUR,x=h.ONEMIN,b=h.ONESEC,_=t("./axis_ids"),w=t("./constants"),T=w.HOUR_PATTERN,k=w.WEEKDAY_PATTERN;function M(t){return Math.pow(10,t)}function A(t){return null!=t}e.exports=function(t,e){e=e||{};var r=t._id||"x",h=r.charAt(0);function S(e,r){if(e>0)return Math.log(e)/Math.LN10;if(e<=0&&r&&t.range&&2===t.range.length){var n=t.range[0],i=t.range[1];return.5*(n+i-2*g*Math.abs(n-i))}return d}function E(e,r,n,i){if((i||{}).msUTC&&a(e))return+e;var s=c(e,n||t.calendar);if(s===d){if(!a(e))return d;e=+e;var l=Math.floor(10*o.mod(e+.05,1)),u=Math.round(e-l/10);s=c(new Date(u))+l/10}return s}function C(e,r,n){return l(e,r,n||t.calendar)}function L(e){return t._categories[Math.round(e)]}function I(e){if(A(e)){if(void 0===t._categoriesMap&&(t._categoriesMap={}),void 0!==t._categoriesMap[e])return t._categoriesMap[e];t._categories.push("number"==typeof e?String(e):e);var r=t._categories.length-1;return t._categoriesMap[e]=r,r}return d}function P(e){if(t._categoriesMap)return t._categoriesMap[e]}function z(t){var e=P(t);return void 0!==e?e:a(t)?+t:void 0}function O(t){return a(t)?+t:P(t)}function D(t,e,r){return n.round(r+e*t,2)}function R(t,e,r){return(t-r)/e}var F=function(e){return a(e)?D(e,t._m,t._b):d},B=function(e){return R(e,t._m,t._b)};if(t.rangebreaks){var N="y"===h;F=function(e){if(!a(e))return d;var r=t._rangebreaks.length;if(!r)return D(e,t._m,t._b);var n=N;t.range[0]>t.range[1]&&(n=!n);for(var i=n?-1:1,o=i*e,s=0,l=0;lu)){s=o<(c+u)/2?l:l+1;break}s=l+1}var f=t._B[s]||0;return isFinite(f)?D(e,t._m2,f):0},B=function(e){var r=t._rangebreaks.length;if(!r)return R(e,t._m,t._b);for(var n=0,i=0;it._rangebreaks[i].pmax&&(n=i+1);return R(e,t._m2,t._B[n])}}t.c2l="log"===t.type?S:u,t.l2c="log"===t.type?M:u,t.l2p=F,t.p2l=B,t.c2p="log"===t.type?function(t,e){return F(S(t,e))}:F,t.p2c="log"===t.type?function(t){return M(B(t))}:B,-1!==["linear","-"].indexOf(t.type)?(t.d2r=t.r2d=t.d2c=t.r2c=t.d2l=t.r2l=s,t.c2d=t.c2r=t.l2d=t.l2r=u,t.d2p=t.r2p=function(e){return t.l2p(s(e))},t.p2d=t.p2r=B,t.cleanPos=u):"log"===t.type?(t.d2r=t.d2l=function(t,e){return S(s(t),e)},t.r2d=t.r2c=function(t){return M(s(t))},t.d2c=t.r2l=s,t.c2d=t.l2r=u,t.c2r=S,t.l2d=M,t.d2p=function(e,r){return t.l2p(t.d2r(e,r))},t.p2d=function(t){return M(B(t))},t.r2p=function(e){return t.l2p(s(e))},t.p2r=B,t.cleanPos=u):"date"===t.type?(t.d2r=t.r2d=o.identity,t.d2c=t.r2c=t.d2l=t.r2l=E,t.c2d=t.c2r=t.l2d=t.l2r=C,t.d2p=t.r2p=function(e,r,n){return t.l2p(E(e,0,n))},t.p2d=t.p2r=function(t,e,r){return C(B(t),e,r)},t.cleanPos=function(e){return o.cleanDate(e,d,t.calendar)}):"category"===t.type?(t.d2c=t.d2l=I,t.r2d=t.c2d=t.l2d=L,t.d2r=t.d2l_noadd=z,t.r2c=function(e){var r=O(e);return void 0!==r?r:t.fraction2r(.5)},t.l2r=t.c2r=u,t.r2l=O,t.d2p=function(e){return t.l2p(t.r2c(e))},t.p2d=function(t){return L(B(t))},t.r2p=t.d2p,t.p2r=B,t.cleanPos=function(t){return"string"==typeof t&&""!==t?t:u(t)}):"multicategory"===t.type&&(t.r2d=t.c2d=t.l2d=L,t.d2r=t.d2l_noadd=z,t.r2c=function(e){var r=z(e);return void 0!==r?r:t.fraction2r(.5)},t.r2c_just_indices=P,t.l2r=t.c2r=u,t.r2l=z,t.d2p=function(e){return t.l2p(t.r2c(e))},t.p2d=function(t){return L(B(t))},t.r2p=t.d2p,t.p2r=B,t.cleanPos=function(t){return Array.isArray(t)||"string"==typeof t&&""!==t?t:u(t)},t.setupMultiCategory=function(n){var i,a,s=t._traceIndices,l=t._matchGroup;if(l&&0===t._categories.length)for(var c in l)if(c!==r){var u=e[_.id2name(c)];s=s.concat(u._traceIndices)}var p=[[0,{}],[0,{}]],d=[];for(i=0;ip&&(s[n]=p),s[0]===s[1]){var c=Math.max(1,Math.abs(1e-6*s[0]));s[0]-=c,s[1]+=c}}else o.nestedProperty(t,e).set(i)},t.setScale=function(r){var n=e._size;if(t.overlaying){var i=_.getFromId({_fullLayout:e},t.overlaying);t.domain=i.domain}var a=r&&t._r?"_r":"range",o=t.calendar;t.cleanRange(a);var s,l,c=t.r2l(t[a][0],o),u=t.r2l(t[a][1],o),f="y"===h;if((f?(t._offset=n.t+(1-t.domain[1])*n.h,t._length=n.h*(t.domain[1]-t.domain[0]),t._m=t._length/(c-u),t._b=-t._m*u):(t._offset=n.l+t.domain[0]*n.w,t._length=n.w*(t.domain[1]-t.domain[0]),t._m=t._length/(u-c),t._b=-t._m*c),t._rangebreaks=[],t._lBreaks=0,t._m2=0,t._B=[],t.rangebreaks)&&(t._rangebreaks=t.locateBreaks(Math.min(c,u),Math.max(c,u)),t._rangebreaks.length)){for(s=0;su&&(p=!p),p&&t._rangebreaks.reverse();var d=p?-1:1;for(t._m2=d*t._length/(Math.abs(u-c)-t._lBreaks),t._B.push(-t._m2*(f?u:c)),s=0;si&&(i+=7,ai&&(i+=24,a=n&&a=n&&e=s.min&&(ts.max&&(s.max=n),i=!1)}i&&c.push({min:t,max:n})}};for(n=0;nr.duration?(!function(){for(var r={},n=0;n rect").call(o.setTranslate,0,0).call(o.setScale,1,1),t.plot.call(o.setTranslate,e._offset,r._offset).call(o.setScale,1,1);var n=t.plot.selectAll(".scatterlayer .trace");n.selectAll(".point").call(o.setPointGroupScale,1,1),n.selectAll(".textpoint").call(o.setTextPointsScale,1,1),n.call(o.hideOutsideRangePoints,t)}function m(e,r){var n=e.plotinfo,i=n.xaxis,l=n.yaxis,c=i._length,u=l._length,f=!!e.xr1,h=!!e.yr1,p=[];if(f){var d=a.simpleMap(e.xr0,i.r2l),g=a.simpleMap(e.xr1,i.r2l),m=d[1]-d[0],v=g[1]-g[0];p[0]=(d[0]*(1-r)+r*g[0]-d[0])/(d[1]-d[0])*c,p[2]=c*(1-r+r*v/m),i.range[0]=i.l2r(d[0]*(1-r)+r*g[0]),i.range[1]=i.l2r(d[1]*(1-r)+r*g[1])}else p[0]=0,p[2]=c;if(h){var y=a.simpleMap(e.yr0,l.r2l),x=a.simpleMap(e.yr1,l.r2l),b=y[1]-y[0],_=x[1]-x[0];p[1]=(y[1]*(1-r)+r*x[1]-y[1])/(y[0]-y[1])*u,p[3]=u*(1-r+r*_/b),l.range[0]=i.l2r(y[0]*(1-r)+r*x[0]),l.range[1]=l.l2r(y[1]*(1-r)+r*x[1])}else p[1]=0,p[3]=u;s.drawOne(t,i,{skipTitle:!0}),s.drawOne(t,l,{skipTitle:!0}),s.redrawComponents(t,[i._id,l._id]);var w=f?c/p[2]:1,T=h?u/p[3]:1,k=f?p[0]:0,M=h?p[1]:0,A=f?p[0]/p[2]*c:0,S=h?p[1]/p[3]*u:0,E=i._offset-A,C=l._offset-S;n.clipRect.call(o.setTranslate,k,M).call(o.setScale,1/w,1/T),n.plot.call(o.setTranslate,E,C).call(o.setScale,w,T),o.setPointGroupScale(n.zoomScalePts,1/w,1/T),o.setTextPointsScale(n.zoomScaleTxt,1/w,1/T)}s.redrawComponents(t)}},{"../../components/drawing":665,"../../lib":778,"../../registry":911,"./axes":828,d3:169}],853:[function(t,e,r){"use strict";var n=t("../../registry").traceIs,i=t("./axis_autotype");function a(t){return{v:"x",h:"y"}[t.orientation||"v"]}function o(t,e){var r=a(t),i=n(t,"box-violin"),o=n(t._fullInput||{},"candlestick");return i&&!o&&e===r&&void 0===t[r]&&void 0===t[r+"0"]}e.exports=function(t,e,r,s){r("autotypenumbers",s.autotypenumbersDflt),"-"===r("type",(s.splomStash||{}).type)&&(!function(t,e){if("-"!==t.type)return;var r,s=t._id,l=s.charAt(0);-1!==s.indexOf("scene")&&(s=l);var c=function(t,e,r){for(var n=0;n0&&(i["_"+r+"axes"]||{})[e])return i;if((i[r+"axis"]||r)===e){if(o(i,r))return i;if((i[r]||[]).length||i[r+"0"])return i}}}(e,s,l);if(!c)return;if("histogram"===c.type&&l==={v:"y",h:"x"}[c.orientation||"v"])return void(t.type="linear");var u=l+"calendar",f=c[u],h={noMultiCategory:!n(c,"cartesian")||n(c,"noMultiCategory")};"box"===c.type&&c._hasPreCompStats&&l==={h:"x",v:"y"}[c.orientation||"v"]&&(h.noMultiCategory=!0);if(h.autotypenumbers=t.autotypenumbers,o(c,l)){var p=a(c),d=[];for(r=0;r0?".":"")+a;i.isPlainObject(o)?l(o,e,s,n+1):e(s,a,o)}}))}r.manageCommandObserver=function(t,e,n,o){var s={},l=!0;e&&e._commandObserver&&(s=e._commandObserver),s.cache||(s.cache={}),s.lookupTable={};var c=r.hasSimpleAPICommandBindings(t,n,s.lookupTable);if(e&&e._commandObserver){if(c)return s;if(e._commandObserver.remove)return e._commandObserver.remove(),e._commandObserver=null,s}if(c){a(t,c,s.cache),s.check=function(){if(l){var e=a(t,c,s.cache);return e.changed&&o&&void 0!==s.lookupTable[e.value]&&(s.disable(),Promise.resolve(o({value:e.value,type:c.type,prop:c.prop,traces:c.traces,index:s.lookupTable[e.value]})).then(s.enable,s.enable)),e.changed}};for(var u=["plotly_relayout","plotly_redraw","plotly_restyle","plotly_update","plotly_animatingframe","plotly_afterplot"],f=0;f0&&i<0&&(i+=360);var s=(i-n)/4;return{type:"Polygon",coordinates:[[[n,a],[n,o],[n+s,o],[n+2*s,o],[n+3*s,o],[i,o],[i,a],[i-s,a],[i-2*s,a],[i-3*s,a],[n,a]]]}}e.exports=function(t){return new w(t)},T.plot=function(t,e,r){var n=this,i=e[this.id],a=[],o=!1;for(var s in y.layerNameToAdjective)if("frame"!==s&&i["show"+s]){o=!0;break}for(var l=0;l0&&a._module.calcGeoJSON(i,e)}if(!this.updateProjection(t,e)){this.viewInitial&&this.scope===r.scope||this.saveViewInitial(r),this.scope=r.scope,this.updateBaseLayers(e,r),this.updateDims(e,r),this.updateFx(e,r),u.generalUpdatePerTraceModule(this.graphDiv,this,t,r);var o=this.layers.frontplot.select(".scatterlayer");this.dataPoints.point=o.selectAll(".point"),this.dataPoints.text=o.selectAll("text"),this.dataPaths.line=o.selectAll(".js-line");var s=this.layers.backplot.select(".choroplethlayer");this.dataPaths.choropleth=s.selectAll("path"),this.render()}},T.updateProjection=function(t,e){var r=this.graphDiv,o=e[this.id],s=e._size,l=o.domain,c=o.projection,u=o.lonaxis,f=o.lataxis,p=u._ax,d=f._ax,g=this.projection=function(t){for(var e=t.projection.type,r=n.geo[y.projNames[e]](),i=t._isClipped?y.lonaxisSpan[e]/2:null,a=["center","rotate","parallels","clipExtent"],o=function(t){return t?r:[]},s=0;si*Math.PI/180}return!1},r.getPath=function(){return n.geo.path().projection(r)},r.getBounds=function(t){return r.getPath().bounds(t)},r.fitExtent=function(t,e){var n=t[1][0]-t[0][0],i=t[1][1]-t[0][1],a=r.clipExtent&&r.clipExtent();r.scale(150).translate([0,0]),a&&r.clipExtent(null);var o=r.getBounds(e),s=Math.min(n/(o[1][0]-o[0][0]),i/(o[1][1]-o[0][1])),l=+t[0][0]+(n-s*(o[1][0]+o[0][0]))/2,c=+t[0][1]+(i-s*(o[1][1]+o[0][1]))/2;return a&&r.clipExtent(a),r.scale(150*s).translate([l,c])},r.precision(y.precision),i&&r.clipAngle(i-y.clipPad);return r}(o),m=[[s.l+s.w*l.x[0],s.t+s.h*(1-l.y[1])],[s.l+s.w*l.x[1],s.t+s.h*(1-l.y[0])]],v=o.center||{},x=c.rotation||{},b=u.range||[],_=f.range||[];if(o.fitbounds){p._length=m[1][0]-m[0][0],d._length=m[1][1]-m[0][1],p.range=h(r,p),d.range=h(r,d);var w=(p.range[0]+p.range[1])/2,T=(d.range[0]+d.range[1])/2;if(o._isScoped)v={lon:w,lat:T};else if(o._isClipped){v={lon:w,lat:T},x={lon:w,lat:T,roll:x.roll};var M=c.type,A=y.lonaxisSpan[M]/2||180,S=y.lataxisSpan[M]/2||90;b=[w-A,w+A],_=[T-S,T+S]}else v={lon:w,lat:T},x={lon:w,lat:x.lat,roll:x.roll}}g.center([v.lon-x.lon,v.lat-x.lat]).rotate([-x.lon,-x.lat,x.roll]).parallels(c.parallels);var E=k(b,_);g.fitExtent(m,E);var C=this.bounds=g.getBounds(E),L=this.fitScale=g.scale(),I=g.translate();if(!isFinite(C[0][0])||!isFinite(C[0][1])||!isFinite(C[1][0])||!isFinite(C[1][1])||isNaN(I[0])||isNaN(I[0])){for(var P=["fitbounds","projection.rotation","center","lonaxis.range","lataxis.range"],z="Invalid geo settings, relayout'ing to default view.",O={},D=0;D-1&&m(n.event,a,[r.xaxis],[r.yaxis],r.id,f),l.indexOf("event")>-1&&c.click(a,n.event))}))}function h(t){return r.projection.invert([t[0]+r.xaxis._offset,t[1]+r.yaxis._offset])}},T.makeFramework=function(){var t=this,e=t.graphDiv,r=e._fullLayout,i="clip"+r._uid+t.id;t.clipDef=r._clips.append("clipPath").attr("id",i),t.clipRect=t.clipDef.append("rect"),t.framework=n.select(t.container).append("g").attr("class","geo "+t.id).call(l.setClipUrl,i,e),t.project=function(e){var r=t.projection(e);return r?[r[0]-t.xaxis._offset,r[1]-t.yaxis._offset]:[null,null]},t.xaxis={_id:"x",c2p:function(e){return t.project(e)[0]}},t.yaxis={_id:"y",c2p:function(e){return t.project(e)[1]}},t.mockAxis={type:"linear",showexponent:"all",exponentformat:"B"},f.setConvert(t.mockAxis,r)},T.saveViewInitial=function(t){var e,r=t.center||{},n=t.projection,i=n.rotation||{};this.viewInitial={fitbounds:t.fitbounds,"projection.scale":n.scale},e=t._isScoped?{"center.lon":r.lon,"center.lat":r.lat}:t._isClipped?{"projection.rotation.lon":i.lon,"projection.rotation.lat":i.lat}:{"center.lon":r.lon,"center.lat":r.lat,"projection.rotation.lon":i.lon},a.extendFlat(this.viewInitial,e)},T.render=function(){var t,e=this.projection,r=e.getPath();function n(t){var r=e(t.lonlat);return r?o(r[0],r[1]):null}function i(t){return e.isLonLatOverEdges(t.lonlat)?"none":null}for(t in this.basePaths)this.basePaths[t].attr("d",r);for(t in this.dataPaths)this.dataPaths[t].attr("d",(function(t){return r(t.geojson)}));for(t in this.dataPoints)this.dataPoints[t].attr("display",i).attr("transform",n)}},{"../../components/color":643,"../../components/dragelement":662,"../../components/drawing":665,"../../components/fx":683,"../../lib":778,"../../lib/geo_location_utils":771,"../../lib/topojson_utils":806,"../../registry":911,"../cartesian/autorange":827,"../cartesian/axes":828,"../cartesian/select":847,"../plots":891,"./constants":858,"./projections":863,"./zoom":864,d3:169,"topojson-client":579}],860:[function(t,e,r){"use strict";var n=t("../../plots/get_data").getSubplotCalcData,i=t("../../lib").counterRegex,a=t("./geo"),o="geo",s=i(o),l={};l.geo={valType:"subplotid",dflt:o,editType:"calc"},e.exports={attr:o,name:o,idRoot:o,idRegex:s,attrRegex:s,attributes:l,layoutAttributes:t("./layout_attributes"),supplyLayoutDefaults:t("./layout_defaults"),plot:function(t){for(var e=t._fullLayout,r=t.calcdata,i=e._subplots.geo,s=0;s0&&L<0&&(L+=360);var I,P,z,O=(C+L)/2;if(!p){var D=d?f.projRotate:[O,0,0];I=r("projection.rotation.lon",D[0]),r("projection.rotation.lat",D[1]),r("projection.rotation.roll",D[2]),r("showcoastlines",!d&&y)&&(r("coastlinecolor"),r("coastlinewidth")),r("showocean",!!y&&void 0)&&r("oceancolor")}(p?(P=-96.6,z=38.7):(P=d?O:I,z=(E[0]+E[1])/2),r("center.lon",P),r("center.lat",z),g)&&r("projection.parallels",f.projParallels||[0,60]);r("projection.scale"),r("showland",!!y&&void 0)&&r("landcolor"),r("showlakes",!!y&&void 0)&&r("lakecolor"),r("showrivers",!!y&&void 0)&&(r("rivercolor"),r("riverwidth")),r("showcountries",d&&"usa"!==u&&y)&&(r("countrycolor"),r("countrywidth")),("usa"===u||"north america"===u&&50===c)&&(r("showsubunits",y),r("subunitcolor"),r("subunitwidth")),d||r("showframe",y)&&(r("framecolor"),r("framewidth")),r("bgcolor"),r("fitbounds")&&(delete e.projection.scale,d?(delete e.center.lon,delete e.center.lat):m?(delete e.center.lon,delete e.center.lat,delete e.projection.rotation.lon,delete e.projection.rotation.lat,delete e.lonaxis.range,delete e.lataxis.range):(delete e.center.lon,delete e.center.lat,delete e.projection.rotation.lon))}e.exports=function(t,e,r){i(t,e,r,{type:"geo",attributes:s,handleDefaults:c,fullData:r,partition:"y"})}},{"../../lib":778,"../get_data":865,"../subplot_defaults":905,"./constants":858,"./layout_attributes":861}],863:[function(t,e,r){"use strict";e.exports=function(t){function e(t,e){return{type:"Feature",id:t.id,properties:t.properties,geometry:r(t.geometry,e)}}function r(e,n){if(!e)return null;if("GeometryCollection"===e.type)return{type:"GeometryCollection",geometries:object.geometries.map((function(t){return r(t,n)}))};if(!c.hasOwnProperty(e.type))return null;var i=c[e.type];return t.geo.stream(e,n(i)),i.result()}t.geo.project=function(t,e){var i=e.stream;if(!i)throw new Error("not yet supported");return(t&&n.hasOwnProperty(t.type)?n[t.type]:r)(t,i)};var n={Feature:e,FeatureCollection:function(t,r){return{type:"FeatureCollection",features:t.features.map((function(t){return e(t,r)}))}}},i=[],a=[],o={point:function(t,e){i.push([t,e])},result:function(){var t=i.length?i.length<2?{type:"Point",coordinates:i[0]}:{type:"MultiPoint",coordinates:i}:null;return i=[],t}},s={lineStart:u,point:function(t,e){i.push([t,e])},lineEnd:function(){i.length&&(a.push(i),i=[])},result:function(){var t=a.length?a.length<2?{type:"LineString",coordinates:a[0]}:{type:"MultiLineString",coordinates:a}:null;return a=[],t}},l={polygonStart:u,lineStart:u,point:function(t,e){i.push([t,e])},lineEnd:function(){var t=i.length;if(t){do{i.push(i[0].slice())}while(++t<4);a.push(i),i=[]}},polygonEnd:u,result:function(){if(!a.length)return null;var t=[],e=[];return a.forEach((function(r){!function(t){if((e=t.length)<4)return!1;var e,r=0,n=t[e-1][1]*t[0][0]-t[e-1][0]*t[0][1];for(;++rn^p>n&&r<(h-c)*(n-u)/(p-u)+c&&(i=!i)}return i}(t[0],r))return t.push(e),!0}))||t.push([e])})),a=[],t.length?t.length>1?{type:"MultiPolygon",coordinates:t}:{type:"Polygon",coordinates:t[0]}:null}},c={Point:o,MultiPoint:o,LineString:s,MultiLineString:s,Polygon:l,MultiPolygon:l,Sphere:l};function u(){}var f=1e-6,h=Math.PI,p=h/2,d=(Math.sqrt(h),h/180),g=180/h;function m(t){return t>1?p:t<-1?-p:Math.asin(t)}function v(t){return t>1?0:t<-1?h:Math.acos(t)}var y=t.geo.projection,x=t.geo.projectionMutator;function b(t,e){var r=(2+p)*Math.sin(e);e/=2;for(var n=0,i=1/0;n<10&&Math.abs(i)>f;n++){var a=Math.cos(e);e-=i=(e+Math.sin(e)*(a+2)-r)/(2*a*(1+a))}return[2/Math.sqrt(h*(4+h))*t*(1+Math.cos(e)),2*Math.sqrt(h/(4+h))*Math.sin(e)]}t.geo.interrupt=function(e){var r,n=[[[[-h,0],[0,p],[h,0]]],[[[-h,0],[0,-p],[h,0]]]];function i(t,r){for(var i=r<0?-1:1,a=n[+(r<0)],o=0,s=a.length-1;oa[o][2][0];++o);var l=e(t-a[o][1][0],r);return l[0]+=e(a[o][1][0],i*r>i*a[o][0][1]?a[o][0][1]:r)[0],l}function a(){r=n.map((function(t){return t.map((function(t){var r,n=e(t[0][0],t[0][1])[0],i=e(t[2][0],t[2][1])[0],a=e(t[1][0],t[0][1])[1],o=e(t[1][0],t[1][1])[1];return a>o&&(r=a,a=o,o=r),[[n,a],[i,o]]}))}))}e.invert&&(i.invert=function(t,a){for(var o=r[+(a<0)],s=n[+(a<0)],l=0,u=o.length;l=0;--i){var p;o=180*(p=n[1][i])[0][0]/h,s=180*p[0][1]/h,c=180*p[1][1]/h,u=180*p[2][0]/h,f=180*p[2][1]/h;r.push(l([[u-e,f-e],[u-e,c+e],[o+e,c+e],[o+e,s-e]],30))}return{type:"Polygon",coordinates:[t.merge(r)]}}(),a)},i},o.lobes=function(t){return arguments.length?(n=t.map((function(t){return t.map((function(t){return[[t[0][0]*h/180,t[0][1]*h/180],[t[1][0]*h/180,t[1][1]*h/180],[t[2][0]*h/180,t[2][1]*h/180]]}))})),a(),o):n.map((function(t){return t.map((function(t){return[[180*t[0][0]/h,180*t[0][1]/h],[180*t[1][0]/h,180*t[1][1]/h],[180*t[2][0]/h,180*t[2][1]/h]]}))}))},o},b.invert=function(t,e){var r=.5*e*Math.sqrt((4+h)/h),n=m(r),i=Math.cos(n);return[t/(2/Math.sqrt(h*(4+h))*(1+i)),m((n+r*(i+2))/(2+p))]},(t.geo.eckert4=function(){return y(b)}).raw=b;var _=t.geo.azimuthalEqualArea.raw;function w(t,e){if(arguments.length<2&&(e=t),1===e)return _;if(e===1/0)return T;function r(r,n){var i=_(r/e,n);return i[0]*=t,i}return r.invert=function(r,n){var i=_.invert(r/t,n);return i[0]*=e,i},r}function T(t,e){return[t*Math.cos(e)/Math.cos(e/=2),2*Math.sin(e)]}function k(t,e){return[3*t/(2*h)*Math.sqrt(h*h/3-e*e),e]}function M(t,e){return[t,1.25*Math.log(Math.tan(h/4+.4*e))]}function A(t){return function(e){var r,n=t*Math.sin(e),i=30;do{e-=r=(e+Math.sin(e)-n)/(1+Math.cos(e))}while(Math.abs(r)>f&&--i>0);return e/2}}T.invert=function(t,e){var r=2*m(e/2);return[t*Math.cos(r/2)/Math.cos(r),r]},(t.geo.hammer=function(){var t=2,e=x(w),r=e(t);return r.coefficient=function(r){return arguments.length?e(t=+r):t},r}).raw=w,k.invert=function(t,e){return[2/3*h*t/Math.sqrt(h*h/3-e*e),e]},(t.geo.kavrayskiy7=function(){return y(k)}).raw=k,M.invert=function(t,e){return[t,2.5*Math.atan(Math.exp(.8*e))-.625*h]},(t.geo.miller=function(){return y(M)}).raw=M,A(h);var S=function(t,e,r){var n=A(r);function i(r,i){return[t*r*Math.cos(i=n(i)),e*Math.sin(i)]}return i.invert=function(n,i){var a=m(i/e);return[n/(t*Math.cos(a)),m((2*a+Math.sin(2*a))/r)]},i}(Math.SQRT2/p,Math.SQRT2,h);function E(t,e){var r=e*e,n=r*r;return[t*(.8707-.131979*r+n*(n*(.003971*r-.001529*n)-.013791)),e*(1.007226+r*(.015085+n*(.028874*r-.044475-.005916*n)))]}(t.geo.mollweide=function(){return y(S)}).raw=S,E.invert=function(t,e){var r,n=e,i=25;do{var a=n*n,o=a*a;n-=r=(n*(1.007226+a*(.015085+o*(.028874*a-.044475-.005916*o)))-e)/(1.007226+a*(.045255+o*(.259866*a-.311325-.005916*11*o)))}while(Math.abs(r)>f&&--i>0);return[t/(.8707+(a=n*n)*(a*(a*a*a*(.003971-.001529*a)-.013791)-.131979)),n]},(t.geo.naturalEarth=function(){return y(E)}).raw=E;var C=[[.9986,-.062],[1,0],[.9986,.062],[.9954,.124],[.99,.186],[.9822,.248],[.973,.31],[.96,.372],[.9427,.434],[.9216,.4958],[.8962,.5571],[.8679,.6176],[.835,.6769],[.7986,.7346],[.7597,.7903],[.7186,.8435],[.6732,.8936],[.6213,.9394],[.5722,.9761],[.5322,1]];function L(t,e){var r,n=Math.min(18,36*Math.abs(e)/h),i=Math.floor(n),a=n-i,o=(r=C[i])[0],s=r[1],l=(r=C[++i])[0],c=r[1],u=(r=C[Math.min(19,++i)])[0],f=r[1];return[t*(l+a*(u-o)/2+a*a*(u-2*l+o)/2),(e>0?p:-p)*(c+a*(f-s)/2+a*a*(f-2*c+s)/2)]}function I(t,e){return[t*Math.cos(e),e]}function P(t,e){var r,n=Math.cos(e),i=(r=v(n*Math.cos(t/=2)))?r/Math.sin(r):1;return[2*n*Math.sin(t)*i,Math.sin(e)*i]}function z(t,e){var r=P(t,e);return[(r[0]+t/p)/2,(r[1]+e)/2]}C.forEach((function(t){t[1]*=1.0144})),L.invert=function(t,e){var r=e/p,n=90*r,i=Math.min(18,Math.abs(n/5)),a=Math.max(0,Math.floor(i));do{var o=C[a][1],s=C[a+1][1],l=C[Math.min(19,a+2)][1],c=l-o,u=l-2*s+o,f=2*(Math.abs(r)-s)/c,h=u/c,m=f*(1-h*f*(1-2*h*f));if(m>=0||1===a){n=(e>=0?5:-5)*(m+i);var v,y=50;do{m=(i=Math.min(18,Math.abs(n)/5))-(a=Math.floor(i)),o=C[a][1],s=C[a+1][1],l=C[Math.min(19,a+2)][1],n-=(v=(e>=0?p:-p)*(s+m*(l-o)/2+m*m*(l-2*s+o)/2)-e)*g}while(Math.abs(v)>1e-12&&--y>0);break}}while(--a>=0);var x=C[a][0],b=C[a+1][0],_=C[Math.min(19,a+2)][0];return[t/(b+m*(_-x)/2+m*m*(_-2*b+x)/2),n*d]},(t.geo.robinson=function(){return y(L)}).raw=L,I.invert=function(t,e){return[t/Math.cos(e),e]},(t.geo.sinusoidal=function(){return y(I)}).raw=I,P.invert=function(t,e){if(!(t*t+4*e*e>h*h+f)){var r=t,n=e,i=25;do{var a,o=Math.sin(r),s=Math.sin(r/2),l=Math.cos(r/2),c=Math.sin(n),u=Math.cos(n),p=Math.sin(2*n),d=c*c,g=u*u,m=s*s,y=1-g*l*l,x=y?v(u*l)*Math.sqrt(a=1/y):a=0,b=2*x*u*s-t,_=x*c-e,w=a*(g*m+x*u*l*d),T=a*(.5*o*p-2*x*c*s),k=.25*a*(p*s-x*c*g*o),M=a*(d*l+x*m*u),A=T*k-M*w;if(!A)break;var S=(_*T-b*M)/A,E=(b*k-_*w)/A;r-=S,n-=E}while((Math.abs(S)>f||Math.abs(E)>f)&&--i>0);return[r,n]}},(t.geo.aitoff=function(){return y(P)}).raw=P,z.invert=function(t,e){var r=t,n=e,i=25;do{var a,o=Math.cos(n),s=Math.sin(n),l=Math.sin(2*n),c=s*s,u=o*o,h=Math.sin(r),d=Math.cos(r/2),g=Math.sin(r/2),m=g*g,y=1-u*d*d,x=y?v(o*d)*Math.sqrt(a=1/y):a=0,b=.5*(2*x*o*g+r/p)-t,_=.5*(x*s+n)-e,w=.5*a*(u*m+x*o*d*c)+.5/p,T=a*(h*l/4-x*s*g),k=.125*a*(l*g-x*s*u*h),M=.5*a*(c*d+x*m*o)+.5,A=T*k-M*w,S=(_*T-b*M)/A,E=(b*k-_*w)/A;r-=S,n-=E}while((Math.abs(S)>f||Math.abs(E)>f)&&--i>0);return[r,n]},(t.geo.winkel3=function(){return y(z)}).raw=z}},{}],864:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../registry"),o=Math.PI/180,s=180/Math.PI,l={cursor:"pointer"},c={cursor:"auto"};function u(t,e){return n.behavior.zoom().translate(e.translate()).scale(e.scale())}function f(t,e,r){var n=t.id,o=t.graphDiv,s=o.layout,l=s[n],c=o._fullLayout,u=c[n],f={},h={};function p(t,e){f[n+"."+t]=i.nestedProperty(l,t).get(),a.call("_storeDirectGUIEdit",s,c._preGUI,f);var r=i.nestedProperty(u,t);r.get()!==e&&(r.set(e),i.nestedProperty(l,t).set(e),h[n+"."+t]=e)}r(p),p("projection.scale",e.scale()/t.fitScale),p("fitbounds",!1),o.emit("plotly_relayout",h)}function h(t,e){var r=u(0,e);function i(r){var n=e.invert(t.midPt);r("center.lon",n[0]),r("center.lat",n[1])}return r.on("zoomstart",(function(){n.select(this).style(l)})).on("zoom",(function(){e.scale(n.event.scale).translate(n.event.translate),t.render();var r=e.invert(t.midPt);t.graphDiv.emit("plotly_relayouting",{"geo.projection.scale":e.scale()/t.fitScale,"geo.center.lon":r[0],"geo.center.lat":r[1]})})).on("zoomend",(function(){n.select(this).style(c),f(t,e,i)})),r}function p(t,e){var r,i,a,o,s,h,p,d,g,m=u(0,e);function v(t){return e.invert(t)}function y(r){var n=e.rotate(),i=e.invert(t.midPt);r("projection.rotation.lon",-n[0]),r("center.lon",i[0]),r("center.lat",i[1])}return m.on("zoomstart",(function(){n.select(this).style(l),r=n.mouse(this),i=e.rotate(),a=e.translate(),o=i,s=v(r)})).on("zoom",(function(){if(h=n.mouse(this),function(t){var r=v(t);if(!r)return!0;var n=e(r);return Math.abs(n[0]-t[0])>2||Math.abs(n[1]-t[1])>2}(r))return m.scale(e.scale()),void m.translate(e.translate());e.scale(n.event.scale),e.translate([a[0],n.event.translate[1]]),s?v(h)&&(d=v(h),p=[o[0]+(d[0]-s[0]),i[1],i[2]],e.rotate(p),o=p):s=v(r=h),g=!0,t.render();var l=e.rotate(),c=e.invert(t.midPt);t.graphDiv.emit("plotly_relayouting",{"geo.projection.scale":e.scale()/t.fitScale,"geo.center.lon":c[0],"geo.center.lat":c[1],"geo.projection.rotation.lon":-l[0]})})).on("zoomend",(function(){n.select(this).style(c),g&&f(t,e,y)})),m}function d(t,e){var r,i={r:e.rotate(),k:e.scale()},a=u(0,e),o=function(t){var e=0,r=arguments.length,i=[];for(;++ed?(a=(f>0?90:-90)-p,i=0):(a=Math.asin(f/d)*s-p,i=Math.sqrt(d*d-f*f));var g=180-a-2*p,m=(Math.atan2(h,u)-Math.atan2(c,i))*s,v=(Math.atan2(h,u)-Math.atan2(c,-i))*s;return b(r[0],r[1],a,m)<=b(r[0],r[1],g,v)?[a,m,r[2]]:[g,v,r[2]]}function b(t,e,r,n){var i=_(r-t),a=_(n-e);return Math.sqrt(i*i+a*a)}function _(t){return(t%360+540)%360-180}function w(t,e,r){var n=r*o,i=t.slice(),a=0===e?1:0,s=2===e?1:2,l=Math.cos(n),c=Math.sin(n);return i[a]=t[a]*l-t[s]*c,i[s]=t[s]*l+t[a]*c,i}function T(t){return[Math.atan2(2*(t[0]*t[1]+t[2]*t[3]),1-2*(t[1]*t[1]+t[2]*t[2]))*s,Math.asin(Math.max(-1,Math.min(1,2*(t[0]*t[2]-t[3]*t[1]))))*s,Math.atan2(2*(t[0]*t[3]+t[1]*t[2]),1-2*(t[2]*t[2]+t[3]*t[3]))*s]}function k(t,e){for(var r=0,n=0,i=t.length;nMath.abs(s)?(c.boxEnd[1]=c.boxStart[1]+Math.abs(a)*_*(s>=0?1:-1),c.boxEnd[1]l[3]&&(c.boxEnd[1]=l[3],c.boxEnd[0]=c.boxStart[0]+(l[3]-c.boxStart[1])/Math.abs(_))):(c.boxEnd[0]=c.boxStart[0]+Math.abs(s)/_*(a>=0?1:-1),c.boxEnd[0]l[2]&&(c.boxEnd[0]=l[2],c.boxEnd[1]=c.boxStart[1]+(l[2]-c.boxStart[0])*Math.abs(_)))}}else c.boxEnabled?(a=c.boxStart[0]!==c.boxEnd[0],s=c.boxStart[1]!==c.boxEnd[1],a||s?(a&&(m(0,c.boxStart[0],c.boxEnd[0]),t.xaxis.autorange=!1),s&&(m(1,c.boxStart[1],c.boxEnd[1]),t.yaxis.autorange=!1),t.relayoutCallback()):t.glplot.setDirty(),c.boxEnabled=!1,c.boxInited=!1):c.boxInited&&(c.boxInited=!1);break;case"pan":c.boxEnabled=!1,c.boxInited=!1,e?(c.panning||(c.dragStart[0]=n,c.dragStart[1]=i),Math.abs(c.dragStart[0]-n).999&&(g="turntable"):g="turntable")}else g="turntable";r("dragmode",g),r("hovermode",n.getDfltFromLayout("hovermode"))}e.exports=function(t,e,r){var i=e._basePlotModules.length>1;o(t,e,r,{type:"gl3d",attributes:l,handleDefaults:u,fullLayout:e,font:e.font,fullData:r,getDfltFromLayout:function(e){if(!i)return n.validate(t[e],l[e])?t[e]:void 0},autotypenumbersDflt:e.autotypenumbers,paper_bgcolor:e.paper_bgcolor,calendar:e.calendar})}},{"../../../components/color":643,"../../../lib":778,"../../../registry":911,"../../get_data":865,"../../subplot_defaults":905,"./axis_defaults":873,"./layout_attributes":876}],876:[function(t,e,r){"use strict";var n=t("./axis_attributes"),i=t("../../domain").attributes,a=t("../../../lib/extend").extendFlat,o=t("../../../lib").counterRegex;function s(t,e,r){return{x:{valType:"number",dflt:t,editType:"camera"},y:{valType:"number",dflt:e,editType:"camera"},z:{valType:"number",dflt:r,editType:"camera"},editType:"camera"}}e.exports={_arrayAttrRegexps:[o("scene",".annotations",!0)],bgcolor:{valType:"color",dflt:"rgba(0,0,0,0)",editType:"plot"},camera:{up:a(s(0,0,1),{}),center:a(s(0,0,0),{}),eye:a(s(1.25,1.25,1.25),{}),projection:{type:{valType:"enumerated",values:["perspective","orthographic"],dflt:"perspective",editType:"calc"},editType:"calc"},editType:"camera"},domain:i({name:"scene",editType:"plot"}),aspectmode:{valType:"enumerated",values:["auto","cube","data","manual"],dflt:"auto",editType:"plot",impliedEdits:{"aspectratio.x":void 0,"aspectratio.y":void 0,"aspectratio.z":void 0}},aspectratio:{x:{valType:"number",min:0,editType:"plot",impliedEdits:{"^aspectmode":"manual"}},y:{valType:"number",min:0,editType:"plot",impliedEdits:{"^aspectmode":"manual"}},z:{valType:"number",min:0,editType:"plot",impliedEdits:{"^aspectmode":"manual"}},editType:"plot",impliedEdits:{aspectmode:"manual"}},xaxis:n,yaxis:n,zaxis:n,dragmode:{valType:"enumerated",values:["orbit","turntable","zoom","pan",!1],editType:"plot"},hovermode:{valType:"enumerated",values:["closest",!1],dflt:"closest",editType:"modebar"},uirevision:{valType:"any",editType:"none"},editType:"plot",_deprecated:{cameraposition:{valType:"info_array",editType:"camera"}}}},{"../../../lib":778,"../../../lib/extend":768,"../../domain":855,"./axis_attributes":872}],877:[function(t,e,r){"use strict";var n=t("../../../lib/str2rgbarray"),i=["xaxis","yaxis","zaxis"];function a(){this.enabled=[!0,!0,!0],this.colors=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.drawSides=[!0,!0,!0],this.lineWidth=[1,1,1]}a.prototype.merge=function(t){for(var e=0;e<3;++e){var r=t[i[e]];r.visible?(this.enabled[e]=r.showspikes,this.colors[e]=n(r.spikecolor),this.drawSides[e]=r.spikesides,this.lineWidth[e]=r.spikethickness):(this.enabled[e]=!1,this.drawSides[e]=!1)}},e.exports=function(t){var e=new a;return e.merge(t),e}},{"../../../lib/str2rgbarray":802}],878:[function(t,e,r){"use strict";e.exports=function(t){for(var e=t.axesOptions,r=t.glplot.axesPixels,s=t.fullSceneLayout,l=[[],[],[]],c=0;c<3;++c){var u=s[a[c]];if(u._length=(r[c].hi-r[c].lo)*r[c].pixelsPerDataUnit/t.dataScale[c],Math.abs(u._length)===1/0||isNaN(u._length))l[c]=[];else{u._input_range=u.range.slice(),u.range[0]=r[c].lo/t.dataScale[c],u.range[1]=r[c].hi/t.dataScale[c],u._m=1/(t.dataScale[c]*r[c].pixelsPerDataUnit),u.range[0]===u.range[1]&&(u.range[0]-=1,u.range[1]+=1);var f=u.tickmode;if("auto"===u.tickmode){u.tickmode="linear";var h=u.nticks||i.constrain(u._length/40,4,9);n.autoTicks(u,Math.abs(u.range[1]-u.range[0])/h)}for(var p=n.calcTicks(u,{msUTC:!0}),d=0;d/g," "));l[c]=p,u.tickmode=f}}e.ticks=l;for(c=0;c<3;++c){o[c]=.5*(t.glplot.bounds[0][c]+t.glplot.bounds[1][c]);for(d=0;d<2;++d)e.bounds[d][c]=t.glplot.bounds[d][c]}t.contourLevels=function(t){for(var e=new Array(3),r=0;r<3;++r){for(var n=t[r],i=new Array(n.length),a=0;ar.deltaY?1.1:1/1.1,a=t.glplot.getAspectratio();t.glplot.setAspectratio({x:n*a.x,y:n*a.y,z:n*a.z})}i(t)}}),!!c&&{passive:!1}),t.glplot.canvas.addEventListener("mousemove",(function(){if(!1!==t.fullSceneLayout.dragmode&&0!==t.camera.mouseListener.buttons){var e=n();t.graphDiv.emit("plotly_relayouting",e)}})),t.staticMode||t.glplot.canvas.addEventListener("webglcontextlost",(function(r){e&&e.emit&&e.emit("plotly_webglcontextlost",{event:r,layer:t.id})}),!1)),t.glplot.oncontextloss=function(){t.recoverContext()},t.glplot.onrender=function(){t.render()},!0},w.render=function(){var t,e=this,r=e.graphDiv,n=e.svgContainer,i=e.container.getBoundingClientRect();r._fullLayout._calcInverseTransform(r);var a=r._fullLayout._invScaleX,o=r._fullLayout._invScaleY,s=i.width*a,l=i.height*o;n.setAttributeNS(null,"viewBox","0 0 "+s+" "+l),n.setAttributeNS(null,"width",s),n.setAttributeNS(null,"height",l),b(e),e.glplot.axes.update(e.axesOptions);for(var c,u=Object.keys(e.traces),h=null,g=e.glplot.selection,m=0;m")):"isosurface"===t.type||"volume"===t.type?(k.valueLabel=p.tickText(e._mockAxis,e._mockAxis.d2l(g.traceCoordinate[3]),"hover").text,E.push("value: "+k.valueLabel),g.textLabel&&E.push(g.textLabel),_=E.join("
")):_=g.textLabel;var C={x:g.traceCoordinate[0],y:g.traceCoordinate[1],z:g.traceCoordinate[2],data:w._input,fullData:w,curveNumber:w.index,pointNumber:T};d.appendArrayPointValue(C,w,T),t._module.eventData&&(C=w._module.eventData(C,g,w,{},T));var L={points:[C]};e.fullSceneLayout.hovermode&&d.loneHover({trace:w,x:(.5+.5*x[0]/x[3])*s,y:(.5-.5*x[1]/x[3])*l,xLabel:k.xLabel,yLabel:k.yLabel,zLabel:k.zLabel,text:_,name:h.name,color:d.castHoverOption(w,T,"bgcolor")||h.color,borderColor:d.castHoverOption(w,T,"bordercolor"),fontFamily:d.castHoverOption(w,T,"font.family"),fontSize:d.castHoverOption(w,T,"font.size"),fontColor:d.castHoverOption(w,T,"font.color"),nameLength:d.castHoverOption(w,T,"namelength"),textAlign:d.castHoverOption(w,T,"align"),hovertemplate:f.castOption(w,T,"hovertemplate"),hovertemplateLabels:f.extendFlat({},C,k),eventData:[C]},{container:n,gd:r}),g.buttons&&g.distance<5?r.emit("plotly_click",L):r.emit("plotly_hover",L),c=L}else d.loneUnhover(n),r.emit("plotly_unhover",c);e.drawAnnotations(e)},w.recoverContext=function(){var t=this;t.glplot.dispose();var e=function(){t.glplot.gl.isContextLost()?requestAnimationFrame(e):t.initializeGLPlot()?t.plot.apply(t,t.plotArgs):f.error("Catastrophic and unrecoverable WebGL error. Context lost.")};requestAnimationFrame(e)};var k=["xaxis","yaxis","zaxis"];function M(t,e,r){for(var n=t.fullSceneLayout,i=0;i<3;i++){var a=k[i],o=a.charAt(0),s=n[a],l=e[o],c=e[o+"calendar"],u=e["_"+o+"length"];if(f.isArrayOrTypedArray(l))for(var h,p=0;p<(u||l.length);p++)if(f.isArrayOrTypedArray(l[p]))for(var d=0;dm[1][a])m[0][a]=-1,m[1][a]=1;else{var C=m[1][a]-m[0][a];m[0][a]-=C/32,m[1][a]+=C/32}if("reversed"===s.autorange){var L=m[0][a];m[0][a]=m[1][a],m[1][a]=L}}else{var I=s.range;m[0][a]=s.r2l(I[0]),m[1][a]=s.r2l(I[1])}m[0][a]===m[1][a]&&(m[0][a]-=1,m[1][a]+=1),v[a]=m[1][a]-m[0][a],this.glplot.setBounds(a,{min:m[0][a]*h[a],max:m[1][a]*h[a]})}var P=c.aspectmode;if("cube"===P)d=[1,1,1];else if("manual"===P){var z=c.aspectratio;d=[z.x,z.y,z.z]}else{if("auto"!==P&&"data"!==P)throw new Error("scene.js aspectRatio was not one of the enumerated types");var O=[1,1,1];for(a=0;a<3;++a){var D=y[l=(s=c[k[a]]).type];O[a]=Math.pow(D.acc,1/D.count)/h[a]}d="data"===P||Math.max.apply(null,O)/Math.min.apply(null,O)<=4?O:[1,1,1]}c.aspectratio.x=u.aspectratio.x=d[0],c.aspectratio.y=u.aspectratio.y=d[1],c.aspectratio.z=u.aspectratio.z=d[2],this.glplot.setAspectratio(c.aspectratio),this.viewInitial.aspectratio||(this.viewInitial.aspectratio={x:c.aspectratio.x,y:c.aspectratio.y,z:c.aspectratio.z}),this.viewInitial.aspectmode||(this.viewInitial.aspectmode=c.aspectmode);var R=c.domain||null,F=e._size||null;if(R&&F){var B=this.container.style;B.position="absolute",B.left=F.l+R.x[0]*F.w+"px",B.top=F.t+(1-R.y[1])*F.h+"px",B.width=F.w*(R.x[1]-R.x[0])+"px",B.height=F.h*(R.y[1]-R.y[0])+"px"}this.glplot.redraw()}},w.destroy=function(){this.glplot&&(this.camera.mouseListener.enabled=!1,this.container.removeEventListener("wheel",this.camera.wheelListener),this.camera=null,this.glplot.dispose(),this.container.parentNode.removeChild(this.container),this.glplot=null)},w.getCamera=function(){var t;return this.camera.view.recalcMatrix(this.camera.view.lastT()),{up:{x:(t=this.camera).up[0],y:t.up[1],z:t.up[2]},center:{x:t.center[0],y:t.center[1],z:t.center[2]},eye:{x:t.eye[0],y:t.eye[1],z:t.eye[2]},projection:{type:!0===t._ortho?"orthographic":"perspective"}}},w.setViewport=function(t){var e,r=t.camera;this.camera.lookAt.apply(this,[[(e=r).eye.x,e.eye.y,e.eye.z],[e.center.x,e.center.y,e.center.z],[e.up.x,e.up.y,e.up.z]]),this.glplot.setAspectratio(t.aspectratio),"orthographic"===r.projection.type!==this.camera._ortho&&(this.glplot.redraw(),this.glplot.clearRGBA(),this.glplot.dispose(),this.initializeGLPlot())},w.isCameraChanged=function(t){var e=this.getCamera(),r=f.nestedProperty(t,this.id+".camera").get();function n(t,e,r,n){var i=["up","center","eye"],a=["x","y","z"];return e[i[r]]&&t[i[r]][a[n]]===e[i[r]][a[n]]}var i=!1;if(void 0===r)i=!0;else{for(var a=0;a<3;a++)for(var o=0;o<3;o++)if(!n(e,r,a,o)){i=!0;break}(!r.projection||e.projection&&e.projection.type!==r.projection.type)&&(i=!0)}return i},w.isAspectChanged=function(t){var e=this.glplot.getAspectratio(),r=f.nestedProperty(t,this.id+".aspectratio").get();return void 0===r||r.x!==e.x||r.y!==e.y||r.z!==e.z},w.saveLayout=function(t){var e,r,n,i,a,o,s=this.fullLayout,l=this.isCameraChanged(t),c=this.isAspectChanged(t),h=l||c;if(h){var p={};if(l&&(e=this.getCamera(),n=(r=f.nestedProperty(t,this.id+".camera")).get(),p[this.id+".camera"]=n),c&&(i=this.glplot.getAspectratio(),o=(a=f.nestedProperty(t,this.id+".aspectratio")).get(),p[this.id+".aspectratio"]=o),u.call("_storeDirectGUIEdit",t,s._preGUI,p),l)r.set(e),f.nestedProperty(s,this.id+".camera").set(e);if(c)a.set(i),f.nestedProperty(s,this.id+".aspectratio").set(i),this.glplot.redraw()}return h},w.updateFx=function(t,e){var r=this.camera;if(r)if("orbit"===t)r.mode="orbit",r.keyBindingMode="rotate";else if("turntable"===t){r.up=[0,0,1],r.mode="turntable",r.keyBindingMode="rotate";var n=this.graphDiv,i=n._fullLayout,a=this.fullSceneLayout.camera,o=a.up.x,s=a.up.y,l=a.up.z;if(l/Math.sqrt(o*o+s*s+l*l)<.999){var c=this.id+".camera.up",h={x:0,y:0,z:1},p={};p[c]=h;var d=n.layout;u.call("_storeDirectGUIEdit",d,i._preGUI,p),a.up=h,f.nestedProperty(d,c).set(h)}}else r.keyBindingMode=t;this.fullSceneLayout.hovermode=e},w.toImage=function(t){t||(t="png"),this.staticMode&&this.container.appendChild(n),this.glplot.redraw();var e=this.glplot.gl,r=e.drawingBufferWidth,i=e.drawingBufferHeight;e.bindFramebuffer(e.FRAMEBUFFER,null);var a=new Uint8Array(r*i*4);e.readPixels(0,0,r,i,e.RGBA,e.UNSIGNED_BYTE,a),function(t,e,r){for(var n=0,i=r-1;n0)for(var s=255/o,l=0;l<3;++l)t[a+l]=Math.min(s*t[a+l],255)}}(a,r,i);var o=document.createElement("canvas");o.width=r,o.height=i;var s,l=o.getContext("2d"),c=l.createImageData(r,i);switch(c.data.set(a),l.putImageData(c,0,0),t){case"jpeg":s=o.toDataURL("image/jpeg");break;case"webp":s=o.toDataURL("image/webp");break;default:s=o.toDataURL("image/png")}return this.staticMode&&this.container.removeChild(n),s},w.setConvert=function(){for(var t=0;t<3;t++){var e=this.fullSceneLayout[k[t]];p.setConvert(e,this.fullLayout),e.setScale=f.noop}},w.make4thDimension=function(){var t=this.graphDiv._fullLayout;this._mockAxis={type:"linear",showexponent:"all",exponentformat:"B"},p.setConvert(this._mockAxis,t)},e.exports=_},{"../../components/fx":683,"../../lib":778,"../../lib/show_no_webgl_msg":800,"../../lib/str2rgbarray":802,"../../plots/cartesian/axes":828,"../../registry":911,"./layout/convert":874,"./layout/spikes":877,"./layout/tick_marks":878,"./project":879,"gl-plot3d":321,"has-passive-events":441,"webgl-context":606}],881:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){n=n||t.length;for(var i=new Array(n),a=0;a\xa9 OpenStreetMap
',tiles:["https://a.tile.openstreetmap.org/{z}/{x}/{y}.png","https://b.tile.openstreetmap.org/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-osm-tiles",type:"raster",source:"plotly-osm-tiles",minzoom:0,maxzoom:22}]},"white-bg":{id:"white-bg",version:8,sources:{},layers:[{id:"white-bg",type:"background",paint:{"background-color":"#FFFFFF"},minzoom:0,maxzoom:22}]},"carto-positron":{id:"carto-positron",version:8,sources:{"plotly-carto-positron":{type:"raster",attribution:'\xa9 CARTO',tiles:["https://cartodb-basemaps-c.global.ssl.fastly.net/light_all/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-carto-positron",type:"raster",source:"plotly-carto-positron",minzoom:0,maxzoom:22}]},"carto-darkmatter":{id:"carto-darkmatter",version:8,sources:{"plotly-carto-darkmatter":{type:"raster",attribution:'\xa9 CARTO',tiles:["https://cartodb-basemaps-c.global.ssl.fastly.net/dark_all/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-carto-darkmatter",type:"raster",source:"plotly-carto-darkmatter",minzoom:0,maxzoom:22}]},"stamen-terrain":{id:"stamen-terrain",version:8,sources:{"plotly-stamen-terrain":{type:"raster",attribution:'Map tiles by Stamen Design, under CC BY 3.0 | Data by OpenStreetMap, under ODbL.',tiles:["https://stamen-tiles.a.ssl.fastly.net/terrain/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-stamen-terrain",type:"raster",source:"plotly-stamen-terrain",minzoom:0,maxzoom:22}]},"stamen-toner":{id:"stamen-toner",version:8,sources:{"plotly-stamen-toner":{type:"raster",attribution:'Map tiles by Stamen Design, under CC BY 3.0 | Data by OpenStreetMap, under ODbL.',tiles:["https://stamen-tiles.a.ssl.fastly.net/toner/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-stamen-toner",type:"raster",source:"plotly-stamen-toner",minzoom:0,maxzoom:22}]},"stamen-watercolor":{id:"stamen-watercolor",version:8,sources:{"plotly-stamen-watercolor":{type:"raster",attribution:'Map tiles by Stamen Design, under CC BY 3.0 | Data by OpenStreetMap, under CC BY SA.',tiles:["https://stamen-tiles.a.ssl.fastly.net/watercolor/{z}/{x}/{y}.png"],tileSize:256}},layers:[{id:"plotly-stamen-watercolor",type:"raster",source:"plotly-stamen-watercolor",minzoom:0,maxzoom:22}]}},i=Object.keys(n);e.exports={requiredVersion:"1.10.1",styleUrlPrefix:"mapbox://styles/mapbox/",styleUrlSuffix:"v9",styleValuesMapbox:["basic","streets","outdoors","light","dark","satellite","satellite-streets"],styleValueDflt:"basic",stylesNonMapbox:n,styleValuesNonMapbox:i,traceLayerPrefix:"plotly-trace-layer-",layoutLayerPrefix:"plotly-layout-layer-",wrongVersionErrorMsg:["Your custom plotly.js bundle is not using the correct mapbox-gl version","Please install mapbox-gl@1.10.1."].join("\n"),noAccessTokenErrorMsg:["Missing Mapbox access token.","Mapbox trace type require a Mapbox access token to be registered.","For example:"," Plotly.plot(gd, data, layout, { mapboxAccessToken: 'my-access-token' });","More info here: https://www.mapbox.com/help/define-access-token/"].join("\n"),missingStyleErrorMsg:["No valid mapbox style found, please set `mapbox.style` to one of:",i.join(", "),"or register a Mapbox access token to use a Mapbox-served style."].join("\n"),multipleTokensErrorMsg:["Set multiple mapbox access token across different mapbox subplot,","using first token found as mapbox-gl does not allow multipleaccess tokens on the same page."].join("\n"),mapOnErrorMsg:"Mapbox error.",mapboxLogo:{path0:"m 10.5,1.24 c -5.11,0 -9.25,4.15 -9.25,9.25 0,5.1 4.15,9.25 9.25,9.25 5.1,0 9.25,-4.15 9.25,-9.25 0,-5.11 -4.14,-9.25 -9.25,-9.25 z m 4.39,11.53 c -1.93,1.93 -4.78,2.31 -6.7,2.31 -0.7,0 -1.41,-0.05 -2.1,-0.16 0,0 -1.02,-5.64 2.14,-8.81 0.83,-0.83 1.95,-1.28 3.13,-1.28 1.27,0 2.49,0.51 3.39,1.42 1.84,1.84 1.89,4.75 0.14,6.52 z",path1:"M 10.5,-0.01 C 4.7,-0.01 0,4.7 0,10.49 c 0,5.79 4.7,10.5 10.5,10.5 5.8,0 10.5,-4.7 10.5,-10.5 C 20.99,4.7 16.3,-0.01 10.5,-0.01 Z m 0,19.75 c -5.11,0 -9.25,-4.15 -9.25,-9.25 0,-5.1 4.14,-9.26 9.25,-9.26 5.11,0 9.25,4.15 9.25,9.25 0,5.13 -4.14,9.26 -9.25,9.26 z",path2:"M 14.74,6.25 C 12.9,4.41 9.98,4.35 8.23,6.1 5.07,9.27 6.09,14.91 6.09,14.91 c 0,0 5.64,1.02 8.81,-2.14 C 16.64,11 16.59,8.09 14.74,6.25 Z m -2.27,4.09 -0.91,1.87 -0.9,-1.87 -1.86,-0.91 1.86,-0.9 0.9,-1.87 0.91,1.87 1.86,0.9 z",polygon:"11.56,12.21 10.66,10.34 8.8,9.43 10.66,8.53 11.56,6.66 12.47,8.53 14.33,9.43 12.47,10.34"},styleRules:{map:"overflow:hidden;position:relative;","missing-css":"display:none;",canary:"background-color:salmon;","ctrl-bottom-left":"position: absolute; pointer-events: none; z-index: 2; bottom: 0; left: 0;","ctrl-bottom-right":"position: absolute; pointer-events: none; z-index: 2; right: 0; bottom: 0;",ctrl:"clear: both; pointer-events: auto; transform: translate(0, 0);","ctrl-attrib.mapboxgl-compact .mapboxgl-ctrl-attrib-inner":"display: none;","ctrl-attrib.mapboxgl-compact:hover .mapboxgl-ctrl-attrib-inner":"display: block; margin-top:2px","ctrl-attrib.mapboxgl-compact:hover":"padding: 2px 24px 2px 4px; visibility: visible; margin-top: 6px;","ctrl-attrib.mapboxgl-compact::after":'content: ""; cursor: pointer; position: absolute; background-image: url(\'data:image/svg+xml;charset=utf-8,%3Csvg viewBox="0 0 20 20" xmlns="http://www.w3.org/2000/svg"%3E %3Cpath fill="%23333333" fill-rule="evenodd" d="M4,10a6,6 0 1,0 12,0a6,6 0 1,0 -12,0 M9,7a1,1 0 1,0 2,0a1,1 0 1,0 -2,0 M9,10a1,1 0 1,1 2,0l0,3a1,1 0 1,1 -2,0"/%3E %3C/svg%3E\'); background-color: rgba(255, 255, 255, 0.5); width: 24px; height: 24px; box-sizing: border-box; border-radius: 12px;',"ctrl-attrib.mapboxgl-compact":"min-height: 20px; padding: 0; margin: 10px; position: relative; background-color: #fff; border-radius: 3px 12px 12px 3px;","ctrl-bottom-right > .mapboxgl-ctrl-attrib.mapboxgl-compact::after":"bottom: 0; right: 0","ctrl-bottom-left > .mapboxgl-ctrl-attrib.mapboxgl-compact::after":"bottom: 0; left: 0","ctrl-bottom-left .mapboxgl-ctrl":"margin: 0 0 10px 10px; float: left;","ctrl-bottom-right .mapboxgl-ctrl":"margin: 0 10px 10px 0; float: right;","ctrl-attrib":"color: rgba(0, 0, 0, 0.75); text-decoration: none; font-size: 12px","ctrl-attrib a":"color: rgba(0, 0, 0, 0.75); text-decoration: none; font-size: 12px","ctrl-attrib a:hover":"color: inherit; text-decoration: underline;","ctrl-attrib .mapbox-improve-map":"font-weight: bold; margin-left: 2px;","attrib-empty":"display: none;","ctrl-logo":'display:block; width: 21px; height: 21px; background-image: url(\'data:image/svg+xml;charset=utf-8,%3C?xml version="1.0" encoding="utf-8"?%3E %3Csvg version="1.1" id="Layer_1" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" x="0px" y="0px" viewBox="0 0 21 21" style="enable-background:new 0 0 21 21;" xml:space="preserve"%3E%3Cg transform="translate(0,0.01)"%3E%3Cpath d="m 10.5,1.24 c -5.11,0 -9.25,4.15 -9.25,9.25 0,5.1 4.15,9.25 9.25,9.25 5.1,0 9.25,-4.15 9.25,-9.25 0,-5.11 -4.14,-9.25 -9.25,-9.25 z m 4.39,11.53 c -1.93,1.93 -4.78,2.31 -6.7,2.31 -0.7,0 -1.41,-0.05 -2.1,-0.16 0,0 -1.02,-5.64 2.14,-8.81 0.83,-0.83 1.95,-1.28 3.13,-1.28 1.27,0 2.49,0.51 3.39,1.42 1.84,1.84 1.89,4.75 0.14,6.52 z" style="opacity:0.9;fill:%23ffffff;enable-background:new" class="st0"/%3E%3Cpath d="M 10.5,-0.01 C 4.7,-0.01 0,4.7 0,10.49 c 0,5.79 4.7,10.5 10.5,10.5 5.8,0 10.5,-4.7 10.5,-10.5 C 20.99,4.7 16.3,-0.01 10.5,-0.01 Z m 0,19.75 c -5.11,0 -9.25,-4.15 -9.25,-9.25 0,-5.1 4.14,-9.26 9.25,-9.26 5.11,0 9.25,4.15 9.25,9.25 0,5.13 -4.14,9.26 -9.25,9.26 z" style="opacity:0.35;enable-background:new" class="st1"/%3E%3Cpath d="M 14.74,6.25 C 12.9,4.41 9.98,4.35 8.23,6.1 5.07,9.27 6.09,14.91 6.09,14.91 c 0,0 5.64,1.02 8.81,-2.14 C 16.64,11 16.59,8.09 14.74,6.25 Z m -2.27,4.09 -0.91,1.87 -0.9,-1.87 -1.86,-0.91 1.86,-0.9 0.9,-1.87 0.91,1.87 1.86,0.9 z" style="opacity:0.35;enable-background:new" class="st1"/%3E%3Cpolygon points="11.56,12.21 10.66,10.34 8.8,9.43 10.66,8.53 11.56,6.66 12.47,8.53 14.33,9.43 12.47,10.34 " style="opacity:0.9;fill:%23ffffff;enable-background:new" class="st0"/%3E%3C/g%3E%3C/svg%3E\')'}}},{}],884:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t,e){var r=t.split(" "),i=r[0],a=r[1],o=n.isArrayOrTypedArray(e)?n.mean(e):e,s=.5+o/100,l=1.5+o/100,c=["",""],u=[0,0];switch(i){case"top":c[0]="top",u[1]=-l;break;case"bottom":c[0]="bottom",u[1]=l}switch(a){case"left":c[1]="right",u[0]=-s;break;case"right":c[1]="left",u[0]=s}return{anchor:c[0]&&c[1]?c.join("-"):c[0]?c[0]:c[1]?c[1]:"center",offset:u}}},{"../../lib":778}],885:[function(t,e,r){"use strict";var n=t("mapbox-gl"),i=t("../../lib"),a=i.strTranslate,o=i.strScale,s=t("../../plots/get_data").getSubplotCalcData,l=t("../../constants/xmlns_namespaces"),c=t("d3"),u=t("../../components/drawing"),f=t("../../lib/svg_text_utils"),h=t("./mapbox"),p=r.constants=t("./constants");function d(t){return"string"==typeof t&&(-1!==p.styleValuesMapbox.indexOf(t)||0===t.indexOf("mapbox://"))}r.name="mapbox",r.attr="subplot",r.idRoot="mapbox",r.idRegex=r.attrRegex=i.counterRegex("mapbox"),r.attributes={subplot:{valType:"subplotid",dflt:"mapbox",editType:"calc"}},r.layoutAttributes=t("./layout_attributes"),r.supplyLayoutDefaults=t("./layout_defaults"),r.plot=function(t){var e=t._fullLayout,r=t.calcdata,a=e._subplots.mapbox;if(n.version!==p.requiredVersion)throw new Error(p.wrongVersionErrorMsg);var o=function(t,e){var r=t._fullLayout;if(""===t._context.mapboxAccessToken)return"";for(var n=[],a=[],o=!1,s=!1,l=0;l1&&i.warn(p.multipleTokensErrorMsg),n[0]):(a.length&&i.log(["Listed mapbox access token(s)",a.join(","),"but did not use a Mapbox map style, ignoring token(s)."].join(" ")),"")}(t,a);n.accessToken=o;for(var l=0;l_/2){var w=v.split("|").join("
");x.text(w).attr("data-unformatted",w).call(f.convertToTspans,t),b=u.bBox(x.node())}x.attr("transform",a(-3,8-b.height)),y.insert("rect",".static-attribution").attr({x:-b.width-6,y:-b.height-3,width:b.width+6,height:b.height+3,fill:"rgba(255, 255, 255, 0.75)"});var T=1;b.width+6>_&&(T=_/(b.width+6));var k=[n.l+n.w*h.x[1],n.t+n.h*(1-h.y[0])];y.attr("transform",a(k[0],k[1])+o(T))}},r.updateFx=function(t){for(var e=t._fullLayout,r=e._subplots.mapbox,n=0;n0){for(var r=0;r0}function u(t){var e={},r={};switch(t.type){case"circle":n.extendFlat(r,{"circle-radius":t.circle.radius,"circle-color":t.color,"circle-opacity":t.opacity});break;case"line":n.extendFlat(r,{"line-width":t.line.width,"line-color":t.color,"line-opacity":t.opacity,"line-dasharray":t.line.dash});break;case"fill":n.extendFlat(r,{"fill-color":t.color,"fill-outline-color":t.fill.outlinecolor,"fill-opacity":t.opacity});break;case"symbol":var i=t.symbol,o=a(i.textposition,i.iconsize);n.extendFlat(e,{"icon-image":i.icon+"-15","icon-size":i.iconsize/10,"text-field":i.text,"text-size":i.textfont.size,"text-anchor":o.anchor,"text-offset":o.offset,"symbol-placement":i.placement}),n.extendFlat(r,{"icon-color":t.color,"text-color":i.textfont.color,"text-opacity":t.opacity});break;case"raster":n.extendFlat(r,{"raster-fade-duration":0,"raster-opacity":t.opacity})}return{layout:e,paint:r}}l.update=function(t){this.visible?this.needsNewImage(t)?this.updateImage(t):this.needsNewSource(t)?(this.removeLayer(),this.updateSource(t),this.updateLayer(t)):this.needsNewLayer(t)?this.updateLayer(t):this.updateStyle(t):(this.updateSource(t),this.updateLayer(t)),this.visible=c(t)},l.needsNewImage=function(t){return this.subplot.map.getSource(this.idSource)&&"image"===this.sourceType&&"image"===t.sourcetype&&(this.source!==t.source||JSON.stringify(this.coordinates)!==JSON.stringify(t.coordinates))},l.needsNewSource=function(t){return this.sourceType!==t.sourcetype||JSON.stringify(this.source)!==JSON.stringify(t.source)||this.layerType!==t.type},l.needsNewLayer=function(t){return this.layerType!==t.type||this.below!==this.subplot.belowLookup["layout-"+this.index]},l.lookupBelow=function(){return this.subplot.belowLookup["layout-"+this.index]},l.updateImage=function(t){this.subplot.map.getSource(this.idSource).updateImage({url:t.source,coordinates:t.coordinates});var e=this.findFollowingMapboxLayerId(this.lookupBelow());null!==e&&this.subplot.map.moveLayer(this.idLayer,e)},l.updateSource=function(t){var e=this.subplot.map;if(e.getSource(this.idSource)&&e.removeSource(this.idSource),this.sourceType=t.sourcetype,this.source=t.source,c(t)){var r=function(t){var e,r=t.sourcetype,n=t.source,a={type:r};"geojson"===r?e="data":"vector"===r?e="string"==typeof n?"url":"tiles":"raster"===r?(e="tiles",a.tileSize=256):"image"===r&&(e="url",a.coordinates=t.coordinates);a[e]=n,t.sourceattribution&&(a.attribution=i(t.sourceattribution));return a}(t);e.addSource(this.idSource,r)}},l.findFollowingMapboxLayerId=function(t){if("traces"===t)for(var e=this.subplot.getMapLayers(),r=0;r1)for(r=0;r-1&&v(e.originalEvent,n,[r.xaxis],[r.yaxis],r.id,t),i.indexOf("event")>-1&&c.click(n,e.originalEvent)}}},_.updateFx=function(t){var e=this,r=e.map,n=e.gd;if(!e.isStatic){var a,o=t.dragmode;a=f(o)?function(t,r){(t.range={})[e.id]=[c([r.xmin,r.ymin]),c([r.xmax,r.ymax])]}:function(t,r,n){(t.lassoPoints={})[e.id]=n.filtered.map(c)};var s=e.dragOptions;e.dragOptions=i.extendDeep(s||{},{dragmode:t.dragmode,element:e.div,gd:n,plotinfo:{id:e.id,domain:t[e.id].domain,xaxis:e.xaxis,yaxis:e.yaxis,fillRangeItems:a},xaxes:[e.xaxis],yaxes:[e.yaxis],subplot:e.id}),r.off("click",e.onClickInPanHandler),p(o)||h(o)?(r.dragPan.disable(),r.on("zoomstart",e.clearSelect),e.dragOptions.prepFn=function(t,r,n){d(t,r,n,e.dragOptions,o)},l.init(e.dragOptions)):(r.dragPan.enable(),r.off("zoomstart",e.clearSelect),e.div.onmousedown=null,e.onClickInPanHandler=e.onClickInPanFn(e.dragOptions),r.on("click",e.onClickInPanHandler))}function c(t){var r=e.map.unproject(t);return[r.lng,r.lat]}},_.updateFramework=function(t){var e=t[this.id].domain,r=t._size,n=this.div.style;n.width=r.w*(e.x[1]-e.x[0])+"px",n.height=r.h*(e.y[1]-e.y[0])+"px",n.left=r.l+e.x[0]*r.w+"px",n.top=r.t+(1-e.y[1])*r.h+"px",this.xaxis._offset=r.l+e.x[0]*r.w,this.xaxis._length=r.w*(e.x[1]-e.x[0]),this.yaxis._offset=r.t+(1-e.y[1])*r.h,this.yaxis._length=r.h*(e.y[1]-e.y[0])},_.updateLayers=function(t){var e,r=t[this.id].layers,n=this.layerList;if(r.length!==n.length){for(e=0;e=e.width-20?(a["text-anchor"]="start",a.x=5):(a["text-anchor"]="end",a.x=e._paper.attr("width")-7),r.attr(a);var o=r.select(".js-link-to-tool"),s=r.select(".js-link-spacer"),l=r.select(".js-sourcelinks");t._context.showSources&&t._context.showSources(t),t._context.showLink&&function(t,e){e.text("");var r=e.append("a").attr({"xlink:xlink:href":"#",class:"link--impt link--embedview","font-weight":"bold"}).text(t._context.linkText+" "+String.fromCharCode(187));if(t._context.sendData)r.on("click",(function(){x.sendDataToCloud(t)}));else{var n=window.location.pathname.split("/"),i=window.location.search;r.attr({"xlink:xlink:show":"new","xlink:xlink:href":"/"+n[2].split(".")[0]+"/"+n[1]+i})}}(t,o),s.text(o.text()&&l.text()?" - ":"")}},x.sendDataToCloud=function(t){var e=(window.PLOTLYENV||{}).BASE_URL||t._context.plotlyServerURL;if(e){t.emit("plotly_beforeexport");var r=n.select(t).append("div").attr("id","hiddenform").style("display","none"),i=r.append("form").attr({action:e+"/external",method:"post",target:"_blank"});return i.append("input").attr({type:"text",name:"data"}).node().value=x.graphJson(t,!1,"keepdata"),i.node().submit(),r.remove(),t.emit("plotly_afterexport"),!1}};var w=["days","shortDays","months","shortMonths","periods","dateTime","date","time","decimal","thousands","grouping","currency"],T=["year","month","dayMonth","dayMonthYear"];function k(t,e){var r=t._context.locale;r||(r="en-US");var n=!1,i={};function a(t){for(var r=!0,a=0;a1&&O.length>1){for(o.getComponentMethod("grid","sizeDefaults")(u,l),s=0;s15&&O.length>15&&0===l.shapes.length&&0===l.images.length,l._hasCartesian=l._has("cartesian"),l._hasGeo=l._has("geo"),l._hasGL3D=l._has("gl3d"),l._hasGL2D=l._has("gl2d"),l._hasTernary=l._has("ternary"),l._hasPie=l._has("pie"),x.linkSubplots(h,l,f,a),x.cleanPlot(h,l,f,a);var N=!(!a._has||!a._has("gl2d")),j=!(!l._has||!l._has("gl2d")),U=!(!a._has||!a._has("cartesian"))||N,V=!(!l._has||!l._has("cartesian"))||j;U&&!V?a._bgLayer.remove():V&&!U&&(l._shouldCreateBgLayer=!0),a._zoomlayer&&!t._dragging&&p({_fullLayout:a}),function(t,e){var r,n=[];e.meta&&(r=e._meta={meta:e.meta,layout:{meta:e.meta}});for(var i=0;i0){var f=1-2*s;n=Math.round(f*n),i=Math.round(f*i)}}var h=x.layoutAttributes.width.min,p=x.layoutAttributes.height.min;n1,g=!e.height&&Math.abs(r.height-i)>1;(g||d)&&(d&&(r.width=n),g&&(r.height=i)),t._initialAutoSize||(t._initialAutoSize={width:n,height:i}),x.sanitizeMargins(r)},x.supplyLayoutModuleDefaults=function(t,e,r,n){var i,a,s,l=o.componentsRegistry,u=e._basePlotModules,f=o.subplotsRegistry.cartesian;for(i in l)(s=l[i]).includeBasePlot&&s.includeBasePlot(t,e);for(var h in u.length||u.push(f),e._has("cartesian")&&(o.getComponentMethod("grid","contentDefaults")(t,e),f.finalizeSubplots(t,e)),e._subplots)e._subplots[h].sort(c.subplotSort);for(a=0;a1&&(r.l/=g,r.r/=g)}if(f){var m=(r.t+r.b)/f;m>1&&(r.t/=m,r.b/=m)}var v=void 0!==r.xl?r.xl:r.x,y=void 0!==r.xr?r.xr:r.x,b=void 0!==r.yt?r.yt:r.y,_=void 0!==r.yb?r.yb:r.y;h[e]={l:{val:v,size:r.l+d},r:{val:y,size:r.r+d},b:{val:_,size:r.b+d},t:{val:b,size:r.t+d}},p[e]=1}else delete h[e],delete p[e];if(!n._replotting)return x.doAutoMargin(t)}},x.doAutoMargin=function(t){var e=t._fullLayout,r=e.width,n=e.height;e._size||(e._size={}),C(e);var i=e._size,s=e.margin,l=c.extendFlat({},i),u=s.l,f=s.r,p=s.t,d=s.b,g=e._pushmargin,m=e._pushmarginIds;if(!1!==e.margin.autoexpand){for(var v in g)m[v]||delete g[v];for(var y in g.base={l:{val:0,size:u},r:{val:1,size:f},t:{val:1,size:p},b:{val:0,size:d}},g){var b=g[y].l||{},_=g[y].b||{},w=b.val,T=b.size,k=_.val,M=_.size;for(var A in g){if(a(T)&&g[A].r){var S=g[A].r.val,E=g[A].r.size;if(S>w){var L=(T*S+(E-r)*w)/(S-w),I=(E*(1-w)+(T-r)*(1-S))/(S-w);L+I>u+f&&(u=L,f=I)}}if(a(M)&&g[A].t){var P=g[A].t.val,z=g[A].t.size;if(P>k){var O=(M*P+(z-n)*k)/(P-k),D=(z*(1-k)+(M-n)*(1-P))/(P-k);O+D>d+p&&(d=O,p=D)}}}}}var R=c.constrain(r-s.l-s.r,2,64),F=c.constrain(n-s.t-s.b,2,64),B=Math.max(0,r-R),N=Math.max(0,n-F);if(B){var j=(u+f)/B;j>1&&(u/=j,f/=j)}if(N){var U=(d+p)/N;U>1&&(d/=U,p/=U)}if(i.l=Math.round(u),i.r=Math.round(f),i.t=Math.round(p),i.b=Math.round(d),i.p=Math.round(s.pad),i.w=Math.round(r)-i.l-i.r,i.h=Math.round(n)-i.t-i.b,!e._replotting&&x.didMarginChange(l,i)){"_redrawFromAutoMarginCount"in e?e._redrawFromAutoMarginCount++:e._redrawFromAutoMarginCount=1;var V=3*(1+Object.keys(m).length);if(e._redrawFromAutoMarginCount0&&(t._transitioningWithDuration=!0),t._transitionData._interruptCallbacks.push((function(){n=!0})),r.redraw&&t._transitionData._interruptCallbacks.push((function(){return o.call("redraw",t)})),t._transitionData._interruptCallbacks.push((function(){t.emit("plotly_transitioninterrupted",[])}));var a=0,s=0;function l(){return a++,function(){s++,n||s!==a||function(e){if(!t._transitionData)return;(function(t){if(t)for(;t.length;)t.shift()})(t._transitionData._interruptCallbacks),Promise.resolve().then((function(){if(r.redraw)return o.call("redraw",t)})).then((function(){t._transitioning=!1,t._transitioningWithDuration=!1,t.emit("plotly_transitioned",[])})).then(e)}(i)}}r.runFn(l),setTimeout(l())}))}],a=c.syncOrAsync(i,t);return a&&a.then||(a=Promise.resolve()),a.then((function(){return t}))}x.didMarginChange=function(t,e){for(var r=0;r1)return!0}return!1},x.graphJson=function(t,e,r,n,i,a){(i&&e&&!t._fullData||i&&!e&&!t._fullLayout)&&x.supplyDefaults(t);var o=i?t._fullData:t.data,s=i?t._fullLayout:t.layout,l=(t._transitionData||{})._frames;function u(t,e){if("function"==typeof t)return e?"_function_":null;if(c.isPlainObject(t)){var n,i={};return Object.keys(t).sort().forEach((function(a){if(-1===["_","["].indexOf(a.charAt(0)))if("function"!=typeof t[a]){if("keepdata"===r){if("src"===a.substr(a.length-3))return}else if("keepstream"===r){if("string"==typeof(n=t[a+"src"])&&n.indexOf(":")>0&&!c.isPlainObject(t.stream))return}else if("keepall"!==r&&"string"==typeof(n=t[a+"src"])&&n.indexOf(":")>0)return;i[a]=u(t[a],e)}else e&&(i[a]="_function")})),i}return Array.isArray(t)?t.map((function(t){return u(t,e)})):c.isTypedArray(t)?c.simpleMap(t,c.identity):c.isJSDate(t)?c.ms2DateTimeLocal(+t):t}var f={data:(o||[]).map((function(t){var r=u(t);return e&&delete r.fit,r}))};if(!e&&(f.layout=u(s),i)){var h=s._size;f.layout.computed={margin:{b:h.b,l:h.l,r:h.r,t:h.t}}}return t.framework&&t.framework.isPolar&&(f=t.framework.getConfig()),l&&(f.frames=u(l)),a&&(f.config=u(t._context,!0)),"object"===n?f:JSON.stringify(f)},x.modifyFrames=function(t,e){var r,n,i,a=t._transitionData._frames,o=t._transitionData._frameHash;for(r=0;r=0;a--)if(s[a].enabled){r._indexToPoints=s[a]._indexToPoints;break}n&&n.calc&&(o=n.calc(t,r))}Array.isArray(o)&&o[0]||(o=[{x:f,y:f}]),o[0].t||(o[0].t={}),o[0].trace=r,d[e]=o}}for(z(l,u,p),i=0;i1e-10?t:0}function h(t,e,r){e=e||0,r=r||0;for(var n=t.length,i=new Array(n),a=0;a0?r:1/0})),i=n.mod(r+1,e.length);return[e[r],e[i]]},findIntersectionXY:c,findXYatLength:function(t,e,r,n){var i=-e*r,a=e*e+1,o=2*(e*i-r),s=i*i+r*r-t*t,l=Math.sqrt(o*o-4*a*s),c=(-o+l)/(2*a),u=(-o-l)/(2*a);return[[c,e*c+i+n],[u,e*u+i+n]]},clampTiny:f,pathPolygon:function(t,e,r,n,i,a){return"M"+h(u(t,e,r,n),i,a).join("L")},pathPolygonAnnulus:function(t,e,r,n,i,a,o){var s,l;t=0?h.angularAxis.domain:n.extent(T),E=Math.abs(T[1]-T[0]);M&&!k&&(E=0);var C=S.slice();A&&k&&(C[1]+=E);var L=h.angularAxis.ticksCount||4;L>8&&(L=L/(L/8)+L%8),h.angularAxis.ticksStep&&(L=(C[1]-C[0])/L);var I=h.angularAxis.ticksStep||(C[1]-C[0])/(L*(h.minorTicks+1));w&&(I=Math.max(Math.round(I),1)),C[2]||(C[2]=I);var P=n.range.apply(this,C);if(P=P.map((function(t,e){return parseFloat(t.toPrecision(12))})),s=n.scale.linear().domain(C.slice(0,2)).range("clockwise"===h.direction?[0,360]:[360,0]),u.layout.angularAxis.domain=s.domain(),u.layout.angularAxis.endPadding=A?E:0,"undefined"==typeof(t=n.select(this).select("svg.chart-root"))||t.empty()){var z=(new DOMParser).parseFromString("' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '","application/xml"),O=this.appendChild(this.ownerDocument.importNode(z.documentElement,!0));t=n.select(O)}t.select(".guides-group").style({"pointer-events":"none"}),t.select(".angular.axis-group").style({"pointer-events":"none"}),t.select(".radial.axis-group").style({"pointer-events":"none"});var D,R=t.select(".chart-group"),F={fill:"none",stroke:h.tickColor},B={"font-size":h.font.size,"font-family":h.font.family,fill:h.font.color,"text-shadow":["-1px 0px","1px -1px","-1px 1px","1px 1px"].map((function(t,e){return" "+t+" 0 "+h.font.outlineColor})).join(",")};if(h.showLegend){D=t.select(".legend-group").attr({transform:"translate("+[x,h.margin.top]+")"}).style({display:"block"});var N=p.map((function(t,e){var r=o.util.cloneJson(t);return r.symbol="DotPlot"===t.geometry?t.dotType||"circle":"LinePlot"!=t.geometry?"square":"line",r.visibleInLegend="undefined"==typeof t.visibleInLegend||t.visibleInLegend,r.color="LinePlot"===t.geometry?t.strokeColor:t.color,r}));o.Legend().config({data:p.map((function(t,e){return t.name||"Element"+e})),legendConfig:i({},o.Legend.defaultConfig().legendConfig,{container:D,elements:N,reverseOrder:h.legend.reverseOrder})})();var j=D.node().getBBox();x=Math.min(h.width-j.width-h.margin.left-h.margin.right,h.height-h.margin.top-h.margin.bottom)/2,x=Math.max(10,x),_=[h.margin.left+x,h.margin.top+x],r.range([0,x]),u.layout.radialAxis.domain=r.domain(),D.attr("transform","translate("+[_[0]+x,_[1]-x]+")")}else D=t.select(".legend-group").style({display:"none"});t.attr({width:h.width,height:h.height}).style({opacity:h.opacity}),R.attr("transform","translate("+_+")").style({cursor:"crosshair"});var U=[(h.width-(h.margin.left+h.margin.right+2*x+(j?j.width:0)))/2,(h.height-(h.margin.top+h.margin.bottom+2*x))/2];if(U[0]=Math.max(0,U[0]),U[1]=Math.max(0,U[1]),t.select(".outer-group").attr("transform","translate("+U+")"),h.title&&h.title.text){var V=t.select("g.title-group text").style(B).text(h.title.text),q=V.node().getBBox();V.attr({x:_[0]-q.width/2,y:_[1]-x-20})}var H=t.select(".radial.axis-group");if(h.radialAxis.gridLinesVisible){var G=H.selectAll("circle.grid-circle").data(r.ticks(5));G.enter().append("circle").attr({class:"grid-circle"}).style(F),G.attr("r",r),G.exit().remove()}H.select("circle.outside-circle").attr({r:x}).style(F);var Y=t.select("circle.background-circle").attr({r:x}).style({fill:h.backgroundColor,stroke:h.stroke});function W(t,e){return s(t)%360+h.orientation}if(h.radialAxis.visible){var X=n.svg.axis().scale(r).ticks(5).tickSize(5);H.call(X).attr({transform:"rotate("+h.radialAxis.orientation+")"}),H.selectAll(".domain").style(F),H.selectAll("g>text").text((function(t,e){return this.textContent+h.radialAxis.ticksSuffix})).style(B).style({"text-anchor":"start"}).attr({x:0,y:0,dx:0,dy:0,transform:function(t,e){return"horizontal"===h.radialAxis.tickOrientation?"rotate("+-h.radialAxis.orientation+") translate("+[0,B["font-size"]]+")":"translate("+[0,B["font-size"]]+")"}}),H.selectAll("g>line").style({stroke:"black"})}var Z=t.select(".angular.axis-group").selectAll("g.angular-tick").data(P),J=Z.enter().append("g").classed("angular-tick",!0);Z.attr({transform:function(t,e){return"rotate("+W(t)+")"}}).style({display:h.angularAxis.visible?"block":"none"}),Z.exit().remove(),J.append("line").classed("grid-line",!0).classed("major",(function(t,e){return e%(h.minorTicks+1)==0})).classed("minor",(function(t,e){return!(e%(h.minorTicks+1)==0)})).style(F),J.selectAll(".minor").style({stroke:h.minorTickColor}),Z.select("line.grid-line").attr({x1:h.tickLength?x-h.tickLength:0,x2:x}).style({display:h.angularAxis.gridLinesVisible?"block":"none"}),J.append("text").classed("axis-text",!0).style(B);var K=Z.select("text.axis-text").attr({x:x+h.labelOffset,dy:a+"em",transform:function(t,e){var r=W(t),n=x+h.labelOffset,i=h.angularAxis.tickOrientation;return"horizontal"==i?"rotate("+-r+" "+n+" 0)":"radial"==i?r<270&&r>90?"rotate(180 "+n+" 0)":null:"rotate("+(r<=180&&r>0?-90:90)+" "+n+" 0)"}}).style({"text-anchor":"middle",display:h.angularAxis.labelsVisible?"block":"none"}).text((function(t,e){return e%(h.minorTicks+1)!=0?"":w?w[t]+h.angularAxis.ticksSuffix:t+h.angularAxis.ticksSuffix})).style(B);h.angularAxis.rewriteTicks&&K.text((function(t,e){return e%(h.minorTicks+1)!=0?"":h.angularAxis.rewriteTicks(this.textContent,e)}));var Q=n.max(R.selectAll(".angular-tick text")[0].map((function(t,e){return t.getCTM().e+t.getBBox().width})));D.attr({transform:"translate("+[x+Q,h.margin.top]+")"});var $=t.select("g.geometry-group").selectAll("g").size()>0,tt=t.select("g.geometry-group").selectAll("g.geometry").data(p);if(tt.enter().append("g").attr({class:function(t,e){return"geometry geometry"+e}}),tt.exit().remove(),p[0]||$){var et=[];p.forEach((function(t,e){var n={};n.radialScale=r,n.angularScale=s,n.container=tt.filter((function(t,r){return r==e})),n.geometry=t.geometry,n.orientation=h.orientation,n.direction=h.direction,n.index=e,et.push({data:t,geometryConfig:n})}));var rt=n.nest().key((function(t,e){return"undefined"!=typeof t.data.groupId||"unstacked"})).entries(et),nt=[];rt.forEach((function(t,e){"unstacked"===t.key?nt=nt.concat(t.values.map((function(t,e){return[t]}))):nt.push(t.values)})),nt.forEach((function(t,e){var r;r=Array.isArray(t)?t[0].geometryConfig.geometry:t.geometryConfig.geometry;var n=t.map((function(t,e){return i(o[r].defaultConfig(),t)}));o[r]().config(n)()}))}var it,at,ot=t.select(".guides-group"),st=t.select(".tooltips-group"),lt=o.tooltipPanel().config({container:st,fontSize:8})(),ct=o.tooltipPanel().config({container:st,fontSize:8})(),ut=o.tooltipPanel().config({container:st,hasTick:!0})();if(!k){var ft=ot.select("line").attr({x1:0,y1:0,y2:0}).style({stroke:"grey","pointer-events":"none"});R.on("mousemove.angular-guide",(function(t,e){var r=o.util.getMousePos(Y).angle;ft.attr({x2:-x,transform:"rotate("+r+")"}).style({opacity:.5});var n=(r+180+360-h.orientation)%360;it=s.invert(n);var i=o.util.convertToCartesian(x+12,r+180);lt.text(o.util.round(it)).move([i[0]+_[0],i[1]+_[1]])})).on("mouseout.angular-guide",(function(t,e){ot.select("line").style({opacity:0})}))}var ht=ot.select("circle").style({stroke:"grey",fill:"none"});R.on("mousemove.radial-guide",(function(t,e){var n=o.util.getMousePos(Y).radius;ht.attr({r:n}).style({opacity:.5}),at=r.invert(o.util.getMousePos(Y).radius);var i=o.util.convertToCartesian(n,h.radialAxis.orientation);ct.text(o.util.round(at)).move([i[0]+_[0],i[1]+_[1]])})).on("mouseout.radial-guide",(function(t,e){ht.style({opacity:0}),ut.hide(),lt.hide(),ct.hide()})),t.selectAll(".geometry-group .mark").on("mouseover.tooltip",(function(e,r){var i=n.select(this),a=this.style.fill,s="black",l=this.style.opacity||1;if(i.attr({"data-opacity":l}),a&&"none"!==a){i.attr({"data-fill":a}),s=n.hsl(a).darker().toString(),i.style({fill:s,opacity:1});var c={t:o.util.round(e[0]),r:o.util.round(e[1])};k&&(c.t=w[e[0]]);var u="t: "+c.t+", r: "+c.r,f=this.getBoundingClientRect(),h=t.node().getBoundingClientRect(),p=[f.left+f.width/2-U[0]-h.left,f.top+f.height/2-U[1]-h.top];ut.config({color:s}).text(u),ut.move(p)}else a=this.style.stroke||"black",i.attr({"data-stroke":a}),s=n.hsl(a).darker().toString(),i.style({stroke:s,opacity:1})})).on("mousemove.tooltip",(function(t,e){if(0!=n.event.which)return!1;n.select(this).attr("data-fill")&&ut.show()})).on("mouseout.tooltip",(function(t,e){ut.hide();var r=n.select(this),i=r.attr("data-fill");i?r.style({fill:i,opacity:r.attr("data-opacity")}):r.style({stroke:r.attr("data-stroke"),opacity:r.attr("data-opacity")})}))}))}(c),this},h.config=function(t){if(!arguments.length)return l;var e=o.util.cloneJson(t);return e.data.forEach((function(t,e){l.data[e]||(l.data[e]={}),i(l.data[e],o.Axis.defaultConfig().data[0]),i(l.data[e],t)})),i(l.layout,o.Axis.defaultConfig().layout),i(l.layout,e.layout),this},h.getLiveConfig=function(){return u},h.getinputConfig=function(){return c},h.radialScale=function(t){return r},h.angularScale=function(t){return s},h.svg=function(){return t},n.rebind(h,f,"on"),h},o.Axis.defaultConfig=function(t,e){return{data:[{t:[1,2,3,4],r:[10,11,12,13],name:"Line1",geometry:"LinePlot",color:null,strokeDash:"solid",strokeColor:null,strokeSize:"1",visibleInLegend:!0,opacity:1}],layout:{defaultColorRange:n.scale.category10().range(),title:null,height:450,width:500,margin:{top:40,right:40,bottom:40,left:40},font:{size:12,color:"gray",outlineColor:"white",family:"Tahoma, sans-serif"},direction:"clockwise",orientation:0,labelOffset:10,radialAxis:{domain:null,orientation:-45,ticksSuffix:"",visible:!0,gridLinesVisible:!0,tickOrientation:"horizontal",rewriteTicks:null},angularAxis:{domain:[0,360],ticksSuffix:"",visible:!0,gridLinesVisible:!0,labelsVisible:!0,tickOrientation:"horizontal",rewriteTicks:null,ticksCount:null,ticksStep:null},minorTicks:0,tickLength:null,tickColor:"silver",minorTickColor:"#eee",backgroundColor:"none",needsEndSpacing:null,showLegend:!0,legend:{reverseOrder:!1},opacity:1}}},o.util={},o.DATAEXTENT="dataExtent",o.AREA="AreaChart",o.LINE="LinePlot",o.DOT="DotPlot",o.BAR="BarChart",o.util._override=function(t,e){for(var r in t)r in e&&(e[r]=t[r])},o.util._extend=function(t,e){for(var r in t)e[r]=t[r]},o.util._rndSnd=function(){return 2*Math.random()-1+(2*Math.random()-1)+(2*Math.random()-1)},o.util.dataFromEquation2=function(t,e){var r=e||6;return n.range(0,360+r,r).map((function(e,r){var n=e*Math.PI/180;return[e,t(n)]}))},o.util.dataFromEquation=function(t,e,r){var i=e||6,a=[],o=[];n.range(0,360+i,i).forEach((function(e,r){var n=e*Math.PI/180,i=t(n);a.push(e),o.push(i)}));var s={t:a,r:o};return r&&(s.name=r),s},o.util.ensureArray=function(t,e){if("undefined"==typeof t)return null;var r=[].concat(t);return n.range(e).map((function(t,e){return r[e]||r[0]}))},o.util.fillArrays=function(t,e,r){return e.forEach((function(e,n){t[e]=o.util.ensureArray(t[e],r)})),t},o.util.cloneJson=function(t){return JSON.parse(JSON.stringify(t))},o.util.validateKeys=function(t,e){"string"==typeof e&&(e=e.split("."));var r=e.shift();return t[r]&&(!e.length||objHasKeys(t[r],e))},o.util.sumArrays=function(t,e){return n.zip(t,e).map((function(t,e){return n.sum(t)}))},o.util.arrayLast=function(t){return t[t.length-1]},o.util.arrayEqual=function(t,e){for(var r=Math.max(t.length,e.length,1);r-- >=0&&t[r]===e[r];);return-2===r},o.util.flattenArray=function(t){for(var e=[];!o.util.arrayEqual(e,t);)e=t,t=[].concat.apply([],t);return t},o.util.deduplicate=function(t){return t.filter((function(t,e,r){return r.indexOf(t)==e}))},o.util.convertToCartesian=function(t,e){var r=e*Math.PI/180;return[t*Math.cos(r),t*Math.sin(r)]},o.util.round=function(t,e){var r=e||2,n=Math.pow(10,r);return Math.round(t*n)/n},o.util.getMousePos=function(t){var e=n.mouse(t.node()),r=e[0],i=e[1],a={};return a.x=r,a.y=i,a.pos=e,a.angle=180*(Math.atan2(i,r)+Math.PI)/Math.PI,a.radius=Math.sqrt(r*r+i*i),a},o.util.duplicatesCount=function(t){for(var e,r={},n={},i=0,a=t.length;i0)){var l=n.select(this.parentNode).selectAll("path.line").data([0]);l.enter().insert("path"),l.attr({class:"line",d:u(s),transform:function(t,r){return"rotate("+(e.orientation+90)+")"},"pointer-events":"none"}).style({fill:function(t,e){return d.fill(r,i,a)},"fill-opacity":0,stroke:function(t,e){return d.stroke(r,i,a)},"stroke-width":function(t,e){return d["stroke-width"](r,i,a)},"stroke-dasharray":function(t,e){return d["stroke-dasharray"](r,i,a)},opacity:function(t,e){return d.opacity(r,i,a)},display:function(t,e){return d.display(r,i,a)}})}};var f=e.angularScale.range(),h=Math.abs(f[1]-f[0])/o[0].length*Math.PI/180,p=n.svg.arc().startAngle((function(t){return-h/2})).endAngle((function(t){return h/2})).innerRadius((function(t){return e.radialScale(l+(t[2]||0))})).outerRadius((function(t){return e.radialScale(l+(t[2]||0))+e.radialScale(t[1])}));c.arc=function(t,r,i){n.select(this).attr({class:"mark arc",d:p,transform:function(t,r){return"rotate("+(e.orientation+s(t[0])+90)+")"}})};var d={fill:function(e,r,n){return t[n].data.color},stroke:function(e,r,n){return t[n].data.strokeColor},"stroke-width":function(e,r,n){return t[n].data.strokeSize+"px"},"stroke-dasharray":function(e,n,i){return r[t[i].data.strokeDash]},opacity:function(e,r,n){return t[n].data.opacity},display:function(e,r,n){return"undefined"==typeof t[n].data.visible||t[n].data.visible?"block":"none"}},g=n.select(this).selectAll("g.layer").data(o);g.enter().append("g").attr({class:"layer"});var m=g.selectAll("path.mark").data((function(t,e){return t}));m.enter().append("path").attr({class:"mark"}),m.style(d).each(c[e.geometryType]),m.exit().remove(),g.exit().remove()}))}return a.config=function(e){return arguments.length?(e.forEach((function(e,r){t[r]||(t[r]={}),i(t[r],o.PolyChart.defaultConfig()),i(t[r],e)})),this):t},a.getColorScale=function(){},n.rebind(a,e,"on"),a},o.PolyChart.defaultConfig=function(){return{data:{name:"geom1",t:[[1,2,3,4]],r:[[1,2,3,4]],dotType:"circle",dotSize:64,dotVisible:!1,barWidth:20,color:"#ffa500",strokeSize:1,strokeColor:"silver",strokeDash:"solid",opacity:1,index:0,visible:!0,visibleInLegend:!0},geometryConfig:{geometry:"LinePlot",geometryType:"arc",direction:"clockwise",orientation:0,container:"body",radialScale:null,angularScale:null,colorScale:n.scale.category20()}}},o.BarChart=function(){return o.PolyChart()},o.BarChart.defaultConfig=function(){return{geometryConfig:{geometryType:"bar"}}},o.AreaChart=function(){return o.PolyChart()},o.AreaChart.defaultConfig=function(){return{geometryConfig:{geometryType:"arc"}}},o.DotPlot=function(){return o.PolyChart()},o.DotPlot.defaultConfig=function(){return{geometryConfig:{geometryType:"dot",dotType:"circle"}}},o.LinePlot=function(){return o.PolyChart()},o.LinePlot.defaultConfig=function(){return{geometryConfig:{geometryType:"line"}}},o.Legend=function(){var t=o.Legend.defaultConfig(),e=n.dispatch("hover");function r(){var e=t.legendConfig,a=t.data.map((function(t,r){return[].concat(t).map((function(t,n){var a=i({},e.elements[r]);return a.name=t,a.color=[].concat(e.elements[r].color)[n],a}))})),o=n.merge(a);o=o.filter((function(t,r){return e.elements[r]&&(e.elements[r].visibleInLegend||"undefined"==typeof e.elements[r].visibleInLegend)})),e.reverseOrder&&(o=o.reverse());var s=e.container;("string"==typeof s||s.nodeName)&&(s=n.select(s));var l=o.map((function(t,e){return t.color})),c=e.fontSize,u=null==e.isContinuous?"number"==typeof o[0]:e.isContinuous,f=u?e.height:c*o.length,h=s.classed("legend-group",!0).selectAll("svg").data([0]),p=h.enter().append("svg").attr({width:300,height:f+c,xmlns:"http://www.w3.org/2000/svg","xmlns:xlink":"http://www.w3.org/1999/xlink",version:"1.1"});p.append("g").classed("legend-axis",!0),p.append("g").classed("legend-marks",!0);var d=n.range(o.length),g=n.scale[u?"linear":"ordinal"]().domain(d).range(l),m=n.scale[u?"linear":"ordinal"]().domain(d)[u?"range":"rangePoints"]([0,f]);if(u){var v=h.select(".legend-marks").append("defs").append("linearGradient").attr({id:"grad1",x1:"0%",y1:"0%",x2:"0%",y2:"100%"}).selectAll("stop").data(l);v.enter().append("stop"),v.attr({offset:function(t,e){return e/(l.length-1)*100+"%"}}).style({"stop-color":function(t,e){return t}}),h.append("rect").classed("legend-mark",!0).attr({height:e.height,width:e.colorBandWidth,fill:"url(#grad1)"})}else{var y=h.select(".legend-marks").selectAll("path.legend-mark").data(o);y.enter().append("path").classed("legend-mark",!0),y.attr({transform:function(t,e){return"translate("+[c/2,m(e)+c/2]+")"},d:function(t,e){var r,i,a,o=t.symbol;return a=3*(i=c),"line"===(r=o)?"M"+[[-i/2,-i/12],[i/2,-i/12],[i/2,i/12],[-i/2,i/12]]+"Z":-1!=n.svg.symbolTypes.indexOf(r)?n.svg.symbol().type(r).size(a)():n.svg.symbol().type("square").size(a)()},fill:function(t,e){return g(e)}}),y.exit().remove()}var x=n.svg.axis().scale(m).orient("right"),b=h.select("g.legend-axis").attr({transform:"translate("+[u?e.colorBandWidth:c,c/2]+")"}).call(x);return b.selectAll(".domain").style({fill:"none",stroke:"none"}),b.selectAll("line").style({fill:"none",stroke:u?e.textColor:"none"}),b.selectAll("text").style({fill:e.textColor,"font-size":e.fontSize}).text((function(t,e){return o[e].name})),r}return r.config=function(e){return arguments.length?(i(t,e),this):t},n.rebind(r,e,"on"),r},o.Legend.defaultConfig=function(t,e){return{data:["a","b","c"],legendConfig:{elements:[{symbol:"line",color:"red"},{symbol:"square",color:"yellow"},{symbol:"diamond",color:"limegreen"}],height:150,colorBandWidth:30,fontSize:12,container:"body",isContinuous:null,textColor:"grey",reverseOrder:!1}}},o.tooltipPanel=function(){var t,e,r,a={container:null,hasTick:!1,fontSize:12,color:"white",padding:5},s="tooltip-"+o.tooltipPanel.uid++,l=10,c=function(){var n=(t=a.container.selectAll("g."+s).data([0])).enter().append("g").classed(s,!0).style({"pointer-events":"none",display:"none"});return r=n.append("path").style({fill:"white","fill-opacity":.9}).attr({d:"M0 0"}),e=n.append("text").attr({dx:a.padding+l,dy:.3*+a.fontSize}),c};return c.text=function(i){var o=n.hsl(a.color).l,s=o>=.5?"#aaa":"white",u=o>=.5?"black":"white",f=i||"";e.style({fill:u,"font-size":a.fontSize+"px"}).text(f);var h=a.padding,p=e.node().getBBox(),d={fill:a.color,stroke:s,"stroke-width":"2px"},g=p.width+2*h+l,m=p.height+2*h;return r.attr({d:"M"+[[l,-m/2],[l,-m/4],[a.hasTick?0:l,0],[l,m/4],[l,m/2],[g,m/2],[g,-m/2]].join("L")+"Z"}).style(d),t.attr({transform:"translate("+[l,-m/2+2*h]+")"}),t.style({display:"block"}),c},c.move=function(e){if(t)return t.attr({transform:"translate("+[e[0],e[1]]+")"}).style({display:"block"}),c},c.hide=function(){if(t)return t.style({display:"none"}),c},c.show=function(){if(t)return t.style({display:"block"}),c},c.config=function(t){return i(a,t),c},c},o.tooltipPanel.uid=1,o.adapter={},o.adapter.plotly=function(){var t={convert:function(t,e){var r={};if(t.data&&(r.data=t.data.map((function(t,r){var n=i({},t);return[[n,["marker","color"],["color"]],[n,["marker","opacity"],["opacity"]],[n,["marker","line","color"],["strokeColor"]],[n,["marker","line","dash"],["strokeDash"]],[n,["marker","line","width"],["strokeSize"]],[n,["marker","symbol"],["dotType"]],[n,["marker","size"],["dotSize"]],[n,["marker","barWidth"],["barWidth"]],[n,["line","interpolation"],["lineInterpolation"]],[n,["showlegend"],["visibleInLegend"]]].forEach((function(t,r){o.util.translator.apply(null,t.concat(e))})),e||delete n.marker,e&&delete n.groupId,e?("LinePlot"===n.geometry?(n.type="scatter",!0===n.dotVisible?(delete n.dotVisible,n.mode="lines+markers"):n.mode="lines"):"DotPlot"===n.geometry?(n.type="scatter",n.mode="markers"):"AreaChart"===n.geometry?n.type="area":"BarChart"===n.geometry&&(n.type="bar"),delete n.geometry):("scatter"===n.type?"lines"===n.mode?n.geometry="LinePlot":"markers"===n.mode?n.geometry="DotPlot":"lines+markers"===n.mode&&(n.geometry="LinePlot",n.dotVisible=!0):"area"===n.type?n.geometry="AreaChart":"bar"===n.type&&(n.geometry="BarChart"),delete n.mode,delete n.type),n})),!e&&t.layout&&"stack"===t.layout.barmode)){var a=o.util.duplicates(r.data.map((function(t,e){return t.geometry})));r.data.forEach((function(t,e){var n=a.indexOf(t.geometry);-1!=n&&(r.data[e].groupId=n)}))}if(t.layout){var s=i({},t.layout);if([[s,["plot_bgcolor"],["backgroundColor"]],[s,["showlegend"],["showLegend"]],[s,["radialaxis"],["radialAxis"]],[s,["angularaxis"],["angularAxis"]],[s.angularaxis,["showline"],["gridLinesVisible"]],[s.angularaxis,["showticklabels"],["labelsVisible"]],[s.angularaxis,["nticks"],["ticksCount"]],[s.angularaxis,["tickorientation"],["tickOrientation"]],[s.angularaxis,["ticksuffix"],["ticksSuffix"]],[s.angularaxis,["range"],["domain"]],[s.angularaxis,["endpadding"],["endPadding"]],[s.radialaxis,["showline"],["gridLinesVisible"]],[s.radialaxis,["tickorientation"],["tickOrientation"]],[s.radialaxis,["ticksuffix"],["ticksSuffix"]],[s.radialaxis,["range"],["domain"]],[s.angularAxis,["showline"],["gridLinesVisible"]],[s.angularAxis,["showticklabels"],["labelsVisible"]],[s.angularAxis,["nticks"],["ticksCount"]],[s.angularAxis,["tickorientation"],["tickOrientation"]],[s.angularAxis,["ticksuffix"],["ticksSuffix"]],[s.angularAxis,["range"],["domain"]],[s.angularAxis,["endpadding"],["endPadding"]],[s.radialAxis,["showline"],["gridLinesVisible"]],[s.radialAxis,["tickorientation"],["tickOrientation"]],[s.radialAxis,["ticksuffix"],["ticksSuffix"]],[s.radialAxis,["range"],["domain"]],[s.font,["outlinecolor"],["outlineColor"]],[s.legend,["traceorder"],["reverseOrder"]],[s,["labeloffset"],["labelOffset"]],[s,["defaultcolorrange"],["defaultColorRange"]]].forEach((function(t,r){o.util.translator.apply(null,t.concat(e))})),e?("undefined"!=typeof s.tickLength&&(s.angularaxis.ticklen=s.tickLength,delete s.tickLength),s.tickColor&&(s.angularaxis.tickcolor=s.tickColor,delete s.tickColor)):(s.angularAxis&&"undefined"!=typeof s.angularAxis.ticklen&&(s.tickLength=s.angularAxis.ticklen),s.angularAxis&&"undefined"!=typeof s.angularAxis.tickcolor&&(s.tickColor=s.angularAxis.tickcolor)),s.legend&&"boolean"!=typeof s.legend.reverseOrder&&(s.legend.reverseOrder="normal"!=s.legend.reverseOrder),s.legend&&"boolean"==typeof s.legend.traceorder&&(s.legend.traceorder=s.legend.traceorder?"reversed":"normal",delete s.legend.reverseOrder),s.margin&&"undefined"!=typeof s.margin.t){var l=["t","r","b","l","pad"],c=["top","right","bottom","left","pad"],u={};n.entries(s.margin).forEach((function(t,e){u[c[l.indexOf(t.key)]]=t.value})),s.margin=u}e&&(delete s.needsEndSpacing,delete s.minorTickColor,delete s.minorTicks,delete s.angularaxis.ticksCount,delete s.angularaxis.ticksCount,delete s.angularaxis.ticksStep,delete s.angularaxis.rewriteTicks,delete s.angularaxis.nticks,delete s.radialaxis.ticksCount,delete s.radialaxis.ticksCount,delete s.radialaxis.ticksStep,delete s.radialaxis.rewriteTicks,delete s.radialaxis.nticks),r.layout=s}return r}};return t}},{"../../../constants/alignment":745,"../../../lib":778,d3:169}],901:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../../lib"),a=t("../../../components/color"),o=t("./micropolar"),s=t("./undo_manager"),l=i.extendDeepAll,c=e.exports={};c.framework=function(t){var e,r,i,a,u,f=new s;function h(r,s){return s&&(u=s),n.select(n.select(u).node().parentNode).selectAll(".svg-container>*:not(.chart-root)").remove(),e=e?l(e,r):r,i||(i=o.Axis()),a=o.adapter.plotly().convert(e),i.config(a).render(u),t.data=e.data,t.layout=e.layout,c.fillLayout(t),e}return h.isPolar=!0,h.svg=function(){return i.svg()},h.getConfig=function(){return e},h.getLiveConfig=function(){return o.adapter.plotly().convert(i.getLiveConfig(),!0)},h.getLiveScales=function(){return{t:i.angularScale(),r:i.radialScale()}},h.setUndoPoint=function(){var t,n,i=this,a=o.util.cloneJson(e);t=a,n=r,f.add({undo:function(){n&&i(n)},redo:function(){i(t)}}),r=o.util.cloneJson(a)},h.undo=function(){f.undo()},h.redo=function(){f.redo()},h},c.fillLayout=function(t){var e=n.select(t).selectAll(".plot-container"),r=e.selectAll(".svg-container"),i=t.framework&&t.framework.svg&&t.framework.svg(),o={width:800,height:600,paper_bgcolor:a.background,_container:e,_paperdiv:r,_paper:i};t._fullLayout=l(o,t.layout)}},{"../../../components/color":643,"../../../lib":778,"./micropolar":900,"./undo_manager":902,d3:169}],902:[function(t,e,r){"use strict";e.exports=function(){var t,e=[],r=-1,n=!1;function i(t,e){return t?(n=!0,t[e](),n=!1,this):this}return{add:function(t){return n||(e.splice(r+1,e.length-r),e.push(t),r=e.length-1),this},setCallback:function(e){t=e},undo:function(){var n=e[r];return n?(i(n,"undo"),r-=1,t&&t(n.undo),this):this},redo:function(){var n=e[r+1];return n?(i(n,"redo"),r+=1,t&&t(n.redo),this):this},clear:function(){e=[],r=-1},hasUndo:function(){return-1!==r},hasRedo:function(){return r=90||s>90&&l>=450?1:u<=0&&h<=0?0:Math.max(u,h);e=s<=180&&l>=180||s>180&&l>=540?-1:c>=0&&f>=0?0:Math.min(c,f);r=s<=270&&l>=270||s>270&&l>=630?-1:u>=0&&h>=0?0:Math.min(u,h);n=l>=360?1:c<=0&&f<=0?0:Math.max(c,f);return[e,r,n,i]}(p),b=x[2]-x[0],_=x[3]-x[1],w=h/f,T=Math.abs(_/b);w>T?(d=f,y=(h-(g=f*T))/n.h/2,m=[o[0],o[1]],v=[s[0]+y,s[1]-y]):(g=h,y=(f-(d=h/T))/n.w/2,m=[o[0]+y,o[1]-y],v=[s[0],s[1]]),this.xLength2=d,this.yLength2=g,this.xDomain2=m,this.yDomain2=v;var k=this.xOffset2=n.l+n.w*m[0],M=this.yOffset2=n.t+n.h*(1-v[1]),A=this.radius=d/b,S=this.innerRadius=e.hole*A,E=this.cx=k-A*x[0],C=this.cy=M+A*x[3],P=this.cxx=E-k,z=this.cyy=C-M;this.radialAxis=this.mockAxis(t,e,i,{_id:"x",side:{counterclockwise:"top",clockwise:"bottom"}[i.side],_realSide:i.side,domain:[S/n.w,A/n.w]}),this.angularAxis=this.mockAxis(t,e,a,{side:"right",domain:[0,Math.PI],autorange:!1}),this.doAutoRange(t,e),this.updateAngularAxis(t,e),this.updateRadialAxis(t,e),this.updateRadialAxisTitle(t,e),this.xaxis=this.mockCartesianAxis(t,e,{_id:"x",domain:m}),this.yaxis=this.mockCartesianAxis(t,e,{_id:"y",domain:v});var O=this.pathSubplot();this.clipPaths.forTraces.select("path").attr("d",O).attr("transform",l(P,z)),r.frontplot.attr("transform",l(k,M)).call(u.setClipUrl,this._hasClipOnAxisFalse?null:this.clipIds.forTraces,this.gd),r.bg.attr("d",O).attr("transform",l(E,C)).call(c.fill,e.bgcolor)},O.mockAxis=function(t,e,r,n){var i=o.extendFlat({},r,n);return d(i,e,t),i},O.mockCartesianAxis=function(t,e,r){var n=this,i=r._id,a=o.extendFlat({type:"linear"},r);p(a,t);var s={x:[0,2],y:[1,3]};return a.setRange=function(){var t=n.sectorBBox,r=s[i],o=n.radialAxis._rl,l=(o[1]-o[0])/(1-e.hole);a.range=[t[r[0]]*l,t[r[1]]*l]},a.isPtWithinRange="x"===i?function(t){return n.isPtInside(t)}:function(){return!0},a.setRange(),a.setScale(),a},O.doAutoRange=function(t,e){var r=this.gd,n=this.radialAxis,i=e.radialaxis;n.setScale(),g(r,n);var a=n.range;i.range=a.slice(),i._input.range=a.slice(),n._rl=[n.r2l(a[0],null,"gregorian"),n.r2l(a[1],null,"gregorian")]},O.updateRadialAxis=function(t,e){var r=this,n=r.gd,i=r.layers,a=r.radius,u=r.innerRadius,f=r.cx,p=r.cy,d=e.radialaxis,g=L(e.sector[0],360),m=r.radialAxis,v=u90&&g<=270&&(m.tickangle=180);var y=function(t){return l(m.l2p(t.x)+u,0)},x=D(d);if(r.radialTickLayout!==x&&(i["radial-axis"].selectAll(".xtick").remove(),r.radialTickLayout=x),v){m.setScale();var b=h.calcTicks(m),_=h.clipEnds(m,b),w=h.getTickSigns(m)[2];h.drawTicks(n,m,{vals:b,layer:i["radial-axis"],path:h.makeTickPath(m,0,w),transFn:y,crisp:!1}),h.drawGrid(n,m,{vals:_,layer:i["radial-grid"],path:function(t){return r.pathArc(m.r2p(t.x)+u)},transFn:o.noop,crisp:!1}),h.drawLabels(n,m,{vals:b,layer:i["radial-axis"],transFn:y,labelFns:h.makeLabelFns(m,0)})}var T=r.radialAxisAngle=r.vangles?P(R(I(d.angle),r.vangles)):d.angle,k=l(f,p),M=k+s(-T);F(i["radial-axis"],v&&(d.showticklabels||d.ticks),{transform:M}),F(i["radial-grid"],v&&d.showgrid,{transform:k}),F(i["radial-line"].select("line"),v&&d.showline,{x1:u,y1:0,x2:a,y2:0,transform:M}).attr("stroke-width",d.linewidth).call(c.stroke,d.linecolor)},O.updateRadialAxisTitle=function(t,e,r){var n=this.gd,i=this.radius,a=this.cx,o=this.cy,s=e.radialaxis,l=this.id+"title",c=void 0!==r?r:this.radialAxisAngle,f=I(c),h=Math.cos(f),p=Math.sin(f),d=0;if(s.title){var g=u.bBox(this.layers["radial-axis"].node()).height,m=s.title.font.size;d="counterclockwise"===s.side?-g-.4*m:g+.8*m}this.layers["radial-axis-title"]=x.draw(n,l,{propContainer:s,propName:this.id+".radialaxis.title",placeholder:C(n,"Click to enter radial axis title"),attributes:{x:a+i/2*h+d*p,y:o-i/2*p+d*h,"text-anchor":"middle"},transform:{rotate:-c}})},O.updateAngularAxis=function(t,e){var r=this,n=r.gd,i=r.layers,a=r.radius,u=r.innerRadius,f=r.cx,p=r.cy,d=e.angularaxis,g=r.angularAxis;r.fillViewInitialKey("angularaxis.rotation",d.rotation),g.setGeometry(),g.setScale();var m=function(t){return g.t2g(t.x)};"linear"===g.type&&"radians"===g.thetaunit&&(g.tick0=P(g.tick0),g.dtick=P(g.dtick));var v=function(t){return l(f+a*Math.cos(t),p-a*Math.sin(t))},y=h.makeLabelFns(g,0).labelStandoff,x={xFn:function(t){var e=m(t);return Math.cos(e)*y},yFn:function(t){var e=m(t),r=Math.sin(e)>0?.2:1;return-Math.sin(e)*(y+t.fontSize*r)+Math.abs(Math.cos(e))*(t.fontSize*A)},anchorFn:function(t){var e=m(t),r=Math.cos(e);return Math.abs(r)<.1?"middle":r>0?"start":"end"},heightFn:function(t,e,r){var n=m(t);return-.5*(1+Math.sin(n))*r}},b=D(d);r.angularTickLayout!==b&&(i["angular-axis"].selectAll("."+g._id+"tick").remove(),r.angularTickLayout=b);var _,w=h.calcTicks(g);if("linear"===e.gridshape?(_=w.map(m),o.angleDelta(_[0],_[1])<0&&(_=_.slice().reverse())):_=null,r.vangles=_,"category"===g.type&&(w=w.filter((function(t){return o.isAngleInsideSector(m(t),r.sectorInRad)}))),g.visible){var T="inside"===g.ticks?-1:1,k=(g.linewidth||1)/2;h.drawTicks(n,g,{vals:w,layer:i["angular-axis"],path:"M"+T*k+",0h"+T*g.ticklen,transFn:function(t){var e=m(t);return v(e)+s(-P(e))},crisp:!1}),h.drawGrid(n,g,{vals:w,layer:i["angular-grid"],path:function(t){var e=m(t),r=Math.cos(e),n=Math.sin(e);return"M"+[f+u*r,p-u*n]+"L"+[f+a*r,p-a*n]},transFn:o.noop,crisp:!1}),h.drawLabels(n,g,{vals:w,layer:i["angular-axis"],repositionOnUpdate:!0,transFn:function(t){return v(m(t))},labelFns:x})}F(i["angular-line"].select("path"),d.showline,{d:r.pathSubplot(),transform:l(f,p)}).attr("stroke-width",d.linewidth).call(c.stroke,d.linecolor)},O.updateFx=function(t,e){this.gd._context.staticPlot||(this.updateAngularDrag(t),this.updateRadialDrag(t,e,0),this.updateRadialDrag(t,e,1),this.updateMainDrag(t))},O.updateMainDrag=function(t){var e,r,s=this,c=s.gd,u=s.layers,f=t._zoomlayer,h=S.MINZOOM,p=S.OFFEDGE,d=s.radius,g=s.innerRadius,x=s.cx,T=s.cy,k=s.cxx,M=s.cyy,A=s.sectorInRad,C=s.vangles,L=s.radialAxis,I=E.clampTiny,P=E.findXYatLength,z=E.findEnclosingVertexAngles,O=S.cornerHalfWidth,D=S.cornerLen/2,R=m.makeDragger(u,"path","maindrag","crosshair");n.select(R).attr("d",s.pathSubplot()).attr("transform",l(x,T));var F,B,N,j,U,V,q,H,G,Y={element:R,gd:c,subplot:s.id,plotinfo:{id:s.id,xaxis:s.xaxis,yaxis:s.yaxis},xaxes:[s.xaxis],yaxes:[s.yaxis]};function W(t,e){return Math.sqrt(t*t+e*e)}function X(t,e){return W(t-k,e-M)}function Z(t,e){return Math.atan2(M-e,t-k)}function J(t,e){return[t*Math.cos(e),t*Math.sin(-e)]}function K(t,e){if(0===t)return s.pathSector(2*O);var r=D/t,n=e-r,i=e+r,a=Math.max(0,Math.min(t,d)),o=a-O,l=a+O;return"M"+J(o,n)+"A"+[o,o]+" 0,0,0 "+J(o,i)+"L"+J(l,i)+"A"+[l,l]+" 0,0,1 "+J(l,n)+"Z"}function Q(t,e,r){if(0===t)return s.pathSector(2*O);var n,i,a=J(t,e),o=J(t,r),l=I((a[0]+o[0])/2),c=I((a[1]+o[1])/2);if(l&&c){var u=c/l,f=-1/u,h=P(O,u,l,c);n=P(D,f,h[0][0],h[0][1]),i=P(D,f,h[1][0],h[1][1])}else{var p,d;c?(p=D,d=O):(p=O,d=D),n=[[l-p,c-d],[l+p,c-d]],i=[[l-p,c+d],[l+p,c+d]]}return"M"+n.join("L")+"L"+i.reverse().join("L")+"Z"}function $(t,e){return e=Math.max(Math.min(e,d),g),th?(t-1&&1===t&&_(e,c,[s.xaxis],[s.yaxis],s.id,Y),r.indexOf("event")>-1&&y.click(c,e,s.id)}Y.prepFn=function(t,n,a){var l=c._fullLayout.dragmode,u=R.getBoundingClientRect();c._fullLayout._calcInverseTransform(c);var h=c._fullLayout._invTransform;e=c._fullLayout._invScaleX,r=c._fullLayout._invScaleY;var p=o.apply3DTransform(h)(n-u.left,a-u.top);if(F=p[0],B=p[1],C){var g=E.findPolygonOffset(d,A[0],A[1],C);F+=k+g[0],B+=M+g[1]}switch(l){case"zoom":Y.moveFn=C?nt:et,Y.clickFn=ot,Y.doneFn=it,function(){N=null,j=null,U=s.pathSubplot(),V=!1;var t=c._fullLayout[s.id];q=i(t.bgcolor).getLuminance(),(H=m.makeZoombox(f,q,x,T,U)).attr("fill-rule","evenodd"),G=m.makeCorners(f,x,T),w(c)}();break;case"select":case"lasso":b(t,n,a,Y,l)}},R.onmousemove=function(t){y.hover(c,t,s.id),c._fullLayout._lasthover=R,c._fullLayout._hoversubplot=s.id},R.onmouseout=function(t){c._dragging||v.unhover(c,t)},v.init(Y)},O.updateRadialDrag=function(t,e,r){var i=this,c=i.gd,u=i.layers,f=i.radius,h=i.innerRadius,p=i.cx,d=i.cy,g=i.radialAxis,y=S.radialDragBoxSize,x=y/2;if(g.visible){var b,_,T,A=I(i.radialAxisAngle),E=g._rl,C=E[0],L=E[1],z=E[r],O=.75*(E[1]-E[0])/(1-e.hole)/f;r?(b=p+(f+x)*Math.cos(A),_=d-(f+x)*Math.sin(A),T="radialdrag"):(b=p+(h-x)*Math.cos(A),_=d-(h-x)*Math.sin(A),T="radialdrag-inner");var D,B,N,j=m.makeRectDragger(u,T,"crosshair",-x,-x,y,y),U={element:j,gd:c};F(n.select(j),g.visible&&h0==(r?N>C:Nn?function(t){return t<=0}:function(t){return t>=0};t.c2g=function(r){var n=t.c2l(r)-e;return(s(n)?n:0)+o},t.g2c=function(r){return t.l2c(r+e-o)},t.g2p=function(t){return t*a},t.c2p=function(e){return t.g2p(t.c2g(e))}}}(t,e);break;case"angularaxis":!function(t,e){var r=t.type;if("linear"===r){var i=t.d2c,s=t.c2d;t.d2c=function(t,e){return function(t,e){return"degrees"===e?a(t):t}(i(t),e)},t.c2d=function(t,e){return s(function(t,e){return"degrees"===e?o(t):t}(t,e))}}t.makeCalcdata=function(e,i){var a,o,s=e[i],l=e._length,c=function(r){return t.d2c(r,e.thetaunit)};if(s){if(n.isTypedArray(s)&&"linear"===r){if(l===s.length)return s;if(s.subarray)return s.subarray(0,l)}for(a=new Array(l),o=0;o0){for(var n=[],i=0;i=u&&(p.min=0,g.min=0,m.min=0,t.aaxis&&delete t.aaxis.min,t.baxis&&delete t.baxis.min,t.caxis&&delete t.caxis.min)}function d(t,e,r,n){var i=f[e._name];function o(r,n){return a.coerce(t,e,i,r,n)}o("uirevision",n.uirevision),e.type="linear";var h=o("color"),p=h!==i.color.dflt?h:r.font.color,d=e._name.charAt(0).toUpperCase(),g="Component "+d,m=o("title.text",g);e._hovertitle=m===g?m:d,a.coerceFont(o,"title.font",{family:r.font.family,size:Math.round(1.2*r.font.size),color:p}),o("min"),c(t,e,o,"linear"),s(t,e,o,"linear",{}),l(t,e,o,{outerTicks:!0}),o("showticklabels")&&(a.coerceFont(o,"tickfont",{family:r.font.family,size:r.font.size,color:p}),o("tickangle"),o("tickformat")),u(t,e,o,{dfltColor:h,bgColor:r.bgColor,blend:60,showLine:!0,showGrid:!0,noZeroLine:!0,attributes:i}),o("hoverformat"),o("layer")}e.exports=function(t,e,r){o(t,e,r,{type:"ternary",attributes:f,handleDefaults:p,font:e.font,paper_bgcolor:e.paper_bgcolor})}},{"../../components/color":643,"../../lib":778,"../../plot_api/plot_template":817,"../cartesian/line_grid_defaults":844,"../cartesian/tick_label_defaults":849,"../cartesian/tick_mark_defaults":850,"../cartesian/tick_value_defaults":851,"../subplot_defaults":905,"./layout_attributes":908}],910:[function(t,e,r){"use strict";var n=t("d3"),i=t("tinycolor2"),a=t("../../registry"),o=t("../../lib"),s=o.strTranslate,l=o._,c=t("../../components/color"),u=t("../../components/drawing"),f=t("../cartesian/set_convert"),h=t("../../lib/extend").extendFlat,p=t("../plots"),d=t("../cartesian/axes"),g=t("../../components/dragelement"),m=t("../../components/fx"),v=t("../../components/dragelement/helpers"),y=v.freeMode,x=v.rectMode,b=t("../../components/titles"),_=t("../cartesian/select").prepSelect,w=t("../cartesian/select").selectOnClick,T=t("../cartesian/select").clearSelect,k=t("../cartesian/select").clearSelectionsCache,M=t("../cartesian/constants");function A(t,e){this.id=t.id,this.graphDiv=t.graphDiv,this.init(e),this.makeFramework(e),this.aTickLayout=null,this.bTickLayout=null,this.cTickLayout=null}e.exports=A;var S=A.prototype;S.init=function(t){this.container=t._ternarylayer,this.defs=t._defs,this.layoutId=t._uid,this.traceHash={},this.layers={}},S.plot=function(t,e){var r=e[this.id],n=e._size;this._hasClipOnAxisFalse=!1;for(var i=0;iE*b?i=(a=b)*E:a=(i=x)/E,o=v*i/x,l=y*a/b,r=e.l+e.w*g-i/2,n=e.t+e.h*(1-m)-a/2,p.x0=r,p.y0=n,p.w=i,p.h=a,p.sum=_,p.xaxis={type:"linear",range:[w+2*k-_,_-w-2*T],domain:[g-o/2,g+o/2],_id:"x"},f(p.xaxis,p.graphDiv._fullLayout),p.xaxis.setScale(),p.xaxis.isPtWithinRange=function(t){return t.a>=p.aaxis.range[0]&&t.a<=p.aaxis.range[1]&&t.b>=p.baxis.range[1]&&t.b<=p.baxis.range[0]&&t.c>=p.caxis.range[1]&&t.c<=p.caxis.range[0]},p.yaxis={type:"linear",range:[w,_-T-k],domain:[m-l/2,m+l/2],_id:"y"},f(p.yaxis,p.graphDiv._fullLayout),p.yaxis.setScale(),p.yaxis.isPtWithinRange=function(){return!0};var M=p.yaxis.domain[0],A=p.aaxis=h({},t.aaxis,{range:[w,_-T-k],side:"left",tickangle:(+t.aaxis.tickangle||0)-30,domain:[M,M+l*E],anchor:"free",position:0,_id:"y",_length:i});f(A,p.graphDiv._fullLayout),A.setScale();var S=p.baxis=h({},t.baxis,{range:[_-w-k,T],side:"bottom",domain:p.xaxis.domain,anchor:"free",position:0,_id:"x",_length:i});f(S,p.graphDiv._fullLayout),S.setScale();var C=p.caxis=h({},t.caxis,{range:[_-w-T,k],side:"right",tickangle:(+t.caxis.tickangle||0)+30,domain:[M,M+l*E],anchor:"free",position:0,_id:"y",_length:i});f(C,p.graphDiv._fullLayout),C.setScale();var L="M"+r+","+(n+a)+"h"+i+"l-"+i/2+",-"+a+"Z";p.clipDef.select("path").attr("d",L),p.layers.plotbg.select("path").attr("d",L);var I="M0,"+a+"h"+i+"l-"+i/2+",-"+a+"Z";p.clipDefRelative.select("path").attr("d",I);var P=s(r,n);p.plotContainer.selectAll(".scatterlayer,.maplayer").attr("transform",P),p.clipDefRelative.select("path").attr("transform",null);var z=s(r-S._offset,n+a);p.layers.baxis.attr("transform",z),p.layers.bgrid.attr("transform",z);var O=s(r+i/2,n)+"rotate(30)"+s(0,-A._offset);p.layers.aaxis.attr("transform",O),p.layers.agrid.attr("transform",O);var D=s(r+i/2,n)+"rotate(-30)"+s(0,-C._offset);p.layers.caxis.attr("transform",D),p.layers.cgrid.attr("transform",D),p.drawAxes(!0),p.layers.aline.select("path").attr("d",A.showline?"M"+r+","+(n+a)+"l"+i/2+",-"+a:"M0,0").call(c.stroke,A.linecolor||"#000").style("stroke-width",(A.linewidth||0)+"px"),p.layers.bline.select("path").attr("d",S.showline?"M"+r+","+(n+a)+"h"+i:"M0,0").call(c.stroke,S.linecolor||"#000").style("stroke-width",(S.linewidth||0)+"px"),p.layers.cline.select("path").attr("d",C.showline?"M"+(r+i/2)+","+n+"l"+i/2+","+a:"M0,0").call(c.stroke,C.linecolor||"#000").style("stroke-width",(C.linewidth||0)+"px"),p.graphDiv._context.staticPlot||p.initInteractions(),u.setClipUrl(p.layers.frontplot,p._hasClipOnAxisFalse?null:p.clipId,p.graphDiv)},S.drawAxes=function(t){var e=this.graphDiv,r=this.id.substr(7)+"title",n=this.layers,i=this.aaxis,a=this.baxis,o=this.caxis;if(this.drawAx(i),this.drawAx(a),this.drawAx(o),t){var s=Math.max(i.showticklabels?i.tickfont.size/2:0,(o.showticklabels?.75*o.tickfont.size:0)+("outside"===o.ticks?.87*o.ticklen:0)),c=(a.showticklabels?a.tickfont.size:0)+("outside"===a.ticks?a.ticklen:0)+3;n["a-title"]=b.draw(e,"a"+r,{propContainer:i,propName:this.id+".aaxis.title",placeholder:l(e,"Click to enter Component A title"),attributes:{x:this.x0+this.w/2,y:this.y0-i.title.font.size/3-s,"text-anchor":"middle"}}),n["b-title"]=b.draw(e,"b"+r,{propContainer:a,propName:this.id+".baxis.title",placeholder:l(e,"Click to enter Component B title"),attributes:{x:this.x0-c,y:this.y0+this.h+.83*a.title.font.size+c,"text-anchor":"middle"}}),n["c-title"]=b.draw(e,"c"+r,{propContainer:o,propName:this.id+".caxis.title",placeholder:l(e,"Click to enter Component C title"),attributes:{x:this.x0+this.w+c,y:this.y0+this.h+.83*o.title.font.size+c,"text-anchor":"middle"}})}},S.drawAx=function(t){var e,r=this.graphDiv,n=t._name,i=n.charAt(0),a=t._id,s=this.layers[n],l=i+"tickLayout",c=(e=t).ticks+String(e.ticklen)+String(e.showticklabels);this[l]!==c&&(s.selectAll("."+a+"tick").remove(),this[l]=c),t.setScale();var u=d.calcTicks(t),f=d.clipEnds(t,u),h=d.makeTransTickFn(t),p=d.getTickSigns(t)[2],g=o.deg2rad(30),m=p*(t.linewidth||1)/2,v=p*t.ticklen,y=this.w,x=this.h,b="b"===i?"M0,"+m+"l"+Math.sin(g)*v+","+Math.cos(g)*v:"M"+m+",0l"+Math.cos(g)*v+","+-Math.sin(g)*v,_={a:"M0,0l"+x+",-"+y/2,b:"M0,0l-"+y/2+",-"+x,c:"M0,0l-"+x+","+y/2}[i];d.drawTicks(r,t,{vals:"inside"===t.ticks?f:u,layer:s,path:b,transFn:h,crisp:!1}),d.drawGrid(r,t,{vals:f,layer:this.layers[i+"grid"],path:_,transFn:h,crisp:!1}),d.drawLabels(r,t,{vals:u,layer:s,transFn:h,labelFns:d.makeLabelFns(t,0,30)})};var C=M.MINZOOM/2+.87,L="m-0.87,.5h"+C+"v3h-"+(C+5.2)+"l"+(C/2+2.6)+",-"+(.87*C+4.5)+"l2.6,1.5l-"+C/2+","+.87*C+"Z",I="m0.87,.5h-"+C+"v3h"+(C+5.2)+"l-"+(C/2+2.6)+",-"+(.87*C+4.5)+"l-2.6,1.5l"+C/2+","+.87*C+"Z",P="m0,1l"+C/2+","+.87*C+"l2.6,-1.5l-"+(C/2+2.6)+",-"+(.87*C+4.5)+"l-"+(C/2+2.6)+","+(.87*C+4.5)+"l2.6,1.5l"+C/2+",-"+.87*C+"Z",z=!0;function O(t){n.select(t).selectAll(".zoombox,.js-zoombox-backdrop,.js-zoombox-menu,.zoombox-corners").remove()}S.clearSelect=function(){k(this.dragOptions),T(this.dragOptions.gd)},S.initInteractions=function(){var t,e,r,n,f,h,p,d,v,b,T,k,A=this,S=A.layers.plotbg.select("path").node(),C=A.graphDiv,D=C._fullLayout._zoomlayer;function R(t){var e={};return e[A.id+".aaxis.min"]=t.a,e[A.id+".baxis.min"]=t.b,e[A.id+".caxis.min"]=t.c,e}function F(t,e){var r=C._fullLayout.clickmode;O(C),2===t&&(C.emit("plotly_doubleclick",null),a.call("_guiRelayout",C,R({a:0,b:0,c:0}))),r.indexOf("select")>-1&&1===t&&w(e,C,[A.xaxis],[A.yaxis],A.id,A.dragOptions),r.indexOf("event")>-1&&m.click(C,e,A.id)}function B(t,e){return 1-e/A.h}function N(t,e){return 1-(t+(A.h-e)/Math.sqrt(3))/A.w}function j(t,e){return(t-(A.h-e)/Math.sqrt(3))/A.w}function U(i,a){var o=r+i*t,s=n+a*e,l=Math.max(0,Math.min(1,B(0,n),B(0,s))),c=Math.max(0,Math.min(1,N(r,n),N(o,s))),u=Math.max(0,Math.min(1,j(r,n),j(o,s))),g=(l/2+u)*A.w,m=(1-l/2-c)*A.w,y=(g+m)/2,x=m-g,_=(1-l)*A.h,w=_-x/E;x.2?"rgba(0,0,0,0.4)":"rgba(255,255,255,0.3)").duration(200),k.transition().style("opacity",1).duration(200),b=!0),C.emit("plotly_relayouting",R(p))}function V(){O(C),p!==f&&(a.call("_guiRelayout",C,R(p)),z&&C.data&&C._context.showTips&&(o.notifier(l(C,"Double-click to zoom back out"),"long"),z=!1))}function q(t,e){var r=t/A.xaxis._m,n=e/A.yaxis._m,i=[(p={a:f.a-n,b:f.b+(r+n)/2,c:f.c-(r-n)/2}).a,p.b,p.c].sort(o.sorterAsc),a=i.indexOf(p.a),l=i.indexOf(p.b),c=i.indexOf(p.c);i[0]<0&&(i[1]+i[0]/2<0?(i[2]+=i[0]+i[1],i[0]=i[1]=0):(i[2]+=i[0]/2,i[1]+=i[0]/2,i[0]=0),p={a:i[a],b:i[l],c:i[c]},e=(f.a-p.a)*A.yaxis._m,t=(f.c-p.c-f.b+p.b)*A.xaxis._m);var h=s(A.x0+t,A.y0+e);A.plotContainer.selectAll(".scatterlayer,.maplayer").attr("transform",h);var d=s(-t,-e);A.clipDefRelative.select("path").attr("transform",d),A.aaxis.range=[p.a,A.sum-p.b-p.c],A.baxis.range=[A.sum-p.a-p.c,p.b],A.caxis.range=[A.sum-p.a-p.b,p.c],A.drawAxes(!1),A._hasClipOnAxisFalse&&A.plotContainer.select(".scatterlayer").selectAll(".trace").call(u.hideOutsideRangePoints,A),C.emit("plotly_relayouting",R(p))}function H(){a.call("_guiRelayout",C,R(p))}this.dragOptions={element:S,gd:C,plotinfo:{id:A.id,domain:C._fullLayout[A.id].domain,xaxis:A.xaxis,yaxis:A.yaxis},subplot:A.id,prepFn:function(a,l,u){A.dragOptions.xaxes=[A.xaxis],A.dragOptions.yaxes=[A.yaxis],t=C._fullLayout._invScaleX,e=C._fullLayout._invScaleY;var g=A.dragOptions.dragmode=C._fullLayout.dragmode;y(g)?A.dragOptions.minDrag=1:A.dragOptions.minDrag=void 0,"zoom"===g?(A.dragOptions.moveFn=U,A.dragOptions.clickFn=F,A.dragOptions.doneFn=V,function(t,e,a){var l=S.getBoundingClientRect();r=e-l.left,n=a-l.top,C._fullLayout._calcInverseTransform(C);var u=C._fullLayout._invTransform,g=o.apply3DTransform(u)(r,n);r=g[0],n=g[1],f={a:A.aaxis.range[0],b:A.baxis.range[1],c:A.caxis.range[1]},p=f,h=A.aaxis.range[1]-f.a,d=i(A.graphDiv._fullLayout[A.id].bgcolor).getLuminance(),v="M0,"+A.h+"L"+A.w/2+", 0L"+A.w+","+A.h+"Z",b=!1,T=D.append("path").attr("class","zoombox").attr("transform",s(A.x0,A.y0)).style({fill:d>.2?"rgba(0,0,0,0)":"rgba(255,255,255,0)","stroke-width":0}).attr("d",v),k=D.append("path").attr("class","zoombox-corners").attr("transform",s(A.x0,A.y0)).style({fill:c.background,stroke:c.defaultLine,"stroke-width":1,opacity:0}).attr("d","M0,0Z"),A.clearSelect(C)}(0,l,u)):"pan"===g?(A.dragOptions.moveFn=q,A.dragOptions.clickFn=F,A.dragOptions.doneFn=H,f={a:A.aaxis.range[0],b:A.baxis.range[1],c:A.caxis.range[1]},p=f,A.clearSelect(C)):(x(g)||y(g))&&_(a,l,u,A.dragOptions,g)}},S.onmousemove=function(t){m.hover(C,t,A.id),C._fullLayout._lasthover=S,C._fullLayout._hoversubplot=A.id},S.onmouseout=function(t){C._dragging||g.unhover(C,t)},g.init(this.dragOptions)}},{"../../components/color":643,"../../components/dragelement":662,"../../components/dragelement/helpers":661,"../../components/drawing":665,"../../components/fx":683,"../../components/titles":738,"../../lib":778,"../../lib/extend":768,"../../registry":911,"../cartesian/axes":828,"../cartesian/constants":834,"../cartesian/select":847,"../cartesian/set_convert":848,"../plots":891,d3:169,tinycolor2:576}],911:[function(t,e,r){"use strict";var n=t("./lib/loggers"),i=t("./lib/noop"),a=t("./lib/push_unique"),o=t("./lib/is_plain_object"),s=t("./lib/dom").addStyleRule,l=t("./lib/extend"),c=t("./plots/attributes"),u=t("./plots/layout_attributes"),f=l.extendFlat,h=l.extendDeepAll;function p(t){var e=t.name,i=t.categories,a=t.meta;if(r.modules[e])n.log("Type "+e+" already registered");else{r.subplotsRegistry[t.basePlotModule.name]||function(t){var e=t.name;if(r.subplotsRegistry[e])return void n.log("Plot type "+e+" already registered.");for(var i in v(t),r.subplotsRegistry[e]=t,r.componentsRegistry)b(i,t.name)}(t.basePlotModule);for(var o={},l=0;l-1&&(f[p[r]].title={text:""});for(r=0;r")?"":e.html(t).text()}));return e.remove(),r}(T),T=(T=T.replace(/&(?!\w+;|\#[0-9]+;| \#x[0-9A-F]+;)/g,"&")).replace(c,"'"),i.isIE()&&(T=(T=(T=T.replace(/"/gi,"'")).replace(/(\('#)([^']*)('\))/gi,'("#$2")')).replace(/(\\')/gi,'"')),T}},{"../components/color":643,"../components/drawing":665,"../constants/xmlns_namespaces":754,"../lib":778,d3:169}],920:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t,e){for(var r=0;rf+c||!n(u))}for(var p=0;pa))return e}return void 0!==r?r:t.dflt},r.coerceColor=function(t,e,r){return i(e).isValid()?e:void 0!==r?r:t.dflt},r.coerceEnumerated=function(t,e,r){return t.coerceNumber&&(e=+e),-1!==t.values.indexOf(e)?e:void 0!==r?r:t.dflt},r.getValue=function(t,e){var r;return Array.isArray(t)?e0?i+=a:e<0&&(i-=a)}return n.inbox(r-e,i-e,b+(i-e)/(i-r)-1)}"h"===m.orientation?(a=r,s=e,u="y",f="x",h=S,p=A):(a=e,s=r,u="x",f="y",p=S,h=A);var E=t[u+"a"],C=t[f+"a"];d=Math.abs(E.r2c(E.range[1])-E.r2c(E.range[0]));var L=n.getDistanceFunction(i,h,p,(function(t){return(h(t)+p(t))/2}));if(n.getClosest(g,L,t),!1!==t.index&&g[t.index].p!==c){y||(T=function(t){return Math.min(_(t),t.p-v.bargroupwidth/2)},k=function(t){return Math.max(w(t),t.p+v.bargroupwidth/2)});var I=g[t.index],P=m.base?I.b+I.s:I.s;t[f+"0"]=t[f+"1"]=C.c2p(I[f],!0),t[f+"LabelVal"]=P;var z=v.extents[v.extents.round(I.p)];t[u+"0"]=E.c2p(y?T(I):z[0],!0),t[u+"1"]=E.c2p(y?k(I):z[1],!0);var O=void 0!==I.orig_p;return t[u+"LabelVal"]=O?I.orig_p:I.p,t.labelLabel=l(E,t[u+"LabelVal"]),t.valueLabel=l(C,t[f+"LabelVal"]),t.baseLabel=l(C,I.b),t.spikeDistance=(S(I)+function(t){return M(_(t),w(t))}(I))/2-b,t[u+"Spike"]=E.c2p(I.p,!0),o(I,m,t),t.hovertemplate=m.hovertemplate,t}}function f(t,e){var r=e.mcc||t.marker.color,n=e.mlcc||t.marker.line.color,i=s(t,e);return a.opacity(r)?r:a.opacity(n)&&i?n:void 0}e.exports={hoverPoints:function(t,e,r,n){var a=u(t,e,r,n);if(a){var o=a.cd,s=o[0].trace,l=o[a.index];return a.color=f(s,l),i.getComponentMethod("errorbars","hoverInfo")(l,s,a),[a]}},hoverOnBars:u,getTraceColor:f}},{"../../components/color":643,"../../components/fx":683,"../../constants/numerical":753,"../../lib":778,"../../plots/cartesian/axes":828,"../../registry":911,"./helpers":927}],929:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults").supplyDefaults,crossTraceDefaults:t("./defaults").crossTraceDefaults,supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc"),crossTraceCalc:t("./cross_trace_calc").crossTraceCalc,colorbar:t("../scatter/marker_colorbar"),arraysToCalcdata:t("./arrays_to_calcdata"),plot:t("./plot").plot,style:t("./style").style,styleOnSelect:t("./style").styleOnSelect,hoverPoints:t("./hover").hoverPoints,eventData:t("./event_data"),selectPoints:t("./select"),moduleType:"trace",name:"bar",basePlotModule:t("../../plots/cartesian"),categories:["bar-like","cartesian","svg","bar","oriented","errorBarsOK","showLegend","zoomScale"],animatable:!0,meta:{}}},{"../../plots/cartesian":841,"../scatter/marker_colorbar":1205,"./arrays_to_calcdata":920,"./attributes":921,"./calc":922,"./cross_trace_calc":924,"./defaults":925,"./event_data":926,"./hover":928,"./layout_attributes":930,"./layout_defaults":931,"./plot":932,"./select":933,"./style":935}],930:[function(t,e,r){"use strict";e.exports={barmode:{valType:"enumerated",values:["stack","group","overlay","relative"],dflt:"group",editType:"calc"},barnorm:{valType:"enumerated",values:["","fraction","percent"],dflt:"",editType:"calc"},bargap:{valType:"number",min:0,max:1,editType:"calc"},bargroupgap:{valType:"number",min:0,max:1,dflt:0,editType:"calc"}}},{}],931:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../plots/cartesian/axes"),a=t("../../lib"),o=t("./layout_attributes");e.exports=function(t,e,r){function s(r,n){return a.coerce(t,e,o,r,n)}for(var l=!1,c=!1,u=!1,f={},h=s("barmode"),p=0;p0}function S(t){return"auto"===t?0:t}function E(t,e){var r=Math.PI/180*e,n=Math.abs(Math.sin(r)),i=Math.abs(Math.cos(r));return{x:t.width*i+t.height*n,y:t.width*n+t.height*i}}function C(t,e,r,n,i,a){var o=!!a.isHorizontal,s=!!a.constrained,l=a.angle||0,c=a.anchor||"end",u="end"===c,f="start"===c,h=((a.leftToRight||0)+1)/2,p=1-h,d=i.width,g=i.height,m=Math.abs(e-t),v=Math.abs(n-r),y=m>2*_&&v>2*_?_:0;m-=2*y,v-=2*y;var x=S(l);"auto"!==l||d<=m&&g<=v||!(d>m||g>v)||(d>v||g>m)&&d.01?H:function(t,e,r){return r&&t===e?t:Math.abs(t-e)>=2?H(t):t>e?Math.ceil(t):Math.floor(t)};B=G(B,N,D),N=G(N,B,D),j=G(j,U,!D),U=G(U,j,!D)}var Y=M(a.ensureSingle(P,"path"),I,m,v);if(Y.style("vector-effect","non-scaling-stroke").attr("d",isNaN((N-B)*(U-j))||V&&t._context.staticPlot?"M0,0Z":"M"+B+","+j+"V"+U+"H"+N+"V"+j+"Z").call(l.setClipUrl,e.layerClipId,t),!I.uniformtext.mode&&R){var W=l.makePointStyleFns(f);l.singlePointStyle(c,Y,f,W,t)}!function(t,e,r,n,i,s,c,f,p,m,v){var w,T=e.xaxis,A=e.yaxis,L=t._fullLayout;function I(e,r,n){return a.ensureSingle(e,"text").text(r).attr({class:"bartext bartext-"+w,"text-anchor":"middle","data-notex":1}).call(l.font,n).call(o.convertToTspans,t)}var P=n[0].trace,z="h"===P.orientation,O=function(t,e,r,n,i){var o,s=e[0].trace;o=s.texttemplate?function(t,e,r,n,i){var o=e[0].trace,s=a.castOption(o,r,"texttemplate");if(!s)return"";var l,c,f,h,p="waterfall"===o.type,d="funnel"===o.type;"h"===o.orientation?(l="y",c=i,f="x",h=n):(l="x",c=n,f="y",h=i);function g(t){return u(h,+t,!0).text}var m=e[r],v={};v.label=m.p,v.labelLabel=v[l+"Label"]=(y=m.p,u(c,y,!0).text);var y;var x=a.castOption(o,m.i,"text");(0===x||x)&&(v.text=x);v.value=m.s,v.valueLabel=v[f+"Label"]=g(m.s);var _={};b(_,o,m.i),p&&(v.delta=+m.rawS||m.s,v.deltaLabel=g(v.delta),v.final=m.v,v.finalLabel=g(v.final),v.initial=v.final-v.delta,v.initialLabel=g(v.initial));d&&(v.value=m.s,v.valueLabel=g(v.value),v.percentInitial=m.begR,v.percentInitialLabel=a.formatPercent(m.begR),v.percentPrevious=m.difR,v.percentPreviousLabel=a.formatPercent(m.difR),v.percentTotal=m.sumR,v.percenTotalLabel=a.formatPercent(m.sumR));var w=a.castOption(o,m.i,"customdata");w&&(v.customdata=w);return a.texttemplateString(s,v,t._d3locale,_,v,o._meta||{})}(t,e,r,n,i):s.textinfo?function(t,e,r,n){var i=t[0].trace,o="h"===i.orientation,s="waterfall"===i.type,l="funnel"===i.type;function c(t){return u(o?r:n,+t,!0).text}var f,h=i.textinfo,p=t[e],d=h.split("+"),g=[],m=function(t){return-1!==d.indexOf(t)};m("label")&&g.push((v=t[e].p,u(o?n:r,v,!0).text));var v;m("text")&&(0===(f=a.castOption(i,p.i,"text"))||f)&&g.push(f);if(s){var y=+p.rawS||p.s,x=p.v,b=x-y;m("initial")&&g.push(c(b)),m("delta")&&g.push(c(y)),m("final")&&g.push(c(x))}if(l){m("value")&&g.push(c(p.s));var _=0;m("percent initial")&&_++,m("percent previous")&&_++,m("percent total")&&_++;var w=_>1;m("percent initial")&&(f=a.formatPercent(p.begR),w&&(f+=" of initial"),g.push(f)),m("percent previous")&&(f=a.formatPercent(p.difR),w&&(f+=" of previous"),g.push(f)),m("percent total")&&(f=a.formatPercent(p.sumR),w&&(f+=" of total"),g.push(f))}return g.join("
")}(e,r,n,i):g.getValue(s.text,r);return g.coerceString(y,o)}(L,n,i,T,A);w=function(t,e){var r=g.getValue(t.textposition,e);return g.coerceEnumerated(x,r)}(P,i);var D="stack"===m.mode||"relative"===m.mode,R=n[i],F=!D||R._outmost;if(!O||"none"===w||(R.isBlank||s===c||f===p)&&("auto"===w||"inside"===w))return void r.select("text").remove();var B=L.font,N=d.getBarColor(n[i],P),j=d.getInsideTextFont(P,i,B,N),U=d.getOutsideTextFont(P,i,B),V=r.datum();z?"log"===T.type&&V.s0<=0&&(s=T.range[0]=G*(Z/Y):Z>=Y*(X/G);G>0&&Y>0&&(J||K||Q)?w="inside":(w="outside",q.remove(),q=null)}else w="inside";if(!q){W=a.ensureUniformFontSize(t,"outside"===w?U:j);var $=(q=I(r,O,W)).attr("transform");if(q.attr("transform",""),H=l.bBox(q.node()),G=H.width,Y=H.height,q.attr("transform",$),G<=0||Y<=0)return void q.remove()}var tt,et,rt=P.textangle;"outside"===w?(et="both"===P.constraintext||"outside"===P.constraintext,tt=function(t,e,r,n,i,a){var o,s=!!a.isHorizontal,l=!!a.constrained,c=a.angle||0,u=i.width,f=i.height,h=Math.abs(e-t),p=Math.abs(n-r);o=s?p>2*_?_:0:h>2*_?_:0;var d=1;l&&(d=s?Math.min(1,p/f):Math.min(1,h/u));var g=S(c),m=E(i,g),v=(s?m.x:m.y)/2,y=(i.left+i.right)/2,x=(i.top+i.bottom)/2,b=(t+e)/2,w=(r+n)/2,T=0,M=0,A=s?k(e,t):k(r,n);s?(b=e-A*o,T=A*v):(w=n+A*o,M=-A*v);return{textX:y,textY:x,targetX:b,targetY:w,anchorX:T,anchorY:M,scale:d,rotate:g}}(s,c,f,p,H,{isHorizontal:z,constrained:et,angle:rt})):(et="both"===P.constraintext||"inside"===P.constraintext,tt=C(s,c,f,p,H,{isHorizontal:z,constrained:et,angle:rt,anchor:P.insidetextanchor}));tt.fontSize=W.size,h(P.type,tt,L),R.transform=tt,M(q,L,m,v).attr("transform",a.getTextTransform(tt))}(t,e,P,r,p,B,N,j,U,m,v),e.layerClipId&&l.hideOutsideRangePoint(c,P.select("text"),w,L,f.xcalendar,f.ycalendar)}));var j=!1===f.cliponaxis;l.setClipUrl(c,j?null:e.layerClipId,t)}));c.getComponentMethod("errorbars","plot")(t,P,e,m)},toMoveInsideBar:C}},{"../../components/color":643,"../../components/drawing":665,"../../components/fx/helpers":679,"../../lib":778,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"../../registry":911,"./attributes":921,"./constants":923,"./helpers":927,"./style":935,"./uniform_text":937,d3:169,"fast-isnumeric":241}],933:[function(t,e,r){"use strict";function n(t,e,r,n,i){var a=e.c2p(n?t.s0:t.p0,!0),o=e.c2p(n?t.s1:t.p1,!0),s=r.c2p(n?t.p0:t.s0,!0),l=r.c2p(n?t.p1:t.s1,!0);return i?[(a+o)/2,(s+l)/2]:n?[o,(s+l)/2]:[(a+o)/2,l]}e.exports=function(t,e){var r,i=t.cd,a=t.xaxis,o=t.yaxis,s=i[0].trace,l="funnel"===s.type,c="h"===s.orientation,u=[];if(!1===e)for(r=0;r1||0===i.bargap&&0===i.bargroupgap&&!t[0].trace.marker.line.width)&&n.select(this).attr("shape-rendering","crispEdges")})),e.selectAll("g.points").each((function(e){d(n.select(this),e[0].trace,t)})),s.getComponentMethod("errorbars","style")(e)},styleTextPoints:g,styleOnSelect:function(t,e,r){var i=e[0].trace;i.selectedpoints?function(t,e,r){a.selectedPointStyle(t.selectAll("path"),e),function(t,e,r){t.each((function(t){var i,s=n.select(this);if(t.selected){i=o.ensureUniformFontSize(r,m(s,t,e,r));var l=e.selected.textfont&&e.selected.textfont.color;l&&(i.color=l),a.font(s,i)}else a.selectedTextStyle(s,e)}))}(t.selectAll("text"),e,r)}(r,i,t):(d(r,i,t),s.getComponentMethod("errorbars","style")(r))},getInsideTextFont:y,getOutsideTextFont:x,getBarColor:_,resizeText:l}},{"../../components/color":643,"../../components/drawing":665,"../../lib":778,"../../registry":911,"./attributes":921,"./helpers":927,"./uniform_text":937,d3:169}],936:[function(t,e,r){"use strict";var n=t("../../components/color"),i=t("../../components/colorscale/helpers").hasColorscale,a=t("../../components/colorscale/defaults");e.exports=function(t,e,r,o,s){r("marker.color",o),i(t,"marker")&&a(t,e,s,r,{prefix:"marker.",cLetter:"c"}),r("marker.line.color",n.defaultLine),i(t,"marker.line")&&a(t,e,s,r,{prefix:"marker.line.",cLetter:"c"}),r("marker.line.width"),r("marker.opacity"),r("selected.marker.color"),r("unselected.marker.color")}},{"../../components/color":643,"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654}],937:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib");function a(t){return"_"+t+"Text_minsize"}e.exports={recordMinTextSize:function(t,e,r){if(r.uniformtext.mode){var n=a(t),i=r.uniformtext.minsize,o=e.scale*e.fontSize;e.hide=oh.range[1]&&(x+=Math.PI);if(n.getClosest(c,(function(t){return g(y,x,[t.rp0,t.rp1],[t.thetag0,t.thetag1],d)?m+Math.min(1,Math.abs(t.thetag1-t.thetag0)/v)-1+(t.rp1-y)/(t.rp1-t.rp0)-1:1/0}),t),!1!==t.index){var b=c[t.index];t.x0=t.x1=b.ct[0],t.y0=t.y1=b.ct[1];var _=i.extendFlat({},b,{r:b.s,theta:b.p});return o(b,u,t),s(_,u,f,t),t.hovertemplate=u.hovertemplate,t.color=a(u,b),t.xLabelVal=t.yLabelVal=void 0,b.s<0&&(t.idealAlign="left"),[t]}}},{"../../components/fx":683,"../../lib":778,"../../plots/polar/helpers":893,"../bar/hover":928,"../scatterpolar/hover":1265}],942:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"barpolar",basePlotModule:t("../../plots/polar"),categories:["polar","bar","showLegend"],attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./calc").crossTraceCalc,plot:t("./plot"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("../scatterpolar/format_labels"),style:t("../bar/style").style,styleOnSelect:t("../bar/style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("../bar/select"),meta:{}}},{"../../plots/polar":894,"../bar/select":933,"../bar/style":935,"../scatter/marker_colorbar":1205,"../scatterpolar/format_labels":1264,"./attributes":938,"./calc":939,"./defaults":940,"./hover":941,"./layout_attributes":943,"./layout_defaults":944,"./plot":945}],943:[function(t,e,r){"use strict";e.exports={barmode:{valType:"enumerated",values:["stack","overlay"],dflt:"stack",editType:"calc"},bargap:{valType:"number",dflt:.1,min:0,max:1,editType:"calc"}}},{}],944:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e,r){var a,o={};function s(r,o){return n.coerce(t[a]||{},e[a],i,r,o)}for(var l=0;l0?(c=o,u=l):(c=l,u=o);var f=[s.findEnclosingVertexAngles(c,t.vangles)[0],(c+u)/2,s.findEnclosingVertexAngles(u,t.vangles)[1]];return s.pathPolygonAnnulus(n,i,c,u,f,e,r)};return function(t,n,i,o){return a.pathAnnulus(t,n,i,o,e,r)}}(e),p=e.layers.frontplot.select("g.barlayer");a.makeTraceGroups(p,r,"trace bars").each((function(){var r=n.select(this),s=a.ensureSingle(r,"g","points").selectAll("g.point").data(a.identity);s.enter().append("g").style("vector-effect","non-scaling-stroke").style("stroke-miterlimit",2).classed("point",!0),s.exit().remove(),s.each((function(t){var e,r=n.select(this),o=t.rp0=u.c2p(t.s0),s=t.rp1=u.c2p(t.s1),p=t.thetag0=f.c2g(t.p0),d=t.thetag1=f.c2g(t.p1);if(i(o)&&i(s)&&i(p)&&i(d)&&o!==s&&p!==d){var g=u.c2g(t.s1),m=(p+d)/2;t.ct=[l.c2p(g*Math.cos(m)),c.c2p(g*Math.sin(m))],e=h(o,s,p,d)}else e="M0,0Z";a.ensureSingle(r,"path").attr("d",e)})),o.setClipUrl(r,e._hasClipOnAxisFalse?e.clipIds.forTraces:null,t)}))}},{"../../components/drawing":665,"../../lib":778,"../../plots/polar/helpers":893,d3:169,"fast-isnumeric":241}],946:[function(t,e,r){"use strict";var n=t("../scatter/attributes"),i=t("../bar/attributes"),a=t("../../components/color/attributes"),o=t("../../plots/template_attributes").hovertemplateAttrs,s=t("../../lib/extend").extendFlat,l=n.marker,c=l.line;e.exports={y:{valType:"data_array",editType:"calc+clearAxisTypes"},x:{valType:"data_array",editType:"calc+clearAxisTypes"},x0:{valType:"any",editType:"calc+clearAxisTypes"},y0:{valType:"any",editType:"calc+clearAxisTypes"},dx:{valType:"number",editType:"calc"},dy:{valType:"number",editType:"calc"},xperiod:n.xperiod,yperiod:n.yperiod,xperiod0:n.xperiod0,yperiod0:n.yperiod0,xperiodalignment:n.xperiodalignment,yperiodalignment:n.yperiodalignment,name:{valType:"string",editType:"calc+clearAxisTypes"},q1:{valType:"data_array",editType:"calc+clearAxisTypes"},median:{valType:"data_array",editType:"calc+clearAxisTypes"},q3:{valType:"data_array",editType:"calc+clearAxisTypes"},lowerfence:{valType:"data_array",editType:"calc"},upperfence:{valType:"data_array",editType:"calc"},notched:{valType:"boolean",editType:"calc"},notchwidth:{valType:"number",min:0,max:.5,dflt:.25,editType:"calc"},notchspan:{valType:"data_array",editType:"calc"},boxpoints:{valType:"enumerated",values:["all","outliers","suspectedoutliers",!1],editType:"calc"},jitter:{valType:"number",min:0,max:1,editType:"calc"},pointpos:{valType:"number",min:-2,max:2,editType:"calc"},boxmean:{valType:"enumerated",values:[!0,"sd",!1],editType:"calc"},mean:{valType:"data_array",editType:"calc"},sd:{valType:"data_array",editType:"calc"},orientation:{valType:"enumerated",values:["v","h"],editType:"calc+clearAxisTypes"},quartilemethod:{valType:"enumerated",values:["linear","exclusive","inclusive"],dflt:"linear",editType:"calc"},width:{valType:"number",min:0,dflt:0,editType:"calc"},marker:{outliercolor:{valType:"color",dflt:"rgba(0, 0, 0, 0)",editType:"style"},symbol:s({},l.symbol,{arrayOk:!1,editType:"plot"}),opacity:s({},l.opacity,{arrayOk:!1,dflt:1,editType:"style"}),size:s({},l.size,{arrayOk:!1,editType:"calc"}),color:s({},l.color,{arrayOk:!1,editType:"style"}),line:{color:s({},c.color,{arrayOk:!1,dflt:a.defaultLine,editType:"style"}),width:s({},c.width,{arrayOk:!1,dflt:0,editType:"style"}),outliercolor:{valType:"color",editType:"style"},outlierwidth:{valType:"number",min:0,dflt:1,editType:"style"},editType:"style"},editType:"plot"},line:{color:{valType:"color",editType:"style"},width:{valType:"number",min:0,dflt:2,editType:"style"},editType:"plot"},fillcolor:n.fillcolor,whiskerwidth:{valType:"number",min:0,max:1,dflt:.5,editType:"calc"},offsetgroup:i.offsetgroup,alignmentgroup:i.alignmentgroup,selected:{marker:n.selected.marker,editType:"style"},unselected:{marker:n.unselected.marker,editType:"style"},text:s({},n.text,{}),hovertext:s({},n.hovertext,{}),hovertemplate:o({}),hoveron:{valType:"flaglist",flags:["boxes","points"],dflt:"boxes+points",editType:"style"}}},{"../../components/color/attributes":642,"../../lib/extend":768,"../../plots/template_attributes":906,"../bar/attributes":921,"../scatter/attributes":1187}],947:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../plots/cartesian/axes"),a=t("../../plots/cartesian/align_period"),o=t("../../lib"),s=t("../../constants/numerical").BADNUM,l=o._;e.exports=function(t,e){var r,c,y,x,b,_,w,T=t._fullLayout,k=i.getFromId(t,e.xaxis||"x"),M=i.getFromId(t,e.yaxis||"y"),A=[],S="violin"===e.type?"_numViolins":"_numBoxes";"h"===e.orientation?(y=k,x="x",b=M,_="y",w=!!e.yperiodalignment):(y=M,x="y",b=k,_="x",w=!!e.xperiodalignment);var E,C,L,I,P,z,O=function(t,e,r,i){var s,l=e+"0"in t,c="d"+e in t;if(e in t||l&&c){var u=r.makeCalcdata(t,e);return[a(t,r,e,u),u]}s=l?t[e+"0"]:"name"in t&&("category"===r.type||n(t.name)&&-1!==["linear","log"].indexOf(r.type)||o.isDateTime(t.name)&&"date"===r.type)?t.name:i;for(var f="multicategory"===r.type?r.r2c_just_indices(s):r.d2c(s,0,t[e+"calendar"]),h=t._length,p=new Array(h),d=0;dE.uf};if(e._hasPreCompStats){var U=e[x],V=function(t){return y.d2c((e[t]||[])[r])},q=1/0,H=-1/0;for(r=0;r=E.q1&&E.q3>=E.med){var Y=V("lowerfence");E.lf=Y!==s&&Y<=E.q1?Y:p(E,L,I);var W=V("upperfence");E.uf=W!==s&&W>=E.q3?W:d(E,L,I);var X=V("mean");E.mean=X!==s?X:I?o.mean(L,I):(E.q1+E.q3)/2;var Z=V("sd");E.sd=X!==s&&Z>=0?Z:I?o.stdev(L,I,E.mean):E.q3-E.q1,E.lo=g(E),E.uo=m(E);var J=V("notchspan");J=J!==s&&J>0?J:v(E,I),E.ln=E.med-J,E.un=E.med+J;var K=E.lf,Q=E.uf;e.boxpoints&&L.length&&(K=Math.min(K,L[0]),Q=Math.max(Q,L[I-1])),e.notched&&(K=Math.min(K,E.ln),Q=Math.max(Q,E.un)),E.min=K,E.max=Q}else{var $;o.warn(["Invalid input - make sure that q1 <= median <= q3","q1 = "+E.q1,"median = "+E.med,"q3 = "+E.q3].join("\n")),$=E.med!==s?E.med:E.q1!==s?E.q3!==s?(E.q1+E.q3)/2:E.q1:E.q3!==s?E.q3:0,E.med=$,E.q1=E.q3=$,E.lf=E.uf=$,E.mean=E.sd=$,E.ln=E.un=$,E.min=E.max=$}q=Math.min(q,E.min),H=Math.max(H,E.max),E.pts2=C.filter(j),A.push(E)}}e._extremes[y._id]=i.findExtremes(y,[q,H],{padded:!0})}else{var tt=y.makeCalcdata(e,x),et=function(t,e){for(var r=t.length,n=new Array(r+1),i=0;i=0&&it0){var ut,ft;if((E={}).pos=E[_]=B[r],C=E.pts=nt[r].sort(f),I=(L=E[x]=C.map(h)).length,E.min=L[0],E.max=L[I-1],E.mean=o.mean(L,I),E.sd=o.stdev(L,I,E.mean),E.med=o.interp(L,.5),I%2&&(lt||ct))lt?(ut=L.slice(0,I/2),ft=L.slice(I/2+1)):ct&&(ut=L.slice(0,I/2+1),ft=L.slice(I/2)),E.q1=o.interp(ut,.5),E.q3=o.interp(ft,.5);else E.q1=o.interp(L,.25),E.q3=o.interp(L,.75);E.lf=p(E,L,I),E.uf=d(E,L,I),E.lo=g(E),E.uo=m(E);var ht=v(E,I);E.ln=E.med-ht,E.un=E.med+ht,at=Math.min(at,E.ln),ot=Math.max(ot,E.un),E.pts2=C.filter(j),A.push(E)}e._extremes[y._id]=i.findExtremes(y,e.notched?tt.concat([at,ot]):tt,{padded:!0})}return function(t,e){if(o.isArrayOrTypedArray(e.selectedpoints))for(var r=0;r0?(A[0].t={num:T[S],dPos:N,posLetter:_,valLetter:x,labels:{med:l(t,"median:"),min:l(t,"min:"),q1:l(t,"q1:"),q3:l(t,"q3:"),max:l(t,"max:"),mean:"sd"===e.boxmean?l(t,"mean \xb1 \u03c3:"):l(t,"mean:"),lf:l(t,"lower fence:"),uf:l(t,"upper fence:")}},T[S]++,A):[{t:{empty:!0}}]};var c={text:"tx",hovertext:"htx"};function u(t,e,r){for(var n in c)o.isArrayOrTypedArray(e[n])&&(Array.isArray(r)?o.isArrayOrTypedArray(e[n][r[0]])&&(t[c[n]]=e[n][r[0]][r[1]]):t[c[n]]=e[n][r])}function f(t,e){return t.v-e.v}function h(t){return t.v}function p(t,e,r){return 0===r?t.q1:Math.min(t.q1,e[Math.min(o.findBin(2.5*t.q1-1.5*t.q3,e,!0)+1,r-1)])}function d(t,e,r){return 0===r?t.q3:Math.max(t.q3,e[Math.max(o.findBin(2.5*t.q3-1.5*t.q1,e),0)])}function g(t){return 4*t.q1-3*t.q3}function m(t){return 4*t.q3-3*t.q1}function v(t,e){return 0===e?0:1.57*(t.q3-t.q1)/Math.sqrt(e)}},{"../../constants/numerical":753,"../../lib":778,"../../plots/cartesian/align_period":825,"../../plots/cartesian/axes":828,"fast-isnumeric":241}],948:[function(t,e,r){"use strict";var n=t("../../plots/cartesian/axes"),i=t("../../lib"),a=t("../../plots/cartesian/constraints").getAxisGroup,o=["v","h"];function s(t,e,r,o){var s,l,c,u=e.calcdata,f=e._fullLayout,h=o._id,p=h.charAt(0),d=[],g=0;for(s=0;s1,b=1-f[t+"gap"],_=1-f[t+"groupgap"];for(s=0;s0){var H=E.pointpos,G=E.jitter,Y=E.marker.size/2,W=0;H+G>=0&&((W=V*(H+G))>A?(q=!0,j=Y,B=W):W>R&&(j=Y,B=A)),W<=A&&(B=A);var X=0;H-G<=0&&((X=-V*(H-G))>S?(q=!0,U=Y,N=X):X>F&&(U=Y,N=S)),X<=S&&(N=S)}else B=A,N=S;var Z=new Array(c.length);for(l=0;l0?(m="v",v=x>0?Math.min(_,b):Math.min(b)):x>0?(m="h",v=Math.min(_)):v=0;if(v){e._length=v;var S=r("orientation",m);e._hasPreCompStats?"v"===S&&0===x?(r("x0",0),r("dx",1)):"h"===S&&0===y&&(r("y0",0),r("dy",1)):"v"===S&&0===x?r("x0"):"h"===S&&0===y&&r("y0"),i.getComponentMethod("calendars","handleTraceDefaults")(t,e,["x","y"],a)}else e.visible=!1}function f(t,e,r,i){var a=i.prefix,o=n.coerce2(t,e,c,"marker.outliercolor"),s=r("marker.line.outliercolor"),l="outliers";e._hasPreCompStats?l="all":(o||s)&&(l="suspectedoutliers");var u=r(a+"points",l);u?(r("jitter","all"===u?.3:0),r("pointpos","all"===u?-1.5:0),r("marker.symbol"),r("marker.opacity"),r("marker.size"),r("marker.color",e.line.color),r("marker.line.color"),r("marker.line.width"),"suspectedoutliers"===u&&(r("marker.line.outliercolor",e.marker.color),r("marker.line.outlierwidth")),r("selected.marker.color"),r("unselected.marker.color"),r("selected.marker.size"),r("unselected.marker.size"),r("text"),r("hovertext")):delete e.marker;var f=r("hoveron");"all"!==f&&-1===f.indexOf("points")||r("hovertemplate"),n.coerceSelectionMarkerOpacity(e,r)}e.exports={supplyDefaults:function(t,e,r,i){function s(r,i){return n.coerce(t,e,c,r,i)}if(u(t,e,s,i),!1!==e.visible){o(t,e,i,s);var l=e._hasPreCompStats;l&&(s("lowerfence"),s("upperfence")),s("line.color",(t.marker||{}).color||r),s("line.width"),s("fillcolor",a.addOpacity(e.line.color,.5));var h=!1;if(l){var p=s("mean"),d=s("sd");p&&p.length&&(h=!0,d&&d.length&&(h="sd"))}s("boxmean",h),s("whiskerwidth"),s("width"),s("quartilemethod");var g=!1;if(l){var m=s("notchspan");m&&m.length&&(g=!0)}else n.validate(t.notchwidth,c.notchwidth)&&(g=!0);s("notched",g)&&s("notchwidth"),f(t,e,s,{prefix:"box"})}},crossTraceDefaults:function(t,e){var r,i;function a(t){return n.coerce(i._input,i,c,t)}for(var o=0;ot.lo&&(x.so=!0)}return a}));h.enter().append("path").classed("point",!0),h.exit().remove(),h.call(a.translatePoints,o,s)}function l(t,e,r,a){var o,s,l=e.val,c=e.pos,u=!!c.rangebreaks,f=a.bPos,h=a.bPosPxOffset||0,p=r.boxmean||(r.meanline||{}).visible;Array.isArray(a.bdPos)?(o=a.bdPos[0],s=a.bdPos[1]):(o=a.bdPos,s=a.bdPos);var d=t.selectAll("path.mean").data("box"===r.type&&r.boxmean||"violin"===r.type&&r.box.visible&&r.meanline.visible?i.identity:[]);d.enter().append("path").attr("class","mean").style({fill:"none","vector-effect":"non-scaling-stroke"}),d.exit().remove(),d.each((function(t){var e=c.c2l(t.pos+f,!0),i=c.l2p(e-o)+h,a=c.l2p(e+s)+h,d=u?(i+a)/2:c.l2p(e)+h,g=l.c2p(t.mean,!0),m=l.c2p(t.mean-t.sd,!0),v=l.c2p(t.mean+t.sd,!0);"h"===r.orientation?n.select(this).attr("d","M"+g+","+i+"V"+a+("sd"===p?"m0,0L"+m+","+d+"L"+g+","+i+"L"+v+","+d+"Z":"")):n.select(this).attr("d","M"+i+","+g+"H"+a+("sd"===p?"m0,0L"+d+","+m+"L"+i+","+g+"L"+d+","+v+"Z":""))}))}e.exports={plot:function(t,e,r,a){var c=e.xaxis,u=e.yaxis;i.makeTraceGroups(a,r,"trace boxes").each((function(t){var e,r,i=n.select(this),a=t[0],f=a.t,h=a.trace;(f.wdPos=f.bdPos*h.whiskerwidth,!0!==h.visible||f.empty)?i.remove():("h"===h.orientation?(e=u,r=c):(e=c,r=u),o(i,{pos:e,val:r},h,f),s(i,{x:c,y:u},h,f),l(i,{pos:e,val:r},h,f))}))},plotBoxAndWhiskers:o,plotPoints:s,plotBoxMean:l}},{"../../components/drawing":665,"../../lib":778,d3:169}],956:[function(t,e,r){"use strict";e.exports=function(t,e){var r,n,i=t.cd,a=t.xaxis,o=t.yaxis,s=[];if(!1===e)for(r=0;r=10)return null;for(var i=1/0,a=-1/0,o=e.length,s=0;s0?Math.floor:Math.ceil,P=C>0?Math.ceil:Math.floor,z=C>0?Math.min:Math.max,O=C>0?Math.max:Math.min,D=I(S+L),R=P(E-L),F=[[f=A(S)]];for(a=D;a*C=0;i--)a[u-i]=t[f][i],o[u-i]=e[f][i];for(s.push({x:a,y:o,bicubic:l}),i=f,a=[],o=[];i>=0;i--)a[f-i]=t[i][0],o[f-i]=e[i][0];return s.push({x:a,y:o,bicubic:c}),s}},{}],970:[function(t,e,r){"use strict";var n=t("../../plots/cartesian/axes"),i=t("../../lib/extend").extendFlat;e.exports=function(t,e,r){var a,o,s,l,c,u,f,h,p,d,g,m,v,y,x=t["_"+e],b=t[e+"axis"],_=b._gridlines=[],w=b._minorgridlines=[],T=b._boundarylines=[],k=t["_"+r],M=t[r+"axis"];"array"===b.tickmode&&(b.tickvals=x.slice());var A=t._xctrl,S=t._yctrl,E=A[0].length,C=A.length,L=t._a.length,I=t._b.length;n.prepTicks(b),"array"===b.tickmode&&delete b.tickvals;var P=b.smoothing?3:1;function z(n){var i,a,o,s,l,c,u,f,p,d,g,m,v=[],y=[],x={};if("b"===e)for(a=t.b2j(n),o=Math.floor(Math.max(0,Math.min(I-2,a))),s=a-o,x.length=I,x.crossLength=L,x.xy=function(e){return t.evalxy([],e,a)},x.dxy=function(e,r){return t.dxydi([],e,o,r,s)},i=0;i0&&(p=t.dxydi([],i-1,o,0,s),v.push(l[0]+p[0]/3),y.push(l[1]+p[1]/3),d=t.dxydi([],i-1,o,1,s),v.push(f[0]-d[0]/3),y.push(f[1]-d[1]/3)),v.push(f[0]),y.push(f[1]),l=f;else for(i=t.a2i(n),c=Math.floor(Math.max(0,Math.min(L-2,i))),u=i-c,x.length=L,x.crossLength=I,x.xy=function(e){return t.evalxy([],i,e)},x.dxy=function(e,r){return t.dxydj([],c,e,u,r)},a=0;a0&&(g=t.dxydj([],c,a-1,u,0),v.push(l[0]+g[0]/3),y.push(l[1]+g[1]/3),m=t.dxydj([],c,a-1,u,1),v.push(f[0]-m[0]/3),y.push(f[1]-m[1]/3)),v.push(f[0]),y.push(f[1]),l=f;return x.axisLetter=e,x.axis=b,x.crossAxis=M,x.value=n,x.constvar=r,x.index=h,x.x=v,x.y=y,x.smoothing=M.smoothing,x}function O(n){var i,a,o,s,l,c=[],u=[],f={};if(f.length=x.length,f.crossLength=k.length,"b"===e)for(o=Math.max(0,Math.min(I-2,n)),l=Math.min(1,Math.max(0,n-o)),f.xy=function(e){return t.evalxy([],e,n)},f.dxy=function(e,r){return t.dxydi([],e,o,r,l)},i=0;ix.length-1||_.push(i(O(o),{color:b.gridcolor,width:b.gridwidth}));for(h=u;hx.length-1||g<0||g>x.length-1))for(m=x[s],v=x[g],a=0;ax[x.length-1]||w.push(i(z(d),{color:b.minorgridcolor,width:b.minorgridwidth}));b.startline&&T.push(i(O(0),{color:b.startlinecolor,width:b.startlinewidth})),b.endline&&T.push(i(O(x.length-1),{color:b.endlinecolor,width:b.endlinewidth}))}else{for(l=5e-15,u=(c=[Math.floor((x[x.length-1]-b.tick0)/b.dtick*(1+l)),Math.ceil((x[0]-b.tick0)/b.dtick/(1+l))].sort((function(t,e){return t-e})))[0],f=c[1],h=u;h<=f;h++)p=b.tick0+b.dtick*h,_.push(i(z(p),{color:b.gridcolor,width:b.gridwidth}));for(h=u-1;hx[x.length-1]||w.push(i(z(d),{color:b.minorgridcolor,width:b.minorgridwidth}));b.startline&&T.push(i(z(x[0]),{color:b.startlinecolor,width:b.startlinewidth})),b.endline&&T.push(i(z(x[x.length-1]),{color:b.endlinecolor,width:b.endlinewidth}))}}},{"../../lib/extend":768,"../../plots/cartesian/axes":828}],971:[function(t,e,r){"use strict";var n=t("../../plots/cartesian/axes"),i=t("../../lib/extend").extendFlat;e.exports=function(t,e){var r,a,o,s=e._labels=[],l=e._gridlines;for(r=0;re.length&&(t=t.slice(0,e.length)):t=[],i=0;i90&&(p-=180,l=-l),{angle:p,flip:l,p:t.c2p(n,e,r),offsetMultplier:c}}},{}],985:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/drawing"),a=t("./map_1d_array"),o=t("./makepath"),s=t("./orient_text"),l=t("../../lib/svg_text_utils"),c=t("../../lib"),u=c.strRotate,f=c.strTranslate,h=t("../../constants/alignment");function p(t,e,r,i,s,l){var c="const-"+s+"-lines",u=r.selectAll("."+c).data(l);u.enter().append("path").classed(c,!0).style("vector-effect","non-scaling-stroke"),u.each((function(r){var i=r,s=i.x,l=i.y,c=a([],s,t.c2p),u=a([],l,e.c2p),f="M"+o(c,u,i.smoothing);n.select(this).attr("d",f).style("stroke-width",i.width).style("stroke",i.color).style("fill","none")})),u.exit().remove()}function d(t,e,r,a,o,c,h,p){var d=c.selectAll("text."+p).data(h);d.enter().append("text").classed(p,!0);var g=0,m={};return d.each((function(o,c){var h;if("auto"===o.axis.tickangle)h=s(a,e,r,o.xy,o.dxy);else{var p=(o.axis.tickangle+180)*Math.PI/180;h=s(a,e,r,o.xy,[Math.cos(p),Math.sin(p)])}c||(m={angle:h.angle,flip:h.flip});var d=(o.endAnchor?-1:1)*h.flip,v=n.select(this).attr({"text-anchor":d>0?"start":"end","data-notex":1}).call(i.font,o.font).text(o.text).call(l.convertToTspans,t),y=i.bBox(this);v.attr("transform",f(h.p[0],h.p[1])+u(h.angle)+f(o.axis.labelpadding*d,.3*y.height)),g=Math.max(g,y.width+o.axis.labelpadding)})),d.exit().remove(),m.maxExtent=g,m}e.exports=function(t,e,r,i){var l=e.xaxis,u=e.yaxis,f=t._fullLayout._clips;c.makeTraceGroups(i,r,"trace").each((function(e){var r=n.select(this),i=e[0],h=i.trace,g=h.aaxis,m=h.baxis,y=c.ensureSingle(r,"g","minorlayer"),x=c.ensureSingle(r,"g","majorlayer"),b=c.ensureSingle(r,"g","boundarylayer"),_=c.ensureSingle(r,"g","labellayer");r.style("opacity",h.opacity),p(l,u,x,g,"a",g._gridlines),p(l,u,x,m,"b",m._gridlines),p(l,u,y,g,"a",g._minorgridlines),p(l,u,y,m,"b",m._minorgridlines),p(l,u,b,g,"a-boundary",g._boundarylines),p(l,u,b,m,"b-boundary",m._boundarylines);var w=d(t,l,u,h,i,_,g._labels,"a-label"),T=d(t,l,u,h,i,_,m._labels,"b-label");!function(t,e,r,n,i,a,o,l){var u,f,h,p,d=c.aggNums(Math.min,null,r.a),g=c.aggNums(Math.max,null,r.a),m=c.aggNums(Math.min,null,r.b),y=c.aggNums(Math.max,null,r.b);u=.5*(d+g),f=m,h=r.ab2xy(u,f,!0),p=r.dxyda_rough(u,f),void 0===o.angle&&c.extendFlat(o,s(r,i,a,h,r.dxydb_rough(u,f)));v(t,e,r,n,h,p,r.aaxis,i,a,o,"a-title"),u=d,f=.5*(m+y),h=r.ab2xy(u,f,!0),p=r.dxydb_rough(u,f),void 0===l.angle&&c.extendFlat(l,s(r,i,a,h,r.dxyda_rough(u,f)));v(t,e,r,n,h,p,r.baxis,i,a,l,"b-title")}(t,_,h,i,l,u,w,T),function(t,e,r,n,i){var s,l,u,f,h=r.select("#"+t._clipPathId);h.size()||(h=r.append("clipPath").classed("carpetclip",!0));var p=c.ensureSingle(h,"path","carpetboundary"),d=e.clipsegments,g=[];for(f=0;f90&&y<270,b=n.select(this);b.text(h.title.text).call(l.convertToTspans,t),x&&(_=(-l.lineCount(b)+m)*g*a-_),b.attr("transform",f(e.p[0],e.p[1])+u(e.angle)+f(0,_)).attr("text-anchor","middle").call(i.font,h.title.font)})),b.exit().remove()}},{"../../components/drawing":665,"../../constants/alignment":745,"../../lib":778,"../../lib/svg_text_utils":803,"./makepath":982,"./map_1d_array":983,"./orient_text":984,d3:169}],986:[function(t,e,r){"use strict";var n=t("./constants"),i=t("../../lib/search").findBin,a=t("./compute_control_points"),o=t("./create_spline_evaluator"),s=t("./create_i_derivative_evaluator"),l=t("./create_j_derivative_evaluator");e.exports=function(t){var e=t._a,r=t._b,c=e.length,u=r.length,f=t.aaxis,h=t.baxis,p=e[0],d=e[c-1],g=r[0],m=r[u-1],v=e[e.length-1]-e[0],y=r[r.length-1]-r[0],x=v*n.RELATIVE_CULL_TOLERANCE,b=y*n.RELATIVE_CULL_TOLERANCE;p-=x,d+=x,g-=b,m+=b,t.isVisible=function(t,e){return t>p&&tg&&ed||em},t.setScale=function(){var e=t._x,r=t._y,n=a(t._xctrl,t._yctrl,e,r,f.smoothing,h.smoothing);t._xctrl=n[0],t._yctrl=n[1],t.evalxy=o([t._xctrl,t._yctrl],c,u,f.smoothing,h.smoothing),t.dxydi=s([t._xctrl,t._yctrl],f.smoothing,h.smoothing),t.dxydj=l([t._xctrl,t._yctrl],f.smoothing,h.smoothing)},t.i2a=function(t){var r=Math.max(0,Math.floor(t[0]),c-2),n=t[0]-r;return(1-n)*e[r]+n*e[r+1]},t.j2b=function(t){var e=Math.max(0,Math.floor(t[1]),c-2),n=t[1]-e;return(1-n)*r[e]+n*r[e+1]},t.ij2ab=function(e){return[t.i2a(e[0]),t.j2b(e[1])]},t.a2i=function(t){var r=Math.max(0,Math.min(i(t,e),c-2)),n=e[r],a=e[r+1];return Math.max(0,Math.min(c-1,r+(t-n)/(a-n)))},t.b2j=function(t){var e=Math.max(0,Math.min(i(t,r),u-2)),n=r[e],a=r[e+1];return Math.max(0,Math.min(u-1,e+(t-n)/(a-n)))},t.ab2ij=function(e){return[t.a2i(e[0]),t.b2j(e[1])]},t.i2c=function(e,r){return t.evalxy([],e,r)},t.ab2xy=function(n,i,a){if(!a&&(ne[c-1]|ir[u-1]))return[!1,!1];var o=t.a2i(n),s=t.b2j(i),l=t.evalxy([],o,s);if(a){var f,h,p,d,g=0,m=0,v=[];ne[c-1]?(f=c-2,h=1,g=(n-e[c-1])/(e[c-1]-e[c-2])):h=o-(f=Math.max(0,Math.min(c-2,Math.floor(o)))),ir[u-1]?(p=u-2,d=1,m=(i-r[u-1])/(r[u-1]-r[u-2])):d=s-(p=Math.max(0,Math.min(u-2,Math.floor(s)))),g&&(t.dxydi(v,f,p,h,d),l[0]+=v[0]*g,l[1]+=v[1]*g),m&&(t.dxydj(v,f,p,h,d),l[0]+=v[0]*m,l[1]+=v[1]*m)}return l},t.c2p=function(t,e,r){return[e.c2p(t[0]),r.c2p(t[1])]},t.p2x=function(t,e,r){return[e.p2c(t[0]),r.p2c(t[1])]},t.dadi=function(t){var r=Math.max(0,Math.min(e.length-2,t));return e[r+1]-e[r]},t.dbdj=function(t){var e=Math.max(0,Math.min(r.length-2,t));return r[e+1]-r[e]},t.dxyda=function(e,r,n,i){var a=t.dxydi(null,e,r,n,i),o=t.dadi(e,n);return[a[0]/o,a[1]/o]},t.dxydb=function(e,r,n,i){var a=t.dxydj(null,e,r,n,i),o=t.dbdj(r,i);return[a[0]/o,a[1]/o]},t.dxyda_rough=function(e,r,n){var i=v*(n||.1),a=t.ab2xy(e+i,r,!0),o=t.ab2xy(e-i,r,!0);return[.5*(a[0]-o[0])/i,.5*(a[1]-o[1])/i]},t.dxydb_rough=function(e,r,n){var i=y*(n||.1),a=t.ab2xy(e,r+i,!0),o=t.ab2xy(e,r-i,!0);return[.5*(a[0]-o[0])/i,.5*(a[1]-o[1])/i]},t.dpdx=function(t){return t._m},t.dpdy=function(t){return t._m}}},{"../../lib/search":798,"./compute_control_points":974,"./constants":975,"./create_i_derivative_evaluator":976,"./create_j_derivative_evaluator":977,"./create_spline_evaluator":978}],987:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t,e,r){var i,a,o,s=[],l=[],c=t[0].length,u=t.length;function f(e,r){var n,i=0,a=0;return e>0&&void 0!==(n=t[r][e-1])&&(a++,i+=n),e0&&void 0!==(n=t[r-1][e])&&(a++,i+=n),r0&&a0&&i1e-5);return n.log("Smoother converged to",k,"after",M,"iterations"),t}},{"../../lib":778}],988:[function(t,e,r){"use strict";var n=t("../../lib").isArray1D;e.exports=function(t,e,r){var i=r("x"),a=i&&i.length,o=r("y"),s=o&&o.length;if(!a&&!s)return!1;if(e._cheater=!i,a&&!n(i)||s&&!n(o))e._length=null;else{var l=a?i.length:1/0;s&&(l=Math.min(l,o.length)),e.a&&e.a.length&&(l=Math.min(l,e.a.length)),e.b&&e.b.length&&(l=Math.min(l,e.b.length)),e._length=l}return!0}},{"../../lib":778}],989:[function(t,e,r){"use strict";var n=t("../../plots/template_attributes").hovertemplateAttrs,i=t("../scattergeo/attributes"),a=t("../../components/colorscale/attributes"),o=t("../../plots/attributes"),s=t("../../components/color/attributes").defaultLine,l=t("../../lib/extend").extendFlat,c=i.marker.line;e.exports=l({locations:{valType:"data_array",editType:"calc"},locationmode:i.locationmode,z:{valType:"data_array",editType:"calc"},geojson:l({},i.geojson,{}),featureidkey:i.featureidkey,text:l({},i.text,{}),hovertext:l({},i.hovertext,{}),marker:{line:{color:l({},c.color,{dflt:s}),width:l({},c.width,{dflt:1}),editType:"calc"},opacity:{valType:"number",arrayOk:!0,min:0,max:1,dflt:1,editType:"style"},editType:"calc"},selected:{marker:{opacity:i.selected.marker.opacity,editType:"plot"},editType:"plot"},unselected:{marker:{opacity:i.unselected.marker.opacity,editType:"plot"},editType:"plot"},hoverinfo:l({},o.hoverinfo,{editType:"calc",flags:["location","z","text","name"]}),hovertemplate:n(),showlegend:l({},o.showlegend,{dflt:!1})},a("",{cLetter:"z",editTypeOverride:"calc"}))},{"../../components/color/attributes":642,"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../scattergeo/attributes":1229}],990:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../constants/numerical").BADNUM,a=t("../../components/colorscale/calc"),o=t("../scatter/arrays_to_calcdata"),s=t("../scatter/calc_selection");function l(t){return t&&"string"==typeof t}e.exports=function(t,e){var r,c=e._length,u=new Array(c);r=e.geojson?function(t){return l(t)||n(t)}:l;for(var f=0;f")}(t,f,o),[t]}},{"../../lib":778,"../../plots/cartesian/axes":828,"./attributes":989}],994:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../heatmap/colorbar"),calc:t("./calc"),calcGeoJSON:t("./plot").calcGeoJSON,plot:t("./plot").plot,style:t("./style").style,styleOnSelect:t("./style").styleOnSelect,hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("./select"),moduleType:"trace",name:"choropleth",basePlotModule:t("../../plots/geo"),categories:["geo","noOpacity","showLegend"],meta:{}}},{"../../plots/geo":860,"../heatmap/colorbar":1068,"./attributes":989,"./calc":990,"./defaults":991,"./event_data":992,"./hover":993,"./plot":995,"./select":996,"./style":997}],995:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../lib/geo_location_utils"),o=t("../../lib/topojson_utils").getTopojsonFeatures,s=t("../../plots/cartesian/autorange").findExtremes,l=t("./style").style;e.exports={calcGeoJSON:function(t,e){for(var r=t[0].trace,n=e[r.geo],i=n._subplot,l=r.locationmode,c=r._length,u="geojson-id"===l?a.extractTraceFeature(t):o(r,i.topojson),f=[],h=[],p=0;p=0;n--){var i=r[n].id;if("string"==typeof i&&0===i.indexOf("water"))for(var a=n+1;a=0;r--)t.removeLayer(e[r][1])},s.dispose=function(){var t=this.subplot.map;this._removeLayers(),t.removeSource(this.sourceId)},e.exports=function(t,e){var r=e[0].trace,i=new o(t,r.uid),a=i.sourceId,s=n(e),l=i.below=t.belowLookup["trace-"+r.uid];return t.map.addSource(a,{type:"geojson",data:s.geojson}),i._addLayers(s,l),e[0].trace._glTrace=i,i}},{"../../plots/mapbox/constants":883,"./convert":999}],1003:[function(t,e,r){"use strict";var n=t("../../components/colorscale/attributes"),i=t("../../plots/template_attributes").hovertemplateAttrs,a=t("../mesh3d/attributes"),o=t("../../plots/attributes"),s=t("../../lib/extend").extendFlat,l={x:{valType:"data_array",editType:"calc+clearAxisTypes"},y:{valType:"data_array",editType:"calc+clearAxisTypes"},z:{valType:"data_array",editType:"calc+clearAxisTypes"},u:{valType:"data_array",editType:"calc"},v:{valType:"data_array",editType:"calc"},w:{valType:"data_array",editType:"calc"},sizemode:{valType:"enumerated",values:["scaled","absolute"],editType:"calc",dflt:"scaled"},sizeref:{valType:"number",editType:"calc",min:0},anchor:{valType:"enumerated",editType:"calc",values:["tip","tail","cm","center"],dflt:"cm"},text:{valType:"string",dflt:"",arrayOk:!0,editType:"calc"},hovertext:{valType:"string",dflt:"",arrayOk:!0,editType:"calc"},hovertemplate:i({editType:"calc"},{keys:["norm"]}),showlegend:s({},o.showlegend,{dflt:!1})};s(l,n("",{colorAttr:"u/v/w norm",showScaleDflt:!0,editTypeOverride:"calc"}));["opacity","lightposition","lighting"].forEach((function(t){l[t]=a[t]})),l.hoverinfo=s({},o.hoverinfo,{editType:"calc",flags:["x","y","z","u","v","w","norm","text","name"],dflt:"x+y+z+norm+text+name"}),l.transforms=void 0,e.exports=l},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../mesh3d/attributes":1128}],1004:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc");e.exports=function(t,e){for(var r=e.u,i=e.v,a=e.w,o=Math.min(e.x.length,e.y.length,e.z.length,r.length,i.length,a.length),s=-1/0,l=1/0,c=0;co.level||o.starts.length&&a===o.level)}break;case"constraint":if(n.prefixBoundary=!1,n.edgepaths.length)return;var s=n.x.length,l=n.y.length,c=-1/0,u=1/0;for(r=0;r":p>c&&(n.prefixBoundary=!0);break;case"<":(pc||n.starts.length&&h===u)&&(n.prefixBoundary=!0);break;case"][":f=Math.min(p[0],p[1]),h=Math.max(p[0],p[1]),fc&&(n.prefixBoundary=!0)}}}},{}],1011:[function(t,e,r){"use strict";var n=t("../../components/colorscale"),i=t("./make_color_map"),a=t("./end_plus");e.exports={min:"zmin",max:"zmax",calc:function(t,e,r){var o=e.contours,s=e.line,l=o.size||1,c=o.coloring,u=i(e,{isColorbar:!0});if("heatmap"===c){var f=n.extractOpts(e);r._fillgradient=f.reversescale?n.flipScale(f.colorscale):f.colorscale,r._zrange=[f.min,f.max]}else"fill"===c&&(r._fillcolor=u);r._line={color:"lines"===c?u:s.color,width:!1!==o.showlines?s.width:0,dash:s.dash},r._levels={start:o.start,end:a(o),size:l}}}},{"../../components/colorscale":655,"./end_plus":1019,"./make_color_map":1024}],1012:[function(t,e,r){"use strict";e.exports={BOTTOMSTART:[1,9,13,104,713],TOPSTART:[4,6,7,104,713],LEFTSTART:[8,12,14,208,1114],RIGHTSTART:[2,3,11,208,1114],NEWDELTA:[null,[-1,0],[0,-1],[-1,0],[1,0],null,[0,-1],[-1,0],[0,1],[0,1],null,[0,1],[1,0],[1,0],[0,-1]],CHOOSESADDLE:{104:[4,1],208:[2,8],713:[7,13],1114:[11,14]},SADDLEREMAINDER:{1:4,2:8,4:1,7:13,8:2,11:14,13:7,14:11},LABELDISTANCE:2,LABELINCREASE:10,LABELMIN:3,LABELMAX:10,LABELOPTIMIZER:{EDGECOST:1,ANGLECOST:1,NEIGHBORCOST:5,SAMELEVELFACTOR:10,SAMELEVELDISTANCE:5,MAXCOST:100,INITIALSEARCHPOINTS:10,ITERATIONS:5}}},{}],1013:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("./label_defaults"),a=t("../../components/color"),o=a.addOpacity,s=a.opacity,l=t("../../constants/filter_ops"),c=l.CONSTRAINT_REDUCTION,u=l.COMPARISON_OPS2;e.exports=function(t,e,r,a,l,f){var h,p,d,g=e.contours,m=r("contours.operation");(g._operation=c[m],function(t,e){var r;-1===u.indexOf(e.operation)?(t("contours.value",[0,1]),Array.isArray(e.value)?e.value.length>2?e.value=e.value.slice(2):0===e.length?e.value=[0,1]:e.length<2?(r=parseFloat(e.value[0]),e.value=[r,r+1]):e.value=[parseFloat(e.value[0]),parseFloat(e.value[1])]:n(e.value)&&(r=parseFloat(e.value),e.value=[r,r+1])):(t("contours.value",0),n(e.value)||(Array.isArray(e.value)?e.value=parseFloat(e.value[0]):e.value=0))}(r,g),"="===m?h=g.showlines=!0:(h=r("contours.showlines"),d=r("fillcolor",o((t.line||{}).color||l,.5))),h)&&(p=r("line.color",d&&s(d)?o(e.fillcolor,1):l),r("line.width",2),r("line.dash"));r("line.smoothing"),i(r,a,p,f)}},{"../../components/color":643,"../../constants/filter_ops":749,"./label_defaults":1023,"fast-isnumeric":241}],1014:[function(t,e,r){"use strict";var n=t("../../constants/filter_ops"),i=t("fast-isnumeric");function a(t,e){var r,a=Array.isArray(e);function o(t){return i(t)?+t:null}return-1!==n.COMPARISON_OPS2.indexOf(t)?r=o(a?e[0]:e):-1!==n.INTERVAL_OPS.indexOf(t)?r=a?[o(e[0]),o(e[1])]:[o(e),o(e)]:-1!==n.SET_OPS.indexOf(t)&&(r=a?e.map(o):[o(e)]),r}function o(t){return function(e){e=a(t,e);var r=Math.min(e[0],e[1]),n=Math.max(e[0],e[1]);return{start:r,end:n,size:n-r}}}function s(t){return function(e){return{start:e=a(t,e),end:1/0,size:1/0}}}e.exports={"[]":o("[]"),"][":o("]["),">":s(">"),"<":s("<"),"=":s("=")}},{"../../constants/filter_ops":749,"fast-isnumeric":241}],1015:[function(t,e,r){"use strict";e.exports=function(t,e,r,n){var i=n("contours.start"),a=n("contours.end"),o=!1===i||!1===a,s=r("contours.size");!(o?e.autocontour=!0:r("autocontour",!1))&&s||r("ncontours")}},{}],1016:[function(t,e,r){"use strict";var n=t("../../lib");function i(t){return n.extendFlat({},t,{edgepaths:n.extendDeep([],t.edgepaths),paths:n.extendDeep([],t.paths),starts:n.extendDeep([],t.starts)})}e.exports=function(t,e){var r,a,o,s=function(t){return t.reverse()},l=function(t){return t};switch(e){case"=":case"<":return t;case">":for(1!==t.length&&n.warn("Contour data invalid for the specified inequality operation."),a=t[0],r=0;r1e3){n.warn("Too many contours, clipping at 1000",t);break}return l}},{"../../lib":778,"./constraint_mapping":1014,"./end_plus":1019}],1019:[function(t,e,r){"use strict";e.exports=function(t){return t.end+t.size/1e6}},{}],1020:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./constants");function a(t,e,r,n){return Math.abs(t[0]-e[0])20&&e?208===t||1114===t?n=0===r[0]?1:-1:a=0===r[1]?1:-1:-1!==i.BOTTOMSTART.indexOf(t)?a=1:-1!==i.LEFTSTART.indexOf(t)?n=1:-1!==i.TOPSTART.indexOf(t)?a=-1:n=-1;return[n,a]}(f,r,e),p=[s(t,e,[-h[0],-h[1]])],d=t.z.length,g=t.z[0].length,m=e.slice(),v=h.slice();for(c=0;c<1e4;c++){if(f>20?(f=i.CHOOSESADDLE[f][(h[0]||h[1])<0?0:1],t.crossings[u]=i.SADDLEREMAINDER[f]):delete t.crossings[u],!(h=i.NEWDELTA[f])){n.log("Found bad marching index:",f,e,t.level);break}p.push(s(t,e,h)),e[0]+=h[0],e[1]+=h[1],u=e.join(","),a(p[p.length-1],p[p.length-2],o,l)&&p.pop();var y=h[0]&&(e[0]<0||e[0]>g-2)||h[1]&&(e[1]<0||e[1]>d-2);if(e[0]===m[0]&&e[1]===m[1]&&h[0]===v[0]&&h[1]===v[1]||r&&y)break;f=t.crossings[u]}1e4===c&&n.log("Infinite loop in contour?");var x,b,_,w,T,k,M,A,S,E,C,L,I,P,z,O=a(p[0],p[p.length-1],o,l),D=0,R=.2*t.smoothing,F=[],B=0;for(c=1;c=B;c--)if((x=F[c])=B&&x+F[b]A&&S--,t.edgepaths[S]=C.concat(p,E));break}V||(t.edgepaths[A]=p.concat(E))}for(A=0;At?0:1)+(e[0][1]>t?0:2)+(e[1][1]>t?0:4)+(e[1][0]>t?0:8);return 5===r||10===r?t>(e[0][0]+e[0][1]+e[1][0]+e[1][1])/4?5===r?713:1114:5===r?104:208:15===r?0:r}e.exports=function(t){var e,r,a,o,s,l,c,u,f,h=t[0].z,p=h.length,d=h[0].length,g=2===p||2===d;for(r=0;r=0&&(n=y,s=l):Math.abs(r[1]-n[1])<.01?Math.abs(r[1]-y[1])<.01&&(y[0]-r[0])*(n[0]-y[0])>=0&&(n=y,s=l):i.log("endpt to newendpt is not vert. or horz.",r,n,y)}if(r=n,s>=0)break;f+="L"+n}if(s===t.edgepaths.length){i.log("unclosed perimeter path");break}h=s,(d=-1===p.indexOf(h))&&(h=p[0],f+="Z")}for(h=0;hn.center?n.right-s:s-n.left)/(u+Math.abs(Math.sin(c)*o)),p=(l>n.middle?n.bottom-l:l-n.top)/(Math.abs(f)+Math.cos(c)*o);if(h<1||p<1)return 1/0;var d=v.EDGECOST*(1/(h-1)+1/(p-1));d+=v.ANGLECOST*c*c;for(var g=s-u,m=l-f,y=s+u,x=l+f,b=0;b2*v.MAXCOST)break;p&&(s/=2),l=(o=c-s/2)+1.5*s}if(h<=v.MAXCOST)return u},r.addLabelData=function(t,e,r,n){var i=e.fontSize,a=e.width+i/3,o=Math.max(0,e.height-i/3),s=t.x,l=t.y,c=t.theta,u=Math.sin(c),f=Math.cos(c),h=function(t,e){return[s+t*f-e*u,l+t*u+e*f]},p=[h(-a/2,-o/2),h(-a/2,o/2),h(a/2,o/2),h(a/2,-o/2)];r.push({text:e.text,x:s,y:l,dy:e.dy,theta:c,level:e.level,width:a,height:o}),n.push(p)},r.drawLabels=function(t,e,r,a,o){var l=t.selectAll("text").data(e,(function(t){return t.text+","+t.x+","+t.y+","+t.theta}));if(l.exit().remove(),l.enter().append("text").attr({"data-notex":1,"text-anchor":"middle"}).each((function(t){var e=t.x+Math.sin(t.theta)*t.dy,i=t.y-Math.cos(t.theta)*t.dy;n.select(this).text(t.text).attr({x:e,y:i,transform:"rotate("+180*t.theta/Math.PI+" "+e+" "+i+")"}).call(s.convertToTspans,r)})),o){for(var c="",u=0;ur.end&&(r.start=r.end=(r.start+r.end)/2),t._input.contours||(t._input.contours={}),i.extendFlat(t._input.contours,{start:r.start,end:r.end,size:r.size}),t._input.autocontour=!0}else if("constraint"!==r.type){var c,u=r.start,f=r.end,h=t._input.contours;if(u>f&&(r.start=h.start=f,f=r.end=h.end=u,u=r.start),!(r.size>0))c=u===f?1:a(u,f,t.ncontours).dtick,h.size=r.size=c}}},{"../../lib":778,"../../plots/cartesian/axes":828}],1028:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/drawing"),a=t("../heatmap/style"),o=t("./make_color_map");e.exports=function(t){var e=n.select(t).selectAll("g.contour");e.style("opacity",(function(t){return t[0].trace.opacity})),e.each((function(t){var e=n.select(this),r=t[0].trace,a=r.contours,s=r.line,l=a.size||1,c=a.start,u="constraint"===a.type,f=!u&&"lines"===a.coloring,h=!u&&"fill"===a.coloring,p=f||h?o(r):null;e.selectAll("g.contourlevel").each((function(t){n.select(this).selectAll("path").call(i.lineGroupStyle,s.width,f?p(t.level):s.color,s.dash)}));var d=a.labelfont;if(e.selectAll("g.contourlabels text").each((function(t){i.font(n.select(this),{family:d.family,size:d.size,color:d.color||(f?p(t.level):s.color)})})),u)e.selectAll("g.contourfill path").style("fill",r.fillcolor);else if(h){var g;e.selectAll("g.contourfill path").style("fill",(function(t){return void 0===g&&(g=t.level),p(t.level+.5*l)})),void 0===g&&(g=c),e.selectAll("g.contourbg path").style("fill",p(g-.5*l))}})),a(t)}},{"../../components/drawing":665,"../heatmap/style":1077,"./make_color_map":1024,d3:169}],1029:[function(t,e,r){"use strict";var n=t("../../components/colorscale/defaults"),i=t("./label_defaults");e.exports=function(t,e,r,a,o){var s,l=r("contours.coloring"),c="";"fill"===l&&(s=r("contours.showlines")),!1!==s&&("lines"!==l&&(c=r("line.color","#000")),r("line.width",.5),r("line.dash")),"none"!==l&&(!0!==t.showlegend&&(e.showlegend=!1),e._dfltShowLegend=!1,n(t,e,a,r,{prefix:"",cLetter:"z"})),r("line.smoothing"),i(r,a,c,o)}},{"../../components/colorscale/defaults":653,"./label_defaults":1023}],1030:[function(t,e,r){"use strict";var n=t("../heatmap/attributes"),i=t("../contour/attributes"),a=t("../../components/colorscale/attributes"),o=t("../../lib/extend").extendFlat,s=i.contours;e.exports=o({carpet:{valType:"string",editType:"calc"},z:n.z,a:n.x,a0:n.x0,da:n.dx,b:n.y,b0:n.y0,db:n.dy,text:n.text,hovertext:n.hovertext,transpose:n.transpose,atype:n.xtype,btype:n.ytype,fillcolor:i.fillcolor,autocontour:i.autocontour,ncontours:i.ncontours,contours:{type:s.type,start:s.start,end:s.end,size:s.size,coloring:{valType:"enumerated",values:["fill","lines","none"],dflt:"fill",editType:"calc"},showlines:s.showlines,showlabels:s.showlabels,labelfont:s.labelfont,labelformat:s.labelformat,operation:s.operation,value:s.value,editType:"calc",impliedEdits:{autocontour:!1}},line:{color:i.line.color,width:i.line.width,dash:i.line.dash,smoothing:i.line.smoothing,editType:"plot"},transforms:void 0},a("",{cLetter:"z",autoColorDflt:!1}))},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../contour/attributes":1008,"../heatmap/attributes":1065}],1031:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc"),i=t("../../lib"),a=t("../heatmap/convert_column_xyz"),o=t("../heatmap/clean_2d_array"),s=t("../heatmap/interp2d"),l=t("../heatmap/find_empties"),c=t("../heatmap/make_bound_array"),u=t("./defaults"),f=t("../carpet/lookup_carpetid"),h=t("../contour/set_contours");e.exports=function(t,e){var r=e._carpetTrace=f(t,e);if(r&&r.visible&&"legendonly"!==r.visible){if(!e.a||!e.b){var p=t.data[r.index],d=t.data[e.index];d.a||(d.a=p.a),d.b||(d.b=p.b),u(d,e,e._defaultColor,t._fullLayout)}var g=function(t,e){var r,u,f,h,p,d,g,m=e._carpetTrace,v=m.aaxis,y=m.baxis;v._minDtick=0,y._minDtick=0,i.isArray1D(e.z)&&a(e,v,y,"a","b",["z"]);r=e._a=e._a||e.a,h=e._b=e._b||e.b,r=r?v.makeCalcdata(e,"_a"):[],h=h?y.makeCalcdata(e,"_b"):[],u=e.a0||0,f=e.da||1,p=e.b0||0,d=e.db||1,g=e._z=o(e._z||e.z,e.transpose),e._emptypoints=l(g),s(g,e._emptypoints);var x=i.maxRowLength(g),b="scaled"===e.xtype?"":r,_=c(e,b,u,f,x,v),w="scaled"===e.ytype?"":h,T=c(e,w,p,d,g.length,y),k={a:_,b:T,z:g};"levels"===e.contours.type&&"none"!==e.contours.coloring&&n(t,e,{vals:g,containerStr:"",cLetter:"z"});return[k]}(t,e);return h(e,e._z),g}}},{"../../components/colorscale/calc":651,"../../lib":778,"../carpet/lookup_carpetid":981,"../contour/set_contours":1027,"../heatmap/clean_2d_array":1067,"../heatmap/convert_column_xyz":1069,"../heatmap/find_empties":1071,"../heatmap/interp2d":1074,"../heatmap/make_bound_array":1075,"./defaults":1032}],1032:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../heatmap/xyz_defaults"),a=t("./attributes"),o=t("../contour/constraint_defaults"),s=t("../contour/contours_defaults"),l=t("../contour/style_defaults");e.exports=function(t,e,r,c){function u(r,i){return n.coerce(t,e,a,r,i)}if(u("carpet"),t.a&&t.b){if(!i(t,e,u,c,"a","b"))return void(e.visible=!1);u("text"),"constraint"===u("contours.type")?o(t,e,u,c,r,{hasHover:!1}):(s(t,e,u,(function(r){return n.coerce2(t,e,a,r)})),l(t,e,u,c,{hasHover:!1}))}else e._defaultColor=r,e._length=null}},{"../../lib":778,"../contour/constraint_defaults":1013,"../contour/contours_defaults":1015,"../contour/style_defaults":1029,"../heatmap/xyz_defaults":1079,"./attributes":1030}],1033:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../contour/colorbar"),calc:t("./calc"),plot:t("./plot"),style:t("../contour/style"),moduleType:"trace",name:"contourcarpet",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","carpet","contour","symbols","showLegend","hasLines","carpetDependent","noHover","noSortingByValue"],meta:{}}},{"../../plots/cartesian":841,"../contour/colorbar":1011,"../contour/style":1028,"./attributes":1030,"./calc":1031,"./defaults":1032,"./plot":1034}],1034:[function(t,e,r){"use strict";var n=t("d3"),i=t("../carpet/map_1d_array"),a=t("../carpet/makepath"),o=t("../../components/drawing"),s=t("../../lib"),l=t("../contour/make_crossings"),c=t("../contour/find_all_paths"),u=t("../contour/plot"),f=t("../contour/constants"),h=t("../contour/convert_to_constraints"),p=t("../contour/empty_pathinfo"),d=t("../contour/close_boundaries"),g=t("../carpet/lookup_carpetid"),m=t("../carpet/axis_aligned_line");function v(t,e,r){var n=t.getPointAtLength(e),i=t.getPointAtLength(r),a=i.x-n.x,o=i.y-n.y,s=Math.sqrt(a*a+o*o);return[a/s,o/s]}function y(t){var e=Math.sqrt(t[0]*t[0]+t[1]*t[1]);return[t[0]/e,t[1]/e]}function x(t,e){var r=Math.abs(t[0]*e[0]+t[1]*e[1]);return Math.sqrt(1-r*r)/r}e.exports=function(t,e,r,b){var _=e.xaxis,w=e.yaxis;s.makeTraceGroups(b,r,"contour").each((function(r){var b=n.select(this),T=r[0],k=T.trace,M=k._carpetTrace=g(t,k),A=t.calcdata[M.index][0];if(M.visible&&"legendonly"!==M.visible){var S=T.a,E=T.b,C=k.contours,L=p(C,e,T),I="constraint"===C.type,P=C._operation,z=I?"="===P?"lines":"fill":C.coloring,O=[[S[0],E[E.length-1]],[S[S.length-1],E[E.length-1]],[S[S.length-1],E[0]],[S[0],E[0]]];l(L);var D=1e-8*(S[S.length-1]-S[0]),R=1e-8*(E[E.length-1]-E[0]);c(L,D,R);var F,B,N,j,U=L;"constraint"===C.type&&(U=h(L,P)),function(t,e){var r,n,i,a,o,s,l,c,u;for(r=0;r=0;j--)F=A.clipsegments[j],B=i([],F.x,_.c2p),N=i([],F.y,w.c2p),B.reverse(),N.reverse(),V.push(a(B,N,F.bicubic));var q="M"+V.join("L")+"Z";!function(t,e,r,n,o,l){var c,u,f,h,p=s.ensureSingle(t,"g","contourbg").selectAll("path").data("fill"!==l||o?[]:[0]);p.enter().append("path"),p.exit().remove();var d=[];for(h=0;h=0&&(h=C,d=g):Math.abs(f[1]-h[1])=0&&(h=C,d=g):s.log("endpt to newendpt is not vert. or horz.",f,h,C)}if(d>=0)break;y+=S(f,h),f=h}if(d===e.edgepaths.length){s.log("unclosed perimeter path");break}u=d,(b=-1===x.indexOf(u))&&(u=x[0],y+=S(f,h)+"Z",f=null)}for(u=0;um&&(n.max=m);n.len=n.max-n.min}(this,r,t,n,c,e.height),!(n.len<(e.width+e.height)*f.LABELMIN)))for(var i=Math.min(Math.ceil(n.len/P),f.LABELMAX),a=0;a0?+p[u]:0),f.push({type:"Feature",geometry:{type:"Point",coordinates:v},properties:y})}}var b=o.extractOpts(e),_=b.reversescale?o.flipScale(b.colorscale):b.colorscale,w=_[0][1],T=["interpolate",["linear"],["heatmap-density"],0,a.opacity(w)<1?w:a.addOpacity(w,0)];for(u=1;u<_.length;u++)T.push(_[u][0],_[u][1]);var k=["interpolate",["linear"],["get","z"],b.min,0,b.max,1];return i.extendFlat(c.heatmap.paint,{"heatmap-weight":d?k:1/(b.max-b.min),"heatmap-color":T,"heatmap-radius":g?{type:"identity",property:"r"}:e.radius,"heatmap-opacity":e.opacity}),c.geojson={type:"FeatureCollection",features:f},c.heatmap.layout.visibility="visible",c}},{"../../components/color":643,"../../components/colorscale":655,"../../constants/numerical":753,"../../lib":778,"../../lib/geojson_utils":772,"fast-isnumeric":241}],1038:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../components/colorscale/defaults"),a=t("./attributes");e.exports=function(t,e,r,o){function s(r,i){return n.coerce(t,e,a,r,i)}var l=s("lon")||[],c=s("lat")||[],u=Math.min(l.length,c.length);u?(e._length=u,s("z"),s("radius"),s("below"),s("text"),s("hovertext"),s("hovertemplate"),i(t,e,o,s,{prefix:"",cLetter:"z"})):e.visible=!1}},{"../../components/colorscale/defaults":653,"../../lib":778,"./attributes":1035}],1039:[function(t,e,r){"use strict";e.exports=function(t,e){return t.lon=e.lon,t.lat=e.lat,t.z=e.z,t}},{}],1040:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../plots/cartesian/axes"),a=t("../scattermapbox/hover");e.exports=function(t,e,r){var o=a(t,e,r);if(o){var s=o[0],l=s.cd,c=l[0].trace,u=l[s.index];if(delete s.color,"z"in u){var f=s.subplot.mockAxis;s.z=u.z,s.zLabel=i.tickText(f,f.c2l(u.z),"hover").text}return s.extraText=function(t,e,r){if(t.hovertemplate)return;var i=(e.hi||t.hoverinfo).split("+"),a=-1!==i.indexOf("all"),o=-1!==i.indexOf("lon"),s=-1!==i.indexOf("lat"),l=e.lonlat,c=[];function u(t){return t+"\xb0"}a||o&&s?c.push("("+u(l[0])+", "+u(l[1])+")"):o?c.push(r.lon+u(l[0])):s&&c.push(r.lat+u(l[1]));(a||-1!==i.indexOf("text"))&&n.fillText(e,t,c);return c.join("
")}(c,u,l[0].t.labels),[s]}}},{"../../lib":778,"../../plots/cartesian/axes":828,"../scattermapbox/hover":1257}],1041:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../heatmap/colorbar"),formatLabels:t("../scattermapbox/format_labels"),calc:t("./calc"),plot:t("./plot"),hoverPoints:t("./hover"),eventData:t("./event_data"),getBelow:function(t,e){for(var r=e.getMapLayers(),n=0;n=0;r--)t.removeLayer(e[r][1])},o.dispose=function(){var t=this.subplot.map;this._removeLayers(),t.removeSource(this.sourceId)},e.exports=function(t,e){var r=e[0].trace,i=new a(t,r.uid),o=i.sourceId,s=n(e),l=i.below=t.belowLookup["trace-"+r.uid];return t.map.addSource(o,{type:"geojson",data:s.geojson}),i._addLayers(s,l),i}},{"../../plots/mapbox/constants":883,"./convert":1037}],1043:[function(t,e,r){"use strict";var n=t("../../lib");e.exports=function(t,e){for(var r=0;r"),s.color=function(t,e){var r=t.marker,i=e.mc||r.color,a=e.mlc||r.line.color,o=e.mlw||r.line.width;if(n(i))return i;if(n(a)&&o)return a}(c,f),[s]}}},{"../../components/color":643,"../../lib":778,"../bar/hover":928}],1051:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults").supplyDefaults,crossTraceDefaults:t("./defaults").crossTraceDefaults,supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc"),crossTraceCalc:t("./cross_trace_calc"),plot:t("./plot"),style:t("./style").style,hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("../bar/select"),moduleType:"trace",name:"funnel",basePlotModule:t("../../plots/cartesian"),categories:["bar-like","cartesian","svg","oriented","showLegend","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"../bar/select":933,"./attributes":1044,"./calc":1045,"./cross_trace_calc":1047,"./defaults":1048,"./event_data":1049,"./hover":1050,"./layout_attributes":1052,"./layout_defaults":1053,"./plot":1054,"./style":1055}],1052:[function(t,e,r){"use strict";e.exports={funnelmode:{valType:"enumerated",values:["stack","group","overlay"],dflt:"stack",editType:"calc"},funnelgap:{valType:"number",min:0,max:1,editType:"calc"},funnelgroupgap:{valType:"number",min:0,max:1,dflt:0,editType:"calc"}}},{}],1053:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e,r){var a=!1;function o(r,a){return n.coerce(t,e,i,r,a)}for(var s=0;s path").each((function(t){if(!t.isBlank){var e=s.marker;n.select(this).call(a.fill,t.mc||e.color).call(a.stroke,t.mlc||e.line.color).call(i.dashLine,e.line.dash,t.mlw||e.line.width).style("opacity",s.selectedpoints&&!t.selected?o:1)}})),c(r,s,t),r.selectAll(".regions").each((function(){n.select(this).selectAll("path").style("stroke-width",0).call(a.fill,s.connector.fillcolor)})),r.selectAll(".lines").each((function(){var t=s.connector.line;i.lineGroupStyle(n.select(this).selectAll("path"),t.width,t.color,t.dash)}))}))}}},{"../../components/color":643,"../../components/drawing":665,"../../constants/interactions":752,"../bar/style":935,"../bar/uniform_text":937,d3:169}],1056:[function(t,e,r){"use strict";var n=t("../pie/attributes"),i=t("../../plots/attributes"),a=t("../../plots/domain").attributes,o=t("../../plots/template_attributes").hovertemplateAttrs,s=t("../../plots/template_attributes").texttemplateAttrs,l=t("../../lib/extend").extendFlat;e.exports={labels:n.labels,label0:n.label0,dlabel:n.dlabel,values:n.values,marker:{colors:n.marker.colors,line:{color:l({},n.marker.line.color,{dflt:null}),width:l({},n.marker.line.width,{dflt:1}),editType:"calc"},editType:"calc"},text:n.text,hovertext:n.hovertext,scalegroup:l({},n.scalegroup,{}),textinfo:l({},n.textinfo,{flags:["label","text","value","percent"]}),texttemplate:s({editType:"plot"},{keys:["label","color","value","text","percent"]}),hoverinfo:l({},i.hoverinfo,{flags:["label","text","value","percent","name"]}),hovertemplate:o({},{keys:["label","color","value","text","percent"]}),textposition:l({},n.textposition,{values:["inside","none"],dflt:"inside"}),textfont:n.textfont,insidetextfont:n.insidetextfont,title:{text:n.title.text,font:n.title.font,position:l({},n.title.position,{values:["top left","top center","top right"],dflt:"top center"}),editType:"plot"},domain:a({name:"funnelarea",trace:!0,editType:"calc"}),aspectratio:{valType:"number",min:0,dflt:1,editType:"plot"},baseratio:{valType:"number",min:0,max:1,dflt:.333,editType:"plot"}}},{"../../lib/extend":768,"../../plots/attributes":824,"../../plots/domain":855,"../../plots/template_attributes":906,"../pie/attributes":1161}],1057:[function(t,e,r){"use strict";var n=t("../../plots/plots");r.name="funnelarea",r.plot=function(t,e,i,a){n.plotBasePlot(r.name,t,e,i,a)},r.clean=function(t,e,i,a){n.cleanBasePlot(r.name,t,e,i,a)}},{"../../plots/plots":891}],1058:[function(t,e,r){"use strict";var n=t("../pie/calc");e.exports={calc:function(t,e){return n.calc(t,e)},crossTraceCalc:function(t){n.crossTraceCalc(t,{type:"funnelarea"})}}},{"../pie/calc":1163}],1059:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes"),a=t("../../plots/domain").defaults,o=t("../bar/defaults").handleText,s=t("../pie/defaults").handleLabelsAndValues;e.exports=function(t,e,r,l){function c(r,a){return n.coerce(t,e,i,r,a)}var u=c("labels"),f=c("values"),h=s(u,f),p=h.len;if(e._hasLabels=h.hasLabels,e._hasValues=h.hasValues,!e._hasLabels&&e._hasValues&&(c("label0"),c("dlabel")),p){e._length=p,c("marker.line.width")&&c("marker.line.color",l.paper_bgcolor),c("marker.colors"),c("scalegroup");var d,g=c("text"),m=c("texttemplate");if(m||(d=c("textinfo",Array.isArray(g)?"text+percent":"percent")),c("hovertext"),c("hovertemplate"),m||d&&"none"!==d){var v=c("textposition");o(t,e,l,c,v,{moduleHasSelected:!1,moduleHasUnselected:!1,moduleHasConstrain:!1,moduleHasCliponaxis:!1,moduleHasTextangle:!1,moduleHasInsideanchor:!1})}a(e,l,c),c("title.text")&&(c("title.position"),n.coerceFont(c,"title.font",l.font)),c("aspectratio"),c("baseratio")}else e.visible=!1}},{"../../lib":778,"../../plots/domain":855,"../bar/defaults":925,"../pie/defaults":1164,"./attributes":1056}],1060:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"funnelarea",basePlotModule:t("./base_plot"),categories:["pie-like","funnelarea","showLegend"],attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./calc").crossTraceCalc,plot:t("./plot"),style:t("./style"),styleOne:t("../pie/style_one"),meta:{}}},{"../pie/style_one":1172,"./attributes":1056,"./base_plot":1057,"./calc":1058,"./defaults":1059,"./layout_attributes":1061,"./layout_defaults":1062,"./plot":1063,"./style":1064}],1061:[function(t,e,r){"use strict";var n=t("../pie/layout_attributes").hiddenlabels;e.exports={hiddenlabels:n,funnelareacolorway:{valType:"colorlist",editType:"calc"},extendfunnelareacolors:{valType:"boolean",dflt:!0,editType:"calc"}}},{"../pie/layout_attributes":1168}],1062:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e){function r(r,a){return n.coerce(t,e,i,r,a)}r("hiddenlabels"),r("funnelareacolorway",e.colorway),r("extendfunnelareacolors")}},{"../../lib":778,"./layout_attributes":1061}],1063:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/drawing"),a=t("../../lib"),o=a.strScale,s=a.strTranslate,l=t("../../lib/svg_text_utils"),c=t("../bar/plot").toMoveInsideBar,u=t("../bar/uniform_text"),f=u.recordMinTextSize,h=u.clearMinTextSize,p=t("../pie/helpers"),d=t("../pie/plot"),g=d.attachFxHandlers,m=d.determineInsideTextFont,v=d.layoutAreas,y=d.prerenderTitles,x=d.positionTitleOutside,b=d.formatSliceLabel;function _(t,e){return"l"+(e[0]-t[0])+","+(e[1]-t[1])}e.exports=function(t,e){var r=t._fullLayout;h("funnelarea",r),y(e,t),v(e,r._size),a.makeTraceGroups(r._funnelarealayer,e,"trace").each((function(e){var u=n.select(this),h=e[0],d=h.trace;!function(t){if(!t.length)return;var e=t[0],r=e.trace,n=r.aspectratio,i=r.baseratio;i>.999&&(i=.999);var a,o=Math.pow(i,2),s=e.vTotal,l=s,c=s*o/(1-o)/s;function u(){var t,e={x:t=Math.sqrt(c),y:-t};return[e.x,e.y]}var f,h,p=[];for(p.push(u()),f=t.length-1;f>-1;f--)if(!(h=t[f]).hidden){var d=h.v/l;c+=d,p.push(u())}var g=1/0,m=-1/0;for(f=0;f-1;f--)if(!(h=t[f]).hidden){var M=p[k+=1][0],A=p[k][1];h.TL=[-M,A],h.TR=[M,A],h.BL=w,h.BR=T,h.pxmid=(S=h.TR,E=h.BR,[.5*(S[0]+E[0]),.5*(S[1]+E[1])]),w=h.TL,T=h.TR}var S,E}(e),u.each((function(){var u=n.select(this).selectAll("g.slice").data(e);u.enter().append("g").classed("slice",!0),u.exit().remove(),u.each((function(o,s){if(o.hidden)n.select(this).selectAll("path,g").remove();else{o.pointNumber=o.i,o.curveNumber=d.index;var u=h.cx,v=h.cy,y=n.select(this),x=y.selectAll("path.surface").data([o]);x.enter().append("path").classed("surface",!0).style({"pointer-events":"all"}),y.call(g,t,e);var w="M"+(u+o.TR[0])+","+(v+o.TR[1])+_(o.TR,o.BR)+_(o.BR,o.BL)+_(o.BL,o.TL)+"Z";x.attr("d",w),b(t,o,h);var T=p.castOption(d.textposition,o.pts),k=y.selectAll("g.slicetext").data(o.text&&"none"!==T?[0]:[]);k.enter().append("g").classed("slicetext",!0),k.exit().remove(),k.each((function(){var h=a.ensureSingle(n.select(this),"text","",(function(t){t.attr("data-notex",1)})),p=a.ensureUniformFontSize(t,m(d,o,r.font));h.text(o.text).attr({class:"slicetext",transform:"","text-anchor":"middle"}).call(i.font,p).call(l.convertToTspans,t);var g,y,x,b=i.bBox(h.node()),_=Math.min(o.BL[1],o.BR[1])+v,w=Math.max(o.TL[1],o.TR[1])+v;y=Math.max(o.TL[0],o.BL[0])+u,x=Math.min(o.TR[0],o.BR[0])+u,(g=c(y,x,_,w,b,{isHorizontal:!0,constrained:!0,angle:0,anchor:"middle"})).fontSize=p.size,f(d.type,g,r),e[s].transform=g,h.attr("transform",a.getTextTransform(g))}))}}));var v=n.select(this).selectAll("g.titletext").data(d.title.text?[0]:[]);v.enter().append("g").classed("titletext",!0),v.exit().remove(),v.each((function(){var e=a.ensureSingle(n.select(this),"text","",(function(t){t.attr("data-notex",1)})),c=d.title.text;d._meta&&(c=a.templateString(c,d._meta)),e.text(c).attr({class:"titletext",transform:"","text-anchor":"middle"}).call(i.font,d.title.font).call(l.convertToTspans,t);var u=x(h,r._size);e.attr("transform",s(u.x,u.y)+o(Math.min(1,u.scale))+s(u.tx,u.ty))}))}))}))}},{"../../components/drawing":665,"../../lib":778,"../../lib/svg_text_utils":803,"../bar/plot":932,"../bar/uniform_text":937,"../pie/helpers":1166,"../pie/plot":1170,d3:169}],1064:[function(t,e,r){"use strict";var n=t("d3"),i=t("../pie/style_one"),a=t("../bar/uniform_text").resizeText;e.exports=function(t){var e=t._fullLayout._funnelarealayer.selectAll(".trace");a(t,e,"funnelarea"),e.each((function(t){var e=t[0].trace,r=n.select(this);r.style({opacity:e.opacity}),r.selectAll("path.surface").each((function(t){n.select(this).call(i,t,e)}))}))}},{"../bar/uniform_text":937,"../pie/style_one":1172,d3:169}],1065:[function(t,e,r){"use strict";var n=t("../scatter/attributes"),i=t("../../plots/attributes"),a=t("../../plots/template_attributes").hovertemplateAttrs,o=t("../../components/colorscale/attributes"),s=(t("../../constants/docs").FORMAT_LINK,t("../../lib/extend").extendFlat);e.exports=s({z:{valType:"data_array",editType:"calc"},x:s({},n.x,{impliedEdits:{xtype:"array"}}),x0:s({},n.x0,{impliedEdits:{xtype:"scaled"}}),dx:s({},n.dx,{impliedEdits:{xtype:"scaled"}}),y:s({},n.y,{impliedEdits:{ytype:"array"}}),y0:s({},n.y0,{impliedEdits:{ytype:"scaled"}}),dy:s({},n.dy,{impliedEdits:{ytype:"scaled"}}),xperiod:s({},n.xperiod,{impliedEdits:{xtype:"scaled"}}),yperiod:s({},n.yperiod,{impliedEdits:{ytype:"scaled"}}),xperiod0:s({},n.xperiod0,{impliedEdits:{xtype:"scaled"}}),yperiod0:s({},n.yperiod0,{impliedEdits:{ytype:"scaled"}}),xperiodalignment:s({},n.xperiodalignment,{impliedEdits:{xtype:"scaled"}}),yperiodalignment:s({},n.yperiodalignment,{impliedEdits:{ytype:"scaled"}}),text:{valType:"data_array",editType:"calc"},hovertext:{valType:"data_array",editType:"calc"},transpose:{valType:"boolean",dflt:!1,editType:"calc"},xtype:{valType:"enumerated",values:["array","scaled"],editType:"calc+clearAxisTypes"},ytype:{valType:"enumerated",values:["array","scaled"],editType:"calc+clearAxisTypes"},zsmooth:{valType:"enumerated",values:["fast","best",!1],dflt:!1,editType:"calc"},hoverongaps:{valType:"boolean",dflt:!0,editType:"none"},connectgaps:{valType:"boolean",editType:"calc"},xgap:{valType:"number",dflt:0,min:0,editType:"plot"},ygap:{valType:"number",dflt:0,min:0,editType:"plot"},zhoverformat:{valType:"string",dflt:"",editType:"none"},hovertemplate:a(),showlegend:s({},i.showlegend,{dflt:!1})},{transforms:void 0},o("",{cLetter:"z",autoColorDflt:!1}))},{"../../components/colorscale/attributes":650,"../../constants/docs":748,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../scatter/attributes":1187}],1066:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib"),a=t("../../plots/cartesian/axes"),o=t("../../plots/cartesian/align_period"),s=t("../histogram2d/calc"),l=t("../../components/colorscale/calc"),c=t("./convert_column_xyz"),u=t("./clean_2d_array"),f=t("./interp2d"),h=t("./find_empties"),p=t("./make_bound_array"),d=t("../../constants/numerical").BADNUM;function g(t){for(var e=[],r=t.length,n=0;nD){z("x scale is not linear");break}}if(x.length&&"fast"===I){var R=(x[x.length-1]-x[0])/(x.length-1),F=Math.abs(R/100);for(k=0;kF){z("y scale is not linear");break}}}var B=i.maxRowLength(T),N="scaled"===e.xtype?"":r,j=p(e,N,m,v,B,A),U="scaled"===e.ytype?"":x,V=p(e,U,b,_,T.length,S);L||(e._extremes[A._id]=a.findExtremes(A,j),e._extremes[S._id]=a.findExtremes(S,V));var q={x:j,y:V,z:T,text:e._text||e.text,hovertext:e._hovertext||e.hovertext};if(e.xperiodalignment&&y&&(q.orig_x=y),e.yperiodalignment&&w&&(q.orig_y=w),N&&N.length===j.length-1&&(q.xCenter=N),U&&U.length===V.length-1&&(q.yCenter=U),C&&(q.xRanges=M.xRanges,q.yRanges=M.yRanges,q.pts=M.pts),E||l(t,e,{vals:T,cLetter:"z"}),E&&e.contours&&"heatmap"===e.contours.coloring){var H={type:"contour"===e.type?"heatmap":"histogram2d",xcalendar:e.xcalendar,ycalendar:e.ycalendar};q.xfill=p(H,N,m,v,B,A),q.yfill=p(H,U,b,_,T.length,S)}return[q]}},{"../../components/colorscale/calc":651,"../../constants/numerical":753,"../../lib":778,"../../plots/cartesian/align_period":825,"../../plots/cartesian/axes":828,"../../registry":911,"../histogram2d/calc":1098,"./clean_2d_array":1067,"./convert_column_xyz":1069,"./find_empties":1071,"./interp2d":1074,"./make_bound_array":1075}],1067:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../../lib"),a=t("../../constants/numerical").BADNUM;e.exports=function(t,e,r,o){var s,l,c,u,f,h;function p(t){if(n(t))return+t}if(e&&e.transpose){for(s=0,f=0;f=0;o--)(s=((f[[(r=(a=h[o])[0])-1,i=a[1]]]||g)[2]+(f[[r+1,i]]||g)[2]+(f[[r,i-1]]||g)[2]+(f[[r,i+1]]||g)[2])/20)&&(l[a]=[r,i,s],h.splice(o,1),c=!0);if(!c)throw"findEmpties iterated with no new neighbors";for(a in l)f[a]=l[a],u.push(l[a])}return u.sort((function(t,e){return e[2]-t[2]}))}},{"../../lib":778}],1072:[function(t,e,r){"use strict";var n=t("../../components/fx"),i=t("../../lib"),a=t("../../plots/cartesian/axes"),o=t("../../components/colorscale").extractOpts;e.exports=function(t,e,r,s,l,c){var u,f,h,p,d=t.cd[0],g=d.trace,m=t.xa,v=t.ya,y=d.x,x=d.y,b=d.z,_=d.xCenter,w=d.yCenter,T=d.zmask,k=g.zhoverformat,M=y,A=x;if(!1!==t.index){try{h=Math.round(t.index[1]),p=Math.round(t.index[0])}catch(e){return void i.error("Error hovering on heatmap, pointNumber must be [row,col], found:",t.index)}if(h<0||h>=b[0].length||p<0||p>b.length)return}else{if(n.inbox(e-y[0],e-y[y.length-1],0)>0||n.inbox(r-x[0],r-x[x.length-1],0)>0)return;if(c){var S;for(M=[2*y[0]-y[1]],S=1;Sg&&(v=Math.max(v,Math.abs(t[a][o]-d)/(m-g))))}return v}e.exports=function(t,e){var r,i=1;for(o(t,e),r=0;r.01;r++)i=o(t,e,a(i));return i>.01&&n.log("interp2d didn't converge quickly",i),t}},{"../../lib":778}],1075:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib").isArrayOrTypedArray;e.exports=function(t,e,r,a,o,s){var l,c,u,f=[],h=n.traceIs(t,"contour"),p=n.traceIs(t,"histogram"),d=n.traceIs(t,"gl2d");if(i(e)&&e.length>1&&!p&&"category"!==s.type){var g=e.length;if(!(g<=o))return h?e.slice(0,o):e.slice(0,o+1);if(h||d)f=e.slice(0,o);else if(1===o)f=[e[0]-.5,e[0]+.5];else{for(f=[1.5*e[0]-.5*e[1]],u=1;u0;)h=p.c2p(T[y]),y--;for(h0;)v=d.c2p(k[y]),y--;if(v0&&(a=!0);for(var l=0;la){var o=a-r[t];return r[t]=a,o}}return 0},max:function(t,e,r,i){var a=i[e];if(n(a)){if(a=Number(a),!n(r[t]))return r[t]=a,a;if(r[t]c?t>o?t>1.1*i?i:t>1.1*a?a:o:t>s?s:t>l?l:c:Math.pow(10,Math.floor(Math.log(t)/Math.LN10))}function p(t,e,r,n,a,s){if(n&&t>o){var l=d(e,a,s),c=d(r,a,s),u=t===i?0:1;return l[u]!==c[u]}return Math.floor(r/t)-Math.floor(e/t)>.1}function d(t,e,r){var n=e.c2d(t,i,r).split("-");return""===n[0]&&(n.unshift(),n[0]="-"+n[0]),n}e.exports=function(t,e,r,n,a){var s,l,c=-1.1*e,h=-.1*e,p=t-h,d=r[0],g=r[1],m=Math.min(f(d+h,d+p,n,a),f(g+h,g+p,n,a)),v=Math.min(f(d+c,d+h,n,a),f(g+c,g+h,n,a));if(m>v&&vo){var y=s===i?1:6,x=s===i?"M12":"M1";return function(e,r){var o=n.c2d(e,i,a),s=o.indexOf("-",y);s>0&&(o=o.substr(0,s));var c=n.d2c(o,0,a);if(cr.r2l(B)&&(j=o.tickIncrement(j,b.size,!0,p)),O.start=r.l2r(j),F||i.nestedProperty(e,v+".start").set(O.start)}var U=b.end,V=r.r2l(z.end),q=void 0!==V;if((b.endFound||q)&&V!==r.r2l(U)){var H=q?V:i.aggNums(Math.max,null,d);O.end=r.l2r(H),q||i.nestedProperty(e,v+".start").set(O.end)}var G="autobin"+s;return!1===e._input[G]&&(e._input[v]=i.extendFlat({},e[v]||{}),delete e._input[G],delete e[G]),[O,d]}e.exports={calc:function(t,e){var r,a,p,d,g=[],m=[],v=o.getFromId(t,"h"===e.orientation?e.yaxis:e.xaxis),y="h"===e.orientation?"y":"x",x={x:"y",y:"x"}[y],b=e[y+"calendar"],_=e.cumulative,w=h(t,e,v,y),T=w[0],k=w[1],M="string"==typeof T.size,A=[],S=M?A:T,E=[],C=[],L=[],I=0,P=e.histnorm,z=e.histfunc,O=-1!==P.indexOf("density");_.enabled&&O&&(P=P.replace(/ ?density$/,""),O=!1);var D,R="max"===z||"min"===z?null:0,F=l.count,B=c[P],N=!1,j=function(t){return v.r2c(t,0,b)};for(i.isArrayOrTypedArray(e[x])&&"count"!==z&&(D=e[x],N="avg"===z,F=l[z]),r=j(T.start),p=j(T.end)+(r-o.tickIncrement(r,T.size,!1,b))/1e6;r=0&&d=0;n--)s(n);else if("increasing"===e){for(n=1;n=0;n--)t[n]+=t[n+1];"exclude"===r&&(t.push(0),t.shift())}}(m,_.direction,_.currentbin);var J=Math.min(g.length,m.length),K=[],Q=0,$=J-1;for(r=0;r=Q;r--)if(m[r]){$=r;break}for(r=Q;r<=$;r++)if(n(g[r])&&n(m[r])){var tt={p:g[r],s:m[r],b:0};_.enabled||(tt.pts=L[r],G?tt.ph0=tt.ph1=L[r].length?k[L[r][0]]:g[r]:(e._computePh=!0,tt.ph0=q(A[r]),tt.ph1=q(A[r+1],!0))),K.push(tt)}return 1===K.length&&(K[0].width1=o.tickIncrement(K[0].p,T.size,!1,b)-K[0].p),s(K,e),i.isArrayOrTypedArray(e.selectedpoints)&&i.tagSelected(K,e,X),K},calcAllAutoBins:h}},{"../../lib":778,"../../plots/cartesian/axes":828,"../../registry":911,"../bar/arrays_to_calcdata":920,"./average":1085,"./bin_functions":1087,"./bin_label_vals":1088,"./norm_functions":1096,"fast-isnumeric":241}],1090:[function(t,e,r){"use strict";e.exports={eventDataKeys:["binNumber"]}},{}],1091:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../plots/cartesian/axis_ids"),a=t("../../registry").traceIs,o=t("../bar/defaults").handleGroupingDefaults,s=n.nestedProperty,l=t("../../plots/cartesian/constraints").getAxisGroup,c=[{aStr:{x:"xbins.start",y:"ybins.start"},name:"start"},{aStr:{x:"xbins.end",y:"ybins.end"},name:"end"},{aStr:{x:"xbins.size",y:"ybins.size"},name:"size"},{aStr:{x:"nbinsx",y:"nbinsy"},name:"nbins"}],u=["x","y"];e.exports=function(t,e){var r,f,h,p,d,g,m,v=e._histogramBinOpts={},y=[],x={},b=[];function _(t,e){return n.coerce(r._input,r,r._module.attributes,t,e)}function w(t){return"v"===t.orientation?"x":"y"}function T(t,r,a){var o=t.uid+"__"+a;r||(r=o);var s=function(t,r){return i.getFromTrace({_fullLayout:e},t,r).type}(t,a),l=t[a+"calendar"]||"",c=v[r],u=!0;c&&(s===c.axType&&l===c.calendar?(u=!1,c.traces.push(t),c.dirs.push(a)):(r=o,s!==c.axType&&n.warn(["Attempted to group the bins of trace",t.index,"set on a","type:"+s,"axis","with bins on","type:"+c.axType,"axis."].join(" ")),l!==c.calendar&&n.warn(["Attempted to group the bins of trace",t.index,"set with a",l,"calendar","with bins",c.calendar?"on a "+c.calendar+" calendar":"w/o a set calendar"].join(" ")))),u&&(v[r]={traces:[t],dirs:[a],axType:s,calendar:t[a+"calendar"]||""}),t["_"+a+"bingroup"]=r}for(d=0;dS&&T.splice(S,T.length-S),A.length>S&&A.splice(S,A.length-S);var E=[],C=[],L=[],I="string"==typeof w.size,P="string"==typeof M.size,z=[],O=[],D=I?z:w,R=P?O:M,F=0,B=[],N=[],j=e.histnorm,U=e.histfunc,V=-1!==j.indexOf("density"),q="max"===U||"min"===U?null:0,H=a.count,G=o[j],Y=!1,W=[],X=[],Z="z"in e?e.z:"marker"in e&&Array.isArray(e.marker.color)?e.marker.color:"";Z&&"count"!==U&&(Y="avg"===U,H=a[U]);var J=w.size,K=x(w.start),Q=x(w.end)+(K-i.tickIncrement(K,J,!1,v))/1e6;for(r=K;r=0&&p=0&&d0||n.inbox(r-o.y0,r-(o.y0+o.h*s.dy),0)>0)){var u,f=Math.floor((e-o.x0)/s.dx),h=Math.floor(Math.abs(r-o.y0)/s.dy);if(s._hasZ?u=o.z[h][f]:s._hasSource&&(u=s._canvas.el.getContext("2d").getImageData(f,h,1,1).data),u){var p,d=o.hi||s.hoverinfo;if(d){var g=d.split("+");-1!==g.indexOf("all")&&(g=["color"]),-1!==g.indexOf("color")&&(p=!0)}var m,v=a.colormodel[s.colormodel],y=v.colormodel||s.colormodel,x=y.length,b=s._scaler(u),_=v.suffix,w=[];(s.hovertemplate||p)&&(w.push("["+[b[0]+_[0],b[1]+_[1],b[2]+_[2]].join(", ")),4===x&&w.push(", "+b[3]+_[3]),w.push("]"),w=w.join(""),t.extraText=y.toUpperCase()+": "+w),Array.isArray(s.hovertext)&&Array.isArray(s.hovertext[h])?m=s.hovertext[h][f]:Array.isArray(s.text)&&Array.isArray(s.text[h])&&(m=s.text[h][f]);var T=c.c2p(o.y0+(h+.5)*s.dy),k=o.x0+(f+.5)*s.dx,M=o.y0+(h+.5)*s.dy,A="["+u.slice(0,s.colormodel.length).join(", ")+"]";return[i.extendFlat(t,{index:[h,f],x0:l.c2p(o.x0+f*s.dx),x1:l.c2p(o.x0+(f+1)*s.dx),y0:T,y1:T,color:b,xVal:k,xLabelVal:k,yVal:M,yLabelVal:M,zLabelVal:A,text:m,hovertemplateLabels:{zLabel:A,colorLabel:w,"color[0]Label":b[0]+_[0],"color[1]Label":b[1]+_[1],"color[2]Label":b[2]+_[2],"color[3]Label":b[3]+_[3]}})]}}}},{"../../components/fx":683,"../../lib":778,"./constants":1108}],1113:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc"),plot:t("./plot"),style:t("./style"),hoverPoints:t("./hover"),eventData:t("./event_data"),moduleType:"trace",name:"image",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","2dMap","noSortingByValue"],animatable:!1,meta:{}}},{"../../plots/cartesian":841,"./attributes":1106,"./calc":1107,"./defaults":1109,"./event_data":1110,"./hover":1112,"./plot":1114,"./style":1115}],1114:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=i.strTranslate,o=t("../../constants/xmlns_namespaces"),s=t("./constants"),l=i.isIOS()||i.isSafari()||i.isIE();e.exports=function(t,e,r,c){var u=e.xaxis,f=e.yaxis,h=!(l||t._context._exportedPlot);i.makeTraceGroups(c,r,"im").each((function(e){var r=n.select(this),l=e[0],c=l.trace,p=h&&!c._hasZ&&c._hasSource&&"linear"===u.type&&"linear"===f.type;c._fastImage=p;var d,g,m,v,y,x,b=l.z,_=l.x0,w=l.y0,T=l.w,k=l.h,M=c.dx,A=c.dy;for(x=0;void 0===d&&x0;)g=u.c2p(_+x*M),x--;for(x=0;void 0===v&&x0;)y=f.c2p(w+x*A),x--;if(gP[0];if(z||O){var D=d+S/2,R=v+E/2;L+="transform:"+a(D+"px",R+"px")+"scale("+(z?-1:1)+","+(O?-1:1)+")"+a(-D+"px",-R+"px")+";"}}C.attr("style",L);var F=new Promise((function(t){if(c._hasZ)t();else if(c._hasSource)if(c._canvas&&c._canvas.el.width===T&&c._canvas.el.height===k&&c._canvas.source===c.source)t();else{var e=document.createElement("canvas");e.width=T,e.height=k;var r=e.getContext("2d");c._image=c._image||new Image;var n=c._image;n.onload=function(){r.drawImage(n,0,0),c._canvas={el:e,source:c.source},t()},n.setAttribute("src",c.source)}})).then((function(){var t;if(c._hasZ)t=B((function(t,e){return b[e][t]})).toDataURL("image/png");else if(c._hasSource)if(p)t=c.source;else{var e=c._canvas.el.getContext("2d").getImageData(0,0,T,k).data;t=B((function(t,r){var n=4*(r*T+t);return[e[n],e[n+1],e[n+2],e[n+3]]})).toDataURL("image/png")}C.attr({"xlink:href":t,height:E,width:S,x:d,y:v})}));t._promises.push(F)}function B(t){var e=document.createElement("canvas");e.width=S,e.height=E;var r,n=e.getContext("2d"),a=function(t){return i.constrain(Math.round(u.c2p(_+t*M)-d),0,S)},o=function(t){return i.constrain(Math.round(f.c2p(w+t*A)-v),0,E)},h=s.colormodel[c.colormodel],p=h.colormodel||c.colormodel,g=h.fmt;for(x=0;x0}function _(t){t.each((function(t){m.stroke(n.select(this),t.line.color)})).each((function(t){m.fill(n.select(this),t.color)})).style("stroke-width",(function(t){return t.line.width}))}function w(t,e,r){var n=t._fullLayout,a=i.extendFlat({type:"linear",ticks:"outside",range:r,showline:!0},e),o={type:"linear",_id:"x"+e._id},s={letter:"x",font:n.font,noHover:!0,noTickson:!0};function l(t,e){return i.coerce(a,o,g,t,e)}return p(a,o,l,s,n),d(a,o,l,s),o}function T(t,e,r){return[Math.min(e/t.width,r/t.height),t,e+"x"+r]}function k(t,e,r,i){var a=document.createElementNS("http://www.w3.org/2000/svg","text"),o=n.select(a);return o.text(t).attr("x",0).attr("y",0).attr("text-anchor",r).attr("data-unformatted",t).call(f.convertToTspans,i).call(c.font,e),c.bBox(o.node())}function M(t,e,r,n,a,o){var s="_cache"+e;t[s]&&t[s].key===a||(t[s]={key:a,value:r});var l=i.aggNums(o,null,[t[s].value,n],2);return t[s].value=l,l}e.exports=function(t,e,r,p){var d,g=t._fullLayout;b(r)&&p&&(d=p()),i.makeTraceGroups(g._indicatorlayer,e,"trace").each((function(e){var p,A,S,E,C,L=e[0].trace,I=n.select(this),P=L._hasGauge,z=L._isAngular,O=L._isBullet,D=L.domain,R={w:g._size.w*(D.x[1]-D.x[0]),h:g._size.h*(D.y[1]-D.y[0]),l:g._size.l+g._size.w*D.x[0],r:g._size.r+g._size.w*(1-D.x[1]),t:g._size.t+g._size.h*(1-D.y[1]),b:g._size.b+g._size.h*D.y[0]},F=R.l+R.w/2,B=R.t+R.h/2,N=Math.min(R.w/2,R.h),j=u.innerRadius*N,U=L.align||"center";if(A=B,P){if(z&&(p=F,A=B+N/2,S=function(t){return function(t,e){var r=Math.sqrt(t.width/2*(t.width/2)+t.height*t.height);return[e/r,t,e]}(t,.9*j)}),O){var V=u.bulletPadding,q=1-u.bulletNumberDomainSize+V;p=R.l+(q+(1-q)*y[U])*R.w,S=function(t){return T(t,(u.bulletNumberDomainSize-V)*R.w,R.h)}}}else p=R.l+y[U]*R.w,S=function(t){return T(t,R.w,R.h)};!function(t,e,r,s){var l,u,p,d=r[0].trace,g=s.numbersX,_=s.numbersY,T=d.align||"center",A=v[T],S=s.transitionOpts,E=s.onComplete,C=i.ensureSingle(e,"g","numbers"),L=[];d._hasNumber&&L.push("number");d._hasDelta&&(L.push("delta"),"left"===d.delta.position&&L.reverse());var I=C.selectAll("text").data(L);function P(e,r,n,i){if(!e.match("s")||n>=0==i>=0||r(n).slice(-1).match(x)||r(i).slice(-1).match(x))return r;var a=e.slice().replace("s","f").replace(/\d+/,(function(t){return parseInt(t)-1})),o=w(t,{tickformat:a});return function(t){return Math.abs(t)<1?h.tickText(o,t).text:r(t)}}I.enter().append("text"),I.attr("text-anchor",(function(){return A})).attr("class",(function(t){return t})).attr("x",null).attr("y",null).attr("dx",null).attr("dy",null),I.exit().remove();var z,O=d.mode+d.align;d._hasDelta&&(z=function(){var e=w(t,{tickformat:d.delta.valueformat},d._range);e.setScale(),h.prepTicks(e);var i=function(t){return h.tickText(e,t).text},a=function(t){return d.delta.relative?t.relativeDelta:t.delta},o=function(t,e){return 0===t||"number"!=typeof t||isNaN(t)?"-":(t>0?d.delta.increasing.symbol:d.delta.decreasing.symbol)+e(t)},s=function(t){return t.delta>=0?d.delta.increasing.color:d.delta.decreasing.color};void 0===d._deltaLastValue&&(d._deltaLastValue=a(r[0]));var l=C.select("text.delta");function p(){l.text(o(a(r[0]),i)).call(m.fill,s(r[0])).call(f.convertToTspans,t)}return l.call(c.font,d.delta.font).call(m.fill,s({delta:d._deltaLastValue})),b(S)?l.transition().duration(S.duration).ease(S.easing).tween("text",(function(){var t=n.select(this),e=a(r[0]),l=d._deltaLastValue,c=P(d.delta.valueformat,i,l,e),u=n.interpolateNumber(l,e);return d._deltaLastValue=e,function(e){t.text(o(u(e),c)),t.call(m.fill,s({delta:u(e)}))}})).each("end",(function(){p(),E&&E()})).each("interrupt",(function(){p(),E&&E()})):p(),u=k(o(a(r[0]),i),d.delta.font,A,t),l}(),O+=d.delta.position+d.delta.font.size+d.delta.font.family+d.delta.valueformat,O+=d.delta.increasing.symbol+d.delta.decreasing.symbol,p=u);d._hasNumber&&(!function(){var e=w(t,{tickformat:d.number.valueformat},d._range);e.setScale(),h.prepTicks(e);var i=function(t){return h.tickText(e,t).text},a=d.number.suffix,o=d.number.prefix,s=C.select("text.number");function u(){var e="number"==typeof r[0].y?o+i(r[0].y)+a:"-";s.text(e).call(c.font,d.number.font).call(f.convertToTspans,t)}b(S)?s.transition().duration(S.duration).ease(S.easing).each("end",(function(){u(),E&&E()})).each("interrupt",(function(){u(),E&&E()})).attrTween("text",(function(){var t=n.select(this),e=n.interpolateNumber(r[0].lastY,r[0].y);d._lastValue=r[0].y;var s=P(d.number.valueformat,i,r[0].lastY,r[0].y);return function(r){t.text(o+s(e(r))+a)}})):u(),l=k(o+i(r[0].y)+a,d.number.font,A,t)}(),O+=d.number.font.size+d.number.font.family+d.number.valueformat+d.number.suffix+d.number.prefix,p=l);if(d._hasDelta&&d._hasNumber){var D,R,F=[(l.left+l.right)/2,(l.top+l.bottom)/2],B=[(u.left+u.right)/2,(u.top+u.bottom)/2],N=.75*d.delta.font.size;"left"===d.delta.position&&(D=M(d,"deltaPos",0,-1*(l.width*y[d.align]+u.width*(1-y[d.align])+N),O,Math.min),R=F[1]-B[1],p={width:l.width+u.width+N,height:Math.max(l.height,u.height),left:u.left+D,right:l.right,top:Math.min(l.top,u.top+R),bottom:Math.max(l.bottom,u.bottom+R)}),"right"===d.delta.position&&(D=M(d,"deltaPos",0,l.width*(1-y[d.align])+u.width*y[d.align]+N,O,Math.max),R=F[1]-B[1],p={width:l.width+u.width+N,height:Math.max(l.height,u.height),left:l.left,right:u.right+D,top:Math.min(l.top,u.top+R),bottom:Math.max(l.bottom,u.bottom+R)}),"bottom"===d.delta.position&&(D=null,R=u.height,p={width:Math.max(l.width,u.width),height:l.height+u.height,left:Math.min(l.left,u.left),right:Math.max(l.right,u.right),top:l.bottom-l.height,bottom:l.bottom+u.height}),"top"===d.delta.position&&(D=null,R=l.top,p={width:Math.max(l.width,u.width),height:l.height+u.height,left:Math.min(l.left,u.left),right:Math.max(l.right,u.right),top:l.bottom-l.height-u.height,bottom:l.bottom}),z.attr({dx:D,dy:R})}(d._hasNumber||d._hasDelta)&&C.attr("transform",(function(){var t=s.numbersScaler(p);O+=t[2];var e,r=M(d,"numbersScale",1,t[0],O,Math.min);d._scaleNumbers||(r=1),e=d._isAngular?_-r*p.bottom:_-r*(p.top+p.bottom)/2,d._numbersTop=r*p.top+e;var n=p[T];"center"===T&&(n=(p.left+p.right)/2);var i=g-r*n;return i=M(d,"numbersTranslate",0,i,O,Math.max),o(i,e)+a(r)}))}(t,I,e,{numbersX:p,numbersY:A,numbersScaler:S,transitionOpts:r,onComplete:d}),P&&(E={range:L.gauge.axis.range,color:L.gauge.bgcolor,line:{color:L.gauge.bordercolor,width:0},thickness:1},C={range:L.gauge.axis.range,color:"rgba(0, 0, 0, 0)",line:{color:L.gauge.bordercolor,width:L.gauge.borderwidth},thickness:1});var H=I.selectAll("g.angular").data(z?e:[]);H.exit().remove();var G=I.selectAll("g.angularaxis").data(z?e:[]);G.exit().remove(),z&&function(t,e,r,i){var a,c,u,f,p=r[0].trace,d=i.size,g=i.radius,m=i.innerRadius,v=i.gaugeBg,y=i.gaugeOutline,x=[d.l+d.w/2,d.t+d.h/2+g/2],T=i.gauge,k=i.layer,M=i.transitionOpts,A=i.onComplete,S=Math.PI/2;function E(t){var e=p.gauge.axis.range[0],r=(t-e)/(p.gauge.axis.range[1]-e)*Math.PI-S;return r<-S?-S:r>S?S:r}function C(t){return n.svg.arc().innerRadius((m+g)/2-t/2*(g-m)).outerRadius((m+g)/2+t/2*(g-m)).startAngle(-S)}function L(t){t.attr("d",(function(t){return C(t.thickness).startAngle(E(t.range[0])).endAngle(E(t.range[1]))()}))}T.enter().append("g").classed("angular",!0),T.attr("transform",o(x[0],x[1])),k.enter().append("g").classed("angularaxis",!0).classed("crisp",!0),k.selectAll("g.xangularaxistick,path,text").remove(),(a=w(t,p.gauge.axis)).type="linear",a.range=p.gauge.axis.range,a._id="xangularaxis",a.setScale();var I=function(t){return(a.range[0]-t.x)/(a.range[1]-a.range[0])*Math.PI+Math.PI},P={},z=h.makeLabelFns(a,0).labelStandoff;P.xFn=function(t){var e=I(t);return Math.cos(e)*z},P.yFn=function(t){var e=I(t),r=Math.sin(e)>0?.2:1;return-Math.sin(e)*(z+t.fontSize*r)+Math.abs(Math.cos(e))*(t.fontSize*l)},P.anchorFn=function(t){var e=I(t),r=Math.cos(e);return Math.abs(r)<.1?"middle":r>0?"start":"end"},P.heightFn=function(t,e,r){var n=I(t);return-.5*(1+Math.sin(n))*r};var O=function(t){return o(x[0]+g*Math.cos(t),x[1]-g*Math.sin(t))};u=function(t){return O(I(t))};if(c=h.calcTicks(a),f=h.getTickSigns(a)[2],a.visible){f="inside"===a.ticks?-1:1;var D=(a.linewidth||1)/2;h.drawTicks(t,a,{vals:c,layer:k,path:"M"+f*D+",0h"+f*a.ticklen,transFn:function(t){var e=I(t);return O(e)+"rotate("+-s(e)+")"}}),h.drawLabels(t,a,{vals:c,layer:k,transFn:u,labelFns:P})}var R=[v].concat(p.gauge.steps),F=T.selectAll("g.bg-arc").data(R);F.enter().append("g").classed("bg-arc",!0).append("path"),F.select("path").call(L).call(_),F.exit().remove();var B=C(p.gauge.bar.thickness),N=T.selectAll("g.value-arc").data([p.gauge.bar]);N.enter().append("g").classed("value-arc",!0).append("path");var j=N.select("path");b(M)?(j.transition().duration(M.duration).ease(M.easing).each("end",(function(){A&&A()})).each("interrupt",(function(){A&&A()})).attrTween("d",(U=B,V=E(r[0].lastY),q=E(r[0].y),function(){var t=n.interpolate(V,q);return function(e){return U.endAngle(t(e))()}})),p._lastValue=r[0].y):j.attr("d","number"==typeof r[0].y?B.endAngle(E(r[0].y)):"M0,0Z");var U,V,q;j.call(_),N.exit().remove(),R=[];var H=p.gauge.threshold.value;H&&R.push({range:[H,H],color:p.gauge.threshold.color,line:{color:p.gauge.threshold.line.color,width:p.gauge.threshold.line.width},thickness:p.gauge.threshold.thickness});var G=T.selectAll("g.threshold-arc").data(R);G.enter().append("g").classed("threshold-arc",!0).append("path"),G.select("path").call(L).call(_),G.exit().remove();var Y=T.selectAll("g.gauge-outline").data([y]);Y.enter().append("g").classed("gauge-outline",!0).append("path"),Y.select("path").call(L).call(_),Y.exit().remove()}(t,0,e,{radius:N,innerRadius:j,gauge:H,layer:G,size:R,gaugeBg:E,gaugeOutline:C,transitionOpts:r,onComplete:d});var Y=I.selectAll("g.bullet").data(O?e:[]);Y.exit().remove();var W=I.selectAll("g.bulletaxis").data(O?e:[]);W.exit().remove(),O&&function(t,e,r,n){var i,a,s,l,c,f=r[0].trace,p=n.gauge,d=n.layer,g=n.gaugeBg,v=n.gaugeOutline,y=n.size,x=f.domain,T=n.transitionOpts,k=n.onComplete;p.enter().append("g").classed("bullet",!0),p.attr("transform",o(y.l,y.t)),d.enter().append("g").classed("bulletaxis",!0).classed("crisp",!0),d.selectAll("g.xbulletaxistick,path,text").remove();var M=y.h,A=f.gauge.bar.thickness*M,S=x.x[0],E=x.x[0]+(x.x[1]-x.x[0])*(f._hasNumber||f._hasDelta?1-u.bulletNumberDomainSize:1);(i=w(t,f.gauge.axis))._id="xbulletaxis",i.domain=[S,E],i.setScale(),a=h.calcTicks(i),s=h.makeTransTickFn(i),l=h.getTickSigns(i)[2],c=y.t+y.h,i.visible&&(h.drawTicks(t,i,{vals:"inside"===i.ticks?h.clipEnds(i,a):a,layer:d,path:h.makeTickPath(i,c,l),transFn:s}),h.drawLabels(t,i,{vals:a,layer:d,transFn:s,labelFns:h.makeLabelFns(i,c)}));function C(t){t.attr("width",(function(t){return Math.max(0,i.c2p(t.range[1])-i.c2p(t.range[0]))})).attr("x",(function(t){return i.c2p(t.range[0])})).attr("y",(function(t){return.5*(1-t.thickness)*M})).attr("height",(function(t){return t.thickness*M}))}var L=[g].concat(f.gauge.steps),I=p.selectAll("g.bg-bullet").data(L);I.enter().append("g").classed("bg-bullet",!0).append("rect"),I.select("rect").call(C).call(_),I.exit().remove();var P=p.selectAll("g.value-bullet").data([f.gauge.bar]);P.enter().append("g").classed("value-bullet",!0).append("rect"),P.select("rect").attr("height",A).attr("y",(M-A)/2).call(_),b(T)?P.select("rect").transition().duration(T.duration).ease(T.easing).each("end",(function(){k&&k()})).each("interrupt",(function(){k&&k()})).attr("width",Math.max(0,i.c2p(Math.min(f.gauge.axis.range[1],r[0].y)))):P.select("rect").attr("width","number"==typeof r[0].y?Math.max(0,i.c2p(Math.min(f.gauge.axis.range[1],r[0].y))):0);P.exit().remove();var z=r.filter((function(){return f.gauge.threshold.value})),O=p.selectAll("g.threshold-bullet").data(z);O.enter().append("g").classed("threshold-bullet",!0).append("line"),O.select("line").attr("x1",i.c2p(f.gauge.threshold.value)).attr("x2",i.c2p(f.gauge.threshold.value)).attr("y1",(1-f.gauge.threshold.thickness)/2*M).attr("y2",(1-(1-f.gauge.threshold.thickness)/2)*M).call(m.stroke,f.gauge.threshold.line.color).style("stroke-width",f.gauge.threshold.line.width),O.exit().remove();var D=p.selectAll("g.gauge-outline").data([v]);D.enter().append("g").classed("gauge-outline",!0).append("rect"),D.select("rect").call(C).call(_),D.exit().remove()}(t,0,e,{gauge:Y,layer:W,size:R,gaugeBg:E,gaugeOutline:C,transitionOpts:r,onComplete:d});var X=I.selectAll("text.title").data(e);X.exit().remove(),X.enter().append("text").classed("title",!0),X.attr("text-anchor",(function(){return O?v.right:v[L.title.align]})).text(L.title.text).call(c.font,L.title.font).call(f.convertToTspans,t),X.attr("transform",(function(){var t,e=R.l+R.w*y[L.title.align],r=u.titlePadding,n=c.bBox(X.node());if(P){if(z)if(L.gauge.axis.visible)t=c.bBox(G.node()).top-r-n.bottom;else t=R.t+R.h/2-N/2-n.bottom-r;O&&(t=A-(n.top+n.bottom)/2,e=R.l-u.bulletPadding*R.w)}else t=L._numbersTop-r-n.bottom;return o(e,t)}))}))}},{"../../components/color":643,"../../components/drawing":665,"../../constants/alignment":745,"../../lib":778,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"../../plots/cartesian/axis_defaults":830,"../../plots/cartesian/layout_attributes":842,"../../plots/cartesian/position_defaults":845,"./constants":1119,d3:169}],1123:[function(t,e,r){"use strict";var n=t("../../components/colorscale/attributes"),i=t("../../plots/template_attributes").hovertemplateAttrs,a=t("../mesh3d/attributes"),o=t("../../plots/attributes"),s=t("../../lib/extend").extendFlat,l=t("../../plot_api/edit_types").overrideAll;var c=e.exports=l(s({x:{valType:"data_array"},y:{valType:"data_array"},z:{valType:"data_array"},value:{valType:"data_array"},isomin:{valType:"number"},isomax:{valType:"number"},surface:{show:{valType:"boolean",dflt:!0},count:{valType:"integer",dflt:2,min:1},fill:{valType:"number",min:0,max:1,dflt:1},pattern:{valType:"flaglist",flags:["A","B","C","D","E"],extras:["all","odd","even"],dflt:"all"}},spaceframe:{show:{valType:"boolean",dflt:!1},fill:{valType:"number",min:0,max:1,dflt:.15}},slices:{x:{show:{valType:"boolean",dflt:!1},locations:{valType:"data_array",dflt:[]},fill:{valType:"number",min:0,max:1,dflt:1}},y:{show:{valType:"boolean",dflt:!1},locations:{valType:"data_array",dflt:[]},fill:{valType:"number",min:0,max:1,dflt:1}},z:{show:{valType:"boolean",dflt:!1},locations:{valType:"data_array",dflt:[]},fill:{valType:"number",min:0,max:1,dflt:1}}},caps:{x:{show:{valType:"boolean",dflt:!0},fill:{valType:"number",min:0,max:1,dflt:1}},y:{show:{valType:"boolean",dflt:!0},fill:{valType:"number",min:0,max:1,dflt:1}},z:{show:{valType:"boolean",dflt:!0},fill:{valType:"number",min:0,max:1,dflt:1}}},text:{valType:"string",dflt:"",arrayOk:!0},hovertext:{valType:"string",dflt:"",arrayOk:!0},hovertemplate:i(),showlegend:s({},o.showlegend,{dflt:!1})},n("",{colorAttr:"`value`",showScaleDflt:!0,editTypeOverride:"calc"}),{opacity:a.opacity,lightposition:a.lightposition,lighting:a.lighting,flatshading:a.flatshading,contour:a.contour,hoverinfo:s({},o.hoverinfo)}),"calc","nested");c.flatshading.dflt=!0,c.lighting.facenormalsepsilon.dflt=0,c.x.editType=c.y.editType=c.z.editType=c.value.editType="calc+clearAxisTypes",c.transforms=void 0},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plot_api/edit_types":810,"../../plots/attributes":824,"../../plots/template_attributes":906,"../mesh3d/attributes":1128}],1124:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc"),i=t("../streamtube/calc").processGrid,a=t("../streamtube/calc").filter;e.exports=function(t,e){e._len=Math.min(e.x.length,e.y.length,e.z.length,e.value.length),e._x=a(e.x,e._len),e._y=a(e.y,e._len),e._z=a(e.z,e._len),e._value=a(e.value,e._len);var r=i(e);e._gridFill=r.fill,e._Xs=r.Xs,e._Ys=r.Ys,e._Zs=r.Zs,e._len=r.len;for(var o=1/0,s=-1/0,l=0;l0;r--){var n=Math.min(e[r],e[r-1]),i=Math.max(e[r],e[r-1]);if(i>n&&n-1}function R(t,e){return null===t?e:t}function F(e,r,n){L();var i,a,o,l=[r],c=[n];if(s>=1)l=[r],c=[n];else if(s>0){var u=function(t,e){var r=t[0],n=t[1],i=t[2],a=function(t,e,r){for(var n=[],i=0;i-1?n[p]:C(d,g,v);h[p]=x>-1?x:P(d,g,v,R(e,y))}i=h[0],a=h[1],o=h[2],t._meshI.push(i),t._meshJ.push(a),t._meshK.push(o),++m}}function B(t,e,r,n){var i=t[3];in&&(i=n);for(var a=(t[3]-i)/(t[3]-e[3]+1e-9),o=[],s=0;s<4;s++)o[s]=(1-a)*t[s]+a*e[s];return o}function N(t,e,r){return t>=e&&t<=r}function j(t){var e=.001*(E-S);return t>=S-e&&t<=E+e}function U(e){for(var r=[],n=0;n<4;n++){var i=e[n];r.push([t._x[i],t._y[i],t._z[i],t._value[i]])}return r}function V(t,e,r,n,i,a){a||(a=1),r=[-1,-1,-1];var o=!1,s=[N(e[0][3],n,i),N(e[1][3],n,i),N(e[2][3],n,i)];if(!s[0]&&!s[1]&&!s[2])return!1;var l=function(t,e,r){return j(e[0][3])&&j(e[1][3])&&j(e[2][3])?(F(t,e,r),!0):a<3&&V(t,e,r,S,E,++a)};if(s[0]&&s[1]&&s[2])return l(t,e,r)||o;var c=!1;return[[0,1,2],[2,0,1],[1,2,0]].forEach((function(a){if(s[a[0]]&&s[a[1]]&&!s[a[2]]){var u=e[a[0]],f=e[a[1]],h=e[a[2]],p=B(h,u,n,i),d=B(h,f,n,i);o=l(t,[d,p,u],[-1,-1,r[a[0]]])||o,o=l(t,[u,f,d],[r[a[0]],r[a[1]],-1])||o,c=!0}})),c||[[0,1,2],[1,2,0],[2,0,1]].forEach((function(a){if(s[a[0]]&&!s[a[1]]&&!s[a[2]]){var u=e[a[0]],f=e[a[1]],h=e[a[2]],p=B(f,u,n,i),d=B(h,u,n,i);o=l(t,[d,p,u],[-1,-1,r[a[0]]])||o,c=!0}})),o}function q(t,e,r,n){var i=!1,a=U(e),o=[N(a[0][3],r,n),N(a[1][3],r,n),N(a[2][3],r,n),N(a[3][3],r,n)];if(!(o[0]||o[1]||o[2]||o[3]))return i;if(o[0]&&o[1]&&o[2]&&o[3])return g&&(i=function(t,e,r){var n=function(n,i,a){F(t,[e[n],e[i],e[a]],[r[n],r[i],r[a]])};n(0,1,2),n(3,0,1),n(2,3,0),n(1,2,3)}(t,a,e)||i),i;var s=!1;return[[0,1,2,3],[3,0,1,2],[2,3,0,1],[1,2,3,0]].forEach((function(l){if(o[l[0]]&&o[l[1]]&&o[l[2]]&&!o[l[3]]){var c=a[l[0]],u=a[l[1]],f=a[l[2]],h=a[l[3]];if(g)i=F(t,[c,u,f],[e[l[0]],e[l[1]],e[l[2]]])||i;else{var p=B(h,c,r,n),d=B(h,u,r,n),m=B(h,f,r,n);i=F(null,[p,d,m],[-1,-1,-1])||i}s=!0}})),s?i:([[0,1,2,3],[1,2,3,0],[2,3,0,1],[3,0,1,2],[0,2,3,1],[1,3,2,0]].forEach((function(l){if(o[l[0]]&&o[l[1]]&&!o[l[2]]&&!o[l[3]]){var c=a[l[0]],u=a[l[1]],f=a[l[2]],h=a[l[3]],p=B(f,c,r,n),d=B(f,u,r,n),m=B(h,u,r,n),v=B(h,c,r,n);g?(i=F(t,[c,v,p],[e[l[0]],-1,-1])||i,i=F(t,[u,d,m],[e[l[1]],-1,-1])||i):i=function(t,e,r){var n=function(n,i,a){F(t,[e[n],e[i],e[a]],[r[n],r[i],r[a]])};n(0,1,2),n(2,3,0)}(null,[p,d,m,v],[-1,-1,-1,-1])||i,s=!0}})),s||[[0,1,2,3],[1,2,3,0],[2,3,0,1],[3,0,1,2]].forEach((function(l){if(o[l[0]]&&!o[l[1]]&&!o[l[2]]&&!o[l[3]]){var c=a[l[0]],u=a[l[1]],f=a[l[2]],h=a[l[3]],p=B(u,c,r,n),d=B(f,c,r,n),m=B(h,c,r,n);g?(i=F(t,[c,p,d],[e[l[0]],-1,-1])||i,i=F(t,[c,d,m],[e[l[0]],-1,-1])||i,i=F(t,[c,m,p],[e[l[0]],-1,-1])||i):i=F(null,[p,d,m],[-1,-1,-1])||i,s=!0}})),i)}function H(t,e,r,n,i,a,o,s,l,c,u){var f=!1;return d&&(D(t,"A")&&(f=q(null,[e,r,n,a],c,u)||f),D(t,"B")&&(f=q(null,[r,n,i,l],c,u)||f),D(t,"C")&&(f=q(null,[r,a,o,l],c,u)||f),D(t,"D")&&(f=q(null,[n,a,s,l],c,u)||f),D(t,"E")&&(f=q(null,[r,n,a,l],c,u)||f)),g&&(f=q(t,[r,n,a,l],c,u)||f),f}function G(t,e,r,n,i,a,o,s){return[!0===s[0]||V(t,U([e,r,n]),[e,r,n],a,o),!0===s[1]||V(t,U([n,i,e]),[n,i,e],a,o)]}function Y(t,e,r,n,i,a,o,s,l){return s?G(t,e,r,i,n,a,o,l):G(t,r,i,n,e,a,o,l)}function W(t,e,r,n,i,a,o){var s,l,c,u,f=!1,h=function(){f=V(t,[s,l,c],[-1,-1,-1],i,a)||f,f=V(t,[c,u,s],[-1,-1,-1],i,a)||f},p=o[0],d=o[1],g=o[2];return p&&(s=z(U([k(e,r-0,n-0)])[0],U([k(e-1,r-0,n-0)])[0],p),l=z(U([k(e,r-0,n-1)])[0],U([k(e-1,r-0,n-1)])[0],p),c=z(U([k(e,r-1,n-1)])[0],U([k(e-1,r-1,n-1)])[0],p),u=z(U([k(e,r-1,n-0)])[0],U([k(e-1,r-1,n-0)])[0],p),h()),d&&(s=z(U([k(e-0,r,n-0)])[0],U([k(e-0,r-1,n-0)])[0],d),l=z(U([k(e-0,r,n-1)])[0],U([k(e-0,r-1,n-1)])[0],d),c=z(U([k(e-1,r,n-1)])[0],U([k(e-1,r-1,n-1)])[0],d),u=z(U([k(e-1,r,n-0)])[0],U([k(e-1,r-1,n-0)])[0],d),h()),g&&(s=z(U([k(e-0,r-0,n)])[0],U([k(e-0,r-0,n-1)])[0],g),l=z(U([k(e-0,r-1,n)])[0],U([k(e-0,r-1,n-1)])[0],g),c=z(U([k(e-1,r-1,n)])[0],U([k(e-1,r-1,n-1)])[0],g),u=z(U([k(e-1,r-0,n)])[0],U([k(e-1,r-0,n-1)])[0],g),h()),f}function X(t,e,r,n,i,a,o,s,l,c,u,f){var h=t;return f?(d&&"even"===t&&(h=null),H(h,e,r,n,i,a,o,s,l,c,u)):(d&&"odd"===t&&(h=null),H(h,l,s,o,a,i,n,r,e,c,u))}function Z(t,e,r,n,i){for(var a=[],o=0,s=0;sMath.abs(d-A)?[M,d]:[d,A];$(e,T[0],T[1])}}var C=[[Math.min(S,A),Math.max(S,A)],[Math.min(M,E),Math.max(M,E)]];["x","y","z"].forEach((function(e){for(var r=[],n=0;n0&&(u.push(p.id),"x"===e?f.push([p.distRatio,0,0]):"y"===e?f.push([0,p.distRatio,0]):f.push([0,0,p.distRatio]))}else c=nt(1,"x"===e?b-1:"y"===e?_-1:w-1);u.length>0&&(r[i]="x"===e?tt(null,u,a,o,f,r[i]):"y"===e?et(null,u,a,o,f,r[i]):rt(null,u,a,o,f,r[i]),i++),c.length>0&&(r[i]="x"===e?Z(null,c,a,o,r[i]):"y"===e?J(null,c,a,o,r[i]):K(null,c,a,o,r[i]),i++)}var d=t.caps[e];d.show&&d.fill&&(O(d.fill),r[i]="x"===e?Z(null,[0,b-1],a,o,r[i]):"y"===e?J(null,[0,_-1],a,o,r[i]):K(null,[0,w-1],a,o,r[i]),i++)}})),0===m&&I(),t._meshX=n,t._meshY=i,t._meshZ=a,t._meshIntensity=o,t._Xs=v,t._Ys=y,t._Zs=x}(),t}e.exports={findNearestOnAxis:l,generateIsoMeshes:h,createIsosurfaceTrace:function(t,e){var r=t.glplot.gl,i=n({gl:r}),a=new c(t,i,e.uid);return i._trace=a,a.update(e),t.glplot.add(i),a}}},{"../../components/colorscale":655,"../../lib/gl_format_color":774,"../../lib/str2rgbarray":802,"../../plots/gl3d/zip3":881,"gl-mesh3d":309}],1126:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry"),a=t("./attributes"),o=t("../../components/colorscale/defaults");function s(t,e,r,n,a){var s=a("isomin"),l=a("isomax");null!=l&&null!=s&&s>l&&(e.isomin=null,e.isomax=null);var c=a("x"),u=a("y"),f=a("z"),h=a("value");c&&c.length&&u&&u.length&&f&&f.length&&h&&h.length?(i.getComponentMethod("calendars","handleTraceDefaults")(t,e,["x","y","z"],n),["x","y","z"].forEach((function(t){var e="caps."+t;a(e+".show")&&a(e+".fill");var r="slices."+t;a(r+".show")&&(a(r+".fill"),a(r+".locations"))})),a("spaceframe.show")&&a("spaceframe.fill"),a("surface.show")&&(a("surface.count"),a("surface.fill"),a("surface.pattern")),a("contour.show")&&(a("contour.color"),a("contour.width")),["text","hovertext","hovertemplate","lighting.ambient","lighting.diffuse","lighting.specular","lighting.roughness","lighting.fresnel","lighting.vertexnormalsepsilon","lighting.facenormalsepsilon","lightposition.x","lightposition.y","lightposition.z","flatshading","opacity"].forEach((function(t){a(t)})),o(t,e,n,a,{prefix:"",cLetter:"c"}),e._length=null):e.visible=!1}e.exports={supplyDefaults:function(t,e,r,i){s(t,e,r,i,(function(r,i){return n.coerce(t,e,a,r,i)}))},supplyIsoDefaults:s}},{"../../components/colorscale/defaults":653,"../../lib":778,"../../registry":911,"./attributes":1123}],1127:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults").supplyDefaults,calc:t("./calc"),colorbar:{min:"cmin",max:"cmax"},plot:t("./convert").createIsosurfaceTrace,moduleType:"trace",name:"isosurface",basePlotModule:t("../../plots/gl3d"),categories:["gl3d","showLegend"],meta:{}}},{"../../plots/gl3d":870,"./attributes":1123,"./calc":1124,"./convert":1125,"./defaults":1126}],1128:[function(t,e,r){"use strict";var n=t("../../components/colorscale/attributes"),i=t("../../plots/template_attributes").hovertemplateAttrs,a=t("../surface/attributes"),o=t("../../plots/attributes"),s=t("../../lib/extend").extendFlat;e.exports=s({x:{valType:"data_array",editType:"calc+clearAxisTypes"},y:{valType:"data_array",editType:"calc+clearAxisTypes"},z:{valType:"data_array",editType:"calc+clearAxisTypes"},i:{valType:"data_array",editType:"calc"},j:{valType:"data_array",editType:"calc"},k:{valType:"data_array",editType:"calc"},text:{valType:"string",dflt:"",arrayOk:!0,editType:"calc"},hovertext:{valType:"string",dflt:"",arrayOk:!0,editType:"calc"},hovertemplate:i({editType:"calc"}),delaunayaxis:{valType:"enumerated",values:["x","y","z"],dflt:"z",editType:"calc"},alphahull:{valType:"number",dflt:-1,editType:"calc"},intensity:{valType:"data_array",editType:"calc"},intensitymode:{valType:"enumerated",values:["vertex","cell"],dflt:"vertex",editType:"calc"},color:{valType:"color",editType:"calc"},vertexcolor:{valType:"data_array",editType:"calc"},facecolor:{valType:"data_array",editType:"calc"},transforms:void 0},n("",{colorAttr:"`intensity`",showScaleDflt:!0,editTypeOverride:"calc"}),{opacity:a.opacity,flatshading:{valType:"boolean",dflt:!1,editType:"calc"},contour:{show:s({},a.contours.x.show,{}),color:a.contours.x.color,width:a.contours.x.width,editType:"calc"},lightposition:{x:s({},a.lightposition.x,{dflt:1e5}),y:s({},a.lightposition.y,{dflt:1e5}),z:s({},a.lightposition.z,{dflt:0}),editType:"calc"},lighting:s({vertexnormalsepsilon:{valType:"number",min:0,max:1,dflt:1e-12,editType:"calc"},facenormalsepsilon:{valType:"number",min:0,max:1,dflt:1e-6,editType:"calc"},editType:"calc"},a.lighting),hoverinfo:s({},o.hoverinfo,{editType:"calc"}),showlegend:s({},o.showlegend,{dflt:!1})})},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../surface/attributes":1311}],1129:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc");e.exports=function(t,e){e.intensity&&n(t,e,{vals:e.intensity,containerStr:"",cLetter:"c"})}},{"../../components/colorscale/calc":651}],1130:[function(t,e,r){"use strict";var n=t("gl-mesh3d"),i=t("delaunay-triangulate"),a=t("alpha-shape"),o=t("convex-hull"),s=t("../../lib/gl_format_color").parseColorScale,l=t("../../lib/str2rgbarray"),c=t("../../components/colorscale").extractOpts,u=t("../../plots/gl3d/zip3");function f(t,e,r){this.scene=t,this.uid=r,this.mesh=e,this.name="",this.color="#fff",this.data=null,this.showContour=!1}var h=f.prototype;function p(t){for(var e=[],r=t.length,n=0;n=e-.5)return!1;return!0}h.handlePick=function(t){if(t.object===this.mesh){var e=t.index=t.data.index;t.data._cellCenter?t.traceCoordinate=t.data.dataCoordinate:t.traceCoordinate=[this.data.x[e],this.data.y[e],this.data.z[e]];var r=this.data.hovertext||this.data.text;return Array.isArray(r)&&void 0!==r[e]?t.textLabel=r[e]:r&&(t.textLabel=r),!0}},h.update=function(t){var e=this.scene,r=e.fullSceneLayout;this.data=t;var n,f=t.x.length,h=u(d(r.xaxis,t.x,e.dataScale[0],t.xcalendar),d(r.yaxis,t.y,e.dataScale[1],t.ycalendar),d(r.zaxis,t.z,e.dataScale[2],t.zcalendar));if(t.i&&t.j&&t.k){if(t.i.length!==t.j.length||t.j.length!==t.k.length||!m(t.i,f)||!m(t.j,f)||!m(t.k,f))return;n=u(g(t.i),g(t.j),g(t.k))}else n=0===t.alphahull?o(h):t.alphahull>0?a(t.alphahull,h):function(t,e){for(var r=["x","y","z"].indexOf(t),n=[],a=e.length,o=0;ov):m=M>w,v=M;var A=c(w,T,k,M);A.pos=_,A.yc=(w+M)/2,A.i=b,A.dir=m?"increasing":"decreasing",A.x=A.pos,A.y=[k,T],y&&(A.orig_p=r[b]),d&&(A.tx=e.text[b]),g&&(A.htx=e.hovertext[b]),x.push(A)}else x.push({pos:_,empty:!0})}return e._extremes[l._id]=a.findExtremes(l,n.concat(h,f),{padded:!0}),x.length&&(x[0].t={labels:{open:i(t,"open:")+" ",high:i(t,"high:")+" ",low:i(t,"low:")+" ",close:i(t,"close:")+" "}}),x}e.exports={calc:function(t,e){var r=a.getFromId(t,e.xaxis),i=a.getFromId(t,e.yaxis),s=function(t,e,r){var i=r._minDiff;if(!i){var a,s=t._fullData,l=[];for(i=1/0,a=0;a"+c.labels[x]+n.hoverLabelText(s,b):((y=i.extendFlat({},h)).y0=y.y1=_,y.yLabelVal=b,y.yLabel=c.labels[x]+n.hoverLabelText(s,b),y.name="",f.push(y),m[b]=y)}return f}function h(t,e,r,i){var a=t.cd,o=t.ya,l=a[0].trace,f=a[0].t,h=u(t,e,r,i);if(!h)return[];var p=a[h.index],d=h.index=p.i,g=p.dir;function m(t){return f.labels[t]+n.hoverLabelText(o,l[t][d])}var v=p.hi||l.hoverinfo,y=v.split("+"),x="all"===v,b=x||-1!==y.indexOf("y"),_=x||-1!==y.indexOf("text"),w=b?[m("open"),m("high"),m("low"),m("close")+" "+c[g]]:[];return _&&s(p,l,w),h.extraText=w.join("
"),h.y0=h.y1=o.c2p(p.yc,!0),[h]}e.exports={hoverPoints:function(t,e,r,n){return t.cd[0].trace.hoverlabel.split?f(t,e,r,n):h(t,e,r,n)},hoverSplit:f,hoverOnPoints:h}},{"../../components/color":643,"../../components/fx":683,"../../constants/delta.js":747,"../../lib":778,"../../plots/cartesian/axes":828}],1137:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"ohlc",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","showLegend"],meta:{},attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc").calc,plot:t("./plot"),style:t("./style"),hoverPoints:t("./hover").hoverPoints,selectPoints:t("./select")}},{"../../plots/cartesian":841,"./attributes":1133,"./calc":1134,"./defaults":1135,"./hover":1136,"./plot":1139,"./select":1140,"./style":1141}],1138:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib");e.exports=function(t,e,r,a){var o=r("x"),s=r("open"),l=r("high"),c=r("low"),u=r("close");if(r("hoverlabel.split"),n.getComponentMethod("calendars","handleTraceDefaults")(t,e,["x"],a),s&&l&&c&&u){var f=Math.min(s.length,l.length,c.length,u.length);return o&&(f=Math.min(f,i.minRowLength(o))),e._length=f,f}}},{"../../lib":778,"../../registry":911}],1139:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib");e.exports=function(t,e,r,a){var o=e.yaxis,s=e.xaxis,l=!!s.rangebreaks;i.makeTraceGroups(a,r,"trace ohlc").each((function(t){var e=n.select(this),r=t[0],a=r.t;if(!0!==r.trace.visible||a.empty)e.remove();else{var c=a.tickLen,u=e.selectAll("path").data(i.identity);u.enter().append("path"),u.exit().remove(),u.attr("d",(function(t){if(t.empty)return"M0,0Z";var e=s.c2p(t.pos-c,!0),r=s.c2p(t.pos+c,!0),n=l?(e+r)/2:s.c2p(t.pos,!0);return"M"+e+","+o.c2p(t.o,!0)+"H"+n+"M"+n+","+o.c2p(t.h,!0)+"V"+o.c2p(t.l,!0)+"M"+r+","+o.c2p(t.c,!0)+"H"+n}))}}))}},{"../../lib":778,d3:169}],1140:[function(t,e,r){"use strict";e.exports=function(t,e){var r,n=t.cd,i=t.xaxis,a=t.yaxis,o=[],s=n[0].t.bPos||0;if(!1===e)for(r=0;r=t.length)return!1;if(void 0!==e[t[r]])return!1;e[t[r]]=!0}return!0}(t.map((function(t){return t.displayindex}))))for(e=0;e0;c&&(o="array");var u=r("categoryorder",o);"array"===u?(r("categoryarray"),r("ticktext")):(delete t.categoryarray,delete t.ticktext),c||"array"!==u||(e.categoryorder="trace")}}e.exports=function(t,e,r,f){function h(r,i){return n.coerce(t,e,l,r,i)}var p=s(t,e,{name:"dimensions",handleItemDefaults:u}),d=function(t,e,r,o,s){s("line.shape"),s("line.hovertemplate");var l=s("line.color",o.colorway[0]);if(i(t,"line")&&n.isArrayOrTypedArray(l)){if(l.length)return s("line.colorscale"),a(t,e,o,s,{prefix:"line.",cLetter:"c"}),l.length;e.line.color=r}return 1/0}(t,e,r,f,h);o(e,f,h),Array.isArray(p)&&p.length||(e.visible=!1),c(e,p,"values",d),h("hoveron"),h("hovertemplate"),h("arrangement"),h("bundlecolors"),h("sortpaths"),h("counts");var g={family:f.font.family,size:Math.round(f.font.size),color:f.font.color};n.coerceFont(h,"labelfont",g);var m={family:f.font.family,size:Math.round(f.font.size/1.2),color:f.font.color};n.coerceFont(h,"tickfont",m)}},{"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654,"../../lib":778,"../../plots/array_container_defaults":823,"../../plots/domain":855,"../parcoords/merge_length":1158,"./attributes":1142}],1146:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc"),plot:t("./plot"),colorbar:{container:"line",min:"cmin",max:"cmax"},moduleType:"trace",name:"parcats",basePlotModule:t("./base_plot"),categories:["noOpacity"],meta:{}}},{"./attributes":1142,"./base_plot":1143,"./calc":1144,"./defaults":1145,"./plot":1148}],1147:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../plot_api/plot_api"),a=t("../../components/fx"),o=t("../../lib"),s=o.strTranslate,l=t("../../components/drawing"),c=t("tinycolor2"),u=t("../../lib/svg_text_utils");function f(t,e,r,i){var a=t.map(R.bind(0,e,r)),c=i.selectAll("g.parcatslayer").data([null]);c.enter().append("g").attr("class","parcatslayer").style("pointer-events","all");var f=c.selectAll("g.trace.parcats").data(a,h),v=f.enter().append("g").attr("class","trace parcats");f.attr("transform",(function(t){return s(t.x,t.y)})),v.append("g").attr("class","paths");var y=f.select("g.paths").selectAll("path.path").data((function(t){return t.paths}),h);y.attr("fill",(function(t){return t.model.color}));var _=y.enter().append("path").attr("class","path").attr("stroke-opacity",0).attr("fill",(function(t){return t.model.color})).attr("fill-opacity",0);b(_),y.attr("d",(function(t){return t.svgD})),_.empty()||y.sort(d),y.exit().remove(),y.on("mouseover",g).on("mouseout",m).on("click",x),v.append("g").attr("class","dimensions");var k=f.select("g.dimensions").selectAll("g.dimension").data((function(t){return t.dimensions}),h);k.enter().append("g").attr("class","dimension"),k.attr("transform",(function(t){return s(t.x,0)})),k.exit().remove();var M=k.selectAll("g.category").data((function(t){return t.categories}),h),A=M.enter().append("g").attr("class","category");M.attr("transform",(function(t){return s(0,t.y)})),A.append("rect").attr("class","catrect").attr("pointer-events","none"),M.select("rect.catrect").attr("fill","none").attr("width",(function(t){return t.width})).attr("height",(function(t){return t.height})),w(A);var S=M.selectAll("rect.bandrect").data((function(t){return t.bands}),h);S.each((function(){o.raiseToTop(this)})),S.attr("fill",(function(t){return t.color}));var z=S.enter().append("rect").attr("class","bandrect").attr("stroke-opacity",0).attr("fill",(function(t){return t.color})).attr("fill-opacity",0);S.attr("fill",(function(t){return t.color})).attr("width",(function(t){return t.width})).attr("height",(function(t){return t.height})).attr("y",(function(t){return t.y})).attr("cursor",(function(t){return"fixed"===t.parcatsViewModel.arrangement?"default":"perpendicular"===t.parcatsViewModel.arrangement?"ns-resize":"move"})),T(z),S.exit().remove(),A.append("text").attr("class","catlabel").attr("pointer-events","none");var O=e._fullLayout.paper_bgcolor;M.select("text.catlabel").attr("text-anchor",(function(t){return p(t)?"start":"end"})).attr("alignment-baseline","middle").style("text-shadow",O+" -1px 1px 2px, "+O+" 1px 1px 2px, "+O+" 1px -1px 2px, "+O+" -1px -1px 2px").style("fill","rgb(0, 0, 0)").attr("x",(function(t){return p(t)?t.width+5:-5})).attr("y",(function(t){return t.height/2})).text((function(t){return t.model.categoryLabel})).each((function(t){l.font(n.select(this),t.parcatsViewModel.categorylabelfont),u.convertToTspans(n.select(this),e)})),A.append("text").attr("class","dimlabel"),M.select("text.dimlabel").attr("text-anchor","middle").attr("alignment-baseline","baseline").attr("cursor",(function(t){return"fixed"===t.parcatsViewModel.arrangement?"default":"ew-resize"})).attr("x",(function(t){return t.width/2})).attr("y",-5).text((function(t,e){return 0===e?t.parcatsViewModel.model.dimensions[t.model.dimensionInd].dimensionLabel:null})).each((function(t){l.font(n.select(this),t.parcatsViewModel.labelfont)})),M.selectAll("rect.bandrect").on("mouseover",E).on("mouseout",C),M.exit().remove(),k.call(n.behavior.drag().origin((function(t){return{x:t.x,y:0}})).on("dragstart",L).on("drag",I).on("dragend",P)),f.each((function(t){t.traceSelection=n.select(this),t.pathSelection=n.select(this).selectAll("g.paths").selectAll("path.path"),t.dimensionSelection=n.select(this).selectAll("g.dimensions").selectAll("g.dimension")})),f.exit().remove()}function h(t){return t.key}function p(t){var e=t.parcatsViewModel.dimensions.length,r=t.parcatsViewModel.dimensions[e-1].model.dimensionInd;return t.model.dimensionInd===r}function d(t,e){return t.model.rawColor>e.model.rawColor?1:t.model.rawColor"),C=n.mouse(f)[0];a.loneHover({trace:h,x:b-d.left+g.left,y:w-d.top+g.top,text:E,color:t.model.color,borderColor:"black",fontFamily:'Monaco, "Courier New", monospace',fontSize:10,fontColor:T,idealAlign:C1&&h.displayInd===f.dimensions.length-1?(i=c.left,a="left"):(i=c.left+c.width,a="right");var g=u.model.count,m=u.model.categoryLabel,v=g/u.parcatsViewModel.model.count,y={countLabel:g,categoryLabel:m,probabilityLabel:v.toFixed(3)},x=[];-1!==u.parcatsViewModel.hoverinfoItems.indexOf("count")&&x.push(["Count:",y.countLabel].join(" ")),-1!==u.parcatsViewModel.hoverinfoItems.indexOf("probability")&&x.push(["P("+y.categoryLabel+"):",y.probabilityLabel].join(" "));var b=x.join("
");return{trace:p,x:o*(i-e.left),y:s*(d-e.top),text:b,color:"lightgray",borderColor:"black",fontFamily:'Monaco, "Courier New", monospace',fontSize:12,fontColor:"black",idealAlign:a,hovertemplate:p.hovertemplate,hovertemplateLabels:y,eventData:[{data:p._input,fullData:p,count:g,category:m,probability:v}]}}function E(t){if(!t.parcatsViewModel.dragDimension&&-1===t.parcatsViewModel.hoverinfoItems.indexOf("skip")){if(n.mouse(this)[1]<-1)return;var e,r=t.parcatsViewModel.graphDiv,i=r._fullLayout,s=i._paperdiv.node().getBoundingClientRect(),l=t.parcatsViewModel.hoveron;if("color"===l?(!function(t){var e=n.select(t).datum(),r=k(e);_(r),r.each((function(){o.raiseToTop(this)})),n.select(t.parentNode).selectAll("rect.bandrect").filter((function(t){return t.color===e.color})).each((function(){o.raiseToTop(this),n.select(this).attr("stroke","black").attr("stroke-width",1.5)}))}(this),A(this,"plotly_hover",n.event)):(!function(t){n.select(t.parentNode).selectAll("rect.bandrect").each((function(t){var e=k(t);_(e),e.each((function(){o.raiseToTop(this)}))})),n.select(t.parentNode).select("rect.catrect").attr("stroke","black").attr("stroke-width",2.5)}(this),M(this,"plotly_hover",n.event)),-1===t.parcatsViewModel.hoverinfoItems.indexOf("none"))"category"===l?e=S(r,s,this):"color"===l?e=function(t,e,r){t._fullLayout._calcInverseTransform(t);var i,a,o=t._fullLayout._invScaleX,s=t._fullLayout._invScaleY,l=r.getBoundingClientRect(),u=n.select(r).datum(),f=u.categoryViewModel,h=f.parcatsViewModel,p=h.model.dimensions[f.model.dimensionInd],d=h.trace,g=l.y+l.height/2;h.dimensions.length>1&&p.displayInd===h.dimensions.length-1?(i=l.left,a="left"):(i=l.left+l.width,a="right");var m=f.model.categoryLabel,v=u.parcatsViewModel.model.count,y=0;u.categoryViewModel.bands.forEach((function(t){t.color===u.color&&(y+=t.count)}));var x=f.model.count,b=0;h.pathSelection.each((function(t){t.model.color===u.color&&(b+=t.model.count)}));var _=y/v,w=y/b,T=y/x,k={countLabel:v,categoryLabel:m,probabilityLabel:_.toFixed(3)},M=[];-1!==f.parcatsViewModel.hoverinfoItems.indexOf("count")&&M.push(["Count:",k.countLabel].join(" ")),-1!==f.parcatsViewModel.hoverinfoItems.indexOf("probability")&&(M.push("P(color \u2229 "+m+"): "+k.probabilityLabel),M.push("P("+m+" | color): "+w.toFixed(3)),M.push("P(color | "+m+"): "+T.toFixed(3)));var A=M.join("
"),S=c.mostReadable(u.color,["black","white"]);return{trace:d,x:o*(i-e.left),y:s*(g-e.top),text:A,color:u.color,borderColor:"black",fontFamily:'Monaco, "Courier New", monospace',fontColor:S,fontSize:10,idealAlign:a,hovertemplate:d.hovertemplate,hovertemplateLabels:k,eventData:[{data:d._input,fullData:d,category:m,count:v,probability:_,categorycount:x,colorcount:b,bandcolorcount:y}]}}(r,s,this):"dimension"===l&&(e=function(t,e,r){var i=[];return n.select(r.parentNode.parentNode).selectAll("g.category").select("rect.catrect").each((function(){i.push(S(t,e,this))})),i}(r,s,this)),e&&a.loneHover(e,{container:i._hoverlayer.node(),outerContainer:i._paper.node(),gd:r})}}function C(t){var e=t.parcatsViewModel;if(!e.dragDimension&&(b(e.pathSelection),w(e.dimensionSelection.selectAll("g.category")),T(e.dimensionSelection.selectAll("g.category").selectAll("rect.bandrect")),a.loneUnhover(e.graphDiv._fullLayout._hoverlayer.node()),e.pathSelection.sort(d),-1===e.hoverinfoItems.indexOf("skip"))){"color"===t.parcatsViewModel.hoveron?A(this,"plotly_unhover",n.event):M(this,"plotly_unhover",n.event)}}function L(t){"fixed"!==t.parcatsViewModel.arrangement&&(t.dragDimensionDisplayInd=t.model.displayInd,t.initialDragDimensionDisplayInds=t.parcatsViewModel.model.dimensions.map((function(t){return t.displayInd})),t.dragHasMoved=!1,t.dragCategoryDisplayInd=null,n.select(this).selectAll("g.category").select("rect.catrect").each((function(e){var r=n.mouse(this)[0],i=n.mouse(this)[1];-2<=r&&r<=e.width+2&&-2<=i&&i<=e.height+2&&(t.dragCategoryDisplayInd=e.model.displayInd,t.initialDragCategoryDisplayInds=t.model.categories.map((function(t){return t.displayInd})),e.model.dragY=e.y,o.raiseToTop(this.parentNode),n.select(this.parentNode).selectAll("rect.bandrect").each((function(e){e.yf.y+f.height/2&&(o.model.displayInd=f.model.displayInd,f.model.displayInd=l),t.dragCategoryDisplayInd=o.model.displayInd}if(null===t.dragCategoryDisplayInd||"freeform"===t.parcatsViewModel.arrangement){a.model.dragX=n.event.x;var h=t.parcatsViewModel.dimensions[r],p=t.parcatsViewModel.dimensions[i];void 0!==h&&a.model.dragXp.x&&(a.model.displayInd=p.model.displayInd,p.model.displayInd=t.dragDimensionDisplayInd),t.dragDimensionDisplayInd=a.model.displayInd}N(t.parcatsViewModel),B(t.parcatsViewModel),D(t.parcatsViewModel),O(t.parcatsViewModel)}}function P(t){if("fixed"!==t.parcatsViewModel.arrangement&&null!==t.dragDimensionDisplayInd){n.select(this).selectAll("text").attr("font-weight","normal");var e={},r=z(t.parcatsViewModel),a=t.parcatsViewModel.model.dimensions.map((function(t){return t.displayInd})),o=t.initialDragDimensionDisplayInds.some((function(t,e){return t!==a[e]}));o&&a.forEach((function(r,n){var i=t.parcatsViewModel.model.dimensions[n].containerInd;e["dimensions["+i+"].displayindex"]=r}));var s=!1;if(null!==t.dragCategoryDisplayInd){var l=t.model.categories.map((function(t){return t.displayInd}));if(s=t.initialDragCategoryDisplayInds.some((function(t,e){return t!==l[e]}))){var c=t.model.categories.slice().sort((function(t,e){return t.displayInd-e.displayInd})),u=c.map((function(t){return t.categoryValue})),f=c.map((function(t){return t.categoryLabel}));e["dimensions["+t.model.containerInd+"].categoryarray"]=[u],e["dimensions["+t.model.containerInd+"].ticktext"]=[f],e["dimensions["+t.model.containerInd+"].categoryorder"]="array"}}if(-1===t.parcatsViewModel.hoverinfoItems.indexOf("skip")&&!t.dragHasMoved&&t.potentialClickBand&&("color"===t.parcatsViewModel.hoveron?A(t.potentialClickBand,"plotly_click",n.event.sourceEvent):M(t.potentialClickBand,"plotly_click",n.event.sourceEvent)),t.model.dragX=null,null!==t.dragCategoryDisplayInd)t.parcatsViewModel.dimensions[t.dragDimensionDisplayInd].categories[t.dragCategoryDisplayInd].model.dragY=null,t.dragCategoryDisplayInd=null;t.dragDimensionDisplayInd=null,t.parcatsViewModel.dragDimension=null,t.dragHasMoved=null,t.potentialClickBand=null,N(t.parcatsViewModel),B(t.parcatsViewModel),n.transition().duration(300).ease("cubic-in-out").each((function(){D(t.parcatsViewModel,!0),O(t.parcatsViewModel,!0)})).each("end",(function(){(o||s)&&i.restyle(t.parcatsViewModel.graphDiv,e,[r])}))}}function z(t){for(var e,r=t.graphDiv._fullData,n=0;n=0;s--)u+="C"+c[s]+","+(e[s+1]+i)+" "+l[s]+","+(e[s]+i)+" "+(t[s]+r[s])+","+(e[s]+i),u+="l-"+r[s]+",0 ";return u+="Z"}function B(t){var e=t.dimensions,r=t.model,n=e.map((function(t){return t.categories.map((function(t){return t.y}))})),i=t.model.dimensions.map((function(t){return t.categories.map((function(t){return t.displayInd}))})),a=t.model.dimensions.map((function(t){return t.displayInd})),o=t.dimensions.map((function(t){return t.model.dimensionInd})),s=e.map((function(t){return t.x})),l=e.map((function(t){return t.width})),c=[];for(var u in r.paths)r.paths.hasOwnProperty(u)&&c.push(r.paths[u]);function f(t){var e=t.categoryInds.map((function(t,e){return i[e][t]}));return o.map((function(t){return e[t]}))}c.sort((function(e,r){var n=f(e),i=f(r);return"backward"===t.sortpaths&&(n.reverse(),i.reverse()),n.push(e.valueInds[0]),i.push(r.valueInds[0]),t.bundlecolors&&(n.unshift(e.rawColor),i.unshift(r.rawColor)),ni?1:0}));for(var h=new Array(c.length),p=e[0].model.count,d=e[0].categories.map((function(t){return t.height})).reduce((function(t,e){return t+e})),g=0;g0?d*(v.count/p):0;for(var y,x=new Array(n.length),b=0;b1?(t.width-80-16)/(n-1):0)*i;var a,o,s,l,c,u=[],f=t.model.maxCats,h=e.categories.length,p=e.count,d=t.height-8*(f-1),g=8*(f-h)/2,m=e.categories.map((function(t){return{displayInd:t.displayInd,categoryInd:t.categoryInd}}));for(m.sort((function(t,e){return t.displayInd-e.displayInd})),c=0;c0?o.count/p*d:0,s={key:o.valueInds[0],model:o,width:16,height:a,y:null!==o.dragY?o.dragY:g,bands:[],parcatsViewModel:t},g=g+a+8,u.push(s);return{key:e.dimensionInd,x:null!==e.dragX?e.dragX:r,y:0,width:16,model:e,categories:u,parcatsViewModel:t,dragCategoryDisplayInd:null,dragDimensionDisplayInd:null,initialDragDimensionDisplayInds:null,initialDragCategoryDisplayInds:null,dragHasMoved:null,potentialClickBand:null}}e.exports=function(t,e,r,n){f(r,t,n,e)}},{"../../components/drawing":665,"../../components/fx":683,"../../lib":778,"../../lib/svg_text_utils":803,"../../plot_api/plot_api":814,d3:169,tinycolor2:576}],1148:[function(t,e,r){"use strict";var n=t("./parcats");e.exports=function(t,e,r,i){var a=t._fullLayout,o=a._paper,s=a._size;n(t,o,e,{width:s.w,height:s.h,margin:{t:s.t,r:s.r,b:s.b,l:s.l}},r,i)}},{"./parcats":1147}],1149:[function(t,e,r){"use strict";var n=t("../../components/colorscale/attributes"),i=t("../../plots/cartesian/layout_attributes"),a=t("../../plots/font_attributes"),o=t("../../plots/domain").attributes,s=t("../../lib/extend").extendFlat,l=t("../../plot_api/plot_template").templatedArray;e.exports={domain:o({name:"parcoords",trace:!0,editType:"plot"}),labelangle:{valType:"angle",dflt:0,editType:"plot"},labelside:{valType:"enumerated",values:["top","bottom"],dflt:"top",editType:"plot"},labelfont:a({editType:"plot"}),tickfont:a({editType:"plot"}),rangefont:a({editType:"plot"}),dimensions:l("dimension",{label:{valType:"string",editType:"plot"},tickvals:s({},i.tickvals,{editType:"plot"}),ticktext:s({},i.ticktext,{editType:"plot"}),tickformat:s({},i.tickformat,{editType:"plot"}),visible:{valType:"boolean",dflt:!0,editType:"plot"},range:{valType:"info_array",items:[{valType:"number",editType:"plot"},{valType:"number",editType:"plot"}],editType:"plot"},constraintrange:{valType:"info_array",freeLength:!0,dimensions:"1-2",items:[{valType:"number",editType:"plot"},{valType:"number",editType:"plot"}],editType:"plot"},multiselect:{valType:"boolean",dflt:!0,editType:"plot"},values:{valType:"data_array",editType:"calc"},editType:"calc"}),line:s({editType:"calc"},n("line",{colorscaleDflt:"Viridis",autoColorDflt:!1,editTypeOverride:"calc"}))}},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plot_api/plot_template":817,"../../plots/cartesian/layout_attributes":842,"../../plots/domain":855,"../../plots/font_attributes":856}],1150:[function(t,e,r){"use strict";var n=t("./constants"),i=t("d3"),a=t("../../lib/gup").keyFun,o=t("../../lib/gup").repeat,s=t("../../lib").sorterAsc,l=t("../../lib").strTranslate,c=n.bar.snapRatio;function u(t,e){return t*(1-c)+e*c}var f=n.bar.snapClose;function h(t,e){return t*(1-f)+e*f}function p(t,e,r,n){if(function(t,e){for(var r=0;r=e[r][0]&&t<=e[r][1])return!0;return!1}(r,n))return r;var i=t?-1:1,a=0,o=e.length-1;if(i<0){var s=a;a=o,o=s}for(var l=e[a],c=l,f=a;i*fe){h=r;break}}if(a=u,isNaN(a)&&(a=isNaN(f)||isNaN(h)?isNaN(f)?h:f:e-c[f][1]t[1]+r||e=.9*t[1]+.1*t[0]?"n":e<=.9*t[0]+.1*t[1]?"s":"ns"}(d,e);g&&(o.interval=l[a],o.intervalPix=d,o.region=g)}}if(t.ordinal&&!o.region){var m=t.unitTickvals,y=t.unitToPaddedPx.invert(e);for(r=0;r=x[0]&&y<=x[1]){o.clickableOrdinalRange=x;break}}}return o}function w(t,e){i.event.sourceEvent.stopPropagation();var r=e.height-i.mouse(t)[1]-2*n.verticalPadding,a=e.brush.svgBrush;a.wasDragged=!0,a._dragging=!0,a.grabbingBar?a.newExtent=[r-a.grabPoint,r+a.barLength-a.grabPoint].map(e.unitToPaddedPx.invert):a.newExtent=[a.startExtent,e.unitToPaddedPx.invert(r)].sort(s),e.brush.filterSpecified=!0,a.extent=a.stayingIntervals.concat([a.newExtent]),a.brushCallback(e),b(t.parentNode)}function T(t,e){var r=_(e,e.height-i.mouse(t)[1]-2*n.verticalPadding),a="crosshair";r.clickableOrdinalRange?a="pointer":r.region&&(a=r.region+"-resize"),i.select(document.body).style("cursor",a)}function k(t){t.on("mousemove",(function(t){i.event.preventDefault(),t.parent.inBrushDrag||T(this,t)})).on("mouseleave",(function(t){t.parent.inBrushDrag||y()})).call(i.behavior.drag().on("dragstart",(function(t){!function(t,e){i.event.sourceEvent.stopPropagation();var r=e.height-i.mouse(t)[1]-2*n.verticalPadding,a=e.unitToPaddedPx.invert(r),o=e.brush,s=_(e,r),l=s.interval,c=o.svgBrush;if(c.wasDragged=!1,c.grabbingBar="ns"===s.region,c.grabbingBar){var u=l.map(e.unitToPaddedPx);c.grabPoint=r-u[0]-n.verticalPadding,c.barLength=u[1]-u[0]}c.clickableOrdinalRange=s.clickableOrdinalRange,c.stayingIntervals=e.multiselect&&o.filterSpecified?o.filter.getConsolidated():[],l&&(c.stayingIntervals=c.stayingIntervals.filter((function(t){return t[0]!==l[0]&&t[1]!==l[1]}))),c.startExtent=s.region?l["s"===s.region?1:0]:a,e.parent.inBrushDrag=!0,c.brushStartCallback()}(this,t)})).on("drag",(function(t){w(this,t)})).on("dragend",(function(t){!function(t,e){var r=e.brush,n=r.filter,a=r.svgBrush;a._dragging||(T(t,e),w(t,e),e.brush.svgBrush.wasDragged=!1),a._dragging=!1,i.event.sourceEvent.stopPropagation();var o=a.grabbingBar;if(a.grabbingBar=!1,a.grabLocation=void 0,e.parent.inBrushDrag=!1,y(),!a.wasDragged)return a.wasDragged=void 0,a.clickableOrdinalRange?r.filterSpecified&&e.multiselect?a.extent.push(a.clickableOrdinalRange):(a.extent=[a.clickableOrdinalRange],r.filterSpecified=!0):o?(a.extent=a.stayingIntervals,0===a.extent.length&&A(r)):A(r),a.brushCallback(e),b(t.parentNode),void a.brushEndCallback(r.filterSpecified?n.getConsolidated():[]);var s=function(){n.set(n.getConsolidated())};if(e.ordinal){var l=e.unitTickvals;l[l.length-1]a.newExtent[0];a.extent=a.stayingIntervals.concat(c?[a.newExtent]:[]),a.extent.length||A(r),a.brushCallback(e),c?b(t.parentNode,s):(s(),b(t.parentNode))}else s();a.brushEndCallback(r.filterSpecified?n.getConsolidated():[])}(this,t)})))}function M(t,e){return t[0]-e[0]}function A(t){t.filterSpecified=!1,t.svgBrush.extent=[[-1/0,1/0]]}function S(t){for(var e,r=t.slice(),n=[],i=r.shift();i;){for(e=i.slice();(i=r.shift())&&i[0]<=e[1];)e[1]=Math.max(e[1],i[1]);n.push(e)}return 1===n.length&&n[0][0]>n[0][1]&&(n=[]),n}e.exports={makeBrush:function(t,e,r,n,i,a){var o,l=function(){var t,e,r=[];return{set:function(n){1===(r=n.map((function(t){return t.slice().sort(s)})).sort(M)).length&&r[0][0]===-1/0&&r[0][1]===1/0&&(r=[[0,-1]]),t=S(r),e=r.reduce((function(t,e){return[Math.min(t[0],e[0]),Math.max(t[1],e[1])]}),[1/0,-1/0])},get:function(){return r.slice()},getConsolidated:function(){return t},getBounds:function(){return e}}}();return l.set(r),{filter:l,filterSpecified:e,svgBrush:{extent:[],brushStartCallback:n,brushCallback:(o=i,function(t){var e=t.brush,r=function(t){return t.svgBrush.extent.map((function(t){return t.slice()}))}(e).slice();e.filter.set(r),o()}),brushEndCallback:a}}},ensureAxisBrush:function(t){var e=t.selectAll("."+n.cn.axisBrush).data(o,a);e.enter().append("g").classed(n.cn.axisBrush,!0),function(t){var e=t.selectAll(".background").data(o);e.enter().append("rect").classed("background",!0).call(d).call(g).style("pointer-events","auto").attr("transform",l(0,n.verticalPadding)),e.call(k).attr("height",(function(t){return t.height-n.verticalPadding}));var r=t.selectAll(".highlight-shadow").data(o);r.enter().append("line").classed("highlight-shadow",!0).attr("x",-n.bar.width/2).attr("stroke-width",n.bar.width+n.bar.strokeWidth).attr("stroke",n.bar.strokeColor).attr("opacity",n.bar.strokeOpacity).attr("stroke-linecap","butt"),r.attr("y1",(function(t){return t.height})).call(x);var i=t.selectAll(".highlight").data(o);i.enter().append("line").classed("highlight",!0).attr("x",-n.bar.width/2).attr("stroke-width",n.bar.width-n.bar.strokeWidth).attr("stroke",n.bar.fillColor).attr("opacity",n.bar.fillOpacity).attr("stroke-linecap","butt"),i.attr("y1",(function(t){return t.height})).call(x)}(e)},cleanRanges:function(t,e){if(Array.isArray(t[0])?(t=t.map((function(t){return t.sort(s)})),t=e.multiselect?S(t.sort(M)):[t[0]]):t=[t.sort(s)],e.tickvals){var r=e.tickvals.slice().sort(s);if(!(t=t.map((function(t){var e=[p(0,r,t[0],[]),p(1,r,t[1],[])];if(e[1]>e[0])return e})).filter((function(t){return t}))).length)return}return t.length>1?t:t[0]}}},{"../../lib":778,"../../lib/gup":775,"./constants":1153,d3:169}],1151:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../plots/get_data").getModuleCalcData,a=t("./plot"),o=t("../../constants/xmlns_namespaces");r.name="parcoords",r.plot=function(t){var e=i(t.calcdata,"parcoords")[0];e.length&&a(t,e)},r.clean=function(t,e,r,n){var i=n._has&&n._has("parcoords"),a=e._has&&e._has("parcoords");i&&!a&&(n._paperdiv.selectAll(".parcoords").remove(),n._glimages.selectAll("*").remove())},r.toSVG=function(t){var e=t._fullLayout._glimages,r=n.select(t).selectAll(".svg-container");r.filter((function(t,e){return e===r.size()-1})).selectAll(".gl-canvas-context, .gl-canvas-focus").each((function(){var t=this.toDataURL("image/png");e.append("svg:image").attr({xmlns:o.svg,"xlink:href":t,preserveAspectRatio:"none",x:0,y:0,width:this.width,height:this.height})})),window.setTimeout((function(){n.selectAll("#filterBarPattern").attr("id","filterBarPattern")}),60)}},{"../../constants/xmlns_namespaces":754,"../../plots/get_data":865,"./plot":1160,d3:169}],1152:[function(t,e,r){"use strict";var n=t("../../lib").isArrayOrTypedArray,i=t("../../components/colorscale"),a=t("../../lib/gup").wrap;e.exports=function(t,e){var r,o;return i.hasColorscale(e,"line")&&n(e.line.color)?(r=e.line.color,o=i.extractOpts(e.line).colorscale,i.calc(t,e,{vals:r,containerStr:"line",cLetter:"c"})):(r=function(t){for(var e=new Array(t),r=0;rf&&(n.log("parcoords traces support up to "+f+" dimensions at the moment"),d.splice(f));var g=s(t,e,{name:"dimensions",layout:l,handleItemDefaults:p}),m=function(t,e,r,o,s){var l=s("line.color",r);if(i(t,"line")&&n.isArrayOrTypedArray(l)){if(l.length)return s("line.colorscale"),a(t,e,o,s,{prefix:"line.",cLetter:"c"}),l.length;e.line.color=r}return 1/0}(t,e,r,l,u);o(e,l,u),Array.isArray(g)&&g.length||(e.visible=!1),h(e,g,"values",m);var v={family:l.font.family,size:Math.round(l.font.size/1.2),color:l.font.color};n.coerceFont(u,"labelfont",v),n.coerceFont(u,"tickfont",v),n.coerceFont(u,"rangefont",v),u("labelangle"),u("labelside")}},{"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654,"../../lib":778,"../../plots/array_container_defaults":823,"../../plots/cartesian/axes":828,"../../plots/domain":855,"./attributes":1149,"./axisbrush":1150,"./constants":1153,"./merge_length":1158}],1155:[function(t,e,r){"use strict";var n=t("../../lib").isTypedArray;r.convertTypedArray=function(t){return n(t)?Array.prototype.slice.call(t):t},r.isOrdinal=function(t){return!!t.tickvals},r.isVisible=function(t){return t.visible||!("visible"in t)}},{"../../lib":778}],1156:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc"),plot:t("./plot"),colorbar:{container:"line",min:"cmin",max:"cmax"},moduleType:"trace",name:"parcoords",basePlotModule:t("./base_plot"),categories:["gl","regl","noOpacity","noHover"],meta:{}}},{"./attributes":1149,"./base_plot":1151,"./calc":1152,"./defaults":1154,"./plot":1160}],1157:[function(t,e,r){"use strict";var n=t("glslify"),i=n(["precision highp float;\n#define GLSLIFY 1\n\nvarying vec4 fragColor;\n\nattribute vec4 p01_04, p05_08, p09_12, p13_16,\n p17_20, p21_24, p25_28, p29_32,\n p33_36, p37_40, p41_44, p45_48,\n p49_52, p53_56, p57_60, colors;\n\nuniform mat4 dim0A, dim1A, dim0B, dim1B, dim0C, dim1C, dim0D, dim1D,\n loA, hiA, loB, hiB, loC, hiC, loD, hiD;\n\nuniform vec2 resolution, viewBoxPos, viewBoxSize;\nuniform sampler2D mask, palette;\nuniform float maskHeight;\nuniform float drwLayer; // 0: context, 1: focus, 2: pick\nuniform vec4 contextColor;\n\nbool isPick = (drwLayer > 1.5);\nbool isContext = (drwLayer < 0.5);\n\nconst vec4 ZEROS = vec4(0.0, 0.0, 0.0, 0.0);\nconst vec4 UNITS = vec4(1.0, 1.0, 1.0, 1.0);\n\nfloat val(mat4 p, mat4 v) {\n return dot(matrixCompMult(p, v) * UNITS, UNITS);\n}\n\nfloat axisY(float ratio, mat4 A, mat4 B, mat4 C, mat4 D) {\n float y1 = val(A, dim0A) + val(B, dim0B) + val(C, dim0C) + val(D, dim0D);\n float y2 = val(A, dim1A) + val(B, dim1B) + val(C, dim1C) + val(D, dim1D);\n return y1 * (1.0 - ratio) + y2 * ratio;\n}\n\nint iMod(int a, int b) {\n return a - b * (a / b);\n}\n\nbool fOutside(float p, float lo, float hi) {\n return (lo < hi) && (lo > p || p > hi);\n}\n\nbool vOutside(vec4 p, vec4 lo, vec4 hi) {\n return (\n fOutside(p[0], lo[0], hi[0]) ||\n fOutside(p[1], lo[1], hi[1]) ||\n fOutside(p[2], lo[2], hi[2]) ||\n fOutside(p[3], lo[3], hi[3])\n );\n}\n\nbool mOutside(mat4 p, mat4 lo, mat4 hi) {\n return (\n vOutside(p[0], lo[0], hi[0]) ||\n vOutside(p[1], lo[1], hi[1]) ||\n vOutside(p[2], lo[2], hi[2]) ||\n vOutside(p[3], lo[3], hi[3])\n );\n}\n\nbool outsideBoundingBox(mat4 A, mat4 B, mat4 C, mat4 D) {\n return mOutside(A, loA, hiA) ||\n mOutside(B, loB, hiB) ||\n mOutside(C, loC, hiC) ||\n mOutside(D, loD, hiD);\n}\n\nbool outsideRasterMask(mat4 A, mat4 B, mat4 C, mat4 D) {\n mat4 pnts[4];\n pnts[0] = A;\n pnts[1] = B;\n pnts[2] = C;\n pnts[3] = D;\n\n for(int i = 0; i < 4; ++i) {\n for(int j = 0; j < 4; ++j) {\n for(int k = 0; k < 4; ++k) {\n if(0 == iMod(\n int(255.0 * texture2D(mask,\n vec2(\n (float(i * 2 + j / 2) + 0.5) / 8.0,\n (pnts[i][j][k] * (maskHeight - 1.0) + 1.0) / maskHeight\n ))[3]\n ) / int(pow(2.0, float(iMod(j * 4 + k, 8)))),\n 2\n )) return true;\n }\n }\n }\n return false;\n}\n\nvec4 position(bool isContext, float v, mat4 A, mat4 B, mat4 C, mat4 D) {\n float x = 0.5 * sign(v) + 0.5;\n float y = axisY(x, A, B, C, D);\n float z = 1.0 - abs(v);\n\n z += isContext ? 0.0 : 2.0 * float(\n outsideBoundingBox(A, B, C, D) ||\n outsideRasterMask(A, B, C, D)\n );\n\n return vec4(\n 2.0 * (vec2(x, y) * viewBoxSize + viewBoxPos) / resolution - 1.0,\n z,\n 1.0\n );\n}\n\nvoid main() {\n mat4 A = mat4(p01_04, p05_08, p09_12, p13_16);\n mat4 B = mat4(p17_20, p21_24, p25_28, p29_32);\n mat4 C = mat4(p33_36, p37_40, p41_44, p45_48);\n mat4 D = mat4(p49_52, p53_56, p57_60, ZEROS);\n\n float v = colors[3];\n\n gl_Position = position(isContext, v, A, B, C, D);\n\n fragColor =\n isContext ? vec4(contextColor) :\n isPick ? vec4(colors.rgb, 1.0) : texture2D(palette, vec2(abs(v), 0.5));\n}\n"]),a=n(["precision highp float;\n#define GLSLIFY 1\n\nvarying vec4 fragColor;\n\nvoid main() {\n gl_FragColor = fragColor;\n}\n"]),o=t("./constants").maxDimensionCount,s=t("../../lib"),l=new Uint8Array(4),c=new Uint8Array(4),u={shape:[256,1],format:"rgba",type:"uint8",mag:"nearest",min:"nearest"};function f(t,e,r,n,i){var a=t._gl;a.enable(a.SCISSOR_TEST),a.scissor(e,r,n,i),t.clear({color:[0,0,0,0],depth:1})}function h(t,e,r,n,i,a){var o=a.key;r.drawCompleted||(!function(t){t.read({x:0,y:0,width:1,height:1,data:l})}(t),r.drawCompleted=!0),function s(l){var c=Math.min(n,i-l*n);0===l&&(window.cancelAnimationFrame(r.currentRafs[o]),delete r.currentRafs[o],f(t,a.scissorX,a.scissorY,a.scissorWidth,a.viewBoxSize[1])),r.clearOnly||(a.count=2*c,a.offset=2*l*n,e(a),l*n+c>>8*e)%256/255}function g(t,e,r){for(var n=new Array(8*e),i=0,a=0;au&&(u=t[i].dim1.canvasX,o=i);0===s&&f(T,0,0,r.canvasWidth,r.canvasHeight);var p=function(t){var e,r,n,i=[[],[]];for(n=0;n<64;n++){var a=!t&&ni._length&&(A=A.slice(0,i._length));var E,C=i.tickvals;function L(t,e){return{val:t,text:E[e]}}function I(t,e){return t.val-e.val}if(Array.isArray(C)&&C.length){E=i.ticktext,Array.isArray(E)&&E.length?E.length>C.length?E=E.slice(0,C.length):C.length>E.length&&(C=C.slice(0,E.length)):E=C.map(n.format(i.tickformat));for(var P=1;P=r||l>=a)return;var c=t.lineLayer.readPixel(s,a-1-l),u=0!==c[3],f=u?c[2]+256*(c[1]+256*c[0]):null,h={x:s,y:l,clientX:e.clientX,clientY:e.clientY,dataIndex:t.model.key,curveNumber:f};f!==R&&(u?i.hover(h):i.unhover&&i.unhover(h),R=f)}})),D.style("opacity",(function(t){return t.pick?0:1})),h.style("background","rgba(255, 255, 255, 0)");var F=h.selectAll("."+v.cn.parcoords).data(A,p);F.exit().remove(),F.enter().append("g").classed(v.cn.parcoords,!0).style("shape-rendering","crispEdges").style("pointer-events","none"),F.attr("transform",(function(t){return l(t.model.translateX,t.model.translateY)}));var B=F.selectAll("."+v.cn.parcoordsControlView).data(d,p);B.enter().append("g").classed(v.cn.parcoordsControlView,!0),B.attr("transform",(function(t){return l(t.model.pad.l,t.model.pad.t)}));var N=B.selectAll("."+v.cn.yAxis).data((function(t){return t.dimensions}),p);N.enter().append("g").classed(v.cn.yAxis,!0),B.each((function(t){P(N,t)})),D.each((function(t){if(t.viewModel){!t.lineLayer||i?t.lineLayer=x(this,t):t.lineLayer.update(t),(t.key||0===t.key)&&(t.viewModel[t.key]=t.lineLayer);var e=!t.context||i;t.lineLayer.render(t.viewModel.panels,e)}})),N.attr("transform",(function(t){return l(t.xScale(t.xIndex),0)})),N.call(n.behavior.drag().origin((function(t){return t})).on("drag",(function(t){var e=t.parent;M.linePickActive(!1),t.x=Math.max(-v.overdrag,Math.min(t.model.width+v.overdrag,n.event.x)),t.canvasX=t.x*t.model.canvasPixelRatio,N.sort((function(t,e){return t.x-e.x})).each((function(e,r){e.xIndex=r,e.x=t===e?e.x:e.xScale(e.xIndex),e.canvasX=e.x*e.model.canvasPixelRatio})),P(N,e),N.filter((function(e){return 0!==Math.abs(t.xIndex-e.xIndex)})).attr("transform",(function(t){return l(t.xScale(t.xIndex),0)})),n.select(this).attr("transform",l(t.x,0)),N.each((function(r,n,i){i===t.parent.key&&(e.dimensions[n]=r)})),e.contextLayer&&e.contextLayer.render(e.panels,!1,!S(e)),e.focusLayer.render&&e.focusLayer.render(e.panels)})).on("dragend",(function(t){var e=t.parent;t.x=t.xScale(t.xIndex),t.canvasX=t.x*t.model.canvasPixelRatio,P(N,e),n.select(this).attr("transform",(function(t){return l(t.x,0)})),e.contextLayer&&e.contextLayer.render(e.panels,!1,!S(e)),e.focusLayer&&e.focusLayer.render(e.panels),e.pickLayer&&e.pickLayer.render(e.panels,!0),M.linePickActive(!0),i&&i.axesMoved&&i.axesMoved(e.key,e.dimensions.map((function(t){return t.crossfilterDimensionIndex})))}))),N.exit().remove();var j=N.selectAll("."+v.cn.axisOverlays).data(d,p);j.enter().append("g").classed(v.cn.axisOverlays,!0),j.selectAll("."+v.cn.axis).remove();var U=j.selectAll("."+v.cn.axis).data(d,p);U.enter().append("g").classed(v.cn.axis,!0),U.each((function(t){var e=t.model.height/t.model.tickDistance,r=t.domainScale,i=r.domain();n.select(this).call(n.svg.axis().orient("left").tickSize(4).outerTickSize(2).ticks(e,t.tickFormat).tickValues(t.ordinal?i:null).tickFormat((function(e){return m.isOrdinal(t)?e:z(t.model.dimensions[t.visibleIndex],e)})).scale(r)),u.font(U.selectAll("text"),t.model.tickFont)})),U.selectAll(".domain, .tick>line").attr("fill","none").attr("stroke","black").attr("stroke-opacity",.25).attr("stroke-width","1px"),U.selectAll("text").style("text-shadow","1px 1px 1px #fff, -1px -1px 1px #fff, 1px -1px 1px #fff, -1px 1px 1px #fff").style("cursor","default");var V=j.selectAll("."+v.cn.axisHeading).data(d,p);V.enter().append("g").classed(v.cn.axisHeading,!0);var q=V.selectAll("."+v.cn.axisTitle).data(d,p);q.enter().append("text").classed(v.cn.axisTitle,!0).attr("text-anchor","middle").style("cursor","ew-resize").style("pointer-events","auto"),q.text((function(t){return t.label})).each((function(e){var r=n.select(this);u.font(r,e.model.labelFont),c.convertToTspans(r,t)})).attr("transform",(function(t){var e=I(t.model.labelAngle,t.model.labelSide),r=v.axisTitleOffset;return(e.dir>0?"":l(0,2*r+t.model.height))+s(e.degrees)+l(-r*e.dx,-r*e.dy)})).attr("text-anchor",(function(t){var e=I(t.model.labelAngle,t.model.labelSide);return 2*Math.abs(e.dx)>Math.abs(e.dy)?e.dir*e.dx<0?"start":"end":"middle"}));var H=j.selectAll("."+v.cn.axisExtent).data(d,p);H.enter().append("g").classed(v.cn.axisExtent,!0);var G=H.selectAll("."+v.cn.axisExtentTop).data(d,p);G.enter().append("g").classed(v.cn.axisExtentTop,!0),G.attr("transform",l(0,-v.axisExtentOffset));var Y=G.selectAll("."+v.cn.axisExtentTopText).data(d,p);Y.enter().append("text").classed(v.cn.axisExtentTopText,!0).call(L),Y.text((function(t){return O(t,!0)})).each((function(t){u.font(n.select(this),t.model.rangeFont)}));var W=H.selectAll("."+v.cn.axisExtentBottom).data(d,p);W.enter().append("g").classed(v.cn.axisExtentBottom,!0),W.attr("transform",(function(t){return l(0,t.model.height+v.axisExtentOffset)}));var X=W.selectAll("."+v.cn.axisExtentBottomText).data(d,p);X.enter().append("text").classed(v.cn.axisExtentBottomText,!0).attr("dy","0.75em").call(L),X.text((function(t){return O(t,!1)})).each((function(t){u.font(n.select(this),t.model.rangeFont)})),y.ensureAxisBrush(j)}},{"../../components/colorscale":655,"../../components/drawing":665,"../../lib":778,"../../lib/gup":775,"../../lib/svg_text_utils":803,"../../plots/cartesian/axes":828,"./axisbrush":1150,"./constants":1153,"./helpers":1155,"./lines":1157,"color-rgba":127,d3:169}],1160:[function(t,e,r){"use strict";var n=t("./parcoords"),i=t("../../lib/prepare_regl"),a=t("./helpers").isVisible;function o(t,e,r){var n=e.indexOf(r),i=t.indexOf(n);return-1===i&&(i+=e.length),i}e.exports=function(t,e){var r=t._fullLayout;if(i(t)){var s={},l={},c={},u={},f=r._size;e.forEach((function(e,r){var n=e[0].trace;c[r]=n.index;var i=u[r]=n._fullInput.index;s[r]=t.data[i].dimensions,l[r]=t.data[i].dimensions.slice()}));n(t,e,{width:f.w,height:f.h,margin:{t:f.t,r:f.r,b:f.b,l:f.l}},{filterChanged:function(e,n,i){var a=l[e][n],o=i.map((function(t){return t.slice()})),s="dimensions["+n+"].constraintrange",f=r._tracePreGUI[t._fullData[c[e]]._fullInput.uid];if(void 0===f[s]){var h=a.constraintrange;f[s]=h||null}var p=t._fullData[c[e]].dimensions[n];o.length?(1===o.length&&(o=o[0]),a.constraintrange=o,p.constraintrange=o.slice(),o=[o]):(delete a.constraintrange,delete p.constraintrange,o=null);var d={};d[s]=o,t.emit("plotly_restyle",[d,[u[e]]])},hover:function(e){t.emit("plotly_hover",e)},unhover:function(e){t.emit("plotly_unhover",e)},axesMoved:function(e,r){var n=function(t,e){return function(r,n){return o(t,e,r)-o(t,e,n)}}(r,l[e].filter(a));s[e].sort(n),l[e].filter((function(t){return!a(t)})).sort((function(t){return l[e].indexOf(t)})).forEach((function(t){s[e].splice(s[e].indexOf(t),1),s[e].splice(l[e].indexOf(t),0,t)})),t.emit("plotly_restyle",[{dimensions:[s[e]]},[u[e]]])}})}}},{"../../lib/prepare_regl":791,"./helpers":1155,"./parcoords":1159}],1161:[function(t,e,r){"use strict";var n=t("../../plots/attributes"),i=t("../../plots/domain").attributes,a=t("../../plots/font_attributes"),o=t("../../components/color/attributes"),s=t("../../plots/template_attributes").hovertemplateAttrs,l=t("../../plots/template_attributes").texttemplateAttrs,c=t("../../lib/extend").extendFlat,u=a({editType:"plot",arrayOk:!0,colorEditType:"plot"});e.exports={labels:{valType:"data_array",editType:"calc"},label0:{valType:"number",dflt:0,editType:"calc"},dlabel:{valType:"number",dflt:1,editType:"calc"},values:{valType:"data_array",editType:"calc"},marker:{colors:{valType:"data_array",editType:"calc"},line:{color:{valType:"color",dflt:o.defaultLine,arrayOk:!0,editType:"style"},width:{valType:"number",min:0,dflt:0,arrayOk:!0,editType:"style"},editType:"calc"},editType:"calc"},text:{valType:"data_array",editType:"plot"},hovertext:{valType:"string",dflt:"",arrayOk:!0,editType:"style"},scalegroup:{valType:"string",dflt:"",editType:"calc"},textinfo:{valType:"flaglist",flags:["label","text","value","percent"],extras:["none"],editType:"calc"},hoverinfo:c({},n.hoverinfo,{flags:["label","text","value","percent","name"]}),hovertemplate:s({},{keys:["label","color","value","percent","text"]}),texttemplate:l({editType:"plot"},{keys:["label","color","value","percent","text"]}),textposition:{valType:"enumerated",values:["inside","outside","auto","none"],dflt:"auto",arrayOk:!0,editType:"plot"},textfont:c({},u,{}),insidetextorientation:{valType:"enumerated",values:["horizontal","radial","tangential","auto"],dflt:"auto",editType:"plot"},insidetextfont:c({},u,{}),outsidetextfont:c({},u,{}),automargin:{valType:"boolean",dflt:!1,editType:"plot"},title:{text:{valType:"string",dflt:"",editType:"plot"},font:c({},u,{}),position:{valType:"enumerated",values:["top left","top center","top right","middle center","bottom left","bottom center","bottom right"],editType:"plot"},editType:"plot"},domain:i({name:"pie",trace:!0,editType:"calc"}),hole:{valType:"number",min:0,max:1,dflt:0,editType:"calc"},sort:{valType:"boolean",dflt:!0,editType:"calc"},direction:{valType:"enumerated",values:["clockwise","counterclockwise"],dflt:"counterclockwise",editType:"calc"},rotation:{valType:"number",min:-360,max:360,dflt:0,editType:"calc"},pull:{valType:"number",min:0,max:1,dflt:0,arrayOk:!0,editType:"calc"},_deprecated:{title:{valType:"string",dflt:"",editType:"calc"},titlefont:c({},u,{}),titleposition:{valType:"enumerated",values:["top left","top center","top right","middle center","bottom left","bottom center","bottom right"],editType:"calc"}}}},{"../../components/color/attributes":642,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/domain":855,"../../plots/font_attributes":856,"../../plots/template_attributes":906}],1162:[function(t,e,r){"use strict";var n=t("../../plots/plots");r.name="pie",r.plot=function(t,e,i,a){n.plotBasePlot(r.name,t,e,i,a)},r.clean=function(t,e,i,a){n.cleanBasePlot(r.name,t,e,i,a)}},{"../../plots/plots":891}],1163:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("tinycolor2"),a=t("../../components/color"),o={};function s(t){return function(e,r){return!!e&&(!!(e=i(e)).isValid()&&(e=a.addOpacity(e,e.getAlpha()),t[r]||(t[r]=e),e))}}function l(t,e){var r,n=JSON.stringify(t),a=e[n];if(!a){for(a=t.slice(),r=0;r0){s=!0;break}}s||(o=0)}return{hasLabels:r,hasValues:a,len:o}}e.exports={handleLabelsAndValues:l,supplyDefaults:function(t,e,r,n){function c(r,n){return i.coerce(t,e,a,r,n)}var u=l(c("labels"),c("values")),f=u.len;if(e._hasLabels=u.hasLabels,e._hasValues=u.hasValues,!e._hasLabels&&e._hasValues&&(c("label0"),c("dlabel")),f){e._length=f,c("marker.line.width")&&c("marker.line.color"),c("marker.colors"),c("scalegroup");var h,p=c("text"),d=c("texttemplate");if(d||(h=c("textinfo",Array.isArray(p)?"text+percent":"percent")),c("hovertext"),c("hovertemplate"),d||h&&"none"!==h){var g=c("textposition");s(t,e,n,c,g,{moduleHasSelected:!1,moduleHasUnselected:!1,moduleHasConstrain:!1,moduleHasCliponaxis:!1,moduleHasTextangle:!1,moduleHasInsideanchor:!1}),(Array.isArray(g)||"auto"===g||"outside"===g)&&c("automargin"),("inside"===g||"auto"===g||Array.isArray(g))&&c("insidetextorientation")}o(e,n,c);var m=c("hole");if(c("title.text")){var v=c("title.position",m?"middle center":"top center");m||"middle center"!==v||(e.title.position="top center"),i.coerceFont(c,"title.font",n.font)}c("sort"),c("direction"),c("rotation"),c("pull")}else e.visible=!1}}},{"../../lib":778,"../../plots/domain":855,"../bar/defaults":925,"./attributes":1161,"fast-isnumeric":241}],1165:[function(t,e,r){"use strict";var n=t("../../components/fx/helpers").appendArrayMultiPointValues;e.exports=function(t,e){var r={curveNumber:e.index,pointNumbers:t.pts,data:e._input,fullData:e,label:t.label,color:t.color,value:t.v,percent:t.percent,text:t.text,v:t.v};return 1===t.pts.length&&(r.pointNumber=r.i=t.pts[0]),n(r,e,t.pts),"funnelarea"===e.type&&(delete r.v,delete r.i),r}},{"../../components/fx/helpers":679}],1166:[function(t,e,r){"use strict";var n=t("../../lib");function i(t){return-1!==t.indexOf("e")?t.replace(/[.]?0+e/,"e"):-1!==t.indexOf(".")?t.replace(/[.]?0+$/,""):t}r.formatPiePercent=function(t,e){var r=i((100*t).toPrecision(3));return n.numSeparate(r,e)+"%"},r.formatPieValue=function(t,e){var r=i(t.toPrecision(10));return n.numSeparate(r,e)},r.getFirstFilled=function(t,e){if(Array.isArray(t))for(var r=0;r"),name:u.hovertemplate||-1!==f.indexOf("name")?u.name:void 0,idealAlign:t.pxmid[0]<0?"left":"right",color:m.castOption(b.bgcolor,t.pts)||t.color,borderColor:m.castOption(b.bordercolor,t.pts),fontFamily:m.castOption(_.family,t.pts),fontSize:m.castOption(_.size,t.pts),fontColor:m.castOption(_.color,t.pts),nameLength:m.castOption(b.namelength,t.pts),textAlign:m.castOption(b.align,t.pts),hovertemplate:m.castOption(u.hovertemplate,t.pts),hovertemplateLabels:t,eventData:[v(t,u)]},{container:r._hoverlayer.node(),outerContainer:r._paper.node(),gd:e}),o._hasHoverLabel=!0}o._hasHoverEvent=!0,e.emit("plotly_hover",{points:[v(t,u)],event:n.event})}})),t.on("mouseout",(function(t){var r=e._fullLayout,i=e._fullData[o.index],s=n.select(this).datum();o._hasHoverEvent&&(t.originalEvent=n.event,e.emit("plotly_unhover",{points:[v(s,i)],event:n.event}),o._hasHoverEvent=!1),o._hasHoverLabel&&(a.loneUnhover(r._hoverlayer.node()),o._hasHoverLabel=!1)})),t.on("click",(function(t){var r=e._fullLayout,i=e._fullData[o.index];e._dragging||!1===r.hovermode||(e._hoverdata=[v(t,i)],a.click(e,n.event))}))}function b(t,e,r){var n=m.castOption(t.insidetextfont.color,e.pts);!n&&t._input.textfont&&(n=m.castOption(t._input.textfont.color,e.pts));var i=m.castOption(t.insidetextfont.family,e.pts)||m.castOption(t.textfont.family,e.pts)||r.family,a=m.castOption(t.insidetextfont.size,e.pts)||m.castOption(t.textfont.size,e.pts)||r.size;return{color:n||o.contrast(e.color),family:i,size:a}}function _(t,e){for(var r,n,i=0;ie&&e>n||r=-4;m-=2)v(Math.PI*m,"tan");for(m=4;m>=-4;m-=2)v(Math.PI*(m+1),"tan")}if(f||p){for(m=4;m>=-4;m-=2)v(Math.PI*(m+1.5),"rad");for(m=4;m>=-4;m-=2)v(Math.PI*(m+.5),"rad")}}if(s||d||f){var y=Math.sqrt(t.width*t.width+t.height*t.height);if((a={scale:i*n*2/y,rCenter:1-i,rotate:0}).textPosAngle=(e.startangle+e.stopangle)/2,a.scale>=1)return a;g.push(a)}(d||p)&&((a=T(t,n,o,l,c)).textPosAngle=(e.startangle+e.stopangle)/2,g.push(a)),(d||h)&&((a=k(t,n,o,l,c)).textPosAngle=(e.startangle+e.stopangle)/2,g.push(a));for(var x=0,b=0,_=0;_=1)break}return g[x]}function T(t,e,r,n,i){e=Math.max(0,e-2*g);var a=t.width/t.height,o=S(a,n,e,r);return{scale:2*o/t.height,rCenter:M(a,o/e),rotate:A(i)}}function k(t,e,r,n,i){e=Math.max(0,e-2*g);var a=t.height/t.width,o=S(a,n,e,r);return{scale:2*o/t.width,rCenter:M(a,o/e),rotate:A(i+Math.PI/2)}}function M(t,e){return Math.cos(e)-t*e}function A(t){return(180/Math.PI*t+720)%180-90}function S(t,e,r,n){var i=t+1/(2*Math.tan(e));return r*Math.min(1/(Math.sqrt(i*i+.5)+i),n/(Math.sqrt(t*t+n/2)+t))}function E(t,e){return t.v!==e.vTotal||e.trace.hole?Math.min(1/(1+1/Math.sin(t.halfangle)),t.ring/2):1}function C(t,e){var r=e.pxmid[0],n=e.pxmid[1],i=t.width/2,a=t.height/2;return r<0&&(i*=-1),n<0&&(a*=-1),{scale:1,rCenter:1,rotate:0,x:i+Math.abs(a)*(i>0?1:-1)/2,y:a/(1+r*r/(n*n)),outside:!0}}function L(t,e){var r,n,i,a=t.trace,o={x:t.cx,y:t.cy},s={tx:0,ty:0};s.ty+=a.title.font.size,i=P(a),-1!==a.title.position.indexOf("top")?(o.y-=(1+i)*t.r,s.ty-=t.titleBox.height):-1!==a.title.position.indexOf("bottom")&&(o.y+=(1+i)*t.r);var l,c,u=(l=t.r,c=t.trace.aspectratio,l/(void 0===c?1:c)),f=e.w*(a.domain.x[1]-a.domain.x[0])/2;return-1!==a.title.position.indexOf("left")?(f+=u,o.x-=(1+i)*u,s.tx+=t.titleBox.width/2):-1!==a.title.position.indexOf("center")?f*=2:-1!==a.title.position.indexOf("right")&&(f+=u,o.x+=(1+i)*u,s.tx-=t.titleBox.width/2),r=f/t.titleBox.width,n=I(t,e)/t.titleBox.height,{x:o.x,y:o.y,scale:Math.min(r,n),tx:s.tx,ty:s.ty}}function I(t,e){var r=t.trace,n=e.h*(r.domain.y[1]-r.domain.y[0]);return Math.min(t.titleBox.height,n/2)}function P(t){var e,r=t.pull;if(!r)return 0;if(Array.isArray(r))for(r=0,e=0;er&&(r=t.pull[e]);return r}function z(t,e){for(var r=[],n=0;n1?(c=r.r,u=c/i.aspectratio):(u=r.r,c=u*i.aspectratio),c*=(1+i.baseratio)/2,l=c*u}o=Math.min(o,l/r.vTotal)}for(n=0;n")}if(a){var x=l.castOption(i,e.i,"texttemplate");if(x){var b=function(t){return{label:t.label,value:t.v,valueLabel:m.formatPieValue(t.v,n.separators),percent:t.v/r.vTotal,percentLabel:m.formatPiePercent(t.v/r.vTotal,n.separators),color:t.color,text:t.text,customdata:l.castOption(i,t.i,"customdata")}}(e),_=m.getFirstFilled(i.text,e.pts);(y(_)||""===_)&&(b.text=_),e.text=l.texttemplateString(x,b,t._fullLayout._d3locale,b,i._meta||{})}else e.text=""}}function R(t,e){var r=t.rotate*Math.PI/180,n=Math.cos(r),i=Math.sin(r),a=(e.left+e.right)/2,o=(e.top+e.bottom)/2;t.textX=a*n-o*i,t.textY=a*i+o*n,t.noCenter=!0}e.exports={plot:function(t,e){var r=t._fullLayout,a=r._size;d("pie",r),_(e,t),z(e,a);var h=l.makeTraceGroups(r._pielayer,e,"trace").each((function(e){var h=n.select(this),d=e[0],g=d.trace;!function(t){var e,r,n,i=t[0],a=i.r,o=i.trace,s=m.getRotationAngle(o.rotation),l=2*Math.PI/i.vTotal,c="px0",u="px1";if("counterclockwise"===o.direction){for(e=0;ei.vTotal/2?1:0,r.halfangle=Math.PI*Math.min(r.v/i.vTotal,.5),r.ring=1-o.hole,r.rInscribed=E(r,i))}(e),h.attr("stroke-linejoin","round"),h.each((function(){var v=n.select(this).selectAll("g.slice").data(e);v.enter().append("g").classed("slice",!0),v.exit().remove();var y=[[[],[]],[[],[]]],_=!1;v.each((function(i,a){if(i.hidden)n.select(this).selectAll("path,g").remove();else{i.pointNumber=i.i,i.curveNumber=g.index,y[i.pxmid[1]<0?0:1][i.pxmid[0]<0?0:1].push(i);var o=d.cx,c=d.cy,u=n.select(this),h=u.selectAll("path.surface").data([i]);if(h.enter().append("path").classed("surface",!0).style({"pointer-events":"all"}),u.call(x,t,e),g.pull){var v=+m.castOption(g.pull,i.pts)||0;v>0&&(o+=v*i.pxmid[0],c+=v*i.pxmid[1])}i.cxFinal=o,i.cyFinal=c;var T=g.hole;if(i.v===d.vTotal){var k="M"+(o+i.px0[0])+","+(c+i.px0[1])+L(i.px0,i.pxmid,!0,1)+L(i.pxmid,i.px0,!0,1)+"Z";T?h.attr("d","M"+(o+T*i.px0[0])+","+(c+T*i.px0[1])+L(i.px0,i.pxmid,!1,T)+L(i.pxmid,i.px0,!1,T)+"Z"+k):h.attr("d",k)}else{var M=L(i.px0,i.px1,!0,1);if(T){var A=1-T;h.attr("d","M"+(o+T*i.px1[0])+","+(c+T*i.px1[1])+L(i.px1,i.px0,!1,T)+"l"+A*i.px0[0]+","+A*i.px0[1]+M+"Z")}else h.attr("d","M"+o+","+c+"l"+i.px0[0]+","+i.px0[1]+M+"Z")}D(t,i,d);var S=m.castOption(g.textposition,i.pts),E=u.selectAll("g.slicetext").data(i.text&&"none"!==S?[0]:[]);E.enter().append("g").classed("slicetext",!0),E.exit().remove(),E.each((function(){var u=l.ensureSingle(n.select(this),"text","",(function(t){t.attr("data-notex",1)})),h=l.ensureUniformFontSize(t,"outside"===S?function(t,e,r){var n=m.castOption(t.outsidetextfont.color,e.pts)||m.castOption(t.textfont.color,e.pts)||r.color,i=m.castOption(t.outsidetextfont.family,e.pts)||m.castOption(t.textfont.family,e.pts)||r.family,a=m.castOption(t.outsidetextfont.size,e.pts)||m.castOption(t.textfont.size,e.pts)||r.size;return{color:n,family:i,size:a}}(g,i,r.font):b(g,i,r.font));u.text(i.text).attr({class:"slicetext",transform:"","text-anchor":"middle"}).call(s.font,h).call(f.convertToTspans,t);var v,y=s.bBox(u.node());if("outside"===S)v=C(y,i);else if(v=w(y,i,d),"auto"===S&&v.scale<1){var x=l.ensureUniformFontSize(t,g.outsidetextfont);u.call(s.font,x),v=C(y=s.bBox(u.node()),i)}var T=v.textPosAngle,k=void 0===T?i.pxmid:O(d.r,T);if(v.targetX=o+k[0]*v.rCenter+(v.x||0),v.targetY=c+k[1]*v.rCenter+(v.y||0),R(v,y),v.outside){var M=v.targetY;i.yLabelMin=M-y.height/2,i.yLabelMid=M,i.yLabelMax=M+y.height/2,i.labelExtraX=0,i.labelExtraY=0,_=!0}v.fontSize=h.size,p(g.type,v,r),e[a].transform=v,u.attr("transform",l.getTextTransform(v))}))}function L(t,e,r,n){var a=n*(e[0]-t[0]),o=n*(e[1]-t[1]);return"a"+n*d.r+","+n*d.r+" 0 "+i.largeArc+(r?" 1 ":" 0 ")+a+","+o}}));var T=n.select(this).selectAll("g.titletext").data(g.title.text?[0]:[]);if(T.enter().append("g").classed("titletext",!0),T.exit().remove(),T.each((function(){var e,r=l.ensureSingle(n.select(this),"text","",(function(t){t.attr("data-notex",1)})),i=g.title.text;g._meta&&(i=l.templateString(i,g._meta)),r.text(i).attr({class:"titletext",transform:"","text-anchor":"middle"}).call(s.font,g.title.font).call(f.convertToTspans,t),e="middle center"===g.title.position?function(t){var e=Math.sqrt(t.titleBox.width*t.titleBox.width+t.titleBox.height*t.titleBox.height);return{x:t.cx,y:t.cy,scale:t.trace.hole*t.r*2/e,tx:0,ty:-t.titleBox.height/2+t.trace.title.font.size}}(d):L(d,a),r.attr("transform",u(e.x,e.y)+c(Math.min(1,e.scale))+u(e.tx,e.ty))})),_&&function(t,e){var r,n,i,a,o,s,l,c,u,f,h,p,d;function g(t,e){return t.pxmid[1]-e.pxmid[1]}function v(t,e){return e.pxmid[1]-t.pxmid[1]}function y(t,r){r||(r={});var i,c,u,h,p=r.labelExtraY+(n?r.yLabelMax:r.yLabelMin),d=n?t.yLabelMin:t.yLabelMax,g=n?t.yLabelMax:t.yLabelMin,v=t.cyFinal+o(t.px0[1],t.px1[1]),y=p-d;if(y*l>0&&(t.labelExtraY=y),Array.isArray(e.pull))for(c=0;c=(m.castOption(e.pull,u.pts)||0)||((t.pxmid[1]-u.pxmid[1])*l>0?(y=u.cyFinal+o(u.px0[1],u.px1[1])-d-t.labelExtraY)*l>0&&(t.labelExtraY+=y):(g+t.labelExtraY-v)*l>0&&(i=3*s*Math.abs(c-f.indexOf(t)),(h=u.cxFinal+a(u.px0[0],u.px1[0])+i-(t.cxFinal+t.pxmid[0])-t.labelExtraX)*s>0&&(t.labelExtraX+=h)))}for(n=0;n<2;n++)for(i=n?g:v,o=n?Math.max:Math.min,l=n?1:-1,r=0;r<2;r++){for(a=r?Math.max:Math.min,s=r?1:-1,(c=t[n][r]).sort(i),u=t[1-n][r],f=u.concat(c),p=[],h=0;hMath.abs(f)?s+="l"+f*t.pxmid[0]/t.pxmid[1]+","+f+"H"+(a+t.labelExtraX+c):s+="l"+t.labelExtraX+","+u+"v"+(f-u)+"h"+c}else s+="V"+(t.yLabelMid+t.labelExtraY)+"h"+c;l.ensureSingle(r,"path","textline").call(o.stroke,e.outsidetextfont.color).attr({"stroke-width":Math.min(2,e.outsidetextfont.size/8),d:s,fill:"none"})}else r.select("path.textline").remove()}))}(v,g),_&&g.automargin){var k=s.bBox(h.node()),M=g.domain,A=a.w*(M.x[1]-M.x[0]),S=a.h*(M.y[1]-M.y[0]),E=(.5*A-d.r)/a.w,I=(.5*S-d.r)/a.h;i.autoMargin(t,"pie."+g.uid+".automargin",{xl:M.x[0]-E,xr:M.x[1]+E,yb:M.y[0]-I,yt:M.y[1]+I,l:Math.max(d.cx-d.r-k.left,0),r:Math.max(k.right-(d.cx+d.r),0),b:Math.max(k.bottom-(d.cy+d.r),0),t:Math.max(d.cy-d.r-k.top,0),pad:5})}}))}));setTimeout((function(){h.selectAll("tspan").each((function(){var t=n.select(this);t.attr("dy")&&t.attr("dy",t.attr("dy"))}))}),0)},formatSliceLabel:D,transformInsideText:w,determineInsideTextFont:b,positionTitleOutside:L,prerenderTitles:_,layoutAreas:z,attachFxHandlers:x,computeTransform:R}},{"../../components/color":643,"../../components/drawing":665,"../../components/fx":683,"../../lib":778,"../../lib/svg_text_utils":803,"../../plots/plots":891,"../bar/constants":923,"../bar/uniform_text":937,"./event_data":1165,"./helpers":1166,d3:169}],1171:[function(t,e,r){"use strict";var n=t("d3"),i=t("./style_one"),a=t("../bar/uniform_text").resizeText;e.exports=function(t){var e=t._fullLayout._pielayer.selectAll(".trace");a(t,e,"pie"),e.each((function(t){var e=t[0].trace,r=n.select(this);r.style({opacity:e.opacity}),r.selectAll("path.surface").each((function(t){n.select(this).call(i,t,e)}))}))}},{"../bar/uniform_text":937,"./style_one":1172,d3:169}],1172:[function(t,e,r){"use strict";var n=t("../../components/color"),i=t("./helpers").castOption;e.exports=function(t,e,r){var a=r.marker.line,o=i(a.color,e.pts)||n.defaultLine,s=i(a.width,e.pts)||0;t.style("stroke-width",s).call(n.fill,e.color).call(n.stroke,o)}},{"../../components/color":643,"./helpers":1166}],1173:[function(t,e,r){"use strict";var n=t("../scatter/attributes");e.exports={x:n.x,y:n.y,xy:{valType:"data_array",editType:"calc"},indices:{valType:"data_array",editType:"calc"},xbounds:{valType:"data_array",editType:"calc"},ybounds:{valType:"data_array",editType:"calc"},text:n.text,marker:{color:{valType:"color",arrayOk:!1,editType:"calc"},opacity:{valType:"number",min:0,max:1,dflt:1,arrayOk:!1,editType:"calc"},blend:{valType:"boolean",dflt:null,editType:"calc"},sizemin:{valType:"number",min:.1,max:2,dflt:.5,editType:"calc"},sizemax:{valType:"number",min:.1,dflt:20,editType:"calc"},border:{color:{valType:"color",arrayOk:!1,editType:"calc"},arearatio:{valType:"number",min:0,max:1,dflt:0,editType:"calc"},editType:"calc"},editType:"calc"},transforms:void 0}},{"../scatter/attributes":1187}],1174:[function(t,e,r){"use strict";var n=t("gl-pointcloud2d"),i=t("../../lib/str2rgbarray"),a=t("../../plots/cartesian/autorange").findExtremes,o=t("../scatter/get_trace_color");function s(t,e){this.scene=t,this.uid=e,this.type="pointcloud",this.pickXData=[],this.pickYData=[],this.xData=[],this.yData=[],this.textLabels=[],this.color="rgb(0, 0, 0)",this.name="",this.hoverinfo="all",this.idToIndex=new Int32Array(0),this.bounds=[0,0,0,0],this.pointcloudOptions={positions:new Float32Array(0),idToIndex:this.idToIndex,sizemin:.5,sizemax:12,color:[0,0,0,1],areaRatio:1,borderColor:[0,0,0,1]},this.pointcloud=n(t.glplot,this.pointcloudOptions),this.pointcloud._trace=this}var l=s.prototype;l.handlePick=function(t){var e=this.idToIndex[t.pointId];return{trace:this,dataCoord:t.dataCoord,traceCoord:this.pickXYData?[this.pickXYData[2*e],this.pickXYData[2*e+1]]:[this.pickXData[e],this.pickYData[e]],textLabel:Array.isArray(this.textLabels)?this.textLabels[e]:this.textLabels,color:this.color,name:this.name,pointIndex:e,hoverinfo:this.hoverinfo}},l.update=function(t){this.index=t.index,this.textLabels=t.text,this.name=t.name,this.hoverinfo=t.hoverinfo,this.bounds=[1/0,1/0,-1/0,-1/0],this.updateFast(t),this.color=o(t,{})},l.updateFast=function(t){var e,r,n,o,s,l,c=this.xData=this.pickXData=t.x,u=this.yData=this.pickYData=t.y,f=this.pickXYData=t.xy,h=t.xbounds&&t.ybounds,p=t.indices,d=this.bounds;if(f){if(n=f,e=f.length>>>1,h)d[0]=t.xbounds[0],d[2]=t.xbounds[1],d[1]=t.ybounds[0],d[3]=t.ybounds[1];else for(l=0;ld[2]&&(d[2]=o),sd[3]&&(d[3]=s);if(p)r=p;else for(r=new Int32Array(e),l=0;ld[2]&&(d[2]=o),sd[3]&&(d[3]=s);this.idToIndex=r,this.pointcloudOptions.idToIndex=r,this.pointcloudOptions.positions=n;var g=i(t.marker.color),m=i(t.marker.border.color),v=t.opacity*t.marker.opacity;g[3]*=v,this.pointcloudOptions.color=g;var y=t.marker.blend;if(null===y){y=c.length<100||u.length<100}this.pointcloudOptions.blend=y,m[3]*=v,this.pointcloudOptions.borderColor=m;var x=t.marker.sizemin,b=Math.max(t.marker.sizemax,t.marker.sizemin);this.pointcloudOptions.sizeMin=x,this.pointcloudOptions.sizeMax=b,this.pointcloudOptions.areaRatio=t.marker.border.arearatio,this.pointcloud.update(this.pointcloudOptions);var _=this.scene.xaxis,w=this.scene.yaxis,T=b/2||.5;t._extremes[_._id]=a(_,[d[0],d[2]],{ppad:T}),t._extremes[w._id]=a(w,[d[1],d[3]],{ppad:T})},l.dispose=function(){this.pointcloud.dispose()},e.exports=function(t,e){var r=new s(t,e.uid);return r.update(e),r}},{"../../lib/str2rgbarray":802,"../../plots/cartesian/autorange":827,"../scatter/get_trace_color":1197,"gl-pointcloud2d":324}],1175:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes");e.exports=function(t,e,r){function a(r,a){return n.coerce(t,e,i,r,a)}a("x"),a("y"),a("xbounds"),a("ybounds"),t.xy&&t.xy instanceof Float32Array&&(e.xy=t.xy),t.indices&&t.indices instanceof Int32Array&&(e.indices=t.indices),a("text"),a("marker.color",r),a("marker.opacity"),a("marker.blend"),a("marker.sizemin"),a("marker.sizemax"),a("marker.border.color",r),a("marker.border.arearatio"),e._length=null}},{"../../lib":778,"./attributes":1173}],1176:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("../scatter3d/calc"),plot:t("./convert"),moduleType:"trace",name:"pointcloud",basePlotModule:t("../../plots/gl2d"),categories:["gl","gl2d","showLegend"],meta:{}}},{"../../plots/gl2d":868,"../scatter3d/calc":1216,"./attributes":1173,"./convert":1174,"./defaults":1175}],1177:[function(t,e,r){"use strict";var n=t("../../plots/font_attributes"),i=t("../../plots/attributes"),a=t("../../components/color/attributes"),o=t("../../components/fx/attributes"),s=t("../../plots/domain").attributes,l=t("../../plots/template_attributes").hovertemplateAttrs,c=t("../../components/colorscale/attributes"),u=t("../../plot_api/plot_template").templatedArray,f=t("../../lib/extend").extendFlat,h=t("../../plot_api/edit_types").overrideAll;t("../../constants/docs").FORMAT_LINK;(e.exports=h({hoverinfo:f({},i.hoverinfo,{flags:[],arrayOk:!1}),hoverlabel:o.hoverlabel,domain:s({name:"sankey",trace:!0}),orientation:{valType:"enumerated",values:["v","h"],dflt:"h"},valueformat:{valType:"string",dflt:".3s"},valuesuffix:{valType:"string",dflt:""},arrangement:{valType:"enumerated",values:["snap","perpendicular","freeform","fixed"],dflt:"snap"},textfont:n({}),customdata:void 0,node:{label:{valType:"data_array",dflt:[]},groups:{valType:"info_array",impliedEdits:{x:[],y:[]},dimensions:2,freeLength:!0,dflt:[],items:{valType:"number",editType:"calc"}},x:{valType:"data_array",dflt:[]},y:{valType:"data_array",dflt:[]},color:{valType:"color",arrayOk:!0},customdata:{valType:"data_array",editType:"calc"},line:{color:{valType:"color",dflt:a.defaultLine,arrayOk:!0},width:{valType:"number",min:0,dflt:.5,arrayOk:!0}},pad:{valType:"number",arrayOk:!1,min:0,dflt:20},thickness:{valType:"number",arrayOk:!1,min:1,dflt:20},hoverinfo:{valType:"enumerated",values:["all","none","skip"],dflt:"all"},hoverlabel:o.hoverlabel,hovertemplate:l({},{keys:["value","label"]})},link:{label:{valType:"data_array",dflt:[]},color:{valType:"color",arrayOk:!0},customdata:{valType:"data_array",editType:"calc"},line:{color:{valType:"color",dflt:a.defaultLine,arrayOk:!0},width:{valType:"number",min:0,dflt:0,arrayOk:!0}},source:{valType:"data_array",dflt:[]},target:{valType:"data_array",dflt:[]},value:{valType:"data_array",dflt:[]},hoverinfo:{valType:"enumerated",values:["all","none","skip"],dflt:"all"},hoverlabel:o.hoverlabel,hovertemplate:l({},{keys:["value","label"]}),colorscales:u("concentrationscales",{editType:"calc",label:{valType:"string",editType:"calc",dflt:""},cmax:{valType:"number",editType:"calc",dflt:1},cmin:{valType:"number",editType:"calc",dflt:0},colorscale:f(c().colorscale,{dflt:[[0,"white"],[1,"black"]]})})}},"calc","nested")).transforms=void 0},{"../../components/color/attributes":642,"../../components/colorscale/attributes":650,"../../components/fx/attributes":674,"../../constants/docs":748,"../../lib/extend":768,"../../plot_api/edit_types":810,"../../plot_api/plot_template":817,"../../plots/attributes":824,"../../plots/domain":855,"../../plots/font_attributes":856,"../../plots/template_attributes":906}],1178:[function(t,e,r){"use strict";var n=t("../../plot_api/edit_types").overrideAll,i=t("../../plots/get_data").getModuleCalcData,a=t("./plot"),o=t("../../components/fx/layout_attributes"),s=t("../../lib/setcursor"),l=t("../../components/dragelement"),c=t("../../plots/cartesian/select").prepSelect,u=t("../../lib"),f=t("../../registry");function h(t,e){var r=t._fullData[e],n=t._fullLayout,i=n.dragmode,a="pan"===n.dragmode?"move":"crosshair",o=r._bgRect;if("pan"!==i&&"zoom"!==i){s(o,a);var h={_id:"x",c2p:u.identity,_offset:r._sankey.translateX,_length:r._sankey.width},p={_id:"y",c2p:u.identity,_offset:r._sankey.translateY,_length:r._sankey.height},d={gd:t,element:o.node(),plotinfo:{id:e,xaxis:h,yaxis:p,fillRangeItems:u.noop},subplot:e,xaxes:[h],yaxes:[p],doneFnCompleted:function(r){var n,i=t._fullData[e],a=i.node.groups.slice(),o=[];function s(t){for(var e=i._sankey.graph.nodes,r=0;ry&&(y=a.source[e]),a.target[e]>y&&(y=a.target[e]);var x,b=y+1;t.node._count=b;var _=t.node.groups,w={};for(e=0;e<_.length;e++){var T=_[e];for(x=0;x0&&s(E,b)&&s(C,b)&&(!w.hasOwnProperty(E)||!w.hasOwnProperty(C)||w[E]!==w[C])){w.hasOwnProperty(C)&&(C=w[C]),w.hasOwnProperty(E)&&(E=w[E]),C=+C,h[E=+E]=h[C]=!0;var L="";a.label&&a.label[e]&&(L=a.label[e]);var I=null;L&&p.hasOwnProperty(L)&&(I=p[L]),c.push({pointNumber:e,label:L,color:u?a.color[e]:a.color,customdata:f?a.customdata[e]:a.customdata,concentrationscale:I,source:E,target:C,value:+S}),A.source.push(E),A.target.push(C)}}var P=b+_.length,z=o(r.color),O=o(r.customdata),D=[];for(e=0;eb-1,childrenNodes:[],pointNumber:e,label:R,color:z?r.color[e]:r.color,customdata:O?r.customdata[e]:r.customdata})}var F=!1;return function(t,e,r){for(var a=i.init2dArray(t,0),o=0;o1}))}(P,A.source,A.target)&&(F=!0),{circular:F,links:c,nodes:D,groups:_,groupLookup:w}}e.exports=function(t,e){var r=c(e);return a({circular:r.circular,_nodes:r.nodes,_links:r.links,_groups:r.groups,_groupLookup:r.groupLookup})}},{"../../components/colorscale":655,"../../lib":778,"../../lib/gup":775,"strongly-connected-components":569}],1180:[function(t,e,r){"use strict";e.exports={nodeTextOffsetHorizontal:4,nodeTextOffsetVertical:3,nodePadAcross:10,sankeyIterations:50,forceIterations:5,forceTicksPerFrame:10,duration:500,ease:"linear",cn:{sankey:"sankey",sankeyLinks:"sankey-links",sankeyLink:"sankey-link",sankeyNodeSet:"sankey-node-set",sankeyNode:"sankey-node",nodeRect:"node-rect",nodeCapture:"node-capture",nodeCentered:"node-entered",nodeLabelGuide:"node-label-guide",nodeLabel:"node-label",nodeLabelTextPath:"node-label-text-path"}}},{}],1181:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes"),a=t("../../components/color"),o=t("tinycolor2"),s=t("../../plots/domain").defaults,l=t("../../components/fx/hoverlabel_defaults"),c=t("../../plot_api/plot_template"),u=t("../../plots/array_container_defaults");function f(t,e){function r(r,a){return n.coerce(t,e,i.link.colorscales,r,a)}r("label"),r("cmin"),r("cmax"),r("colorscale")}e.exports=function(t,e,r,h){function p(r,a){return n.coerce(t,e,i,r,a)}var d=n.extendDeep(h.hoverlabel,t.hoverlabel),g=t.node,m=c.newContainer(e,"node");function v(t,e){return n.coerce(g,m,i.node,t,e)}v("label"),v("groups"),v("x"),v("y"),v("pad"),v("thickness"),v("line.color"),v("line.width"),v("hoverinfo",t.hoverinfo),l(g,m,v,d),v("hovertemplate");var y=h.colorway;v("color",m.label.map((function(t,e){return a.addOpacity(function(t){return y[t%y.length]}(e),.8)}))),v("customdata");var x=t.link||{},b=c.newContainer(e,"link");function _(t,e){return n.coerce(x,b,i.link,t,e)}_("label"),_("source"),_("target"),_("value"),_("line.color"),_("line.width"),_("hoverinfo",t.hoverinfo),l(x,b,_,d),_("hovertemplate");var w,T=o(h.paper_bgcolor).getLuminance()<.333?"rgba(255, 255, 255, 0.6)":"rgba(0, 0, 0, 0.2)";_("color",n.repeat(T,b.value.length)),_("customdata"),u(x,b,{name:"colorscales",handleItemDefaults:f}),s(e,h,p),p("orientation"),p("valueformat"),p("valuesuffix"),m.x.length&&m.y.length&&(w="freeform"),p("arrangement",w),n.coerceFont(p,"textfont",n.extendFlat({},h.font)),e._length=null}},{"../../components/color":643,"../../components/fx/hoverlabel_defaults":681,"../../lib":778,"../../plot_api/plot_template":817,"../../plots/array_container_defaults":823,"../../plots/domain":855,"./attributes":1177,tinycolor2:576}],1182:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),calc:t("./calc"),plot:t("./plot"),moduleType:"trace",name:"sankey",basePlotModule:t("./base_plot"),selectPoints:t("./select.js"),categories:["noOpacity"],meta:{}}},{"./attributes":1177,"./base_plot":1178,"./calc":1179,"./defaults":1181,"./plot":1183,"./select.js":1185}],1183:[function(t,e,r){"use strict";var n=t("d3"),i=t("./render"),a=t("../../components/fx"),o=t("../../components/color"),s=t("../../lib"),l=t("./constants").cn,c=s._;function u(t){return""!==t}function f(t,e){return t.filter((function(t){return t.key===e.traceId}))}function h(t,e){n.select(t).select("path").style("fill-opacity",e),n.select(t).select("rect").style("fill-opacity",e)}function p(t){n.select(t).select("text.name").style("fill","black")}function d(t){return function(e){return-1!==t.node.sourceLinks.indexOf(e.link)||-1!==t.node.targetLinks.indexOf(e.link)}}function g(t){return function(e){return-1!==e.node.sourceLinks.indexOf(t.link)||-1!==e.node.targetLinks.indexOf(t.link)}}function m(t,e,r){e&&r&&f(r,e).selectAll("."+l.sankeyLink).filter(d(e)).call(y.bind(0,e,r,!1))}function v(t,e,r){e&&r&&f(r,e).selectAll("."+l.sankeyLink).filter(d(e)).call(x.bind(0,e,r,!1))}function y(t,e,r,n){var i=n.datum().link.label;n.style("fill-opacity",(function(t){if(!t.link.concentrationscale)return.4})),i&&f(e,t).selectAll("."+l.sankeyLink).filter((function(t){return t.link.label===i})).style("fill-opacity",(function(t){if(!t.link.concentrationscale)return.4})),r&&f(e,t).selectAll("."+l.sankeyNode).filter(g(t)).call(m)}function x(t,e,r,n){var i=n.datum().link.label;n.style("fill-opacity",(function(t){return t.tinyColorAlpha})),i&&f(e,t).selectAll("."+l.sankeyLink).filter((function(t){return t.link.label===i})).style("fill-opacity",(function(t){return t.tinyColorAlpha})),r&&f(e,t).selectAll(l.sankeyNode).filter(g(t)).call(v)}function b(t,e){var r=t.hoverlabel||{},n=s.nestedProperty(r,e).get();return!Array.isArray(n)&&n}e.exports=function(t,e){for(var r=t._fullLayout,s=r._paper,f=r._size,d=0;d"),color:b(s,"bgcolor")||o.addOpacity(d.color,1),borderColor:b(s,"bordercolor"),fontFamily:b(s,"font.family"),fontSize:b(s,"font.size"),fontColor:b(s,"font.color"),nameLength:b(s,"namelength"),textAlign:b(s,"align"),idealAlign:n.event.x"),color:b(o,"bgcolor")||i.tinyColorHue,borderColor:b(o,"bordercolor"),fontFamily:b(o,"font.family"),fontSize:b(o,"font.size"),fontColor:b(o,"font.color"),nameLength:b(o,"namelength"),textAlign:b(o,"align"),idealAlign:"left",hovertemplate:o.hovertemplate,hovertemplateLabels:v,eventData:[i.node]},{container:r._hoverlayer.node(),outerContainer:r._paper.node(),gd:t});h(_,.85),p(_)}}},unhover:function(e,i,o){!1!==t._fullLayout.hovermode&&(n.select(e).call(v,i,o),"skip"!==i.node.trace.node.hoverinfo&&(i.node.fullData=i.node.trace,t.emit("plotly_unhover",{event:n.event,points:[i.node]})),a.loneUnhover(r._hoverlayer.node()))},select:function(e,r,i){var o=r.node;o.originalEvent=n.event,t._hoverdata=[o],n.select(e).call(v,r,i),a.click(t,{target:!0})}}})}},{"../../components/color":643,"../../components/fx":683,"../../lib":778,"./constants":1180,"./render":1184,d3:169}],1184:[function(t,e,r){"use strict";var n=t("./constants"),i=t("d3"),a=t("tinycolor2"),o=t("../../components/color"),s=t("../../components/drawing"),l=t("@plotly/d3-sankey"),c=t("@plotly/d3-sankey-circular"),u=t("d3-force"),f=t("../../lib"),h=f.strTranslate,p=t("../../lib/gup"),d=p.keyFun,g=p.repeat,m=p.unwrap,v=t("d3-interpolate").interpolateNumber,y=t("../../registry");function x(t,e,r){var i,o=m(e),s=o.trace,u=s.domain,h="h"===s.orientation,p=s.node.pad,d=s.node.thickness,g=t.width*(u.x[1]-u.x[0]),v=t.height*(u.y[1]-u.y[0]),y=o._nodes,x=o._links,b=o.circular;(i=b?c.sankeyCircular().circularLinkGap(0):l.sankey()).iterations(n.sankeyIterations).size(h?[g,v]:[v,g]).nodeWidth(d).nodePadding(p).nodeId((function(t){return t.pointNumber})).nodes(y).links(x);var _,w,T,k=i();for(var M in i.nodePadding()=i||(r=i-e.y0)>1e-6&&(e.y0+=r,e.y1+=r),i=e.y1+p}))}(function(t){var e,r,n=t.map((function(t,e){return{x0:t.x0,index:e}})).sort((function(t,e){return t.x0-e.x0})),i=[],a=-1,o=-1/0;for(_=0;_o+d&&(a+=1,e=s.x0),o=s.x0,i[a]||(i[a]=[]),i[a].push(s),r=e-s.x0,s.x0+=r,s.x1+=r}return i}(y=k.nodes));i.update(k)}return{circular:b,key:r,trace:s,guid:f.randstr(),horizontal:h,width:g,height:v,nodePad:s.node.pad,nodeLineColor:s.node.line.color,nodeLineWidth:s.node.line.width,linkLineColor:s.link.line.color,linkLineWidth:s.link.line.width,valueFormat:s.valueformat,valueSuffix:s.valuesuffix,textFont:s.textfont,translateX:u.x[0]*t.width+t.margin.l,translateY:t.height-u.y[1]*t.height+t.margin.t,dragParallel:h?v:g,dragPerpendicular:h?g:v,arrangement:s.arrangement,sankey:i,graph:k,forceLayouts:{},interactionState:{dragInProgress:!1,hovered:!1}}}function b(t,e,r){var n=a(e.color),i=e.source.label+"|"+e.target.label+"__"+r;return e.trace=t.trace,e.curveNumber=t.trace.index,{circular:t.circular,key:i,traceId:t.key,pointNumber:e.pointNumber,link:e,tinyColorHue:o.tinyRGB(n),tinyColorAlpha:n.getAlpha(),linkPath:_,linkLineColor:t.linkLineColor,linkLineWidth:t.linkLineWidth,valueFormat:t.valueFormat,valueSuffix:t.valueSuffix,sankey:t.sankey,parent:t,interactionState:t.interactionState,flow:e.flow}}function _(){return function(t){if(t.link.circular)return e=t.link,r=e.width/2,n=e.circularPathData,"top"===e.circularLinkType?"M "+n.targetX+" "+(n.targetY+r)+" L"+n.rightInnerExtent+" "+(n.targetY+r)+"A"+(n.rightLargeArcRadius+r)+" "+(n.rightSmallArcRadius+r)+" 0 0 1 "+(n.rightFullExtent-r)+" "+(n.targetY-n.rightSmallArcRadius)+"L"+(n.rightFullExtent-r)+" "+n.verticalRightInnerExtent+"A"+(n.rightLargeArcRadius+r)+" "+(n.rightLargeArcRadius+r)+" 0 0 1 "+n.rightInnerExtent+" "+(n.verticalFullExtent-r)+"L"+n.leftInnerExtent+" "+(n.verticalFullExtent-r)+"A"+(n.leftLargeArcRadius+r)+" "+(n.leftLargeArcRadius+r)+" 0 0 1 "+(n.leftFullExtent+r)+" "+n.verticalLeftInnerExtent+"L"+(n.leftFullExtent+r)+" "+(n.sourceY-n.leftSmallArcRadius)+"A"+(n.leftLargeArcRadius+r)+" "+(n.leftSmallArcRadius+r)+" 0 0 1 "+n.leftInnerExtent+" "+(n.sourceY+r)+"L"+n.sourceX+" "+(n.sourceY+r)+"L"+n.sourceX+" "+(n.sourceY-r)+"L"+n.leftInnerExtent+" "+(n.sourceY-r)+"A"+(n.leftLargeArcRadius-r)+" "+(n.leftSmallArcRadius-r)+" 0 0 0 "+(n.leftFullExtent-r)+" "+(n.sourceY-n.leftSmallArcRadius)+"L"+(n.leftFullExtent-r)+" "+n.verticalLeftInnerExtent+"A"+(n.leftLargeArcRadius-r)+" "+(n.leftLargeArcRadius-r)+" 0 0 0 "+n.leftInnerExtent+" "+(n.verticalFullExtent+r)+"L"+n.rightInnerExtent+" "+(n.verticalFullExtent+r)+"A"+(n.rightLargeArcRadius-r)+" "+(n.rightLargeArcRadius-r)+" 0 0 0 "+(n.rightFullExtent+r)+" "+n.verticalRightInnerExtent+"L"+(n.rightFullExtent+r)+" "+(n.targetY-n.rightSmallArcRadius)+"A"+(n.rightLargeArcRadius-r)+" "+(n.rightSmallArcRadius-r)+" 0 0 0 "+n.rightInnerExtent+" "+(n.targetY-r)+"L"+n.targetX+" "+(n.targetY-r)+"Z":"M "+n.targetX+" "+(n.targetY-r)+" L"+n.rightInnerExtent+" "+(n.targetY-r)+"A"+(n.rightLargeArcRadius+r)+" "+(n.rightSmallArcRadius+r)+" 0 0 0 "+(n.rightFullExtent-r)+" "+(n.targetY+n.rightSmallArcRadius)+"L"+(n.rightFullExtent-r)+" "+n.verticalRightInnerExtent+"A"+(n.rightLargeArcRadius+r)+" "+(n.rightLargeArcRadius+r)+" 0 0 0 "+n.rightInnerExtent+" "+(n.verticalFullExtent+r)+"L"+n.leftInnerExtent+" "+(n.verticalFullExtent+r)+"A"+(n.leftLargeArcRadius+r)+" "+(n.leftLargeArcRadius+r)+" 0 0 0 "+(n.leftFullExtent+r)+" "+n.verticalLeftInnerExtent+"L"+(n.leftFullExtent+r)+" "+(n.sourceY+n.leftSmallArcRadius)+"A"+(n.leftLargeArcRadius+r)+" "+(n.leftSmallArcRadius+r)+" 0 0 0 "+n.leftInnerExtent+" "+(n.sourceY-r)+"L"+n.sourceX+" "+(n.sourceY-r)+"L"+n.sourceX+" "+(n.sourceY+r)+"L"+n.leftInnerExtent+" "+(n.sourceY+r)+"A"+(n.leftLargeArcRadius-r)+" "+(n.leftSmallArcRadius-r)+" 0 0 1 "+(n.leftFullExtent-r)+" "+(n.sourceY+n.leftSmallArcRadius)+"L"+(n.leftFullExtent-r)+" "+n.verticalLeftInnerExtent+"A"+(n.leftLargeArcRadius-r)+" "+(n.leftLargeArcRadius-r)+" 0 0 1 "+n.leftInnerExtent+" "+(n.verticalFullExtent-r)+"L"+n.rightInnerExtent+" "+(n.verticalFullExtent-r)+"A"+(n.rightLargeArcRadius-r)+" "+(n.rightLargeArcRadius-r)+" 0 0 1 "+(n.rightFullExtent+r)+" "+n.verticalRightInnerExtent+"L"+(n.rightFullExtent+r)+" "+(n.targetY+n.rightSmallArcRadius)+"A"+(n.rightLargeArcRadius-r)+" "+(n.rightSmallArcRadius-r)+" 0 0 1 "+n.rightInnerExtent+" "+(n.targetY+r)+"L"+n.targetX+" "+(n.targetY+r)+"Z";var e,r,n,i=t.link.source.x1,a=t.link.target.x0,o=v(i,a),s=o(.5),l=o(.5),c=t.link.y0-t.link.width/2,u=t.link.y0+t.link.width/2,f=t.link.y1-t.link.width/2,h=t.link.y1+t.link.width/2;return"M"+i+","+c+"C"+s+","+c+" "+l+","+f+" "+a+","+f+"L"+a+","+h+"C"+l+","+h+" "+s+","+u+" "+i+","+u+"Z"}}function w(t,e){var r=a(e.color),i=n.nodePadAcross,s=t.nodePad/2;e.dx=e.x1-e.x0,e.dy=e.y1-e.y0;var l=e.dx,c=Math.max(.5,e.dy),u="node_"+e.pointNumber;return e.group&&(u=f.randstr()),e.trace=t.trace,e.curveNumber=t.trace.index,{index:e.pointNumber,key:u,partOfGroup:e.partOfGroup||!1,group:e.group,traceId:t.key,trace:t.trace,node:e,nodePad:t.nodePad,nodeLineColor:t.nodeLineColor,nodeLineWidth:t.nodeLineWidth,textFont:t.textFont,size:t.horizontal?t.height:t.width,visibleWidth:Math.ceil(l),visibleHeight:c,zoneX:-i,zoneY:-s,zoneWidth:l+2*i,zoneHeight:c+2*s,labelY:t.horizontal?e.dy/2+1:e.dx/2+1,left:1===e.originalLayer,sizeAcross:t.width,forceLayouts:t.forceLayouts,horizontal:t.horizontal,darkBackground:r.getBrightness()<=128,tinyColorHue:o.tinyRGB(r),tinyColorAlpha:r.getAlpha(),valueFormat:t.valueFormat,valueSuffix:t.valueSuffix,sankey:t.sankey,graph:t.graph,arrangement:t.arrangement,uniqueNodeLabelPathId:[t.guid,t.key,u].join("_"),interactionState:t.interactionState,figure:t}}function T(t){t.attr("transform",(function(t){return h(t.node.x0.toFixed(3),t.node.y0.toFixed(3))}))}function k(t){t.call(T)}function M(t,e){t.call(k),e.attr("d",_())}function A(t){t.attr("width",(function(t){return t.node.x1-t.node.x0})).attr("height",(function(t){return t.visibleHeight}))}function S(t){return t.link.width>1||t.linkLineWidth>0}function E(t){return h(t.translateX,t.translateY)+(t.horizontal?"matrix(1 0 0 1 0 0)":"matrix(0 1 1 0 0 0)")}function C(t){return h(t.horizontal?0:t.labelY,t.horizontal?t.labelY:0)}function L(t){return i.svg.line()([[t.horizontal?t.left?-t.sizeAcross:t.visibleWidth+n.nodeTextOffsetHorizontal:n.nodeTextOffsetHorizontal,0],[t.horizontal?t.left?-n.nodeTextOffsetHorizontal:t.sizeAcross:t.visibleHeight-n.nodeTextOffsetHorizontal,0]])}function I(t){return t.horizontal?"matrix(1 0 0 1 0 0)":"matrix(0 1 1 0 0 0)"}function P(t){return t.horizontal?"scale(1 1)":"scale(-1 1)"}function z(t){return t.darkBackground&&!t.horizontal?"rgb(255,255,255)":"rgb(0,0,0)"}function O(t){return t.horizontal&&t.left?"100%":"0%"}function D(t,e,r){t.on(".basic",null).on("mouseover.basic",(function(t){t.interactionState.dragInProgress||t.partOfGroup||(r.hover(this,t,e),t.interactionState.hovered=[this,t])})).on("mousemove.basic",(function(t){t.interactionState.dragInProgress||t.partOfGroup||(r.follow(this,t),t.interactionState.hovered=[this,t])})).on("mouseout.basic",(function(t){t.interactionState.dragInProgress||t.partOfGroup||(r.unhover(this,t,e),t.interactionState.hovered=!1)})).on("click.basic",(function(t){t.interactionState.hovered&&(r.unhover(this,t,e),t.interactionState.hovered=!1),t.interactionState.dragInProgress||t.partOfGroup||r.select(this,t,e)}))}function R(t,e,r,a){var o=i.behavior.drag().origin((function(t){return{x:t.node.x0+t.visibleWidth/2,y:t.node.y0+t.visibleHeight/2}})).on("dragstart",(function(i){if("fixed"!==i.arrangement&&(f.ensureSingle(a._fullLayout._infolayer,"g","dragcover",(function(t){a._fullLayout._dragCover=t})),f.raiseToTop(this),i.interactionState.dragInProgress=i.node,B(i.node),i.interactionState.hovered&&(r.nodeEvents.unhover.apply(0,i.interactionState.hovered),i.interactionState.hovered=!1),"snap"===i.arrangement)){var o=i.traceId+"|"+i.key;i.forceLayouts[o]?i.forceLayouts[o].alpha(1):function(t,e,r,i){!function(t){for(var e=0;e0&&i.forceLayouts[e].alpha(0)}}(0,e,a,r)).stop()}(0,o,i),function(t,e,r,i,a){window.requestAnimationFrame((function o(){var s;for(s=0;s0)window.requestAnimationFrame(o);else{var l=r.node.originalX;r.node.x0=l-r.visibleWidth/2,r.node.x1=l+r.visibleWidth/2,F(r,a)}}))}(t,e,i,o,a)}})).on("drag",(function(r){if("fixed"!==r.arrangement){var n=i.event.x,a=i.event.y;"snap"===r.arrangement?(r.node.x0=n-r.visibleWidth/2,r.node.x1=n+r.visibleWidth/2,r.node.y0=a-r.visibleHeight/2,r.node.y1=a+r.visibleHeight/2):("freeform"===r.arrangement&&(r.node.x0=n-r.visibleWidth/2,r.node.x1=n+r.visibleWidth/2),a=Math.max(0,Math.min(r.size-r.visibleHeight/2,a)),r.node.y0=a-r.visibleHeight/2,r.node.y1=a+r.visibleHeight/2),B(r.node),"snap"!==r.arrangement&&(r.sankey.update(r.graph),M(t.filter(N(r)),e))}})).on("dragend",(function(t){if("fixed"!==t.arrangement){t.interactionState.dragInProgress=!1;for(var e=0;e5?t.node.label:""})).attr("text-anchor",(function(t){return t.horizontal&&t.left?"end":"start"})),q.transition().ease(n.ease).duration(n.duration).attr("startOffset",O).style("fill",z)}},{"../../components/color":643,"../../components/drawing":665,"../../lib":778,"../../lib/gup":775,"../../registry":911,"./constants":1180,"@plotly/d3-sankey":56,"@plotly/d3-sankey-circular":55,d3:169,"d3-force":160,"d3-interpolate":162,tinycolor2:576}],1185:[function(t,e,r){"use strict";e.exports=function(t,e){for(var r=[],n=t.cd[0].trace,i=n._sankey.graph.nodes,a=0;al&&E[v].gap;)v--;for(x=E[v].s,g=E.length-1;g>v;g--)E[g].s=x;for(;lA[u]&&u=0;i--){var a=t[i];if("scatter"===a.type&&a.xaxis===r.xaxis&&a.yaxis===r.yaxis){a.opacity=void 0;break}}}}}},{}],1194:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry"),a=t("./attributes"),o=t("./constants"),s=t("./subtypes"),l=t("./xy_defaults"),c=t("./period_defaults"),u=t("./stack_defaults"),f=t("./marker_defaults"),h=t("./line_defaults"),p=t("./line_shape_defaults"),d=t("./text_defaults"),g=t("./fillcolor_defaults");e.exports=function(t,e,r,m){function v(r,i){return n.coerce(t,e,a,r,i)}var y=l(t,e,m,v);if(y||(e.visible=!1),e.visible){c(t,e,m,v);var x=u(t,e,m,v),b=!x&&yG!=(F=P[L][1])>=G&&(O=P[L-1][0],D=P[L][0],F-R&&(z=O+(D-O)*(G-R)/(F-R),U=Math.min(U,z),V=Math.max(V,z)));U=Math.max(U,0),V=Math.min(V,h._length);var Y=s.defaultLine;return s.opacity(f.fillcolor)?Y=f.fillcolor:s.opacity((f.line||{}).color)&&(Y=f.line.color),n.extendFlat(t,{distance:t.maxHoverDistance,x0:U,x1:V,y0:G,y1:G,color:Y,hovertemplate:!1}),delete t.index,f.text&&!Array.isArray(f.text)?t.text=String(f.text):t.text=f.name,[t]}}}},{"../../components/color":643,"../../components/fx":683,"../../lib":778,"../../registry":911,"./get_trace_color":1197}],1199:[function(t,e,r){"use strict";var n=t("./subtypes");e.exports={hasLines:n.hasLines,hasMarkers:n.hasMarkers,hasText:n.hasText,isBubble:n.isBubble,attributes:t("./attributes"),supplyDefaults:t("./defaults"),crossTraceDefaults:t("./cross_trace_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./cross_trace_calc"),arraysToCalcdata:t("./arrays_to_calcdata"),plot:t("./plot"),colorbar:t("./marker_colorbar"),formatLabels:t("./format_labels"),style:t("./style").style,styleOnSelect:t("./style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("./select"),animatable:!0,moduleType:"trace",name:"scatter",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","symbols","errorBarsOK","showLegend","scatter-like","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"./arrays_to_calcdata":1186,"./attributes":1187,"./calc":1188,"./cross_trace_calc":1192,"./cross_trace_defaults":1193,"./defaults":1194,"./format_labels":1196,"./hover":1198,"./marker_colorbar":1205,"./plot":1208,"./select":1209,"./style":1211,"./subtypes":1212}],1200:[function(t,e,r){"use strict";var n=t("../../lib").isArrayOrTypedArray,i=t("../../components/colorscale/helpers").hasColorscale,a=t("../../components/colorscale/defaults");e.exports=function(t,e,r,o,s,l){var c=(t.marker||{}).color;(s("line.color",r),i(t,"line"))?a(t,e,o,s,{prefix:"line.",cLetter:"c"}):s("line.color",!n(c)&&c||r);s("line.width"),(l||{}).noDash||s("line.dash")}},{"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654,"../../lib":778}],1201:[function(t,e,r){"use strict";var n=t("../../constants/numerical"),i=n.BADNUM,a=n.LOG_CLIP,o=a+.5,s=a-.5,l=t("../../lib"),c=l.segmentsIntersect,u=l.constrain,f=t("./constants");e.exports=function(t,e){var r,n,a,h,p,d,g,m,v,y,x,b,_,w,T,k,M,A,S=e.xaxis,E=e.yaxis,C="log"===S.type,L="log"===E.type,I=S._length,P=E._length,z=e.connectGaps,O=e.baseTolerance,D=e.shape,R="linear"===D,F=e.fill&&"none"!==e.fill,B=[],N=f.minTolerance,j=t.length,U=new Array(j),V=0;function q(r){var n=t[r];if(!n)return!1;var a=e.linearized?S.l2p(n.x):S.c2p(n.x),l=e.linearized?E.l2p(n.y):E.c2p(n.y);if(a===i){if(C&&(a=S.c2p(n.x,!0)),a===i)return!1;L&&l===i&&(a*=Math.abs(S._m*P*(S._m>0?o:s)/(E._m*I*(E._m>0?o:s)))),a*=1e3}if(l===i){if(L&&(l=E.c2p(n.y,!0)),l===i)return!1;l*=1e3}return[a,l]}function H(t,e,r,n){var i=r-t,a=n-e,o=.5-t,s=.5-e,l=i*i+a*a,c=i*o+a*s;if(c>0&&crt||t[1]it)return[u(t[0],et,rt),u(t[1],nt,it)]}function st(t,e){return t[0]===e[0]&&(t[0]===et||t[0]===rt)||(t[1]===e[1]&&(t[1]===nt||t[1]===it)||void 0)}function lt(t,e,r){return function(n,i){var a=ot(n),o=ot(i),s=[];if(a&&o&&st(a,o))return s;a&&s.push(a),o&&s.push(o);var c=2*l.constrain((n[t]+i[t])/2,e,r)-((a||n)[t]+(o||i)[t]);c&&((a&&o?c>0==a[t]>o[t]?a:o:a||o)[t]+=c);return s}}function ct(t){var e=t[0],r=t[1],n=e===U[V-1][0],i=r===U[V-1][1];if(!n||!i)if(V>1){var a=e===U[V-2][0],o=r===U[V-2][1];n&&(e===et||e===rt)&&a?o?V--:U[V-1]=t:i&&(r===nt||r===it)&&o?a?V--:U[V-1]=t:U[V++]=t}else U[V++]=t}function ut(t){U[V-1][0]!==t[0]&&U[V-1][1]!==t[1]&&ct([Z,J]),ct(t),K=null,Z=J=0}function ft(t){if(M=t[0]/I,A=t[1]/P,W=t[0]rt?rt:0,X=t[1]it?it:0,W||X){if(V)if(K){var e=$(K,t);e.length>1&&(ut(e[0]),U[V++]=e[1])}else Q=$(U[V-1],t)[0],U[V++]=Q;else U[V++]=[W||t[0],X||t[1]];var r=U[V-1];W&&X&&(r[0]!==W||r[1]!==X)?(K&&(Z!==W&&J!==X?ct(Z&&J?(n=K,a=(i=t)[0]-n[0],o=(i[1]-n[1])/a,(n[1]*i[0]-i[1]*n[0])/a>0?[o>0?et:rt,it]:[o>0?rt:et,nt]):[Z||W,J||X]):Z&&J&&ct([Z,J])),ct([W,X])):Z-W&&J-X&&ct([W||Z,X||J]),K=t,Z=W,J=X}else K&&ut($(K,t)[0]),U[V++]=t;var n,i,a,o}for("linear"===D||"spline"===D?$=function(t,e){for(var r=[],n=0,i=0;i<4;i++){var a=at[i],o=c(t[0],t[1],e[0],e[1],a[0],a[1],a[2],a[3]);o&&(!n||Math.abs(o.x-r[0][0])>1||Math.abs(o.y-r[0][1])>1)&&(o=[o.x,o.y],n&&Y(o,t)G(d,ht))break;a=d,(_=v[0]*m[0]+v[1]*m[1])>x?(x=_,h=d,g=!1):_=t.length||!d)break;ft(d),n=d}}else ft(h)}K&&ct([Z||K[0],J||K[1]]),B.push(U.slice(0,V))}return B}},{"../../constants/numerical":753,"../../lib":778,"./constants":1191}],1202:[function(t,e,r){"use strict";e.exports=function(t,e,r){"spline"===r("line.shape")&&r("line.smoothing")}},{}],1203:[function(t,e,r){"use strict";var n={tonextx:1,tonexty:1,tonext:1};e.exports=function(t,e,r){var i,a,o,s,l,c={},u=!1,f=-1,h=0,p=-1;for(a=0;a=0?l=p:(l=p=h,h++),l0?Math.max(e,i):0}}},{"fast-isnumeric":241}],1205:[function(t,e,r){"use strict";e.exports={container:"marker",min:"cmin",max:"cmax"}},{}],1206:[function(t,e,r){"use strict";var n=t("../../components/color"),i=t("../../components/colorscale/helpers").hasColorscale,a=t("../../components/colorscale/defaults"),o=t("./subtypes");e.exports=function(t,e,r,s,l,c){var u=o.isBubble(t),f=(t.line||{}).color;(c=c||{},f&&(r=f),l("marker.symbol"),l("marker.opacity",u?.7:1),l("marker.size"),l("marker.color",r),i(t,"marker")&&a(t,e,s,l,{prefix:"marker.",cLetter:"c"}),c.noSelect||(l("selected.marker.color"),l("unselected.marker.color"),l("selected.marker.size"),l("unselected.marker.size")),c.noLine||(l("marker.line.color",f&&!Array.isArray(f)&&e.marker.color!==f?f:u?n.background:n.defaultLine),i(t,"marker.line")&&a(t,e,s,l,{prefix:"marker.line.",cLetter:"c"}),l("marker.line.width",u?1:0)),u&&(l("marker.sizeref"),l("marker.sizemin"),l("marker.sizemode")),c.gradient)&&("none"!==l("marker.gradient.type")&&l("marker.gradient.color"))}},{"../../components/color":643,"../../components/colorscale/defaults":653,"../../components/colorscale/helpers":654,"./subtypes":1212}],1207:[function(t,e,r){"use strict";var n=t("../../lib").dateTick0,i=t("../../constants/numerical").ONEWEEK;function a(t,e){return n(e,t%i==0?1:0)}e.exports=function(t,e,r,n,i){if(i||(i={x:!0,y:!0}),i.x){var o=n("xperiod");o&&(n("xperiod0",a(o,e.xcalendar)),n("xperiodalignment"))}if(i.y){var s=n("yperiod");s&&(n("yperiod0",a(s,e.ycalendar)),n("yperiodalignment"))}}},{"../../constants/numerical":753,"../../lib":778}],1208:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../registry"),a=t("../../lib"),o=a.ensureSingle,s=a.identity,l=t("../../components/drawing"),c=t("./subtypes"),u=t("./line_points"),f=t("./link_traces"),h=t("../../lib/polygon").tester;function p(t,e,r,f,p,d,g){var m;!function(t,e,r,i,o){var s=r.xaxis,l=r.yaxis,u=n.extent(a.simpleMap(s.range,s.r2c)),f=n.extent(a.simpleMap(l.range,l.r2c)),h=i[0].trace;if(!c.hasMarkers(h))return;var p=h.marker.maxdisplayed;if(0===p)return;var d=i.filter((function(t){return t.x>=u[0]&&t.x<=u[1]&&t.y>=f[0]&&t.y<=f[1]})),g=Math.ceil(d.length/p),m=0;o.forEach((function(t,r){var n=t[0].trace;c.hasMarkers(n)&&n.marker.maxdisplayed>0&&r0;function y(t){return v?t.transition():t}var x=r.xaxis,b=r.yaxis,_=f[0].trace,w=_.line,T=n.select(d),k=o(T,"g","errorbars"),M=o(T,"g","lines"),A=o(T,"g","points"),S=o(T,"g","text");if(i.getComponentMethod("errorbars","plot")(t,k,r,g),!0===_.visible){var E,C;y(T).style("opacity",_.opacity);var L=_.fill.charAt(_.fill.length-1);"x"!==L&&"y"!==L&&(L=""),f[0][r.isRangePlot?"nodeRangePlot3":"node3"]=T;var I,P,z="",O=[],D=_._prevtrace;D&&(z=D._prevRevpath||"",C=D._nextFill,O=D._polygons);var R,F,B,N,j,U,V,q="",H="",G=[],Y=a.noop;if(E=_._ownFill,c.hasLines(_)||"none"!==_.fill){for(C&&C.datum(f),-1!==["hv","vh","hvh","vhv"].indexOf(w.shape)?(R=l.steps(w.shape),F=l.steps(w.shape.split("").reverse().join(""))):R=F="spline"===w.shape?function(t){var e=t[t.length-1];return t.length>1&&t[0][0]===e[0]&&t[0][1]===e[1]?l.smoothclosed(t.slice(1),w.smoothing):l.smoothopen(t,w.smoothing)}:function(t){return"M"+t.join("L")},B=function(t){return F(t.reverse())},G=u(f,{xaxis:x,yaxis:b,connectGaps:_.connectgaps,baseTolerance:Math.max(w.width||1,3)/4,shape:w.shape,simplify:w.simplify,fill:_.fill}),V=_._polygons=new Array(G.length),m=0;m1){var r=n.select(this);if(r.datum(f),t)y(r.style("opacity",0).attr("d",I).call(l.lineGroupStyle)).style("opacity",1);else{var i=y(r);i.attr("d",I),l.singleLineStyle(f,i)}}}}}var W=M.selectAll(".js-line").data(G);y(W.exit()).style("opacity",0).remove(),W.each(Y(!1)),W.enter().append("path").classed("js-line",!0).style("vector-effect","non-scaling-stroke").call(l.lineGroupStyle).each(Y(!0)),l.setClipUrl(W,r.layerClipId,t),G.length?(E?(E.datum(f),N&&U&&(L?("y"===L?N[1]=U[1]=b.c2p(0,!0):"x"===L&&(N[0]=U[0]=x.c2p(0,!0)),y(E).attr("d","M"+U+"L"+N+"L"+q.substr(1)).call(l.singleFillStyle)):y(E).attr("d",q+"Z").call(l.singleFillStyle))):C&&("tonext"===_.fill.substr(0,6)&&q&&z?("tonext"===_.fill?y(C).attr("d",q+"Z"+z+"Z").call(l.singleFillStyle):y(C).attr("d",q+"L"+z.substr(1)+"Z").call(l.singleFillStyle),_._polygons=_._polygons.concat(O)):(Z(C),_._polygons=null)),_._prevRevpath=H,_._prevPolygons=V):(E?Z(E):C&&Z(C),_._polygons=_._prevRevpath=_._prevPolygons=null),A.datum(f),S.datum(f),function(e,i,a){var o,u=a[0].trace,f=c.hasMarkers(u),h=c.hasText(u),p=tt(u),d=et,g=et;if(f||h){var m=s,_=u.stackgroup,w=_&&"infer zero"===t._fullLayout._scatterStackOpts[x._id+b._id][_].stackgaps;u.marker.maxdisplayed||u._needsCull?m=w?K:J:_&&!w&&(m=Q),f&&(d=m),h&&(g=m)}var T,k=(o=e.selectAll("path.point").data(d,p)).enter().append("path").classed("point",!0);v&&k.call(l.pointStyle,u,t).call(l.translatePoints,x,b).style("opacity",0).transition().style("opacity",1),o.order(),f&&(T=l.makePointStyleFns(u)),o.each((function(e){var i=n.select(this),a=y(i);l.translatePoint(e,a,x,b)?(l.singlePointStyle(e,a,u,T,t),r.layerClipId&&l.hideOutsideRangePoint(e,a,x,b,u.xcalendar,u.ycalendar),u.customdata&&i.classed("plotly-customdata",null!==e.data&&void 0!==e.data)):a.remove()})),v?o.exit().transition().style("opacity",0).remove():o.exit().remove(),(o=i.selectAll("g").data(g,p)).enter().append("g").classed("textpoint",!0).append("text"),o.order(),o.each((function(t){var e=n.select(this),i=y(e.select("text"));l.translatePoint(t,i,x,b)?r.layerClipId&&l.hideOutsideRangePoint(t,e,x,b,u.xcalendar,u.ycalendar):e.remove()})),o.selectAll("text").call(l.textPointStyle,u,t).each((function(t){var e=x.c2p(t.x),r=b.c2p(t.y);n.select(this).selectAll("tspan.line").each((function(){y(n.select(this)).attr({x:e,y:r})}))})),o.exit().remove()}(A,S,f);var X=!1===_.cliponaxis?null:r.layerClipId;l.setClipUrl(A,X,t),l.setClipUrl(S,X,t)}function Z(t){y(t).attr("d","M0,0Z")}function J(t){return t.filter((function(t){return!t.gap&&t.vis}))}function K(t){return t.filter((function(t){return t.vis}))}function Q(t){return t.filter((function(t){return!t.gap}))}function $(t){return t.id}function tt(t){if(t.ids)return $}function et(){return!1}}e.exports=function(t,e,r,i,a,c){var u,h,d=!a,g=!!a&&a.duration>0,m=f(t,e,r);((u=i.selectAll("g.trace").data(m,(function(t){return t[0].trace.uid}))).enter().append("g").attr("class",(function(t){return"trace scatter trace"+t[0].trace.uid})).style("stroke-miterlimit",2),u.order(),function(t,e,r){e.each((function(e){var i=o(n.select(this),"g","fills");l.setClipUrl(i,r.layerClipId,t);var a=e[0].trace,c=[];a._ownfill&&c.push("_ownFill"),a._nexttrace&&c.push("_nextFill");var u=i.selectAll("g").data(c,s);u.enter().append("g"),u.exit().each((function(t){a[t]=null})).remove(),u.order().each((function(t){a[t]=o(n.select(this),"path","js-fill")}))}))}(t,u,e),g)?(c&&(h=c()),n.transition().duration(a.duration).ease(a.easing).each("end",(function(){h&&h()})).each("interrupt",(function(){h&&h()})).each((function(){i.selectAll("g.trace").each((function(r,n){p(t,n,e,r,m,this,a)}))}))):u.each((function(r,n){p(t,n,e,r,m,this,a)}));d&&u.exit().remove(),i.selectAll("path:not([d])").remove()}},{"../../components/drawing":665,"../../lib":778,"../../lib/polygon":790,"../../registry":911,"./line_points":1201,"./link_traces":1203,"./subtypes":1212,d3:169}],1209:[function(t,e,r){"use strict";var n=t("./subtypes");e.exports=function(t,e){var r,i,a,o,s=t.cd,l=t.xaxis,c=t.yaxis,u=[],f=s[0].trace;if(!n.hasMarkers(f)&&!n.hasText(f))return[];if(!1===e)for(r=0;r0){var h=i.c2l(u);i._lowerLogErrorBound||(i._lowerLogErrorBound=h),i._lowerErrorBound=Math.min(i._lowerLogErrorBound,h)}}else o[s]=[-l[0]*r,l[1]*r]}return o}e.exports=function(t,e,r){var n=[i(t.x,t.error_x,e[0],r.xaxis),i(t.y,t.error_y,e[1],r.yaxis),i(t.z,t.error_z,e[2],r.zaxis)],a=function(t){for(var e=0;e-1?-1:t.indexOf("right")>-1?1:0}function b(t){return null==t?0:t.indexOf("top")>-1?-1:t.indexOf("bottom")>-1?1:0}function _(t,e){return e(4*t)}function w(t){return p[t]}function T(t,e,r,n,i){var a=null;if(l.isArrayOrTypedArray(t)){a=[];for(var o=0;o=0){var g=function(t,e,r){var n,i=(r+1)%3,a=(r+2)%3,o=[],l=[];for(n=0;n=0&&f("surfacecolor",h||p);for(var d=["x","y","z"],g=0;g<3;++g){var m="projection."+d[g];f(m+".show")&&(f(m+".opacity"),f(m+".scale"))}var v=n.getComponentMethod("errorbars","supplyDefaults");v(t,e,h||p||r,{axis:"z"}),v(t,e,h||p||r,{axis:"y",inherit:"z"}),v(t,e,h||p||r,{axis:"x",inherit:"z"})}else e.visible=!1}},{"../../lib":778,"../../registry":911,"../scatter/line_defaults":1200,"../scatter/marker_defaults":1206,"../scatter/subtypes":1212,"../scatter/text_defaults":1213,"./attributes":1215}],1220:[function(t,e,r){"use strict";e.exports={plot:t("./convert"),attributes:t("./attributes"),markerSymbols:t("../../constants/gl3d_markers"),supplyDefaults:t("./defaults"),colorbar:[{container:"marker",min:"cmin",max:"cmax"},{container:"line",min:"cmin",max:"cmax"}],calc:t("./calc"),moduleType:"trace",name:"scatter3d",basePlotModule:t("../../plots/gl3d"),categories:["gl3d","symbols","showLegend","scatter-like"],meta:{}}},{"../../constants/gl3d_markers":751,"../../plots/gl3d":870,"./attributes":1215,"./calc":1216,"./convert":1218,"./defaults":1219}],1221:[function(t,e,r){"use strict";var n=t("../scatter/attributes"),i=t("../../plots/attributes"),a=t("../../plots/template_attributes").hovertemplateAttrs,o=t("../../plots/template_attributes").texttemplateAttrs,s=t("../../components/colorscale/attributes"),l=t("../../lib/extend").extendFlat,c=n.marker,u=n.line,f=c.line;e.exports={carpet:{valType:"string",editType:"calc"},a:{valType:"data_array",editType:"calc"},b:{valType:"data_array",editType:"calc"},mode:l({},n.mode,{dflt:"markers"}),text:l({},n.text,{}),texttemplate:o({editType:"plot"},{keys:["a","b","text"]}),hovertext:l({},n.hovertext,{}),line:{color:u.color,width:u.width,dash:u.dash,shape:l({},u.shape,{values:["linear","spline"]}),smoothing:u.smoothing,editType:"calc"},connectgaps:n.connectgaps,fill:l({},n.fill,{values:["none","toself","tonext"],dflt:"none"}),fillcolor:n.fillcolor,marker:l({symbol:c.symbol,opacity:c.opacity,maxdisplayed:c.maxdisplayed,size:c.size,sizeref:c.sizeref,sizemin:c.sizemin,sizemode:c.sizemode,line:l({width:f.width,editType:"calc"},s("marker.line")),gradient:c.gradient,editType:"calc"},s("marker")),textfont:n.textfont,textposition:n.textposition,selected:n.selected,unselected:n.unselected,hoverinfo:l({},i.hoverinfo,{flags:["a","b","text","name"]}),hoveron:n.hoveron,hovertemplate:a()}},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../scatter/attributes":1187}],1222:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../scatter/colorscale_calc"),a=t("../scatter/arrays_to_calcdata"),o=t("../scatter/calc_selection"),s=t("../scatter/calc").calcMarkerSize,l=t("../carpet/lookup_carpetid");e.exports=function(t,e){var r=e._carpetTrace=l(t,e);if(r&&r.visible&&"legendonly"!==r.visible){var c;e.xaxis=r.xaxis,e.yaxis=r.yaxis;var u,f,h=e._length,p=new Array(h),d=!1;for(c=0;c")}return o}function y(t,e){var r;r=t.labelprefix&&t.labelprefix.length>0?t.labelprefix.replace(/ = $/,""):t._hovertitle,m.push(r+": "+e.toFixed(3)+t.labelsuffix)}}},{"../../lib":778,"../scatter/hover":1198}],1227:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("./calc"),plot:t("./plot"),style:t("../scatter/style").style,styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("../scatter/select"),eventData:t("./event_data"),moduleType:"trace",name:"scattercarpet",basePlotModule:t("../../plots/cartesian"),categories:["svg","carpet","symbols","showLegend","carpetDependent","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"../scatter/marker_colorbar":1205,"../scatter/select":1209,"../scatter/style":1211,"./attributes":1221,"./calc":1222,"./defaults":1223,"./event_data":1224,"./format_labels":1225,"./hover":1226,"./plot":1228}],1228:[function(t,e,r){"use strict";var n=t("../scatter/plot"),i=t("../../plots/cartesian/axes"),a=t("../../components/drawing");e.exports=function(t,e,r,o){var s,l,c,u=r[0][0].carpet,f={xaxis:i.getFromId(t,u.xaxis||"x"),yaxis:i.getFromId(t,u.yaxis||"y"),plot:e.plot};for(n(t,f,r,o),s=0;s")}(c,g,t,l[0].t.labels),t.hovertemplate=c.hovertemplate,[t]}}},{"../../components/fx":683,"../../constants/numerical":753,"../../lib":778,"../scatter/get_trace_color":1197,"./attributes":1229}],1235:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("./calc"),calcGeoJSON:t("./plot").calcGeoJSON,plot:t("./plot").plot,style:t("./style"),styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("./select"),moduleType:"trace",name:"scattergeo",basePlotModule:t("../../plots/geo"),categories:["geo","symbols","showLegend","scatter-like"],meta:{}}},{"../../plots/geo":860,"../scatter/marker_colorbar":1205,"../scatter/style":1211,"./attributes":1229,"./calc":1230,"./defaults":1231,"./event_data":1232,"./format_labels":1233,"./hover":1234,"./plot":1236,"./select":1237,"./style":1238}],1236:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../lib/topojson_utils").getTopojsonFeatures,o=t("../../lib/geojson_utils"),s=t("../../lib/geo_location_utils"),l=t("../../plots/cartesian/autorange").findExtremes,c=t("../../constants/numerical").BADNUM,u=t("../scatter/calc").calcMarkerSize,f=t("../scatter/subtypes"),h=t("./style");e.exports={calcGeoJSON:function(t,e){var r,n,i=t[0].trace,o=e[i.geo],f=o._subplot,h=i._length;if(Array.isArray(i.locations)){var p=i.locationmode,d="geojson-id"===p?s.extractTraceFeature(t):a(i,f.topojson);for(r=0;r=m,k=2*w,M={},A=x.makeCalcdata(e,"x"),S=b.makeCalcdata(e,"y"),E=s(e,x,"x",A),C=s(e,b,"y",S);e._x=E,e._y=C,e.xperiodalignment&&(e._origX=A),e.yperiodalignment&&(e._origY=S);var L=new Array(k);for(r=0;r1&&i.extendFlat(s.line,p.linePositions(t,r,n));if(s.errorX||s.errorY){var l=p.errorBarPositions(t,r,n,a,o);s.errorX&&i.extendFlat(s.errorX,l.x),s.errorY&&i.extendFlat(s.errorY,l.y)}s.text&&(i.extendFlat(s.text,{positions:n},p.textPosition(t,r,s.text,s.marker)),i.extendFlat(s.textSel,{positions:n},p.textPosition(t,r,s.text,s.markerSel)),i.extendFlat(s.textUnsel,{positions:n},p.textPosition(t,r,s.text,s.markerUnsel)));return s}(t,0,e,L,E,C),O=d(t,_);return f(y,e),T?z.marker&&(P=2*(z.marker.sizeAvg||Math.max(z.marker.size,3))):P=c(e,w),u(t,e,x,b,E,C,P),z.errorX&&v(e,x,z.errorX),z.errorY&&v(e,b,z.errorY),z.fill&&!O.fill2d&&(O.fill2d=!0),z.marker&&!O.scatter2d&&(O.scatter2d=!0),z.line&&!O.line2d&&(O.line2d=!0),!z.errorX&&!z.errorY||O.error2d||(O.error2d=!0),z.text&&!O.glText&&(O.glText=!0),z.marker&&(z.marker.snap=w),O.lineOptions.push(z.line),O.errorXOptions.push(z.errorX),O.errorYOptions.push(z.errorY),O.fillOptions.push(z.fill),O.markerOptions.push(z.marker),O.markerSelectedOptions.push(z.markerSel),O.markerUnselectedOptions.push(z.markerUnsel),O.textOptions.push(z.text),O.textSelectedOptions.push(z.textSel),O.textUnselectedOptions.push(z.textUnsel),O.selectBatch.push([]),O.unselectBatch.push([]),M._scene=O,M.index=O.count,M.x=E,M.y=C,M.positions=L,O.count++,[{x:!1,y:!1,t:M,trace:e}]}},{"../../constants/numerical":753,"../../lib":778,"../../plots/cartesian/align_period":825,"../../plots/cartesian/autorange":827,"../../plots/cartesian/axis_ids":831,"../scatter/calc":1188,"../scatter/colorscale_calc":1190,"./constants":1241,"./convert":1242,"./scene_update":1250,"@plotly/point-cluster":57}],1241:[function(t,e,r){"use strict";e.exports={TOO_MANY_POINTS:1e5,SYMBOL_SDF_SIZE:200,SYMBOL_SIZE:20,SYMBOL_STROKE:1,DOT_RE:/-dot/,OPEN_RE:/-open/,DASHES:{solid:[1],dot:[1,1],dash:[4,1],longdash:[8,1],dashdot:[4,1,1,1],longdashdot:[8,1,1,1]}}},{}],1242:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("svg-path-sdf"),a=t("color-normalize"),o=t("../../registry"),s=t("../../lib"),l=t("../../components/drawing"),c=t("../../plots/cartesian/axis_ids"),u=t("../../lib/gl_format_color").formatColor,f=t("../scatter/subtypes"),h=t("../scatter/make_bubble_size_func"),p=t("./helpers"),d=t("./constants"),g=t("../../constants/interactions").DESELECTDIM,m={start:1,left:1,end:-1,right:-1,middle:0,center:0,bottom:1,top:-1},v=t("../../components/fx/helpers").appendArrayPointValue;function y(t,e){var r,i=t._fullLayout,a=e._length,o=e.textfont,l=e.textposition,c=Array.isArray(l)?l:[l],u=o.color,f=o.size,h=o.family,p={},d=e.texttemplate;if(d){p.text=[];var g=i._d3locale,m=Array.isArray(d),y=m?Math.min(d.length,a):a,x=m?function(t){return d[t]}:function(){return d};for(r=0;rd.TOO_MANY_POINTS||f.hasMarkers(e)?"rect":"round";if(c&&e.connectgaps){var h=n[0],p=n[1];for(i=0;i1?l[i]:l[0]:l,d=Array.isArray(c)?c.length>1?c[i]:c[0]:c,g=m[p],v=m[d],y=u?u/.8+1:0,x=-v*y-.5*v;o.offset[i]=[g*y/h,x/h]}}return o}}},{"../../components/drawing":665,"../../components/fx/helpers":679,"../../constants/interactions":752,"../../lib":778,"../../lib/gl_format_color":774,"../../plots/cartesian/axis_ids":831,"../../registry":911,"../scatter/make_bubble_size_func":1204,"../scatter/subtypes":1212,"./constants":1241,"./helpers":1246,"color-normalize":125,"fast-isnumeric":241,"svg-path-sdf":574}],1243:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../registry"),a=t("./helpers"),o=t("./attributes"),s=t("../scatter/constants"),l=t("../scatter/subtypes"),c=t("../scatter/xy_defaults"),u=t("../scatter/period_defaults"),f=t("../scatter/marker_defaults"),h=t("../scatter/line_defaults"),p=t("../scatter/fillcolor_defaults"),d=t("../scatter/text_defaults");e.exports=function(t,e,r,g){function m(r,i){return n.coerce(t,e,o,r,i)}var v=!!t.marker&&a.isOpenSymbol(t.marker.symbol),y=l.isBubble(t),x=c(t,e,g,m);if(x){u(t,e,g,m);var b=x100},r.isDotSymbol=function(t){return"string"==typeof t?n.DOT_RE.test(t):t>200}},{"./constants":1241}],1247:[function(t,e,r){"use strict";var n=t("../../registry"),i=t("../../lib"),a=t("../scatter/get_trace_color");function o(t,e,r,o){var s=t.xa,l=t.ya,c=t.distance,u=t.dxy,f=t.index,h={pointNumber:f,x:e[f],y:r[f]};h.tx=Array.isArray(o.text)?o.text[f]:o.text,h.htx=Array.isArray(o.hovertext)?o.hovertext[f]:o.hovertext,h.data=Array.isArray(o.customdata)?o.customdata[f]:o.customdata,h.tp=Array.isArray(o.textposition)?o.textposition[f]:o.textposition;var p=o.textfont;p&&(h.ts=i.isArrayOrTypedArray(p.size)?p.size[f]:p.size,h.tc=Array.isArray(p.color)?p.color[f]:p.color,h.tf=Array.isArray(p.family)?p.family[f]:p.family);var d=o.marker;d&&(h.ms=i.isArrayOrTypedArray(d.size)?d.size[f]:d.size,h.mo=i.isArrayOrTypedArray(d.opacity)?d.opacity[f]:d.opacity,h.mx=i.isArrayOrTypedArray(d.symbol)?d.symbol[f]:d.symbol,h.mc=i.isArrayOrTypedArray(d.color)?d.color[f]:d.color);var g=d&&d.line;g&&(h.mlc=Array.isArray(g.color)?g.color[f]:g.color,h.mlw=i.isArrayOrTypedArray(g.width)?g.width[f]:g.width);var m=d&&d.gradient;m&&"none"!==m.type&&(h.mgt=Array.isArray(m.type)?m.type[f]:m.type,h.mgc=Array.isArray(m.color)?m.color[f]:m.color);var v=s.c2p(h.x,!0),y=l.c2p(h.y,!0),x=h.mrc||1,b=o.hoverlabel;b&&(h.hbg=Array.isArray(b.bgcolor)?b.bgcolor[f]:b.bgcolor,h.hbc=Array.isArray(b.bordercolor)?b.bordercolor[f]:b.bordercolor,h.hts=i.isArrayOrTypedArray(b.font.size)?b.font.size[f]:b.font.size,h.htc=Array.isArray(b.font.color)?b.font.color[f]:b.font.color,h.htf=Array.isArray(b.font.family)?b.font.family[f]:b.font.family,h.hnl=i.isArrayOrTypedArray(b.namelength)?b.namelength[f]:b.namelength);var _=o.hoverinfo;_&&(h.hi=Array.isArray(_)?_[f]:_);var w=o.hovertemplate;w&&(h.ht=Array.isArray(w)?w[f]:w);var T={};T[t.index]=h;var k=o._origX,M=o._origY,A=i.extendFlat({},t,{color:a(o,h),x0:v-x,x1:v+x,xLabelVal:k?k[f]:h.x,y0:y-x,y1:y+x,yLabelVal:M?M[f]:h.y,cd:T,distance:c,spikeDistance:u,hovertemplate:h.ht});return h.htx?A.text=h.htx:h.tx?A.text=h.tx:o.text&&(A.text=o.text),i.fillText(h,o,A),n.getComponentMethod("errorbars","hoverInfo")(h,o,A),A}e.exports={hoverPoints:function(t,e,r,n){var i,a,s,l,c,u,f,h,p,d=t.cd,g=d[0].t,m=d[0].trace,v=t.xa,y=t.ya,x=g.x,b=g.y,_=v.c2p(e),w=y.c2p(r),T=t.distance;if(g.tree){var k=v.p2c(_-T),M=v.p2c(_+T),A=y.p2c(w-T),S=y.p2c(w+T);i="x"===n?g.tree.range(Math.min(k,M),Math.min(y._rl[0],y._rl[1]),Math.max(k,M),Math.max(y._rl[0],y._rl[1])):g.tree.range(Math.min(k,M),Math.min(A,S),Math.max(k,M),Math.max(A,S))}else i=g.ids;var E=T;if("x"===n)for(c=0;c-1;c--)s=x[i[c]],l=b[i[c]],u=v.c2p(s)-_,f=y.c2p(l)-w,(h=Math.sqrt(u*u+f*f))v.glText.length){var w=b-v.glText.length;for(d=0;dr&&(isNaN(e[n])||isNaN(e[n+1]));)n-=2;t.positions=e.slice(r,n+2)}return t})),v.line2d.update(v.lineOptions)),v.error2d){var k=(v.errorXOptions||[]).concat(v.errorYOptions||[]);v.error2d.update(k)}v.scatter2d&&v.scatter2d.update(v.markerOptions),v.fillOrder=s.repeat(null,b),v.fill2d&&(v.fillOptions=v.fillOptions.map((function(t,e){var n=r[e];if(t&&n&&n[0]&&n[0].trace){var i,a,o=n[0],s=o.trace,l=o.t,c=v.lineOptions[e],u=[];s._ownfill&&u.push(e),s._nexttrace&&u.push(e+1),u.length&&(v.fillOrder[e]=u);var f,h,p=[],d=c&&c.positions||l.positions;if("tozeroy"===s.fill){for(f=0;ff&&isNaN(d[h+1]);)h-=2;0!==d[f+1]&&(p=[d[f],0]),p=p.concat(d.slice(f,h+2)),0!==d[h+1]&&(p=p.concat([d[h],0]))}else if("tozerox"===s.fill){for(f=0;ff&&isNaN(d[h]);)h-=2;0!==d[f]&&(p=[0,d[f+1]]),p=p.concat(d.slice(f,h+2)),0!==d[h]&&(p=p.concat([0,d[h+1]]))}else if("toself"===s.fill||"tonext"===s.fill){for(p=[],i=0,a=0;a-1;for(d=0;d=0?Math.floor((e+180)/360):Math.ceil((e-180)/360)),d=e-p;if(n.getClosest(l,(function(t){var e=t.lonlat;if(e[0]===s)return 1/0;var n=i.modHalf(e[0],360),a=e[1],o=h.project([n,a]),l=o.x-u.c2p([d,a]),c=o.y-f.c2p([n,r]),p=Math.max(3,t.mrc||0);return Math.max(Math.sqrt(l*l+c*c)-p,1-3/p)}),t),!1!==t.index){var g=l[t.index],m=g.lonlat,v=[i.modHalf(m[0],360)+p,m[1]],y=u.c2p(v),x=f.c2p(v),b=g.mrc||1;t.x0=y-b,t.x1=y+b,t.y0=x-b,t.y1=x+b;var _={};_[c.subplot]={_subplot:h};var w=c._module.formatLabels(g,c,_);return t.lonLabel=w.lonLabel,t.latLabel=w.latLabel,t.color=a(c,g),t.extraText=function(t,e,r){if(t.hovertemplate)return;var n=(e.hi||t.hoverinfo).split("+"),i=-1!==n.indexOf("all"),a=-1!==n.indexOf("lon"),s=-1!==n.indexOf("lat"),l=e.lonlat,c=[];function u(t){return t+"\xb0"}i||a&&s?c.push("("+u(l[0])+", "+u(l[1])+")"):a?c.push(r.lon+u(l[0])):s&&c.push(r.lat+u(l[1]));(i||-1!==n.indexOf("text"))&&o(e,t,c);return c.join("
")}(c,g,l[0].t.labels),t.hovertemplate=c.hovertemplate,[t]}}},{"../../components/fx":683,"../../constants/numerical":753,"../../lib":778,"../scatter/get_trace_color":1197}],1258:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("../scattergeo/calc"),plot:t("./plot"),hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("./select"),styleOnSelect:function(t,e){e&&e[0].trace._glTrace.update(e)},moduleType:"trace",name:"scattermapbox",basePlotModule:t("../../plots/mapbox"),categories:["mapbox","gl","symbols","showLegend","scatter-like"],meta:{}}},{"../../plots/mapbox":885,"../scatter/marker_colorbar":1205,"../scattergeo/calc":1230,"./attributes":1252,"./defaults":1254,"./event_data":1255,"./format_labels":1256,"./hover":1257,"./plot":1259,"./select":1260}],1259:[function(t,e,r){"use strict";var n=t("./convert"),i=t("../../plots/mapbox/constants").traceLayerPrefix,a=["fill","line","circle","symbol"];function o(t,e){this.type="scattermapbox",this.subplot=t,this.uid=e,this.sourceIds={fill:"source-"+e+"-fill",line:"source-"+e+"-line",circle:"source-"+e+"-circle",symbol:"source-"+e+"-symbol"},this.layerIds={fill:i+e+"-fill",line:i+e+"-line",circle:i+e+"-circle",symbol:i+e+"-symbol"},this.below=null}var s=o.prototype;s.addSource=function(t,e){this.subplot.map.addSource(this.sourceIds[t],{type:"geojson",data:e.geojson})},s.setSourceData=function(t,e){this.subplot.map.getSource(this.sourceIds[t]).setData(e.geojson)},s.addLayer=function(t,e,r){this.subplot.addLayer({type:t,id:this.layerIds[t],source:this.sourceIds[t],layout:e.layout,paint:e.paint},r)},s.update=function(t){var e,r,i,o=this.subplot,s=o.map,l=n(o.gd,t),c=o.belowLookup["trace-"+this.uid];if(c!==this.below){for(e=a.length-1;e>=0;e--)r=a[e],s.removeLayer(this.layerIds[r]);for(e=0;e=0;e--){var r=a[e];t.removeLayer(this.layerIds[r]),t.removeSource(this.sourceIds[r])}},e.exports=function(t,e){for(var r=e[0].trace,i=new o(t,r.uid),s=n(t.gd,e),l=i.below=t.belowLookup["trace-"+r.uid],c=0;c")}}e.exports={hoverPoints:function(t,e,r,a){var o=n(t,e,r,a);if(o&&!1!==o[0].index){var s=o[0];if(void 0===s.index)return o;var l=t.subplot,c=s.cd[s.index],u=s.trace;if(l.isPtInside(c))return s.xLabelVal=void 0,s.yLabelVal=void 0,i(c,u,l,s),s.hovertemplate=u.hovertemplate,o}},makeHoverPointText:i}},{"../scatter/hover":1198}],1266:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"scatterpolar",basePlotModule:t("../../plots/polar"),categories:["polar","symbols","showLegend","scatter-like"],attributes:t("./attributes"),supplyDefaults:t("./defaults").supplyDefaults,colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("./calc"),plot:t("./plot"),style:t("../scatter/style").style,styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover").hoverPoints,selectPoints:t("../scatter/select"),meta:{}}},{"../../plots/polar":894,"../scatter/marker_colorbar":1205,"../scatter/select":1209,"../scatter/style":1211,"./attributes":1261,"./calc":1262,"./defaults":1263,"./format_labels":1264,"./hover":1265,"./plot":1267}],1267:[function(t,e,r){"use strict";var n=t("../scatter/plot"),i=t("../../constants/numerical").BADNUM;e.exports=function(t,e,r){for(var a=e.layers.frontplot.select("g.scatterlayer"),o={xaxis:e.xaxis,yaxis:e.yaxis,plot:e.framework,layerClipId:e._hasClipOnAxisFalse?e.clipIds.forTraces:null},s=e.radialAxis,l=e.angularAxis,c=0;c=c&&(y.marker.cluster=d.tree),y.marker&&(y.markerSel.positions=y.markerUnsel.positions=y.marker.positions=_),y.line&&_.length>1&&l.extendFlat(y.line,s.linePositions(t,p,_)),y.text&&(l.extendFlat(y.text,{positions:_},s.textPosition(t,p,y.text,y.marker)),l.extendFlat(y.textSel,{positions:_},s.textPosition(t,p,y.text,y.markerSel)),l.extendFlat(y.textUnsel,{positions:_},s.textPosition(t,p,y.text,y.markerUnsel))),y.fill&&!h.fill2d&&(h.fill2d=!0),y.marker&&!h.scatter2d&&(h.scatter2d=!0),y.line&&!h.line2d&&(h.line2d=!0),y.text&&!h.glText&&(h.glText=!0),h.lineOptions.push(y.line),h.fillOptions.push(y.fill),h.markerOptions.push(y.marker),h.markerSelectedOptions.push(y.markerSel),h.markerUnselectedOptions.push(y.markerUnsel),h.textOptions.push(y.text),h.textSelectedOptions.push(y.textSel),h.textUnselectedOptions.push(y.textUnsel),h.selectBatch.push([]),h.unselectBatch.push([]),d.x=w,d.y=T,d.rawx=w,d.rawy=T,d.r=m,d.theta=v,d.positions=_,d._scene=h,d.index=h.count,h.count++}})),a(t,e,r)}}},{"../../lib":778,"../scattergl/constants":1241,"../scattergl/convert":1242,"../scattergl/plot":1249,"../scattergl/scene_update":1250,"@plotly/point-cluster":57,"fast-isnumeric":241}],1275:[function(t,e,r){"use strict";var n=t("../../plots/template_attributes").hovertemplateAttrs,i=t("../../plots/template_attributes").texttemplateAttrs,a=t("../scatter/attributes"),o=t("../../plots/attributes"),s=t("../../components/colorscale/attributes"),l=t("../../components/drawing/attributes").dash,c=t("../../lib/extend").extendFlat,u=a.marker,f=a.line,h=u.line;e.exports={a:{valType:"data_array",editType:"calc"},b:{valType:"data_array",editType:"calc"},c:{valType:"data_array",editType:"calc"},sum:{valType:"number",dflt:0,min:0,editType:"calc"},mode:c({},a.mode,{dflt:"markers"}),text:c({},a.text,{}),texttemplate:i({editType:"plot"},{keys:["a","b","c","text"]}),hovertext:c({},a.hovertext,{}),line:{color:f.color,width:f.width,dash:l,shape:c({},f.shape,{values:["linear","spline"]}),smoothing:f.smoothing,editType:"calc"},connectgaps:a.connectgaps,cliponaxis:a.cliponaxis,fill:c({},a.fill,{values:["none","toself","tonext"],dflt:"none"}),fillcolor:a.fillcolor,marker:c({symbol:u.symbol,opacity:u.opacity,maxdisplayed:u.maxdisplayed,size:u.size,sizeref:u.sizeref,sizemin:u.sizemin,sizemode:u.sizemode,line:c({width:h.width,editType:"calc"},s("marker.line")),gradient:u.gradient,editType:"calc"},s("marker")),textfont:a.textfont,textposition:a.textposition,selected:a.selected,unselected:a.unselected,hoverinfo:c({},o.hoverinfo,{flags:["a","b","c","text","name"]}),hoveron:a.hoveron,hovertemplate:n()}},{"../../components/colorscale/attributes":650,"../../components/drawing/attributes":664,"../../lib/extend":768,"../../plots/attributes":824,"../../plots/template_attributes":906,"../scatter/attributes":1187}],1276:[function(t,e,r){"use strict";var n=t("fast-isnumeric"),i=t("../scatter/colorscale_calc"),a=t("../scatter/arrays_to_calcdata"),o=t("../scatter/calc_selection"),s=t("../scatter/calc").calcMarkerSize,l=["a","b","c"],c={a:["b","c"],b:["a","c"],c:["a","b"]};e.exports=function(t,e){var r,u,f,h,p,d,g=t._fullLayout[e.subplot].sum,m=e.sum||g,v={a:e.a,b:e.b,c:e.c};for(r=0;r"),o.hovertemplate=h.hovertemplate,a}function x(t,e){v.push(t._hovertitle+": "+e)}}},{"../scatter/hover":1198}],1281:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),supplyDefaults:t("./defaults"),colorbar:t("../scatter/marker_colorbar"),formatLabels:t("./format_labels"),calc:t("./calc"),plot:t("./plot"),style:t("../scatter/style").style,styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("../scatter/select"),eventData:t("./event_data"),moduleType:"trace",name:"scatterternary",basePlotModule:t("../../plots/ternary"),categories:["ternary","symbols","showLegend","scatter-like"],meta:{}}},{"../../plots/ternary":907,"../scatter/marker_colorbar":1205,"../scatter/select":1209,"../scatter/style":1211,"./attributes":1275,"./calc":1276,"./defaults":1277,"./event_data":1278,"./format_labels":1279,"./hover":1280,"./plot":1282}],1282:[function(t,e,r){"use strict";var n=t("../scatter/plot");e.exports=function(t,e,r){var i=e.plotContainer;i.select(".scatterlayer").selectAll("*").remove();var a={xaxis:e.xaxis,yaxis:e.yaxis,plot:i,layerClipId:e._hasClipOnAxisFalse?e.clipIdRelative:null},o=e.layers.frontplot.select("g.scatterlayer");n(t,a,r,o)}},{"../scatter/plot":1208}],1283:[function(t,e,r){"use strict";var n=t("../scatter/attributes"),i=t("../../components/colorscale/attributes"),a=t("../../plots/template_attributes").hovertemplateAttrs,o=t("../scattergl/attributes"),s=t("../../plots/cartesian/constants").idRegex,l=t("../../plot_api/plot_template").templatedArray,c=t("../../lib/extend").extendFlat,u=n.marker,f=u.line,h=c(i("marker.line",{editTypeOverride:"calc"}),{width:c({},f.width,{editType:"calc"}),editType:"calc"}),p=c(i("marker"),{symbol:u.symbol,size:c({},u.size,{editType:"markerSize"}),sizeref:u.sizeref,sizemin:u.sizemin,sizemode:u.sizemode,opacity:u.opacity,colorbar:u.colorbar,line:h,editType:"calc"});function d(t){return{valType:"info_array",freeLength:!0,editType:"calc",items:{valType:"subplotid",regex:s[t],editType:"plot"}}}p.color.editType=p.cmin.editType=p.cmax.editType="style",e.exports={dimensions:l("dimension",{visible:{valType:"boolean",dflt:!0,editType:"calc"},label:{valType:"string",editType:"calc"},values:{valType:"data_array",editType:"calc+clearAxisTypes"},axis:{type:{valType:"enumerated",values:["linear","log","date","category"],editType:"calc+clearAxisTypes"},matches:{valType:"boolean",dflt:!1,editType:"calc"},editType:"calc+clearAxisTypes"},editType:"calc+clearAxisTypes"}),text:c({},o.text,{}),hovertext:c({},o.hovertext,{}),hovertemplate:a(),marker:p,xaxes:d("x"),yaxes:d("y"),diagonal:{visible:{valType:"boolean",dflt:!0,editType:"calc"},editType:"calc"},showupperhalf:{valType:"boolean",dflt:!0,editType:"calc"},showlowerhalf:{valType:"boolean",dflt:!0,editType:"calc"},selected:{marker:o.selected.marker,editType:"calc"},unselected:{marker:o.unselected.marker,editType:"calc"},opacity:o.opacity}},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plot_api/plot_template":817,"../../plots/cartesian/constants":834,"../../plots/template_attributes":906,"../scatter/attributes":1187,"../scattergl/attributes":1239}],1284:[function(t,e,r){"use strict";var n=t("regl-line2d"),i=t("../../registry"),a=t("../../lib/prepare_regl"),o=t("../../plots/get_data").getModuleCalcData,s=t("../../plots/cartesian"),l=t("../../plots/cartesian/axis_ids").getFromId,c=t("../../plots/cartesian/axes").shouldShowZeroLine;function u(t,e,r){for(var n=r.matrixOptions.data.length,i=e._visibleDims,a=r.viewOpts.ranges=new Array(n),o=0;oh?2*(b.sizeAvg||Math.max(b.size,3)):a(e,x),p=0;pa&&l||i-1,A=!0;if(o(x)||!!p.selectedpoints||M){var S=p._length;if(p.selectedpoints){g.selectBatch=p.selectedpoints;var E=p.selectedpoints,C={};for(l=0;l1&&(u=g[y-1],h=m[y-1],d=v[y-1]),e=0;eu?"-":"+")+"x")).replace("y",(f>h?"-":"+")+"y")).replace("z",(p>d?"-":"+")+"z");var C=function(){y=0,A=[],S=[],E=[]};(!y||y2?t.slice(1,e-1):2===e?[(t[0]+t[1])/2]:t}function p(t){var e=t.length;return 1===e?[.5,.5]:[t[1]-t[0],t[e-1]-t[e-2]]}function d(t,e){var r=t.fullSceneLayout,i=t.dataScale,u=e._len,f={};function d(t,e){var n=r[e],o=i[c[e]];return a.simpleMap(t,(function(t){return n.d2l(t)*o}))}if(f.vectors=l(d(e._u,"xaxis"),d(e._v,"yaxis"),d(e._w,"zaxis"),u),!u)return{positions:[],cells:[]};var g=d(e._Xs,"xaxis"),m=d(e._Ys,"yaxis"),v=d(e._Zs,"zaxis");if(f.meshgrid=[g,m,v],f.gridFill=e._gridFill,e._slen)f.startingPositions=l(d(e._startsX,"xaxis"),d(e._startsY,"yaxis"),d(e._startsZ,"zaxis"));else{for(var y=m[0],x=h(g),b=h(v),_=new Array(x.length*b.length),w=0,T=0;T=0};v?(r=Math.min(m.length,x.length),l=function(t){return M(m[t])&&A(t)},f=function(t){return String(m[t])}):(r=Math.min(y.length,x.length),l=function(t){return M(y[t])&&A(t)},f=function(t){return String(y[t])}),_&&(r=Math.min(r,b.length));for(var S=0;S1){for(var I=a.randstr(),P=0;P"),name:k||z("name")?l.name:void 0,color:T("hoverlabel.bgcolor")||y.color,borderColor:T("hoverlabel.bordercolor"),fontFamily:T("hoverlabel.font.family"),fontSize:T("hoverlabel.font.size"),fontColor:T("hoverlabel.font.color"),nameLength:T("hoverlabel.namelength"),textAlign:T("hoverlabel.align"),hovertemplate:k,hovertemplateLabels:L,eventData:[f(i,l,h.eventDataKeys)]};m&&(R.x0=S-i.rInscribed*i.rpx1,R.x1=S+i.rInscribed*i.rpx1,R.idealAlign=i.pxmid[0]<0?"left":"right"),v&&(R.x=S,R.idealAlign=S<0?"left":"right"),o.loneHover(R,{container:a._hoverlayer.node(),outerContainer:a._paper.node(),gd:r}),d._hasHoverLabel=!0}if(v){var F=t.select("path.surface");h.styleOne(F,i,l,{hovered:!0})}d._hasHoverEvent=!0,r.emit("plotly_hover",{points:[f(i,l,h.eventDataKeys)],event:n.event})}})),t.on("mouseout",(function(e){var i=r._fullLayout,a=r._fullData[d.index],s=n.select(this).datum();if(d._hasHoverEvent&&(e.originalEvent=n.event,r.emit("plotly_unhover",{points:[f(s,a,h.eventDataKeys)],event:n.event}),d._hasHoverEvent=!1),d._hasHoverLabel&&(o.loneUnhover(i._hoverlayer.node()),d._hasHoverLabel=!1),v){var l=t.select("path.surface");h.styleOne(l,s,a,{hovered:!1})}})),t.on("click",(function(t){var e=r._fullLayout,a=r._fullData[d.index],s=m&&(c.isHierarchyRoot(t)||c.isLeaf(t)),u=c.getPtId(t),p=c.isEntry(t)?c.findEntryWithChild(g,u):c.findEntryWithLevel(g,u),v=c.getPtId(p),y={points:[f(t,a,h.eventDataKeys)],event:n.event};s||(y.nextLevel=v);var x=l.triggerHandler(r,"plotly_"+d.type+"click",y);if(!1!==x&&e.hovermode&&(r._hoverdata=[f(t,a,h.eventDataKeys)],o.click(r,n.event)),!s&&!1!==x&&!r._dragging&&!r._transitioning){i.call("_storeDirectGUIEdit",a,e._tracePreGUI[a.uid],{level:a.level});var b={data:[{level:v}],traces:[d.index]},_={frame:{redraw:!1,duration:h.transitionTime},transition:{duration:h.transitionTime,easing:h.transitionEasing},mode:"immediate",fromcurrent:!0};o.loneUnhover(e._hoverlayer.node()),i.call("animate",r,b,_)}}))}},{"../../components/fx":683,"../../components/fx/helpers":679,"../../lib":778,"../../lib/events":767,"../../registry":911,"../pie/helpers":1166,"./helpers":1305,d3:169}],1305:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("../../components/color"),a=t("../../lib/setcursor"),o=t("../pie/helpers");function s(t){return t.data.data.pid}r.findEntryWithLevel=function(t,e){var n;return e&&t.eachAfter((function(t){if(r.getPtId(t)===e)return n=t.copy()})),n||t},r.findEntryWithChild=function(t,e){var n;return t.eachAfter((function(t){for(var i=t.children||[],a=0;a0)},r.getMaxDepth=function(t){return t.maxdepth>=0?t.maxdepth:1/0},r.isHeader=function(t,e){return!(r.isLeaf(t)||t.depth===e._maxDepth-1)},r.getParent=function(t,e){return r.findEntryWithLevel(t,s(e))},r.listPath=function(t,e){var n=t.parent;if(!n)return[];var i=e?[n.data[e]]:[n];return r.listPath(n,e).concat(i)},r.getPath=function(t){return r.listPath(t,"label").join("/")+"/"},r.formatValue=o.formatPieValue,r.formatPercent=function(t,e){var r=n.formatPercent(t,0);return"0%"===r&&(r=o.formatPiePercent(t,e)),r}},{"../../components/color":643,"../../lib":778,"../../lib/setcursor":799,"../pie/helpers":1166}],1306:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"sunburst",basePlotModule:t("./base_plot"),categories:[],animatable:!0,attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./calc").crossTraceCalc,plot:t("./plot").plot,style:t("./style").style,colorbar:t("../scatter/marker_colorbar"),meta:{}}},{"../scatter/marker_colorbar":1205,"./attributes":1299,"./base_plot":1300,"./calc":1301,"./defaults":1303,"./layout_attributes":1307,"./layout_defaults":1308,"./plot":1309,"./style":1310}],1307:[function(t,e,r){"use strict";e.exports={sunburstcolorway:{valType:"colorlist",editType:"calc"},extendsunburstcolors:{valType:"boolean",dflt:!0,editType:"calc"}}},{}],1308:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e){function r(r,a){return n.coerce(t,e,i,r,a)}r("sunburstcolorway",e.colorway),r("extendsunburstcolors")}},{"../../lib":778,"./layout_attributes":1307}],1309:[function(t,e,r){"use strict";var n=t("d3"),i=t("d3-hierarchy"),a=t("../../components/drawing"),o=t("../../lib"),s=t("../../lib/svg_text_utils"),l=t("../bar/uniform_text"),c=l.recordMinTextSize,u=l.clearMinTextSize,f=t("../pie/plot"),h=t("../pie/helpers").getRotationAngle,p=f.computeTransform,d=f.transformInsideText,g=t("./style").styleOne,m=t("../bar/style").resizeText,v=t("./fx"),y=t("./constants"),x=t("./helpers");function b(t,e,l,u){var f=t._fullLayout,m=!f.uniformtext.mode&&x.hasTransition(u),b=n.select(l).selectAll("g.slice"),w=e[0],T=w.trace,k=w.hierarchy,M=x.findEntryWithLevel(k,T.level),A=x.getMaxDepth(T),S=f._size,E=T.domain,C=S.w*(E.x[1]-E.x[0]),L=S.h*(E.y[1]-E.y[0]),I=.5*Math.min(C,L),P=w.cx=S.l+S.w*(E.x[1]+E.x[0])/2,z=w.cy=S.t+S.h*(1-E.y[0])-L/2;if(!M)return b.remove();var O=null,D={};m&&b.each((function(t){D[x.getPtId(t)]={rpx0:t.rpx0,rpx1:t.rpx1,x0:t.x0,x1:t.x1,transform:t.transform},!O&&x.isEntry(t)&&(O=t)}));var R=function(t){return i.partition().size([2*Math.PI,t.height+1])(t)}(M).descendants(),F=M.height+1,B=0,N=A;w.hasMultipleRoots&&x.isHierarchyRoot(M)&&(R=R.slice(1),F-=1,B=1,N+=1),R=R.filter((function(t){return t.y1<=N}));var j=h(T.rotation);j&&R.forEach((function(t){t.x0+=j,t.x1+=j}));var U=Math.min(F,A),V=function(t){return(t-B)/U*I},q=function(t,e){return[t*Math.cos(e),-t*Math.sin(e)]},H=function(t){return o.pathAnnulus(t.rpx0,t.rpx1,t.x0,t.x1,P,z)},G=function(t){return P+_(t)[0]*(t.transform.rCenter||0)+(t.transform.x||0)},Y=function(t){return z+_(t)[1]*(t.transform.rCenter||0)+(t.transform.y||0)};(b=b.data(R,x.getPtId)).enter().append("g").classed("slice",!0),m?b.exit().transition().each((function(){var t=n.select(this);t.select("path.surface").transition().attrTween("d",(function(t){var e=function(t){var e,r=x.getPtId(t),i=D[r],a=D[x.getPtId(M)];if(a){var o=(t.x1>a.x1?2*Math.PI:0)+j;e=t.rpx1W?2*Math.PI:0)+j;e={x0:a,x1:a}}else e={rpx0:I,rpx1:I},o.extendFlat(e,J(t));else e={rpx0:0,rpx1:0};else e={x0:j,x1:j};return n.interpolate(e,i)}(t);return function(t){return H(e(t))}})):u.attr("d",H),l.call(v,M,t,e,{eventDataKeys:y.eventDataKeys,transitionTime:y.CLICK_TRANSITION_TIME,transitionEasing:y.CLICK_TRANSITION_EASING}).call(x.setSliceCursor,t,{hideOnRoot:!0,hideOnLeaves:!0,isTransitioning:t._transitioning}),u.call(g,i,T);var h=o.ensureSingle(l,"g","slicetext"),b=o.ensureSingle(h,"text","",(function(t){t.attr("data-notex",1)})),_=o.ensureUniformFontSize(t,x.determineTextFont(T,i,f.font));b.text(r.formatSliceLabel(i,M,T,e,f)).classed("slicetext",!0).attr("text-anchor","middle").call(a.font,_).call(s.convertToTspans,t);var k=a.bBox(b.node());i.transform=d(k,i,w),i.transform.targetX=G(i),i.transform.targetY=Y(i);var A=function(t,e){var r=t.transform;return p(r,e),r.fontSize=_.size,c(T.type,r,f),o.getTextTransform(r)};m?b.transition().attrTween("transform",(function(t){var e=function(t){var e,r=D[x.getPtId(t)],i=t.transform;if(r)e=r;else if(e={rpx1:t.rpx1,transform:{textPosAngle:i.textPosAngle,scale:0,rotate:i.rotate,rCenter:i.rCenter,x:i.x,y:i.y}},O)if(t.parent)if(W){var a=t.x1>W?2*Math.PI:0;e.x0=e.x1=a}else o.extendFlat(e,J(t));else e.x0=e.x1=j;else e.x0=e.x1=j;var s=n.interpolate(e.transform.textPosAngle,t.transform.textPosAngle),l=n.interpolate(e.rpx1,t.rpx1),u=n.interpolate(e.x0,t.x0),h=n.interpolate(e.x1,t.x1),p=n.interpolate(e.transform.scale,i.scale),d=n.interpolate(e.transform.rotate,i.rotate),g=0===i.rCenter?3:0===e.transform.rCenter?1/3:1,m=n.interpolate(e.transform.rCenter,i.rCenter);return function(t){var e=l(t),r=u(t),n=h(t),a=function(t){return m(Math.pow(t,g))}(t),o={pxmid:q(e,(r+n)/2),rpx1:e,transform:{textPosAngle:s(t),rCenter:a,x:i.x,y:i.y}};return c(T.type,i,f),{transform:{targetX:G(o),targetY:Y(o),scale:p(t),rotate:d(t),rCenter:a}}}}(t);return function(t){return A(e(t),k)}})):b.attr("transform",A(i,k))}))}function _(t){return e=t.rpx1,r=t.transform.textPosAngle,[e*Math.sin(r),-e*Math.cos(r)];var e,r}r.plot=function(t,e,r,i){var a,o,s=t._fullLayout,l=s._sunburstlayer,c=!r,f=!s.uniformtext.mode&&x.hasTransition(r);(u("sunburst",s),(a=l.selectAll("g.trace.sunburst").data(e,(function(t){return t[0].trace.uid}))).enter().append("g").classed("trace",!0).classed("sunburst",!0).attr("stroke-linejoin","round"),a.order(),f)?(i&&(o=i()),n.transition().duration(r.duration).ease(r.easing).each("end",(function(){o&&o()})).each("interrupt",(function(){o&&o()})).each((function(){l.selectAll("g.trace").each((function(e){b(t,e,this,r)}))}))):(a.each((function(e){b(t,e,this,r)})),s.uniformtext.mode&&m(t,s._sunburstlayer.selectAll(".trace"),"sunburst"));c&&a.exit().remove()},r.formatSliceLabel=function(t,e,r,n,i){var a=r.texttemplate,s=r.textinfo;if(!(a||s&&"none"!==s))return"";var l=i.separators,c=n[0],u=t.data.data,f=c.hierarchy,h=x.isHierarchyRoot(t),p=x.getParent(f,t),d=x.getValue(t);if(!a){var g,m=s.split("+"),v=function(t){return-1!==m.indexOf(t)},y=[];if(v("label")&&u.label&&y.push(u.label),u.hasOwnProperty("v")&&v("value")&&y.push(x.formatValue(u.v,l)),!h){v("current path")&&y.push(x.getPath(t.data));var b=0;v("percent parent")&&b++,v("percent entry")&&b++,v("percent root")&&b++;var _=b>1;if(b){var w,T=function(t){g=x.formatPercent(w,l),_&&(g+=" of "+t),y.push(g)};v("percent parent")&&!h&&(w=d/x.getValue(p),T("parent")),v("percent entry")&&(w=d/x.getValue(e),T("entry")),v("percent root")&&(w=d/x.getValue(f),T("root"))}}return v("text")&&(g=o.castOption(r,u.i,"text"),o.isValidTextValue(g)&&y.push(g)),y.join("
")}var k=o.castOption(r,u.i,"texttemplate");if(!k)return"";var M={};u.label&&(M.label=u.label),u.hasOwnProperty("v")&&(M.value=u.v,M.valueLabel=x.formatValue(u.v,l)),M.currentPath=x.getPath(t.data),h||(M.percentParent=d/x.getValue(p),M.percentParentLabel=x.formatPercent(M.percentParent,l),M.parent=x.getPtLabel(p)),M.percentEntry=d/x.getValue(e),M.percentEntryLabel=x.formatPercent(M.percentEntry,l),M.entry=x.getPtLabel(e),M.percentRoot=d/x.getValue(f),M.percentRootLabel=x.formatPercent(M.percentRoot,l),M.root=x.getPtLabel(f),u.hasOwnProperty("color")&&(M.color=u.color);var A=o.castOption(r,u.i,"text");return(o.isValidTextValue(A)||""===A)&&(M.text=A),M.customdata=o.castOption(r,u.i,"customdata"),o.texttemplateString(k,M,i._d3locale,M,r._meta||{})}},{"../../components/drawing":665,"../../lib":778,"../../lib/svg_text_utils":803,"../bar/style":935,"../bar/uniform_text":937,"../pie/helpers":1166,"../pie/plot":1170,"./constants":1302,"./fx":1304,"./helpers":1305,"./style":1310,d3:169,"d3-hierarchy":161}],1310:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/color"),a=t("../../lib"),o=t("../bar/uniform_text").resizeText;function s(t,e,r){var n=e.data.data,o=!e.children,s=n.i,l=a.castOption(r,s,"marker.line.color")||i.defaultLine,c=a.castOption(r,s,"marker.line.width")||0;t.style("stroke-width",c).call(i.fill,n.color).call(i.stroke,l).style("opacity",o?r.leaf.opacity:null)}e.exports={style:function(t){var e=t._fullLayout._sunburstlayer.selectAll(".trace");o(t,e,"sunburst"),e.each((function(t){var e=n.select(this),r=t[0].trace;e.style("opacity",r.opacity),e.selectAll("path.surface").each((function(t){n.select(this).call(s,t,r)}))}))},styleOne:s}},{"../../components/color":643,"../../lib":778,"../bar/uniform_text":937,d3:169}],1311:[function(t,e,r){"use strict";var n=t("../../components/color"),i=t("../../components/colorscale/attributes"),a=t("../../plots/template_attributes").hovertemplateAttrs,o=t("../../plots/attributes"),s=t("../../lib/extend").extendFlat,l=t("../../plot_api/edit_types").overrideAll;function c(t){return{show:{valType:"boolean",dflt:!1},start:{valType:"number",dflt:null,editType:"plot"},end:{valType:"number",dflt:null,editType:"plot"},size:{valType:"number",dflt:null,min:0,editType:"plot"},project:{x:{valType:"boolean",dflt:!1},y:{valType:"boolean",dflt:!1},z:{valType:"boolean",dflt:!1}},color:{valType:"color",dflt:n.defaultLine},usecolormap:{valType:"boolean",dflt:!1},width:{valType:"number",min:1,max:16,dflt:2},highlight:{valType:"boolean",dflt:!0},highlightcolor:{valType:"color",dflt:n.defaultLine},highlightwidth:{valType:"number",min:1,max:16,dflt:2}}}var u=e.exports=l(s({z:{valType:"data_array"},x:{valType:"data_array"},y:{valType:"data_array"},text:{valType:"string",dflt:"",arrayOk:!0},hovertext:{valType:"string",dflt:"",arrayOk:!0},hovertemplate:a(),connectgaps:{valType:"boolean",dflt:!1,editType:"calc"},surfacecolor:{valType:"data_array"}},i("",{colorAttr:"z or surfacecolor",showScaleDflt:!0,autoColorDflt:!1,editTypeOverride:"calc"}),{contours:{x:c(),y:c(),z:c()},hidesurface:{valType:"boolean",dflt:!1},lightposition:{x:{valType:"number",min:-1e5,max:1e5,dflt:10},y:{valType:"number",min:-1e5,max:1e5,dflt:1e4},z:{valType:"number",min:-1e5,max:1e5,dflt:0}},lighting:{ambient:{valType:"number",min:0,max:1,dflt:.8},diffuse:{valType:"number",min:0,max:1,dflt:.8},specular:{valType:"number",min:0,max:2,dflt:.05},roughness:{valType:"number",min:0,max:1,dflt:.5},fresnel:{valType:"number",min:0,max:5,dflt:.2}},opacity:{valType:"number",min:0,max:1,dflt:1},opacityscale:{valType:"any",editType:"calc"},_deprecated:{zauto:s({},i.zauto,{}),zmin:s({},i.zmin,{}),zmax:s({},i.zmax,{})},hoverinfo:s({},o.hoverinfo),showlegend:s({},o.showlegend,{dflt:!1})}),"calc","nested");u.x.editType=u.y.editType=u.z.editType="calc+clearAxisTypes",u.transforms=void 0},{"../../components/color":643,"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plot_api/edit_types":810,"../../plots/attributes":824,"../../plots/template_attributes":906}],1312:[function(t,e,r){"use strict";var n=t("../../components/colorscale/calc");e.exports=function(t,e){e.surfacecolor?n(t,e,{vals:e.surfacecolor,containerStr:"",cLetter:"c"}):n(t,e,{vals:e.z,containerStr:"",cLetter:"c"})}},{"../../components/colorscale/calc":651}],1313:[function(t,e,r){"use strict";var n=t("gl-surface3d"),i=t("ndarray"),a=t("ndarray-linear-interpolate").d2,o=t("../heatmap/interp2d"),s=t("../heatmap/find_empties"),l=t("../../lib").isArrayOrTypedArray,c=t("../../lib/gl_format_color").parseColorScale,u=t("../../lib/str2rgbarray"),f=t("../../components/colorscale").extractOpts;function h(t,e,r){this.scene=t,this.uid=r,this.surface=e,this.data=null,this.showContour=[!1,!1,!1],this.contourStart=[null,null,null],this.contourEnd=[null,null,null],this.contourSize=[0,0,0],this.minValues=[1/0,1/0,1/0],this.maxValues=[-1/0,-1/0,-1/0],this.dataScaleX=1,this.dataScaleY=1,this.refineData=!0,this.objectOffset=[0,0,0]}var p=h.prototype;p.getXat=function(t,e,r,n){var i=l(this.data.x)?l(this.data.x[0])?this.data.x[e][t]:this.data.x[t]:t;return void 0===r?i:n.d2l(i,0,r)},p.getYat=function(t,e,r,n){var i=l(this.data.y)?l(this.data.y[0])?this.data.y[e][t]:this.data.y[e]:e;return void 0===r?i:n.d2l(i,0,r)},p.getZat=function(t,e,r,n){var i=this.data.z[e][t];return null===i&&this.data.connectgaps&&this.data._interpolatedZ&&(i=this.data._interpolatedZ[e][t]),void 0===r?i:n.d2l(i,0,r)},p.handlePick=function(t){if(t.object===this.surface){var e=(t.data.index[0]-1)/this.dataScaleX-1,r=(t.data.index[1]-1)/this.dataScaleY-1,n=Math.max(Math.min(Math.round(e),this.data.z[0].length-1),0),i=Math.max(Math.min(Math.round(r),this.data._ylength-1),0);t.index=[n,i],t.traceCoordinate=[this.getXat(n,i),this.getYat(n,i),this.getZat(n,i)],t.dataCoordinate=[this.getXat(n,i,this.data.xcalendar,this.scene.fullSceneLayout.xaxis),this.getYat(n,i,this.data.ycalendar,this.scene.fullSceneLayout.yaxis),this.getZat(n,i,this.data.zcalendar,this.scene.fullSceneLayout.zaxis)];for(var a=0;a<3;a++){var o=t.dataCoordinate[a];null!=o&&(t.dataCoordinate[a]*=this.scene.dataScale[a])}var s=this.data.hovertext||this.data.text;return Array.isArray(s)&&s[i]&&void 0!==s[i][n]?t.textLabel=s[i][n]:t.textLabel=s||"",t.data.dataCoordinate=t.dataCoordinate.slice(),this.surface.highlight(t.data),this.scene.glplot.spikes.position=t.dataCoordinate,!0}};var d=[2,3,5,7,11,13,17,19,23,29,31,37,41,43,47,53,59,61,67,71,73,79,83,89,97,101,103,107,109,113,127,131,137,139,149,151,157,163,167,173,179,181,191,193,197,199,211,223,227,229,233,239,241,251,257,263,269,271,277,281,283,293,307,311,313,317,331,337,347,349,353,359,367,373,379,383,389,397,401,409,419,421,431,433,439,443,449,457,461,463,467,479,487,491,499,503,509,521,523,541,547,557,563,569,571,577,587,593,599,601,607,613,617,619,631,641,643,647,653,659,661,673,677,683,691,701,709,719,727,733,739,743,751,757,761,769,773,787,797,809,811,821,823,827,829,839,853,857,859,863,877,881,883,887,907,911,919,929,937,941,947,953,967,971,977,983,991,997,1009,1013,1019,1021,1031,1033,1039,1049,1051,1061,1063,1069,1087,1091,1093,1097,1103,1109,1117,1123,1129,1151,1153,1163,1171,1181,1187,1193,1201,1213,1217,1223,1229,1231,1237,1249,1259,1277,1279,1283,1289,1291,1297,1301,1303,1307,1319,1321,1327,1361,1367,1373,1381,1399,1409,1423,1427,1429,1433,1439,1447,1451,1453,1459,1471,1481,1483,1487,1489,1493,1499,1511,1523,1531,1543,1549,1553,1559,1567,1571,1579,1583,1597,1601,1607,1609,1613,1619,1621,1627,1637,1657,1663,1667,1669,1693,1697,1699,1709,1721,1723,1733,1741,1747,1753,1759,1777,1783,1787,1789,1801,1811,1823,1831,1847,1861,1867,1871,1873,1877,1879,1889,1901,1907,1913,1931,1933,1949,1951,1973,1979,1987,1993,1997,1999,2003,2011,2017,2027,2029,2039,2053,2063,2069,2081,2083,2087,2089,2099,2111,2113,2129,2131,2137,2141,2143,2153,2161,2179,2203,2207,2213,2221,2237,2239,2243,2251,2267,2269,2273,2281,2287,2293,2297,2309,2311,2333,2339,2341,2347,2351,2357,2371,2377,2381,2383,2389,2393,2399,2411,2417,2423,2437,2441,2447,2459,2467,2473,2477,2503,2521,2531,2539,2543,2549,2551,2557,2579,2591,2593,2609,2617,2621,2633,2647,2657,2659,2663,2671,2677,2683,2687,2689,2693,2699,2707,2711,2713,2719,2729,2731,2741,2749,2753,2767,2777,2789,2791,2797,2801,2803,2819,2833,2837,2843,2851,2857,2861,2879,2887,2897,2903,2909,2917,2927,2939,2953,2957,2963,2969,2971,2999];function g(t,e){if(t0){r=d[n];break}return r}function y(t,e){if(!(t<1||e<1)){for(var r=m(t),n=m(e),i=1,a=0;a_;)r--,r/=v(r),++r1?n:1},p.refineCoords=function(t){for(var e=this.dataScaleX,r=this.dataScaleY,n=t[0].shape[0],a=t[0].shape[1],o=0|Math.floor(t[0].shape[0]*e+1),s=0|Math.floor(t[0].shape[1]*r+1),l=1+n+1,c=1+a+1,u=i(new Float32Array(l*c),[l,c]),f=[1/e,0,0,0,1/r,0,0,0,1],h=0;h0&&null!==this.contourStart[t]&&null!==this.contourEnd[t]&&this.contourEnd[t]>this.contourStart[t]))for(i[t]=!0,e=this.contourStart[t];ea&&(this.minValues[e]=a),this.maxValues[e]",maxDimensionCount:60,overdrag:45,releaseTransitionDuration:120,releaseTransitionEase:"cubic-out",scrollbarCaptureWidth:18,scrollbarHideDelay:1e3,scrollbarHideDuration:1e3,scrollbarOffset:5,scrollbarWidth:8,transitionDuration:100,transitionEase:"cubic-out",uplift:5,wrapSpacer:" ",wrapSplitCharacter:" ",cn:{table:"table",tableControlView:"table-control-view",scrollBackground:"scroll-background",yColumn:"y-column",columnBlock:"column-block",scrollAreaClip:"scroll-area-clip",scrollAreaClipRect:"scroll-area-clip-rect",columnBoundary:"column-boundary",columnBoundaryClippath:"column-boundary-clippath",columnBoundaryRect:"column-boundary-rect",columnCells:"column-cells",columnCell:"column-cell",cellRect:"cell-rect",cellText:"cell-text",cellTextHolder:"cell-text-holder",scrollbarKit:"scrollbar-kit",scrollbar:"scrollbar",scrollbarSlider:"scrollbar-slider",scrollbarGlyph:"scrollbar-glyph",scrollbarCaptureZone:"scrollbar-capture-zone"}}},{}],1320:[function(t,e,r){"use strict";var n=t("./constants"),i=t("../../lib/extend").extendFlat,a=t("fast-isnumeric");function o(t){if(Array.isArray(t)){for(var e=0,r=0;r=e||c===t.length-1)&&(n[i]=o,o.key=l++,o.firstRowIndex=s,o.lastRowIndex=c,o={firstRowIndex:null,lastRowIndex:null,rows:[]},i+=a,s=c+1,a=0);return n}e.exports=function(t,e){var r=l(e.cells.values),p=function(t){return t.slice(e.header.values.length,t.length)},d=l(e.header.values);d.length&&!d[0].length&&(d[0]=[""],d=l(d));var g=d.concat(p(r).map((function(){return c((d[0]||[""]).length)}))),m=e.domain,v=Math.floor(t._fullLayout._size.w*(m.x[1]-m.x[0])),y=Math.floor(t._fullLayout._size.h*(m.y[1]-m.y[0])),x=e.header.values.length?g[0].map((function(){return e.header.height})):[n.emptyHeaderHeight],b=r.length?r[0].map((function(){return e.cells.height})):[],_=x.reduce(s,0),w=h(b,y-_+n.uplift),T=f(h(x,_),[]),k=f(w,T),M={},A=e._fullInput.columnorder.concat(p(r.map((function(t,e){return e})))),S=g.map((function(t,r){var n=Array.isArray(e.columnwidth)?e.columnwidth[Math.min(r,e.columnwidth.length-1)]:e.columnwidth;return a(n)?Number(n):1})),E=S.reduce(s,0);S=S.map((function(t){return t/E*v}));var C=Math.max(o(e.header.line.width),o(e.cells.line.width)),L={key:e.uid+t._context.staticPlot,translateX:m.x[0]*t._fullLayout._size.w,translateY:t._fullLayout._size.h*(1-m.y[1]),size:t._fullLayout._size,width:v,maxLineWidth:C,height:y,columnOrder:A,groupHeight:y,rowBlocks:k,headerRowBlocks:T,scrollY:0,cells:i({},e.cells,{values:r}),headerCells:i({},e.header,{values:g}),gdColumns:g.map((function(t){return t[0]})),gdColumnsOriginalOrder:g.map((function(t){return t[0]})),prevPages:[0,0],scrollbarState:{scrollbarScrollInProgress:!1},columns:g.map((function(t,e){var r=M[t];return M[t]=(r||0)+1,{key:t+"__"+M[t],label:t,specIndex:e,xIndex:A[e],xScale:u,x:void 0,calcdata:void 0,columnWidth:S[e]}}))};return L.columns.forEach((function(t){t.calcdata=L,t.x=u(t)})),L}},{"../../lib/extend":768,"./constants":1319,"fast-isnumeric":241}],1321:[function(t,e,r){"use strict";var n=t("../../lib/extend").extendFlat;r.splitToPanels=function(t){var e=[0,0],r=n({},t,{key:"header",type:"header",page:0,prevPages:e,currentRepaint:[null,null],dragHandle:!0,values:t.calcdata.headerCells.values[t.specIndex],rowBlocks:t.calcdata.headerRowBlocks,calcdata:n({},t.calcdata,{cells:t.calcdata.headerCells})});return[n({},t,{key:"cells1",type:"cells",page:0,prevPages:e,currentRepaint:[null,null],dragHandle:!1,values:t.calcdata.cells.values[t.specIndex],rowBlocks:t.calcdata.rowBlocks}),n({},t,{key:"cells2",type:"cells",page:1,prevPages:e,currentRepaint:[null,null],dragHandle:!1,values:t.calcdata.cells.values[t.specIndex],rowBlocks:t.calcdata.rowBlocks}),r]},r.splitToCells=function(t){var e=function(t){var e=t.rowBlocks[t.page],r=e?e.rows[0].rowIndex:0,n=e?r+e.rows.length:0;return[r,n]}(t);return(t.values||[]).slice(e[0],e[1]).map((function(r,n){return{keyWithinBlock:n+("string"==typeof r&&r.match(/[<$&> ]/)?"_keybuster_"+Math.random():""),key:e[0]+n,column:t,calcdata:t.calcdata,page:t.page,rowBlocks:t.rowBlocks,value:r}}))}},{"../../lib/extend":768}],1322:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes"),a=t("../../plots/domain").defaults;e.exports=function(t,e,r,o){function s(r,a){return n.coerce(t,e,i,r,a)}a(e,o,s),s("columnwidth"),s("header.values"),s("header.format"),s("header.align"),s("header.prefix"),s("header.suffix"),s("header.height"),s("header.line.width"),s("header.line.color"),s("header.fill.color"),n.coerceFont(s,"header.font",n.extendFlat({},o.font)),function(t,e){for(var r=t.columnorder||[],n=t.header.values.length,i=r.slice(0,n),a=i.slice().sort((function(t,e){return t-e})),o=i.map((function(t){return a.indexOf(t)})),s=o.length;s/i),l=!o||s;t.mayHaveMarkup=o&&a.match(/[<&>]/);var c,u="string"==typeof(c=a)&&c.match(n.latexCheck);t.latex=u;var f,h,p=u?"":w(t.calcdata.cells.prefix,e,r)||"",d=u?"":w(t.calcdata.cells.suffix,e,r)||"",g=u?null:w(t.calcdata.cells.format,e,r)||null,m=p+(g?i.format(g)(t.value):t.value)+d;if(t.wrappingNeeded=!t.wrapped&&!l&&!u&&(f=_(m)),t.cellHeightMayIncrease=s||u||t.mayHaveMarkup||(void 0===f?_(m):f),t.needsConvertToTspans=t.mayHaveMarkup||t.wrappingNeeded||t.latex,t.wrappingNeeded){var v=(" "===n.wrapSplitCharacter?m.replace(/i&&n.push(a),i+=l}return n}(i,l,s);1===u.length&&(u[0]===i.length-1?u.unshift(u[0]-1):u.push(u[0]+1)),u[0]%2&&u.reverse(),e.each((function(t,e){t.page=u[e],t.scrollY=l})),e.attr("transform",(function(t){var e=O(t.rowBlocks,t.page)-t.scrollY;return c(0,e)})),t&&(C(t,r,e,u,n.prevPages,n,0),C(t,r,e,u,n.prevPages,n,1),y(r,t))}}function E(t,e,r,a){return function(o){var s=o.calcdata?o.calcdata:o,l=e.filter((function(t){return s.key===t.key})),c=r||s.scrollbarState.dragMultiplier,u=s.scrollY;s.scrollY=void 0===a?s.scrollY+c*i.event.dy:a;var f=l.selectAll("."+n.cn.yColumn).selectAll("."+n.cn.columnBlock).filter(k);return S(t,f,l),s.scrollY===u}}function C(t,e,r,n,i,a,o){n[o]!==i[o]&&(clearTimeout(a.currentRepaint[o]),a.currentRepaint[o]=setTimeout((function(){var a=r.filter((function(t,e){return e===o&&n[e]!==i[e]}));x(t,e,a,r),i[o]=n[o]})))}function L(t,e,r,a){return function(){var o=i.select(e.parentNode);o.each((function(t){var e=t.fragments;o.selectAll("tspan.line").each((function(t,r){e[r].width=this.getComputedTextLength()}));var r,i,a=e[e.length-1].width,s=e.slice(0,-1),l=[],c=0,u=t.column.columnWidth-2*n.cellPad;for(t.value="";s.length;)c+(i=(r=s.shift()).width+a)>u&&(t.value+=l.join(n.wrapSpacer)+n.lineBreaker,l=[],c=0),l.push(r.text),c+=i;c&&(t.value+=l.join(n.wrapSpacer)),t.wrapped=!0})),o.selectAll("tspan.line").remove(),b(o.select("."+n.cn.cellText),r,t,a),i.select(e.parentNode.parentNode).call(z)}}function I(t,e,r,a,o){return function(){if(!o.settledY){var s=i.select(e.parentNode),l=F(o),u=o.key-l.firstRowIndex,f=l.rows[u].rowHeight,h=o.cellHeightMayIncrease?e.parentNode.getBoundingClientRect().height+2*n.cellPad:f,p=Math.max(h,f);p-l.rows[u].rowHeight&&(l.rows[u].rowHeight=p,t.selectAll("."+n.cn.columnCell).call(z),S(null,t.filter(k),0),y(r,a,!0)),s.attr("transform",(function(){var t=this.parentNode.getBoundingClientRect(),e=i.select(this.parentNode).select("."+n.cn.cellRect).node().getBoundingClientRect(),r=this.transform.baseVal.consolidate(),a=e.top-t.top+(r?r.matrix.f:n.cellPad);return c(P(o,i.select(this.parentNode).select("."+n.cn.cellTextHolder).node().getBoundingClientRect().width),a)})),o.settledY=!0}}}function P(t,e){switch(t.align){case"left":return n.cellPad;case"right":return t.column.columnWidth-(e||0)-n.cellPad;case"center":return(t.column.columnWidth-(e||0))/2;default:return n.cellPad}}function z(t){t.attr("transform",(function(t){var e=t.rowBlocks[0].auxiliaryBlocks.reduce((function(t,e){return t+D(e,1/0)}),0),r=D(F(t),t.key);return c(0,r+e)})).selectAll("."+n.cn.cellRect).attr("height",(function(t){return(e=F(t),r=t.key,e.rows[r-e.firstRowIndex]).rowHeight;var e,r}))}function O(t,e){for(var r=0,n=e-1;n>=0;n--)r+=R(t[n]);return r}function D(t,e){for(var r=0,n=0;n","<","|","/","\\"],dflt:">",editType:"plot"},thickness:{valType:"number",min:12,editType:"plot"},textfont:u({},s.textfont,{}),editType:"calc"},text:s.text,textinfo:l.textinfo,texttemplate:i({editType:"plot"},{keys:c.eventDataKeys.concat(["label","value"])}),hovertext:s.hovertext,hoverinfo:l.hoverinfo,hovertemplate:n({},{keys:c.eventDataKeys}),textfont:s.textfont,insidetextfont:s.insidetextfont,outsidetextfont:u({},s.outsidetextfont,{}),textposition:{valType:"enumerated",values:["top left","top center","top right","middle left","middle center","middle right","bottom left","bottom center","bottom right"],dflt:"top left",editType:"plot"},sort:s.sort,root:l.root,domain:o({name:"treemap",trace:!0,editType:"calc"})}},{"../../components/colorscale/attributes":650,"../../lib/extend":768,"../../plots/domain":855,"../../plots/template_attributes":906,"../pie/attributes":1161,"../sunburst/attributes":1299,"./constants":1328}],1326:[function(t,e,r){"use strict";var n=t("../../plots/plots");r.name="treemap",r.plot=function(t,e,i,a){n.plotBasePlot(r.name,t,e,i,a)},r.clean=function(t,e,i,a){n.cleanBasePlot(r.name,t,e,i,a)}},{"../../plots/plots":891}],1327:[function(t,e,r){"use strict";var n=t("../sunburst/calc");r.calc=function(t,e){return n.calc(t,e)},r.crossTraceCalc=function(t){return n._runCrossTraceCalc("treemap",t)}},{"../sunburst/calc":1301}],1328:[function(t,e,r){"use strict";e.exports={CLICK_TRANSITION_TIME:750,CLICK_TRANSITION_EASING:"poly",eventDataKeys:["currentPath","root","entry","percentRoot","percentEntry","percentParent"],gapWithPathbar:1}},{}],1329:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./attributes"),a=t("../../components/color"),o=t("../../plots/domain").defaults,s=t("../bar/defaults").handleText,l=t("../bar/constants").TEXTPAD,c=t("../../components/colorscale"),u=c.hasColorscale,f=c.handleDefaults;e.exports=function(t,e,r,c){function h(r,a){return n.coerce(t,e,i,r,a)}var p=h("labels"),d=h("parents");if(p&&p.length&&d&&d.length){var g=h("values");g&&g.length?h("branchvalues"):h("count"),h("level"),h("maxdepth"),"squarify"===h("tiling.packing")&&h("tiling.squarifyratio"),h("tiling.flip"),h("tiling.pad");var m=h("text");h("texttemplate"),e.texttemplate||h("textinfo",Array.isArray(m)?"text+label":"label"),h("hovertext"),h("hovertemplate");var v=h("pathbar.visible");s(t,e,c,h,"auto",{hasPathbar:v,moduleHasSelected:!1,moduleHasUnselected:!1,moduleHasConstrain:!1,moduleHasCliponaxis:!1,moduleHasTextangle:!1,moduleHasInsideanchor:!1}),h("textposition");var y=-1!==e.textposition.indexOf("bottom");h("marker.line.width")&&h("marker.line.color",c.paper_bgcolor);var x=h("marker.colors"),b=e._hasColorscale=u(t,"marker","colors")||(t.marker||{}).coloraxis;b?f(t,e,c,h,{prefix:"marker.",cLetter:"c"}):h("marker.depthfade",!(x||[]).length);var _=2*e.textfont.size;h("marker.pad.t",y?_/4:_),h("marker.pad.l",_/4),h("marker.pad.r",_/4),h("marker.pad.b",y?_:_/4),b&&f(t,e,c,h,{prefix:"marker.",cLetter:"c"}),e._hovered={marker:{line:{width:2,color:a.contrast(c.paper_bgcolor)}}},v&&(h("pathbar.thickness",e.pathbar.textfont.size+2*l),h("pathbar.side"),h("pathbar.edgeshape")),h("sort"),h("root.color"),o(e,c,h),e._length=null}else e.visible=!1}},{"../../components/color":643,"../../components/colorscale":655,"../../lib":778,"../../plots/domain":855,"../bar/constants":923,"../bar/defaults":925,"./attributes":1325}],1330:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../components/drawing"),o=t("../../lib/svg_text_utils"),s=t("./partition"),l=t("./style").styleOne,c=t("./constants"),u=t("../sunburst/helpers"),f=t("../sunburst/fx");e.exports=function(t,e,r,h,p){var d=p.barDifY,g=p.width,m=p.height,v=p.viewX,y=p.viewY,x=p.pathSlice,b=p.toMoveInsideSlice,_=p.strTransform,w=p.hasTransition,T=p.handleSlicesExit,k=p.makeUpdateSliceInterpolator,M=p.makeUpdateTextInterpolator,A={},S=t._fullLayout,E=e[0],C=E.trace,L=E.hierarchy,I=g/C._entryDepth,P=u.listPath(r.data,"id"),z=s(L.copy(),[g,m],{packing:"dice",pad:{inner:0,top:0,left:0,right:0,bottom:0}}).descendants();(z=z.filter((function(t){var e=P.indexOf(t.data.id);return-1!==e&&(t.x0=I*e,t.x1=I*(e+1),t.y0=d,t.y1=d+m,t.onPathbar=!0,!0)}))).reverse(),(h=h.data(z,u.getPtId)).enter().append("g").classed("pathbar",!0),T(h,!0,A,[g,m],x),h.order();var O=h;w&&(O=O.transition().each("end",(function(){var e=n.select(this);u.setSliceCursor(e,t,{hideOnRoot:!1,hideOnLeaves:!1,isTransitioning:!1})}))),O.each((function(s){s._hoverX=v(s.x1-Math.min(g,m)/2),s._hoverY=y(s.y1-m/2);var h=n.select(this),p=i.ensureSingle(h,"path","surface",(function(t){t.style("pointer-events","all")}));w?p.transition().attrTween("d",(function(t){var e=k(t,!0,A,[g,m]);return function(t){return x(e(t))}})):p.attr("d",x),h.call(f,r,t,e,{styleOne:l,eventDataKeys:c.eventDataKeys,transitionTime:c.CLICK_TRANSITION_TIME,transitionEasing:c.CLICK_TRANSITION_EASING}).call(u.setSliceCursor,t,{hideOnRoot:!1,hideOnLeaves:!1,isTransitioning:t._transitioning}),p.call(l,s,C,{hovered:!1}),s._text=(u.getPtLabel(s)||"").split("
").join(" ")||"";var d=i.ensureSingle(h,"g","slicetext"),T=i.ensureSingle(d,"text","",(function(t){t.attr("data-notex",1)})),E=i.ensureUniformFontSize(t,u.determineTextFont(C,s,S.font,{onPathbar:!0}));T.text(s._text||" ").classed("slicetext",!0).attr("text-anchor","start").call(a.font,E).call(o.convertToTspans,t),s.textBB=a.bBox(T.node()),s.transform=b(s,{fontSize:E.size,onPathbar:!0}),s.transform.fontSize=E.size,w?T.transition().attrTween("transform",(function(t){var e=M(t,!0,A,[g,m]);return function(t){return _(e(t))}})):T.attr("transform",_(s))}))}},{"../../components/drawing":665,"../../lib":778,"../../lib/svg_text_utils":803,"../sunburst/fx":1304,"../sunburst/helpers":1305,"./constants":1328,"./partition":1335,"./style":1337,d3:169}],1331:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../components/drawing"),o=t("../../lib/svg_text_utils"),s=t("./partition"),l=t("./style").styleOne,c=t("./constants"),u=t("../sunburst/helpers"),f=t("../sunburst/fx"),h=t("../sunburst/plot").formatSliceLabel;e.exports=function(t,e,r,p,d){var g=d.width,m=d.height,v=d.viewX,y=d.viewY,x=d.pathSlice,b=d.toMoveInsideSlice,_=d.strTransform,w=d.hasTransition,T=d.handleSlicesExit,k=d.makeUpdateSliceInterpolator,M=d.makeUpdateTextInterpolator,A=d.prevEntry,S=t._fullLayout,E=e[0].trace,C=-1!==E.textposition.indexOf("left"),L=-1!==E.textposition.indexOf("right"),I=-1!==E.textposition.indexOf("bottom"),P=!I&&!E.marker.pad.t||I&&!E.marker.pad.b,z=s(r,[g,m],{packing:E.tiling.packing,squarifyratio:E.tiling.squarifyratio,flipX:E.tiling.flip.indexOf("x")>-1,flipY:E.tiling.flip.indexOf("y")>-1,pad:{inner:E.tiling.pad,top:E.marker.pad.t,left:E.marker.pad.l,right:E.marker.pad.r,bottom:E.marker.pad.b}}).descendants(),O=1/0,D=-1/0;z.forEach((function(t){var e=t.depth;e>=E._maxDepth?(t.x0=t.x1=(t.x0+t.x1)/2,t.y0=t.y1=(t.y0+t.y1)/2):(O=Math.min(O,e),D=Math.max(D,e))})),p=p.data(z,u.getPtId),E._maxVisibleLayers=isFinite(D)?D-O+1:0,p.enter().append("g").classed("slice",!0),T(p,!1,{},[g,m],x),p.order();var R=null;if(w&&A){var F=u.getPtId(A);p.each((function(t){null===R&&u.getPtId(t)===F&&(R={x0:t.x0,x1:t.x1,y0:t.y0,y1:t.y1})}))}var B=function(){return R||{x0:0,x1:g,y0:0,y1:m}},N=p;return w&&(N=N.transition().each("end",(function(){var e=n.select(this);u.setSliceCursor(e,t,{hideOnRoot:!0,hideOnLeaves:!1,isTransitioning:!1})}))),N.each((function(s){var p=u.isHeader(s,E);s._hoverX=v(s.x1-E.marker.pad.r),s._hoverY=y(I?s.y1-E.marker.pad.b/2:s.y0+E.marker.pad.t/2);var d=n.select(this),T=i.ensureSingle(d,"path","surface",(function(t){t.style("pointer-events","all")}));w?T.transition().attrTween("d",(function(t){var e=k(t,!1,B(),[g,m]);return function(t){return x(e(t))}})):T.attr("d",x),d.call(f,r,t,e,{styleOne:l,eventDataKeys:c.eventDataKeys,transitionTime:c.CLICK_TRANSITION_TIME,transitionEasing:c.CLICK_TRANSITION_EASING}).call(u.setSliceCursor,t,{isTransitioning:t._transitioning}),T.call(l,s,E,{hovered:!1}),s.x0===s.x1||s.y0===s.y1?s._text="":s._text=p?P?"":u.getPtLabel(s)||"":h(s,r,E,e,S)||"";var A=i.ensureSingle(d,"g","slicetext"),z=i.ensureSingle(A,"text","",(function(t){t.attr("data-notex",1)})),O=i.ensureUniformFontSize(t,u.determineTextFont(E,s,S.font));z.text(s._text||" ").classed("slicetext",!0).attr("text-anchor",L?"end":C||p?"start":"middle").call(a.font,O).call(o.convertToTspans,t),s.textBB=a.bBox(z.node()),s.transform=b(s,{fontSize:O.size,isHeader:p}),s.transform.fontSize=O.size,w?z.transition().attrTween("transform",(function(t){var e=M(t,!1,B(),[g,m]);return function(t){return _(e(t))}})):z.attr("transform",_(s))})),R}},{"../../components/drawing":665,"../../lib":778,"../../lib/svg_text_utils":803,"../sunburst/fx":1304,"../sunburst/helpers":1305,"../sunburst/plot":1309,"./constants":1328,"./partition":1335,"./style":1337,d3:169}],1332:[function(t,e,r){"use strict";e.exports={moduleType:"trace",name:"treemap",basePlotModule:t("./base_plot"),categories:[],animatable:!0,attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc").calc,crossTraceCalc:t("./calc").crossTraceCalc,plot:t("./plot"),style:t("./style").style,colorbar:t("../scatter/marker_colorbar"),meta:{}}},{"../scatter/marker_colorbar":1205,"./attributes":1325,"./base_plot":1326,"./calc":1327,"./defaults":1329,"./layout_attributes":1333,"./layout_defaults":1334,"./plot":1336,"./style":1337}],1333:[function(t,e,r){"use strict";e.exports={treemapcolorway:{valType:"colorlist",editType:"calc"},extendtreemapcolors:{valType:"boolean",dflt:!0,editType:"calc"}}},{}],1334:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e){function r(r,a){return n.coerce(t,e,i,r,a)}r("treemapcolorway",e.colorway),r("extendtreemapcolors")}},{"../../lib":778,"./layout_attributes":1333}],1335:[function(t,e,r){"use strict";var n=t("d3-hierarchy");e.exports=function(t,e,r){var i,a=r.flipX,o=r.flipY,s="dice-slice"===r.packing,l=r.pad[o?"bottom":"top"],c=r.pad[a?"right":"left"],u=r.pad[a?"left":"right"],f=r.pad[o?"top":"bottom"];s&&(i=c,c=l,l=i,i=u,u=f,f=i);var h=n.treemap().tile(function(t,e){switch(t){case"squarify":return n.treemapSquarify.ratio(e);case"binary":return n.treemapBinary;case"dice":return n.treemapDice;case"slice":return n.treemapSlice;default:return n.treemapSliceDice}}(r.packing,r.squarifyratio)).paddingInner(r.pad.inner).paddingLeft(c).paddingRight(u).paddingTop(l).paddingBottom(f).size(s?[e[1],e[0]]:e)(t);return(s||a||o)&&function t(e,r,n){var i;n.swapXY&&(i=e.x0,e.x0=e.y0,e.y0=i,i=e.x1,e.x1=e.y1,e.y1=i);n.flipX&&(i=e.x0,e.x0=r[0]-e.x1,e.x1=r[0]-i);n.flipY&&(i=e.y0,e.y0=r[1]-e.y1,e.y1=r[1]-i);var a=e.children;if(a)for(var o=0;o-1?E+I:-(L+I):0,z={x0:C,x1:C,y0:P,y1:P+L},O=function(t,e,r){var n=m.tiling.pad,i=function(t){return t-n<=e.x0},a=function(t){return t+n>=e.x1},o=function(t){return t-n<=e.y0},s=function(t){return t+n>=e.y1};return{x0:i(t.x0-n)?0:a(t.x0-n)?r[0]:t.x0,x1:i(t.x1+n)?0:a(t.x1+n)?r[0]:t.x1,y0:o(t.y0-n)?0:s(t.y0-n)?r[1]:t.y0,y1:o(t.y1+n)?0:s(t.y1+n)?r[1]:t.y1}},D=null,R={},F={},B=null,N=function(t,e){return e?R[g(t)]:F[g(t)]},j=function(t,e,r,n){if(e)return R[g(v)]||z;var i=F[m.level]||r;return function(t){return t.data.depth-y.data.depth=(n-=v.r-o)){var y=(r+n)/2;r=y,n=y}var x;h?i<(x=a-v.b)&&x"===Q?(l.x-=a,c.x-=a,u.x-=a,f.x-=a):"/"===Q?(u.x-=a,f.x-=a,o.x-=a/2,s.x-=a/2):"\\"===Q?(l.x-=a,c.x-=a,o.x-=a/2,s.x-=a/2):"<"===Q&&(o.x-=a,s.x-=a),K(l),K(f),K(o),K(c),K(u),K(s),"M"+Z(l.x,l.y)+"L"+Z(c.x,c.y)+"L"+Z(s.x,s.y)+"L"+Z(u.x,u.y)+"L"+Z(f.x,f.y)+"L"+Z(o.x,o.y)+"Z"},toMoveInsideSlice:$,makeUpdateSliceInterpolator:et,makeUpdateTextInterpolator:rt,handleSlicesExit:nt,hasTransition:T,strTransform:it}):b.remove()}e.exports=function(t,e,r,a){var o,s,l=t._fullLayout,c=l._treemaplayer,h=!r;(u("treemap",l),(o=c.selectAll("g.trace.treemap").data(e,(function(t){return t[0].trace.uid}))).enter().append("g").classed("trace",!0).classed("treemap",!0),o.order(),!l.uniformtext.mode&&i.hasTransition(r))?(a&&(s=a()),n.transition().duration(r.duration).ease(r.easing).each("end",(function(){s&&s()})).each("interrupt",(function(){s&&s()})).each((function(){c.selectAll("g.trace").each((function(e){m(t,e,this,r)}))}))):(o.each((function(e){m(t,e,this,r)})),l.uniformtext.mode&&f(t,l._treemaplayer.selectAll(".trace"),"treemap"));h&&o.exit().remove()}},{"../../lib":778,"../bar/constants":923,"../bar/plot":932,"../bar/style":935,"../bar/uniform_text":937,"../sunburst/helpers":1305,"./constants":1328,"./draw_ancestors":1330,"./draw_descendants":1331,d3:169}],1337:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../components/color"),a=t("../../lib"),o=t("../sunburst/helpers"),s=t("../bar/uniform_text").resizeText;function l(t,e,r,n){var s,l,c=(n||{}).hovered,u=e.data.data,f=u.i,h=u.color,p=o.isHierarchyRoot(e),d=1;if(c)s=r._hovered.marker.line.color,l=r._hovered.marker.line.width;else if(p&&h===r.root.color)d=100,s="rgba(0,0,0,0)",l=0;else if(s=a.castOption(r,f,"marker.line.color")||i.defaultLine,l=a.castOption(r,f,"marker.line.width")||0,!r._hasColorscale&&!e.onPathbar){var g=r.marker.depthfade;if(g){var m,v=i.combine(i.addOpacity(r._backgroundColor,.75),h);if(!0===g){var y=o.getMaxDepth(r);m=isFinite(y)?o.isLeaf(e)?0:r._maxVisibleLayers-(e.data.depth-r._entryDepth):e.data.height+1}else m=e.data.depth-r._entryDepth,r._atRootLevel||m++;if(m>0)for(var x=0;x0){var y,x,b,_,w,T=t.xa,k=t.ya;"h"===h.orientation?(w=e,y="y",b=k,x="x",_=T):(w=r,y="x",b=T,x="y",_=k);var M=f[t.index];if(w>=M.span[0]&&w<=M.span[1]){var A=n.extendFlat({},t),S=_.c2p(w,!0),E=o.getKdeValue(M,h,w),C=o.getPositionOnKdePath(M,h,S),L=b._offset,I=b._length;A[y+"0"]=C[0],A[y+"1"]=C[1],A[x+"0"]=A[x+"1"]=S,A[x+"Label"]=x+": "+i.hoverLabelText(_,w)+", "+f[0].t.labels.kde+" "+E.toFixed(3),A.spikeDistance=v[0].spikeDistance;var P=y+"Spike";A[P]=v[0][P],v[0].spikeDistance=void 0,v[0][P]=void 0,A.hovertemplate=!1,m.push(A),(u={stroke:t.color})[y+"1"]=n.constrain(L+C[0],L,L+I),u[y+"2"]=n.constrain(L+C[1],L,L+I),u[x+"1"]=u[x+"2"]=_._offset+S}}d&&(m=m.concat(v))}-1!==p.indexOf("points")&&(c=a.hoverOnPoints(t,e,r));var z=l.selectAll(".violinline-"+h.uid).data(u?[0]:[]);return z.enter().append("line").classed("violinline-"+h.uid,!0).attr("stroke-width",1.5),z.exit().remove(),z.attr(u),"closest"===s?c?[c]:m:c?(m.push(c),m):m}},{"../../lib":778,"../../plots/cartesian/axes":828,"../box/hover":951,"./helpers":1342}],1344:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults"),crossTraceDefaults:t("../box/defaults").crossTraceDefaults,supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc"),crossTraceCalc:t("./cross_trace_calc"),plot:t("./plot"),style:t("./style"),styleOnSelect:t("../scatter/style").styleOnSelect,hoverPoints:t("./hover"),selectPoints:t("../box/select"),moduleType:"trace",name:"violin",basePlotModule:t("../../plots/cartesian"),categories:["cartesian","svg","symbols","oriented","box-violin","showLegend","violinLayout","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"../box/defaults":949,"../box/select":956,"../scatter/style":1211,"./attributes":1338,"./calc":1339,"./cross_trace_calc":1340,"./defaults":1341,"./hover":1343,"./layout_attributes":1345,"./layout_defaults":1346,"./plot":1347,"./style":1348}],1345:[function(t,e,r){"use strict";var n=t("../box/layout_attributes"),i=t("../../lib").extendFlat;e.exports={violinmode:i({},n.boxmode,{}),violingap:i({},n.boxgap,{}),violingroupgap:i({},n.boxgroupgap,{})}},{"../../lib":778,"../box/layout_attributes":953}],1346:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes"),a=t("../box/layout_defaults");e.exports=function(t,e,r){a._supply(t,e,r,(function(r,a){return n.coerce(t,e,i,r,a)}),"violin")}},{"../../lib":778,"../box/layout_defaults":954,"./layout_attributes":1345}],1347:[function(t,e,r){"use strict";var n=t("d3"),i=t("../../lib"),a=t("../../components/drawing"),o=t("../box/plot"),s=t("../scatter/line_points"),l=t("./helpers");e.exports=function(t,e,r,c){var u=t._fullLayout,f=e.xaxis,h=e.yaxis;function p(t){var e=s(t,{xaxis:f,yaxis:h,connectGaps:!0,baseTolerance:.75,shape:"spline",simplify:!0,linearized:!0});return a.smoothopen(e[0],1)}i.makeTraceGroups(c,r,"trace violins").each((function(t){var r=n.select(this),a=t[0],s=a.t,c=a.trace;if(!0!==c.visible||s.empty)r.remove();else{var d=s.bPos,g=s.bdPos,m=e[s.valLetter+"axis"],v=e[s.posLetter+"axis"],y="both"===c.side,x=y||"positive"===c.side,b=y||"negative"===c.side,_=r.selectAll("path.violin").data(i.identity);_.enter().append("path").style("vector-effect","non-scaling-stroke").attr("class","violin"),_.exit().remove(),_.each((function(t){var e,r,i,a,o,l,f,h,_=n.select(this),w=t.density,T=w.length,k=v.c2l(t.pos+d,!0),M=v.l2p(k);if(c.width)e=s.maxKDE/g;else{var A=u._violinScaleGroupStats[c.scalegroup];e="count"===c.scalemode?A.maxKDE/g*(A.maxCount/t.pts.length):A.maxKDE/g}if(x){for(f=new Array(T),o=0;o")),c.color=function(t,e){var r=t[e.dir].marker,n=r.color,a=r.line.color,o=r.line.width;if(i(n))return n;if(i(a)&&o)return a}(f,d),[c]}function w(t){return n(p,t)}}},{"../../components/color":643,"../../constants/delta.js":747,"../../plots/cartesian/axes":828,"../bar/hover":928}],1360:[function(t,e,r){"use strict";e.exports={attributes:t("./attributes"),layoutAttributes:t("./layout_attributes"),supplyDefaults:t("./defaults").supplyDefaults,crossTraceDefaults:t("./defaults").crossTraceDefaults,supplyLayoutDefaults:t("./layout_defaults"),calc:t("./calc"),crossTraceCalc:t("./cross_trace_calc"),plot:t("./plot"),style:t("./style").style,hoverPoints:t("./hover"),eventData:t("./event_data"),selectPoints:t("../bar/select"),moduleType:"trace",name:"waterfall",basePlotModule:t("../../plots/cartesian"),categories:["bar-like","cartesian","svg","oriented","showLegend","zoomScale"],meta:{}}},{"../../plots/cartesian":841,"../bar/select":933,"./attributes":1353,"./calc":1354,"./cross_trace_calc":1356,"./defaults":1357,"./event_data":1358,"./hover":1359,"./layout_attributes":1361,"./layout_defaults":1362,"./plot":1363,"./style":1364}],1361:[function(t,e,r){"use strict";e.exports={waterfallmode:{valType:"enumerated",values:["group","overlay"],dflt:"group",editType:"calc"},waterfallgap:{valType:"number",min:0,max:1,editType:"calc"},waterfallgroupgap:{valType:"number",min:0,max:1,dflt:0,editType:"calc"}}},{}],1362:[function(t,e,r){"use strict";var n=t("../../lib"),i=t("./layout_attributes");e.exports=function(t,e,r){var a=!1;function o(r,a){return n.coerce(t,e,i,r,a)}for(var s=0;s0&&(m+=h?"M"+f[0]+","+d[1]+"V"+d[0]:"M"+f[1]+","+d[0]+"H"+f[0]),"between"!==p&&(r.isSum||s path").each((function(t){if(!t.isBlank){var e=s[t.dir].marker;n.select(this).call(a.fill,e.color).call(a.stroke,e.line.color).call(i.dashLine,e.line.dash,e.line.width).style("opacity",s.selectedpoints&&!t.selected?o:1)}})),c(r,s,t),r.selectAll(".lines").each((function(){var t=s.connector.line;i.lineGroupStyle(n.select(this).selectAll("path"),t.width,t.color,t.dash)}))}))}}},{"../../components/color":643,"../../components/drawing":665,"../../constants/interactions":752,"../bar/style":935,"../bar/uniform_text":937,d3:169}],1365:[function(t,e,r){"use strict";var n=t("../plots/cartesian/axes"),i=t("../lib"),a=t("../plot_api/plot_schema"),o=t("./helpers").pointsAccessorFunction,s=t("../constants/numerical").BADNUM;r.moduleType="transform",r.name="aggregate";var l=r.attributes={enabled:{valType:"boolean",dflt:!0,editType:"calc"},groups:{valType:"string",strict:!0,noBlank:!0,arrayOk:!0,dflt:"x",editType:"calc"},aggregations:{_isLinkedToArray:"aggregation",target:{valType:"string",editType:"calc"},func:{valType:"enumerated",values:["count","sum","avg","median","mode","rms","stddev","min","max","first","last","change","range"],dflt:"first",editType:"calc"},funcmode:{valType:"enumerated",values:["sample","population"],dflt:"sample",editType:"calc"},enabled:{valType:"boolean",dflt:!0,editType:"calc"},editType:"calc"},editType:"calc"},c=l.aggregations;function u(t,e,r,a){if(a.enabled){for(var o=a.target,l=i.nestedProperty(e,o),c=l.get(),u=function(t,e){var r=t.func,n=e.d2c,a=e.c2d;switch(r){case"count":return f;case"first":return h;case"last":return p;case"sum":return function(t,e){for(var r=0,i=0;ii&&(i=u,o=c)}}return i?a(o):s};case"rms":return function(t,e){for(var r=0,i=0,o=0;o":return function(t){return h(t)>s};case">=":return function(t){return h(t)>=s};case"[]":return function(t){var e=h(t);return e>=s[0]&&e<=s[1]};case"()":return function(t){var e=h(t);return e>s[0]&&e=s[0]&&es[0]&&e<=s[1]};case"][":return function(t){var e=h(t);return e<=s[0]||e>=s[1]};case")(":return function(t){var e=h(t);return es[1]};case"](":return function(t){var e=h(t);return e<=s[0]||e>s[1]};case")[":return function(t){var e=h(t);return e=s[1]};case"{}":return function(t){return-1!==s.indexOf(h(t))};case"}{":return function(t){return-1===s.indexOf(h(t))}}}(r,a.getDataToCoordFunc(t,e,s,i),h),x={},b={},_=0;d?(m=function(t){x[t.astr]=n.extendDeep([],t.get()),t.set(new Array(f))},v=function(t,e){var r=x[t.astr][e];t.get()[e]=r}):(m=function(t){x[t.astr]=n.extendDeep([],t.get()),t.set([])},v=function(t,e){var r=x[t.astr][e];t.get().push(r)}),k(m);for(var w=o(e.transforms,r),T=0;T1?"%{group} (%{trace})":"%{group}");var l=t.styles,c=o.styles=[];if(l)for(a=0;a
\ No newline at end of file diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/ml_vis05.png Binary file test-data/ml_vis05.png has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/model_fit01 Binary file test-data/model_fit01 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/model_fit02 Binary file test-data/model_fit02 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/model_fit02.h5 Binary file test-data/model_fit02.h5 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/model_pred01.tabular --- a/test-data/model_pred01.tabular Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/model_pred01.tabular Wed Aug 09 12:54:40 2023 +0000 @@ -1,262 +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 +69.6 +59.1 +77.5 +57.4 +51.8 +53.7 +52.4 +81.3 +36.5 +41.3 +46.5 +78.2 +69.6 +40.0 +80.4 +76.5 +52.6 +75.2 +53.7 +41.8 +50.4 +60.6 +72.0 +66.3 +48.4 +42.1 +67.2 +61.8 +67.4 +74.3 +60.0 +52.3 +56.6 +53.8 +46.2 +58.2 +65.5 +54.1 +40.3 +45.5 +67.1 +73.5 +46.6 +65.3 +66.4 +57.4 +60.1 +71.8 +74.8 +54.8 +68.1 +75.2 +58.9 +52.9 +75.4 +67.7 +64.3 +59.6 +61.4 +59.1 +53.2 +51.9 +52.0 +65.1 +66.0 +58.7 +62.0 +42.1 +69.4 +65.7 +42.4 +66.7 +67.8 +72.9 +64.8 +70.8 +61.5 +35.7 +74.3 +72.0 +73.8 +78.3 +56.8 +44.4 +84.5 +72.8 +58.5 +82.4 +69.1 +66.2 +41.6 +42.4 +66.1 +52.4 +70.6 +78.1 +70.8 +82.3 +70.5 +43.3 +63.0 +59.3 +68.4 +73.9 +64.5 +78.2 +55.5 +73.1 +61.8 +59.0 +49.2 +54.1 +63.5 +76.3 +79.4 +73.8 +61.1 +74.8 +70.7 +55.6 +45.6 +54.4 +57.5 +60.9 +74.4 +50.9 +66.3 +54.0 +52.8 +53.2 +75.4 +66.2 +69.9 +72.1 +82.0 +57.0 +75.5 +63.0 +73.2 +79.8 +73.6 +55.1 +64.6 +58.9 +85.0 +64.8 +54.2 +42.6 +66.1 +64.1 +42.9 +42.9 +52.5 +60.3 +52.4 +60.2 +78.7 +76.1 +57.8 +74.1 +78.4 +64.9 +70.1 +57.7 +50.5 +76.6 +61.6 +72.0 +69.7 +52.4 +50.3 +77.4 +53.2 +54.3 +62.0 +70.1 +65.7 +63.7 +62.9 +63.3 +62.4 +69.8 +79.7 +48.1 +55.5 +49.3 +70.9 +55.8 +49.1 +59.1 +72.0 +50.5 +75.6 +85.3 +75.2 +47.2 +72.1 +41.6 +49.2 +60.4 +75.2 +68.4 +55.1 +75.0 +76.2 +61.7 +83.3 +58.0 +43.4 +52.4 +56.4 +82.7 +50.3 +66.1 +63.9 +59.5 +67.6 +73.2 +50.0 +69.1 +60.1 +65.3 +43.6 +66.5 +54.5 +38.9 +72.1 +59.9 +52.4 +76.8 +74.3 +49.8 +70.6 +71.8 +58.2 +53.0 +74.7 +76.7 +55.4 +50.2 +68.3 +62.0 +76.4 +62.1 +64.5 +54.3 +73.9 +82.0 +80.0 +59.7 +70.4 +41.7 +79.9 +65.2 +45.7 +52.7 +74.3 +52.4 +77.2 +61.5 +60.6 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/mv_result03.tabular --- a/test-data/mv_result03.tabular Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/mv_result03.tabular Wed Aug 09 12:54:40 2023 +0000 @@ -1,6 +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 +20 0.9605798108391495 0.013105795110973342 0.6793566676714862 0.0542758786671521 +67 0.9747069603753047 0.004771330317769553 0.7992159150914689 0.039915706163261254 +114 0.973452438813126 0.003149742353770294 0.7990274054156885 0.04678801383406503 +161 0.9740816834566439 0.003602225449485708 0.8090624629465598 0.055518221301045424 +208 0.9735886594650832 0.002795792155754044 0.8124639568342318 0.049003565134966405 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/mv_result05.tabular --- a/test-data/mv_result05.tabular Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/mv_result05.tabular Wed Aug 09 12:54:40 2023 +0000 @@ -1,262 +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 +69.81 +61.35 +83.9 +65.02 +52.65 +52.98 +52.07 +77.35 +41.14 +42.74 +43.6 +75.52 +73.2 +39.02 +74.77 +72.29 +51.94 +75.38 +59.19 +41.46 +53.48 +59.42 +62.89 +61.84 +50.7 +41.44 +65.62 +62.8 +66.92 +71.85 +58.18 +52.35 +55.23 +53.09 +41.79 +59.87 +66.91 +52.78 +41.84 +48.58 +66.83 +74.34 +51.07 +68.61 +71.7 +56.09 +61.36 +72.82 +74.68 +54.08 +72.13 +74.44 +63.53 +53.48 +75.28 +67.92 +65.6 +60.06 +62.87 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 +55.09 +52.1 +51.31 +67.17 +60.6 +58.52 +59.42 +39.86 +73.74 +69.04 +44.29 +60.89 +62.17 +69.75 +62.33 72.62 -54.14 -68.12 -48.81 -50.11 -56.06 +68.17 +41.09 +73.53 +73.62 +71.88 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 +53.38 +44.12 +80.25 +73.34 +59.64 +77.4 +67.36 +62.6 +46.9 +38.04 +69.07 +48.53 +66.98 +74.16 +69.35 +72.89 +67.07 +44.14 +66.28 +63.51 +72.29 +73.48 +72.88 +77.9 +59.52 +63.5 +55.96 +63.46 +53.09 +61.4 +56.0 +68.21 +77.32 +77.43 +60.58 +69.71 +74.62 +54.38 +48.23 +53.22 +56.79 +55.28 +71.08 +54.91 +69.47 +49.27 +49.65 +52.86 +75.32 +65.0 +67.91 +72.15 +80.44 +52.54 +72.24 +65.5 +75.2 +81.07 +66.65 +55.5 +70.57 +59.21 +80.63 +63.39 +52.38 +40.69 +66.8 +59.82 +42.19 +43.73 +51.48 +63.04 +50.97 +61.42 +78.74 +76.58 +60.19 +76.9 +73.98 +60.55 +74.42 +59.99 +53.45 +78.84 +58.49 +72.79 +73.1 +54.81 +48.84 +79.51 +53.23 +55.51 +63.24 +69.39 +64.01 +67.14 +61.97 +64.0 +62.21 +77.38 +68.57 +48.58 +57.18 +52.33 +78.77 +58.54 +48.64 +58.41 +76.36 +55.65 +72.32 +81.74 +76.48 +52.03 +67.93 +45.46 +48.06 +64.08 +74.58 +73.99 +59.25 +73.54 +76.76 +63.13 +67.95 +57.25 +43.26 +54.5 +55.52 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 +52.74 +65.73 +68.86 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 +62.97 +73.17 +49.9 +71.64 +63.74 +68.66 +41.1 +62.83 +56.87 +37.04 +73.51 +62.51 +54.73 +74.51 +76.75 +42.69 +73.35 +71.27 +60.58 +54.09 +73.89 +73.13 +49.74 +53.41 +65.36 +59.22 +76.26 +60.09 +65.77 +53.07 +72.92 +72.2 +70.79 +59.05 +66.76 +41.56 +78.89 +74.69 +52.84 +51.14 +74.48 +53.3 +69.67 +63.96 +59.85 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/named_steps.txt --- a/test-data/named_steps.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/named_steps.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,6 +1,1 @@ -{'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 +{'robustscaler': RobustScaler(), 'selectkbest': SelectKBest(), 'svr': SVR(C=1, kernel='linear')} \ No newline at end of file diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/nn_model01 Binary file test-data/nn_model01 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/nn_model02 Binary file test-data/nn_model02 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/nn_model03 Binary file test-data/nn_model03 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/pipeline01 Binary file test-data/pipeline01 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/pipeline02 Binary file test-data/pipeline02 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/pipeline03 Binary file test-data/pipeline03 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/pipeline04 Binary file test-data/pipeline04 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/pipeline05 Binary file test-data/pipeline05 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/pipeline06 Binary file test-data/pipeline06 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/pipeline07 Binary file test-data/pipeline07 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/pipeline08 Binary file test-data/pipeline08 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/pipeline09 Binary file test-data/pipeline09 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/pipeline10 Binary file test-data/pipeline10 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/pipeline11 Binary file test-data/pipeline11 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/pipeline12 Binary file test-data/pipeline12 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/pipeline14 Binary file test-data/pipeline14 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/pipeline15 Binary file test-data/pipeline15 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/pipeline16 Binary file test-data/pipeline16 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/pipeline17 Binary file test-data/pipeline17 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/pipeline18 Binary file test-data/pipeline18 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/precision_recall_curve.txt --- a/test-data/precision_recall_curve.txt Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/precision_recall_curve.txt Wed Aug 09 12:54:40 2023 +0000 @@ -1,2 +1,2 @@ precision_recall_curve : -(array([1., 1.]), array([1., 0.]), array([1])) +(array([0.64102564, 1. , 1. ]), array([1., 1., 0.]), array([0, 1])) diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/prp_model01 Binary file test-data/prp_model01 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/prp_model02 Binary file test-data/prp_model02 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/prp_model03 Binary file test-data/prp_model03 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/prp_model04 Binary file test-data/prp_model04 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/prp_model05 Binary file test-data/prp_model05 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/prp_model07 Binary file test-data/prp_model07 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/prp_model08 Binary file test-data/prp_model08 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/prp_model09 Binary file test-data/prp_model09 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/prp_result01 --- a/test-data/prp_result01 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/prp_result01 Wed Aug 09 12:54:40 2023 +0000 @@ -1,15 +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 +0.4446440577398572 0.2164436344996918 0.5724807416581001 0.21202570120895203 0.0 +0.2608194397113748 0.621586173919394 0.7162173631360884 0.7868277249674587 0.0 +0.444428573199709 0.7490216543608298 0.3798608289161599 0.7310699759821288 1.0 +1.0 1.0 0.0 0.47384638089740055 1.0 +0.9148761394091602 0.9050651832652965 0.08698347911005577 0.4412843231270225 1.0 +0.8503924579791385 0.8487407117031966 0.14683639283818206 0.565673989931558 1.0 +0.1714715439549176 0.4329110104945242 0.7918143976359968 0.7946239826238215 0.0 +0.21369017947280927 0.0 0.8700670793446612 0.0 0.0 +0.7483382588565948 0.7840344926335436 0.21819066024556938 0.6397712011824479 1.0 +0.0 0.0761110081629974 1.0 0.978367472218168 0.0 +0.569185174962378 0.492742466936392 0.45781970735243327 0.2973057899528674 0.0 +0.4033286346511704 0.32863994196697094 0.6002865082332829 0.34610321804982885 0.0 +0.7785822215744896 0.5578088624025245 0.2880207681776773 0.18076402014468546 0.0 +0.08784970570405005 0.3392061471810267 0.89679124225672 1.0 1.0 +0.6431017002154876 0.1785506947384085 0.4404536363519971 0.03030170224231021 0.0 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/prp_result02 --- a/test-data/prp_result02 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/prp_result02 Wed Aug 09 12:54:40 2023 +0000 @@ -1,15 +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.5507843815769633 0.3509713593582132 0.5024983733118504 0.21181277111109376 0.0 +0.38618069640133657 0.5069547456108511 0.6109599535763046 0.8290928000628373 0.0 +0.5507375738755745 0.6540163740150353 0.4443100403766963 0.7730482551190299 1.0 +0.9999999999999998 1.0 0.0 0.517244227590485 1.0 +0.8235586181451754 0.7985651943678985 0.18709221814790866 0.4963213476362478 1.0 +0.7266009913523924 0.7367833962232062 0.2805049676108317 0.5753897601225946 1.0 +0.3010361102729153 0.41809900797558924 0.6996399175984136 0.8344573213929083 0.0 +0.3312417925943892 0.0 0.7545711939364795 0.0 0.0 +0.638113449083596 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 +0.5767922296995017 0.42657716609772306 0.4660985815769355 0.29991460317209145 0.0 +0.5238014571892051 0.39991387603944323 0.5157872357238816 0.3562801111416092 0.0 +0.6462177807916673 0.4376032758632245 0.4055927537907609 0.18180023195970593 0.0 +0.2038689924106733 0.40279192286335813 0.7842991022590049 1.0 1.0 +0.6081358906411252 0.3153114383337088 0.4611172283355056 0.03134330438976468 0.0 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/prp_result03 --- a/test-data/prp_result03 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/prp_result03 Wed Aug 09 12:54:40 2023 +0000 @@ -1,15 +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 -1.10383560019 0.0611191480175 1.01725565283 1.79193066057 0.0 1.2184530322468177 -0.06746549143499857 -1.1228830040882734 -1.9779968562091492 -0.0 0.003735550254385074 0.06217379881695537 0.10952127528047438 0.0 1.0348090632145897 1.8228515939442287 0.0 3.2110154922908367 0.0 0.0 +1.0 -0.41009731911 0.731046118333 0.238276079462 1.60843479815 1.0 0.1681798111412092 -0.29980005327413517 -0.09771638139540753 -0.6596147986845491 -0.41009731911 0.5344284271297467 0.17419080298230058 1.1758400157792799 0.731046118333 0.05677549004378134 0.38325153777343535 0.238276079462 2.5870624998998313 1.60843479815 1.0 +1.0 1.48390157074 2.30714564103 -1.83858336229 0.770904924566 1.0 2.2019638716446392 3.423577040650361 -2.7282767392385616 1.1439470284546887 1.48390157074 5.322921008923729 -4.241879589977655 1.7785899363610078 2.30714564103 3.3803887800896018 -1.4173729682144751 -1.83858336229 0.5942944027201101 0.770904924566 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 -1.4627878344 -0.343655746393 1.43177660405 1.80949467985 0.0 2.139748248468642 0.5026954450453321 -2.0943853979828857 -2.646906804096103 -0.0 0.11809927202892993 -0.4920382575328376 -0.6218432447980143 -0.0 2.0499842439049503 2.590792147762175 0.0 3.274270996405454 0.0 0.0 +1.0 -1.33544682955 -2.24827087098 1.6885444678 -0.922608257112 0.0 1.7834182345551466 3.0024462066198576 -2.2549613560777018 1.2320942718768715 -0.0 5.054721909297167 -3.796305341309166 2.074273269790536 -0.0 2.851182419737985 -1.5578650684930675 0.0 0.8512059960912424 -0.0 0.0 +1.0 -0.0417384245742 0.906486336146 -0.13980113811 1.27108242642 1.0 0.0017420960859361827 -0.037835311568772734 0.005835079258391553 -0.053052977982722294 -0.0417384245742 0.821717477619399 -0.12672782147437484 1.1522188516650336 0.906486336146 0.019544358216851295 -0.17769876984513633 -0.13980113811 1.6156505347537549 1.27108242642 1.0 +1.0 -2.73189476502 -1.46239633785 2.83576394706 2.28732123255 0.0 7.463249007143681 3.995112899756834 -7.747008681805665 -6.2487209011224385 -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 +1.0 -0.523654501136 -0.426496596688 0.572385315213 0.243891110892 0.0 0.274214036559993 0.2233368625748564 -0.2997321466954356 -0.1277146780056551 -0.0 0.18189934698644653 -0.2441203889325326 -0.1040187287578936 -0.0 0.3276249490714853 0.13959969038556613 0.0 0.05948287397213384 0.0 0.0 +1.0 -0.00757221265553 -0.254805682403 0.0572980350837 -0.327374762308 0.0 5.733840450056869e-05 0.0019294428129929544 -0.0004338729063977951 0.0024789513182497634 -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.82750303608 2.35149919802 1.0 3.5059739345138734 0.7740339241831431 -3.4218616666235215 -4.403004977797668 -1.87242461384 0.1708878979071557 -0.7554639775711071 -0.9720765997751761 -0.413385894664 3.339767346881618 4.297371923721235 1.82750303608 5.529548478288703 2.35149919802 1.0 +1.0 -0.168117705611 -0.811895938369 0.316838713275 -0.819986910541 0.0 0.028263562939906863 0.13649408235348615 -0.05326619752453449 0.13785431803120524 -0.0 0.659175014740079 -0.25724006442603264 0.6657440421839824 -0.0 0.10038677022975767 -0.25980359763815297 0.0 0.672378533458574 -0.0 0.0 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/prp_result04 --- a/test-data/prp_result04 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/prp_result04 Wed Aug 09 12:54:40 2023 +0000 @@ -1,15 +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 +-0.5807061112525813 0.2698773982744695 0.5349578561360193 0.5719821347350249 0.0 +-0.00016513310878262847 0.7636545174678359 -0.0804627978317235 0.46918712046554634 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 +0.9623215057330502 1.248994581161877 -1.0303412425843197 -0.03837604080131002 1.0 +0.6202642404230927 1.0415547572084232 -0.6853777543973235 0.10664857484947902 1.0 +-0.881088095119412 -0.028466436412001236 0.862443663986116 0.5818215588435883 0.0 +-0.7745253270992509 -1.4322841823191093 1.0652991072215632 -0.9487119185155306 0.0 +0.30808862594408043 0.8929646798898123 -0.37915680271103425 0.2802011596461482 1.0 +-1.9431147973567742 -0.8530466232854528 1.97164195151228 0.8495016397748227 0.0 +0.09175320910447847 0.0 0.0 -0.39861866780555777 0.0 +-0.0951931852237634 -0.08952520583418166 0.18349498924288915 -0.2952349539785942 0.0 +0.33667993570408733 0.03702149075186114 -0.22344167716683067 -0.6152600641516486 0.0 +-1.223884424953702 -0.07986181719203675 1.1750811552867686 0.8854543571237001 1.0 +0.2023306572242409 -0.37358807403702804 -0.01839561515890641 -0.8912230866367292 0.0 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/prp_result07 --- a/test-data/prp_result07 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/prp_result07 Wed Aug 09 12:54:40 2023 +0000 @@ -1,15 +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.10866513901130044 -0.5565683482001781 0.01697338750768846 -0.9589623671667038 -0.816496580927726 +-0.5710995365177259 0.07926796585473102 0.46542360804755417 0.9797654572160418 -0.816496580927726 +0.10847183700890099 0.6787364476581769 -0.2236147606088382 0.803743046654752 1.224744871391589 +1.9637931622636124 2.0890722453009336 -2.0606794162148767 0.0003242375269908845 1.224744871391589 +1.235142290574639 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 +-0.9227215667346391 -0.282935381937249 0.8320838514832234 0.9966141260199962 -0.816496580927726 +-0.7979810068833713 -1.9872356829362412 1.0592052241229988 -1.6242152405020795 -0.816496580927726 +0.4693084330819042 0.8357250235474191 -0.5580390743243027 0.48013042183945476 1.224744871391589 +-2.165911921822078 -1.284014236214121 2.073966413639728 1.4549796745789692 -0.816496580927726 +0.21606988162907578 -0.2483757987671466 -0.1335268595966537 -0.6822557426452339 -0.816496580927726 +-0.002766381016324175 -0.3570635794246001 0.07191812706310448 -0.5052252645629531 -0.816496580927726 +0.5027769329398426 -0.20342998011241972 -0.3836970281346616 -1.053224520491157 -0.816496580927726 +-1.3239931073762936 -0.34533177433843787 1.1821195962990283 1.5165437885484256 1.224744871391589 +0.34550995757355624 -0.7019291669926769 -0.15412299100336474 -1.5257734742396478 -0.816496580927726 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/pw_metric02.tabular --- a/test-data/pw_metric02.tabular Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/pw_metric02.tabular Wed Aug 09 12:54:40 2023 +0000 @@ -1,4 +1,4 @@ -0.0 6.991989327202 4.700302055636 5.583279679695999 -6.991989327202 0.0 2.2916872715660004 5.558713150412 +0.0 6.991989327202001 4.700302055636 5.583279679696 +6.991989327202001 0.0 2.2916872715660004 5.558713150412 4.700302055636 2.2916872715660004 0.0 4.078323200938 -5.583279679695999 5.558713150412 4.078323200938 0.0 +5.583279679696 5.558713150412 4.078323200938 0.0 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/qda_model01 Binary file test-data/qda_model01 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/qda_prediction_result01.tabular --- a/test-data/qda_prediction_result01.tabular Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/qda_prediction_result01.tabular Wed Aug 09 12:54:40 2023 +0000 @@ -1,5 +1,6 @@ +0 1 2 3 0 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 +0.015942057224 -0.711958594347 0.125502976978 -0.972218263337 0 +2.08690768825 0.929399321468 -2.12924084484 -1.99714022188 0 +1.41321052084 0.523750660422 -1.4210539291 -1.49298569451 0 +0.76831404394 1.38267855169 -0.989045048734 0.649504257894 0 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/ranking_.tabular --- a/test-data/ranking_.tabular Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/ranking_.tabular Wed Aug 09 12:54:40 2023 +0000 @@ -1,18 +1,18 @@ ranking_ -17 -7 -4 -5 +10 2 1 -9 -6 -8 +1 +1 +1 +1 +1 +1 +1 3 -10 -15 -14 -11 -13 -12 -16 +6 +5 +9 +8 +4 +7 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/rfc_model01 Binary file test-data/rfc_model01 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/rfc_result01 --- a/test-data/rfc_result01 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/rfc_result01 Wed Aug 09 12:54:40 2023 +0000 @@ -1,6 +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 +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 d0352e8b4c10 -r a01fa4e8fe4f test-data/rfr_model01 Binary file test-data/rfr_model01 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/rfr_result01 --- a/test-data/rfr_result01 Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/rfr_result01 Wed Aug 09 12:54:40 2023 +0000 @@ -1,6 +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 +86.9702122735 1.00532111569 -1.01739601979 -0.613139481654 0.641846874331 0.7551606160069697 +91.2021798817 -0.621522971207 1.11914889596 0.390012184498 1.28956938152 1.002450640353639 +-47.4101632272 -0.638416457964 -0.732777468453 -0.864026104978 -1.06109770116 -0.2186821961683199 +61.7128046302 -1.09994800577 -0.739679672932 0.585657963012 1.48906827536 1.1688374943709285 +-206.998295124 0.130238853011 0.70574123041 1.33206565264 -1.33220923738 -0.6745330836494304 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/searchCV01 Binary file test-data/searchCV01 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/searchCV02 Binary file test-data/searchCV02 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/searchCV03 Binary file test-data/searchCV03 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/svc_model01 Binary file test-data/svc_model01 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/svc_model02 Binary file test-data/svc_model02 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/svc_model03 Binary file test-data/svc_model03 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/svc_prediction_result03.tabular --- a/test-data/svc_prediction_result03.tabular Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/svc_prediction_result03.tabular Wed Aug 09 12:54:40 2023 +0000 @@ -1,3 +1,4 @@ +0 1 2 3 0 0 58 56 -67 0 0 44 64 -76 0 0 51 48 -73 0 @@ -33,7 +34,7 @@ 2 -99 26 -108 1 2 -81 19 -110 0 2 -108 21 -108 1 -2 -92 27 -106 1 +2 -92 27 -106 0 2 -88 2 -106 3 2 -88 15 -103 3 3 54 -74 4 3 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/train_test_eval_model01 Binary file test-data/train_test_eval_model01 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/train_test_eval_model02 Binary file test-data/train_test_eval_model02 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/train_test_eval_weights01.h5 Binary file test-data/train_test_eval_weights01.h5 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/train_test_eval_weights02.h5 Binary file test-data/train_test_eval_weights02.h5 has changed diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/train_test_split_test02.tabular --- a/test-data/train_test_split_test02.tabular Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/train_test_split_test02.tabular Wed Aug 09 12:54:40 2023 +0000 @@ -1,201 +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 +-1.3022497239876525 0.4116224561992017 0.3850631031897158 -1.065301842496646 -0.6940008550138481 2.2608403458600925 3.622204434814536 -0.3183465181327486 -1.410027169684386 -0.6307904628990526 2.809174035044597 0.7840390953413314 -0.0329133593092722 0.1269040356918228 -0.7038487276500461 -1.5433857418796189 -0.2658388398378143 -1.204125138751038 -0.4106305941465671 -2.1530032168711024 +-0.4107989913365759 0.9675376475353166 0.0937421137938876 1.7143886101095047 -0.1115655477550747 1.6257337330303492 5.671063244915109 -0.3775968070412295 0.877274281383301 -0.2249373445476654 3.541130040089443 0.7064690478674034 0.3274452454361061 0.4095309780710557 -0.0402025921746865 0.3999351212624621 -0.4789427070381956 -0.8383398308678357 -0.708499089846974 -3.5921789270343747 +-1.004643048946826 -0.2475198782602121 1.8722558073924007 -2.050734120852677 0.2232184153518879 0.9972967022037826 0.2168749474930113 0.6815453371376522 -1.2369792180109709 -1.7937590177703913 -0.595814082168741 -0.3714655242486308 0.8054558366241785 0.707291290265989 0.002676140347394 0.6858925338135025 1.046091505116545 -1.05529607831364 -0.8524278739013349 -1.0937845388370384 +-0.6601752137721719 -0.1100000120613482 -2.1153815467792265 0.7939530261454807 0.1407447386337799 3.3552079891275923 -0.8369407002892686 -0.5714820686564377 -0.3741248138988626 0.1666903329941028 -3.631995122796667 -0.6639361788987586 0.5554669721932757 0.7479717178718552 -0.0165607941428025 0.1985981152582308 -1.9152321429437595 -0.4582315336475037 -2.228596142367096 -3.4228140259065998 +0.7866152217561416 -0.2291058850235268 -0.3527520240499313 0.6723966958156411 -1.6682659534205586 2.7789914613781272 1.906164582945605 1.0761421124464927 0.0969016740782293 1.6513613104097675 2.2258330065926084 -0.8734144600762542 -1.0066865968249934 -0.134715916950584 0.0151849916212735 0.4181051419558426 -0.3760878884398714 2.290340597180116 1.0522116184673187 -0.9159796436696128 +0.2814798326149793 0.5875101493421397 0.2172977759068209 -1.485801637332555 -0.7259055545195056 2.3934625979413915 2.795967841759341 0.1748287231468569 0.7064308999942802 0.3497777551584115 2.225996647861514 1.6301969056059509 0.0765125093285506 -2.034249428698424 -0.888345379070633 -0.7345168234009436 1.5287683026280032 -0.4421021715011357 -0.5779836284098872 -1.8023368901730872 +0.023561266296768 0.0132746913021808 0.9878045214079304 0.5750648387066529 0.4047426855593061 2.730429552257033 1.0141221327309589 -0.0010397698579166 1.295003498767012 -1.805850216908488 1.6388229124609937 0.9286520099757948 -0.341094066034636 -0.0275755068273283 -1.2286674947471106 0.8011744540858317 0.8424403652177841 -0.1411531045612867 -0.4489400200709377 -0.4406268508179094 +0.2456307272179787 0.5943091746736674 -1.273655669405128 0.1687340465491299 0.0057524414780449 0.5666353702678641 4.842127705182823 0.698622620435285 1.2592032824188062 -1.3867865971369038 2.0103146282963 0.2545327866523196 1.037764245051936 -0.1490096999922211 -1.3508991449570242 -0.6347960472728013 0.0147823948950912 0.1237920700532843 -0.8008367439748938 -3.759561609920222 +-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.0631977443612143 0.3104588139412629 1.5773205208380376 0.1195345193479025 -0.3678585275873511 -0.6436336614328086 -0.1923418873135878 +-1.1092740315883938 -0.9086267440397304 -0.931725007662859 0.1030585701824057 0.569614735498199 3.3180899169801226 -0.1278925510991992 -0.2256565318271119 -0.6679424977863244 0.4743665910531476 -1.90983381933296 -0.0154421137725087 0.7947216167107651 0.8564724155111614 0.7221596369993102 -0.986672754784155 0.8360620842096383 0.6950101534147096 0.0444186512968652 -2.6156995904444718 +1.0098923348657989 -0.3404395572391499 0.2876867996174275 -2.0977984796080182 0.2056719173281018 0.071923371160677 2.962373543751767 1.1013577938477075 0.2887631802554654 -0.1314750241074004 0.0464082388951452 0.018100000352631 0.8497049978073374 -0.581919824244956 0.006048524090383 0.6564480090897391 -0.2257071656725243 -0.444796415531791 0.0534765924709647 -3.313547870044739 +-0.762539079264614 2.3448516833388338 -0.3047785420925162 -0.0031155816161271 1.28288636082298 0.8189057448896555 1.5914694039261748 0.2958856116046954 -0.5076317520009277 -0.6632132658330571 -0.2654337808668403 0.9099655543823152 -0.4726130324786384 -0.8458139605716157 0.5108353518675851 0.0452202538063601 -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.0685453016303935 1.2633280046291788 -0.3287087239322313 -0.3411469813846178 0.836125381703182 0.7723604280813917 -0.6998771115822838 -0.4655576375429325 0.7776235010811396 0.3327818668905032 -2.6233464511627638 +-0.8983199726078809 0.6875679860327243 0.4379809168039516 -0.337264447078781 1.1107162675999065 2.738084321744025 0.3341531894418894 -0.8871470832472127 0.301933358071881 -1.581050894173058 0.848632195791031 -0.0442668179768063 0.0837824767372518 1.9566875413996867 -1.5313148536222791 -0.9506238675766624 -1.009797830143896 1.5797446875566523 1.1910335316667802 -0.4089170422874009 +0.4801749525732068 0.9760948512465812 -0.6506752884473117 0.1181663395563556 0.6072873144342118 0.9806253028344998 1.892771271108642 0.1396975246168496 0.9319474952167373 -0.0916631426529895 0.4120283734360528 0.5722066170527804 0.2618249517096125 -1.1166357678276193 -0.2675526948328786 -0.4514507730958376 -1.4658633938864454 0.0646622666708713 0.3215385708518279 -2.042518334453895 +0.7556669689498505 -1.0134631768847957 0.2944205879111247 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.1843440699869697 0.4311961839350191 -1.2575381173883136 +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.9366498139279624 +-0.302183536545722 0.5757143867586756 2.3995022020165093 1.219756987505889 -1.011003330388579 0.9048540295213414 1.4791259953402809 1.0616156476538852 1.8060698480226676 -0.9251886698030872 -0.0922598970811816 0.0456781085575163 -1.2402631541948508 0.9576336956518976 -2.18064500523214 1.8750935232918824 0.2171169854775892 -0.1083606264947663 1.303564039124819 -2.0210303850273696 +-0.3746483078527021 0.0712889220007837 2.3764236854980587 -1.190761596913492 -0.0848742010150946 3.0763307926650114 3.5286369841279663 1.2049588909764604 -0.968058285705152 0.5178529903862314 3.3362848070408138 -0.4998680067722221 -0.1725462884696476 0.343688632217849 0.3077186181102546 -0.3560004594803169 -1.433835626829107 -1.4072040475451206 -1.180571003928377 -1.8034294795559664 +0.050966607669859 1.2142311115327094 -0.1101799988787642 0.1050224984348922 -0.4736659458109734 2.2316665364588726 3.621330783686601 0.0017664344558535 0.1953072162916898 -0.124535631528244 2.610448360201038 -0.2647945544489532 2.63597551242705 2.706737773618113 -0.1550680550153979 0.5231443075647396 0.5299034891396377 0.1908558242065804 0.7451781237084969 -2.3272672761941298 +0.8459890084880216 -0.1798805532249348 0.1247330047110765 1.91040893927297 0.7605722103614608 1.6669371551325918 1.2985662500573063 1.3154454380707898 0.2564186745725073 -0.5451173985806242 0.715584523328078 -0.7387210471050133 0.8935945265301429 0.0163204886715114 0.7576969329906925 -0.7672735615874072 0.9350386340118324 1.7361740800648813 0.0657018420611557 -1.2976752427803342 +-0.9085325744197204 -0.4840820550976455 0.0351203524503347 0.5685365851320985 -0.7143986641420886 1.5775364398048626 2.7354654392856403 -0.5785595579171878 -0.2120105257793922 -0.4333574489425932 1.2927707189616022 0.7944788648518137 0.045689272873242 1.1848966209391438 0.7925955209108281 0.0872877406287316 -0.8428510669732144 1.0988104307685196 -1.071959845256176 -2.3542840026955902 +-0.2103250788233459 -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.468047787578515 -0.9611459166554812 -0.4026989273968039 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.3092495370218927 -1.1256207597633254 +-1.7454181525855084 -0.2274611596038077 0.8661688020962904 1.2698498301646972 0.6417266599489437 2.392610889538584 -0.4883433307394809 0.0996298935229459 0.8796104952337681 -1.6009376317056907 -2.322826276897194 -0.0715568000770055 -1.2799087986761837 -0.2084341090392306 -0.2941053489927681 -0.4109497271224767 1.0487394665744827 0.2434741696315322 0.3684126301784236 -2.315628107468505 +1.7194043037917044 -0.4063918577259047 -1.1410977186236644 -0.5224031413598372 -0.8969270647328188 2.9336844459939897 2.2995653732545587 0.5907096123306279 1.2572225970579425 -0.3420617751176416 2.315426620969164 0.7469701194581027 -0.6997435511893488 0.3596468789880545 0.8352895929408934 -0.1722822328745238 -0.7965485640228581 0.0309291217305663 1.117653448328372 -1.3221604076377536 +-1.1692737364075878 0.022059053329295 0.2669091368138159 1.2003213700730626 0.2794853051772169 0.9421764821484446 2.988498845607869 1.1740660994863183 0.1218309102833561 -0.1342566262844714 0.7631209574627775 -0.5608652555074042 -0.4188940142148715 -0.3662486586340912 0.1195061603811135 0.0969192572780891 -0.7499504219363728 -0.4891817643458038 0.0357681817632031 -2.939569480511779 +-0.3156664195441834 1.6326884277543678 -0.3855882626213066 -0.3016753932269697 -1.0032428231258563 0.8800929997010243 -0.6324127317293085 -2.355051678737812 0.923429996416088 -0.3497948653010893 -1.8105236197769043 0.1331840223114731 -0.6984924197749472 0.3484742706843904 1.4111655906803822 -1.0372154220161018 -0.4636619310187765 -0.8532664838726625 -0.380625693004428 -1.2271314356762173 +-0.743645487604758 -2.5762733938865523 0.4959059013688749 0.2693342927294206 -1.03671465009553 0.2492759597041933 -0.6353295512455281 -0.4797881300505439 -1.342457899158445 -1.7846125048165906 -1.9904738364265844 -0.2687561306870856 -0.594407867195891 1.3451419001423852 0.688896246135964 -1.3969223884129345 1.1422721369901558 0.8985785806846744 1.0503044823125691 -1.2018999082666029 +0.5511364127668343 0.5119811368005616 -0.6403681996862031 -0.0522890631216279 1.5130684131066574 2.1140859560266594 1.2987996319799406 0.485048607884412 1.6727740357639311 2.350000071336744 0.8678358135377484 1.5554946155341371 -0.4742273321819324 0.1106038289709945 0.1891573096072278 0.6288932300141935 -0.79006421690735 1.2866417067385163 0.7620480780583243 -1.2906342756816898 +-0.6636777093724279 0.6097320173784144 1.324356959791675 0.8359548089630419 0.1576822176596032 2.24839981847845 3.982814285284842 -0.4940839846094395 0.4423028822074581 0.9655012847991776 2.9905679844023867 0.1115743917273311 1.9645540957227288 0.7549109973727394 0.2799542537902612 0.5895121330726366 1.556613227776507 1.140543823178324 -0.1796825379233944 -2.387334130625613 +-0.8693927846256988 -1.4015773896239008 -0.5767475073478409 -0.514877043990522 -0.6926301958015578 2.810943852625326 2.1414294878660685 -0.4226186685753952 0.722102167933471 0.4127755549129392 2.4994899525619645 -0.9740548736776437 0.2030120207547904 -1.8464325894173563 1.258794140437278 -1.740830606254658 -0.2595500855948115 -0.9467397049189886 -0.9526964140458886 -0.937055275475108 +-0.7121196282416814 0.2574162151360982 -0.0500808674988746 -0.3197327277872719 1.8363902369636012 1.3067727294905445 1.950533130488754 -0.6859380498655462 1.3545985575704902 -0.9351308291159108 0.4485793538792959 -0.293313342528362 0.8609646025800197 -1.4136360693664234 0.5667775119038259 -0.2820051642863179 -0.350628332519295 0.4334791632677232 -1.7161217403688198 -2.171186035829735 +1.2824283924285858 0.0223095404429998 1.3834280808922916 0.3465963739885083 1.341021078372007 1.880384758406364 3.2831403894196622 0.8427407933167973 1.070115983540206 -0.0238881360185015 2.227355221552291 -0.9730473787786366 1.12222805576021 -0.5371740579498492 -0.6814383921279306 -0.9307949884796112 -0.7512685064233835 -1.1987075695453524 -0.0590853570328318 -2.1961890747237587 +-0.3341582036237003 -0.0648943236712984 -0.1744036700091809 2.2053958751265696 0.5597298056510357 1.5324916573056653 3.356382028775411 1.450545647839946 -1.4083887143462073 0.5643002037269549 2.046593812361199 -2.166394456498592 -0.0582099164067821 -0.6165247360430952 0.1259981056388603 -0.4325859399673962 -1.5205806220278828 -0.7321252915161326 0.7060354505004723 -2.3420050660231317 +-0.9835750400161622 -0.712027440922922 0.1187055594210781 -0.441153034389688 -0.3184789438190519 3.283550734124624 0.5337848951348185 -0.2272123981918516 -0.8176860966777869 1.982520277214256 2.03297208029807 1.081254494327628 -1.3978477990785458 1.6503872171558898 1.7474420155792758 -0.8478732459915518 0.1701021549916626 1.0930555703535751 0.9179649568759068 0.2996967940427657 +-0.0204923495182886 1.1012361409794285 -2.010293207006105 0.1787292119524665 1.3040716983339553 2.1764457414678064 5.668830653453004 1.519571549570987 -0.2052807211812898 1.487715329334337 4.101713989255451 -1.1448536580696265 0.335200048562473 -0.8584350614350018 -0.1782168243870934 1.4969857471626296 2.430080507935899 -0.6493919426668382 0.2062241092901528 -3.2353070662389074 +0.8031530970037704 -0.7531711100917112 1.1475144040068612 -1.209559891714998 0.922494875860118 2.1931503501546508 6.769014549063534 -1.4380549092975317 -0.695430580953571 1.1918894680028878 4.8925924945884045 -0.3005070343639804 -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.0050156605307946 2.5253549230109105 -0.9294973955644056 -3.4549307034398278 0.6802573263323414 -0.1488136455421226 -0.3652203335032092 -0.2604841240590531 0.6137306235471566 0.3749385907223552 -1.377138056945525 -1.422237264717014 -2.2688421102305973 +0.261566189677358 0.7588529856058848 1.0316564485890096 -0.4704907091439791 -0.780595222481135 2.348382323882559 1.1443792510167077 1.6769713588492288 -0.2536188220142666 -0.0981340661819026 1.4733822185226022 1.420066227600156 -0.6557802207431661 0.2673952075181664 0.1758347326053226 1.2632226706705958 -0.4081793907804486 -0.5483455125657873 -0.2483242518152228 -0.6262397570824145 +-1.81414213927814 0.1969926068869352 -1.1411278793736217 -0.4388180025009054 -0.9066793825576756 2.393960988900564 3.490039988979334 -1.6521217403163329 -0.3161026655398348 -0.8112727678402681 3.130269813288969 0.4871927336904667 0.0984184538839862 -2.622522152899688 0.7326039848783956 -0.4381945066313648 0.6288844614676175 -0.1128975851471916 1.920865799395449 -1.7467508642968863 +1.8286834466133015 2.0865229868354445 -0.0057084114816021 -0.5064327411486649 0.3780725585739115 2.156275696365745 0.4545934853873987 1.988832670961451 -1.630339363909551 0.6095288953738113 0.3697705388971695 1.4697894022706677 0.6037594786182908 1.4846173580736206 -0.1001670865838709 0.2402453347728197 1.1008003796028063 -1.3030533654459766 -1.814416570336688 -0.8139191744996379 +2.6059494363407607 -0.4773959886334189 1.4209553969059463 0.1066572655028646 -0.5613735295697213 1.259683628738396 0.0745772417393739 1.147693641187168 -0.9363986151728602 -1.5182987904046714 -0.8941885929065192 -1.0361693072333615 -0.7861787462867513 -0.0585878702783242 -0.2404895188907119 0.5717523701697552 1.3353988240776158 0.8885379175748902 -0.1839638251317756 -1.2882222020058296 +0.971346845103664 -1.323953603096887 0.9828725946362548 0.3989764743765362 1.0164734308622358 2.343877885387008 0.8141740240623774 -0.1784435267256699 -0.2489017318486975 0.6871989981519004 1.0905772981888384 0.3935153475685985 0.9654036912633456 0.5917388030402491 1.4923753812876686 -0.3595798307016698 0.0483415558569449 -1.188019371192315 2.298134881322113 -0.6075264300690095 +0.8001830194022206 -0.5684605887961833 0.4116446596477141 -0.4356114351225276 2.6891673658361057 1.6651559412735557 2.3549948790387587 1.866084746114831 0.157301539903768 -0.207635432852995 1.4599142092720023 0.6735705422532628 -1.465527351832967 -0.1754359263847153 -0.1251718021720325 -0.6009819907613225 0.1170883872420358 1.202301176543252 -1.0184428025837116 -1.797410488942178 +-1.1306906928262217 -0.5142444543732294 0.7549973972526974 -1.9662156247151903 -0.6576234588862503 2.507390338101697 3.528068584149235 0.3973707535535508 -1.0701132091583154 0.0079174941646281 2.3988813532768054 0.8675102099591249 -0.5750324488956121 2.2508806890624444 -0.6977739472880568 -1.5375661185605172 -0.6943842091460203 3.2976644174235106 1.0837655548815266 -2.5005341524096147 +1.672003202977746 0.2639427981000521 -0.81955493408885 -1.1442938255499246 -0.7444830207424934 0.166696977472033 2.8836544241464463 -0.785831593400538 2.3677656095333743 0.2366011638590114 0.1283337027767672 -0.0815518133110706 1.7915387996020609 -1.505856477654358 0.8917461044511731 -1.101723221662333 0.2538386543717226 0.9788223070416868 -1.2645411551300625 -3.177410696783552 +0.7641662278190869 -1.2741330154627435 -1.0660878764212711 1.066200795132049 -1.946287562744284 1.839620801286002 3.928634849901934 -0.7896589514450959 -0.1479073273868835 -0.9792367126935444 2.885638482735768 0.308596094758359 0.7048374611496696 1.2625014276406517 0.5560296049699579 -1.647886819095759 -0.04214159872296 -0.8282771859049725 1.3592117214745163 -2.3013034457059085 +-0.6867277913731116 1.350622326235466 0.5323763083257778 -0.8328668746980727 -0.6896766554630372 3.670013107843981 1.3231206072054629 0.6981104151931399 1.0267724221099968 0.1370235507756413 2.490079456830704 1.5814298511306963 1.413022259791847 1.1402906112631537 0.1223199637003911 1.2282766928038853 0.5712114806412769 -0.9398241330209146 -1.0084897749068755 -0.2812738668687418 +1.434736696171178 0.7180908683386881 -1.111250715276349 0.6032664678913374 -1.6945438232526555 2.7243913848747865 3.478065256330881 1.3559159086303043 0.7795408285635743 0.7791293972233797 3.2281776620192293 -0.940330748413536 -0.0840973550422299 0.2994402146069926 -0.1879810589702405 -0.4873943298236203 0.57392221055027 1.700695708769154 1.4801087017906358 -1.7413897388438528 +0.3258734810498545 0.0947135650452075 1.6832753741795377 0.6665282345098696 0.3503811793789628 2.749470726718997 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.6289008619934516 -0.9290101836523096 0.2610284321593238 -0.2237893220953998 -0.3065579644961672 1.633301988670237 1.635116243833255 -2.54098734554924 -0.9575184279622504 -0.1273048716600562 0.7809371531973295 -1.1431861803986088 -1.8090489476951133 -0.7071502756869374 1.7045588203588715 -0.299301293611212 -1.1743999943381322 -0.0307764230859262 1.8529438943380776 -1.6060085374296165 +0.8773949171725597 -0.5011388994452148 0.8956785514763039 0.0486067756149936 1.0611465601103347 2.3398806649589634 6.161546351628802 -1.561308139644867 -0.0471923697875853 -0.1043437015793026 4.164462219470534 0.8792702391677779 0.8495090298477842 -0.2207436696694337 0.6511050097572415 -0.1980450011943434 -1.200369922904879 0.0172585671130029 0.9588381727522864 -3.78076003379846 +0.1831131180801752 2.0418102596098597 -0.6723124516686888 1.4906880544640408 0.4018312604758727 2.0310810088043585 5.15239970002119 0.0278097928999751 0.2427726898510352 0.2516822829643467 3.701923086550565 -1.1293845220263203 1.3593375772494678 1.5664653383828462 1.263422860244274 1.0804708001013323 -0.1625924775967406 -2.2777597860833825 1.1239093640255808 -2.9805677562579422 +1.06963801217404 0.1148740324154723 0.3858044624619888 0.7731652516868915 -1.1304449817915037 1.3230566380330306 3.045506622322113 0.6936090260191082 0.666456768796761 -0.2716141432937193 1.213225564084918 -1.7139681687971506 0.4880206846109088 0.8247769805975845 -0.7774365137662612 -0.1584602045263796 -0.6806909088937353 0.7507623379147603 -0.0211227338368907 -2.7009062340114967 +1.4040297559691166 0.5806798520096647 0.9053116407470688 -0.2338461410724051 0.7819779775949934 0.9571097680252124 4.669488990289234 -0.4454413907704737 0.0564730270838658 -0.616300908666551 1.95768003903106 -1.3086809233587968 0.6082131128549598 -1.2774333603446657 -0.1601288034133671 -0.3102219930315579 1.909698016404708 1.4088255001387988 1.2155799059884094 -3.730633935771846 +-0.6226889152822709 0.550803553684379 -0.0247239952677588 3.0474300010955115 0.7728599919802949 2.508500240805923 2.275987391123806 0.0787810120584296 -0.2321998429272392 0.271870527839584 1.9599140444685577 -0.5831424355782268 0.9644901775113172 0.126881538090106 0.8048452472249035 1.191603740030078 1.5240628059980084 1.1989361036763444 -0.0869032651101256 -1.4976504448656964 +1.0947756520984435 0.7527016396583789 -0.459375926938769 -1.714020476471207 0.5871799132758577 1.4897718029372888 3.475141260627588 -1.2014057647494556 0.2923732558166897 0.8315555557706409 1.6910116128773374 0.2071867592444692 0.1430364635331725 -0.1972136032723888 1.76064059352998 0.4615403102840215 0.4103689916090444 -0.4588635921890764 0.4826742141909833 -2.7921094245739377 +-1.2985660484957413 0.973961015635144 -0.933659216334626 -1.531723544135611 -0.8829114078608564 1.0781958040406647 2.240498969250612 -1.6433893524400096 -0.985310224625306 -0.8712130931060924 0.815123938936948 -0.1229132694756695 -1.0841595127912076 -0.8632855011134032 0.8143833812024763 -0.9372443254125812 -0.4645782015346683 -1.7994731244940985 -0.6293627471825595 -2.0899894358481466 +1.0626597354563851 1.1603033608645157 -0.1974928250774026 -0.4342156416049884 -1.10081741502211 1.5747876706291832 4.417492957175813 -0.2289174980989397 -0.2518100210579295 -0.8168358977663905 2.7217554458711373 0.3937119749499954 0.2556567233421002 2.521036517118296 -0.7635026087575811 0.6834357963124953 0.4016158146922975 0.1041368330059867 0.545325261811387 -2.9242161786828804 +1.2859280185846291 0.7602691167258188 -0.7087106769085108 -0.2083331628042453 -0.4429637971233773 1.4994488461855624 4.09018287326753 -0.0090915348059794 -2.148341343465116 2.3263884950310825 2.3620030957902025 0.7134170786900146 -0.8796226636090453 -1.5841888465499596 -0.9871977981989036 0.7292830974930532 -0.3901725332035043 0.0932987012750829 0.1634960161794985 -2.8662512421453634 +0.5646914048771848 -0.7546274490708701 0.8646543623925127 -0.8059765124544995 -0.8340115249554282 1.0576716449737158 -0.5745255068344054 -0.9426945051537984 -0.0532525988144669 -0.2980518638992684 -1.4595621193815005 -1.3967613150098233 -1.5887639952200714 0.7006196091295782 1.889329157147188 -0.6380910946087451 0.3856668028530204 -0.717647689876207 -0.8819861812469784 -1.020477132737238 +-1.187543256332108 0.4983725374069773 -0.0240095319919869 0.5935397351126044 0.7799657600792241 1.906635017480805 3.72975006286941 0.905450400880156 -0.6735527225316198 1.2303757419674433 2.0334952591950493 1.46183904166379 -0.3662402677426432 -0.4971184991454444 -1.6222312315300105 -0.0537068550075613 -0.1427777940438803 1.7609836900672349 -0.5791579320753671 -2.886286209980611 +-1.471027970551284 0.1089628064700263 0.4716633599760571 1.2266499556181196 0.7417146247009195 1.742414917740318 0.0932135877893387 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.0709025185285764 -1.1571524565076563 1.6571103094275352 0.6349809749095592 -0.123179136685796 0.1086301791515965 -0.463688003322472 -0.2219051735873101 0.1844691082464693 1.093355752677023 -0.4690659984810035 0.7706660653430607 -1.964494748314216 +-0.4021626827180369 0.7286047849136271 0.6466684469750896 0.4756038258648903 -0.2701913456236517 2.1340795924024216 2.4315487533010547 -0.4873401594067205 0.3483736237236339 -0.4414377712206025 1.8885786000020228 -0.99917935418056 -2.3431040952821807 0.0661214704390878 -0.2036439881171387 -0.6713680848812348 0.5838876901550442 -0.2526077487471815 -0.0891100500443805 -1.6269137125259858 +0.2553051493009998 0.0492982736212453 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.0333071088572394 0.6338222604830566 -0.0308556023782579 -2.113008973056278 -0.6181868381091469 +-0.7904113880544682 0.2268015913460232 -1.8217453535096224 -0.8277784842173556 0.946788862297818 2.286709458666288 2.028857816082303 -0.7626448816430961 -0.3604141168618793 0.1471677096581535 1.5845753199442971 -0.0053341251880207 0.5444768401364775 -0.4592798519226368 -0.3660040473851334 0.4306656640318833 -1.3787430058550667 -0.3038445838218518 -1.4562497202322031 -1.5006104245357772 +-0.1033036952760849 -0.6268306779256173 1.2205480887821962 0.9640461243017856 -1.0981469111738278 5.149645570130961 0.2408724734075009 -0.1983394117898782 -0.9865859409799932 -0.4091933293911491 -2.037699897782592 0.6037234326472765 0.0228072401083521 1.0530212119851892 -0.6355963589060236 0.1821691690979338 -1.3822307813458767 -0.0084914073174475 -0.2164208042628998 -3.6966225658322394 +-0.7848199397008466 -1.8815917108766245 -0.46012391783228 0.4408504922548938 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.601253682363583 -0.4941259177638753 -2.6581450134395603 +1.1837495881016549 1.0465439135904016 0.9867846466870028 0.1814163330037979 -0.3825009170140687 1.355292629169495 -0.6963529623482592 -0.0479985897099003 -0.2634954856312893 0.4449421462300397 -2.50135342841587 -0.2889789605711664 0.6918896525925219 -0.3678540810724636 -0.2536266541683845 0.6945368590910528 -0.9631718574199114 -0.1258334517145733 1.3844996029899148 -1.936695694110503 +-0.4238501480229034 -0.0430718238641366 -1.0950136243969524 1.596384493257369 0.0128362141646633 2.665425673326264 1.4341486469690057 -0.0720400970618393 1.2482208311674732 1.384040667362209 1.6716694672593173 1.4734401284087797 -0.7444836059598698 -0.3311063531625213 0.2276533554328253 -0.5777379646133638 1.509054450731549 -0.7029372435228882 -2.324074268511131 -0.8636539677436696 +-0.5177426774601384 -0.2650891841335386 -0.2515870229542602 -0.2279460959335521 0.0315895464664424 3.213127275864545 2.871129123585945 -0.4364488685464952 1.288108391257587 -0.0317690016536343 3.221679525051394 1.7023732595615286 -1.7310727956544232 1.3428644569572603 -1.1208480451694676 0.2182015702478016 1.8453399907069488 0.0569578300340676 0.9511256841106402 -1.2101915159666614 +1.18731325525149 -1.5306072690123391 1.3406990892738435 -0.503367106191384 0.0132636763050934 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.4539594177389497 0.6042820146858313 -0.0510249877565824 0.8670069067960746 2.548051312896839 -1.5456849014195624 0.0142268570417183 -0.90280426764457 0.4341821272467623 -0.821325521382619 1.1653636515627563 0.0637224450613359 -0.8986654754338921 -2.453109861534577 -0.7248692705391215 -0.4223474956392441 -1.390499648897262 -2.725760919930754 +-0.8041661421065806 0.7750428244188536 0.1264412041572951 0.6096057465741515 -0.0180947351399946 1.482499843968898 2.776853167611659 -0.9880901711782684 -0.2339280773401473 -0.4891264005375058 1.2590594348365087 0.0046063797495177 0.8356808119300939 -0.3299803074258261 -0.6028160839659226 -0.9453083290040736 1.4172611277945126 -0.9483474720005548 0.6112231422907429 -2.40368178964562 +-0.6858524076329154 0.3930602627876125 0.0787122310343637 -0.4853724511732077 0.6787539637536787 2.70437675564742 2.2749255201773595 -0.1139187586961509 0.6683350321052208 -0.0664426297059299 2.166520993817938 -0.606664208036896 0.7888242749660439 0.6263123975458482 -0.4027289818841859 0.2578207860918006 0.236906332080351 -1.2775677406183348 -1.8843357051111145 -1.363734219960445 +-1.5272588227813786 1.920703503673516 -0.414249162179348 -0.6969790703291245 0.8491640366644803 1.0421400089918866 3.185226576940456 -0.1420432228294667 -1.297490163970504 -0.2816388401732277 1.3548450284538671 -0.5282477576597775 -0.4083785911062454 0.3914378414187321 0.2915261500241566 -0.4156139209182444 -0.4002399454033466 -0.5174137471930453 -0.3651901684620053 -2.6431418149130046 +1.5746482836909124 -0.3765617557956756 -0.9610392378006044 1.264408422374557 -0.5491781603221076 2.2665066614534264 1.0222595580799438 -0.424187237968946 0.9198666460120026 -0.2516624387614757 0.9188187110465916 -0.8694720892514489 1.3500590081714554 -0.8683763001108192 0.2058737275579564 -1.4330188879819394 -0.554765935438242 0.2592005143859049 -0.3608864192083759 -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.138783592733058 0.068293997019552 -0.0508904261817473 -1.141187264249916 -0.2352735648333501 0.4933136009308727 -3.1790424527846923 +-1.234831036473272 0.1346996935608397 -0.1338455562948487 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.569135877325774 -2.3756293822511894 2.611473524739259 2.3617280713082773 -1.6730547239389408 -0.3359615603616614 -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.1333486136325922 2.857750456471459 1.5928068290675232 0.7305540712122814 0.0451878337025169 1.3889403556387536 2.0593499314787618 0.012714905362808 -0.4414364145797793 0.9459673545264566 -0.8605159001879943 -0.1009129850792699 0.709815540689126 1.4226824307556112 -0.5398943089314526 -0.7408619710833242 +0.9882938330971428 -0.1261534070483954 -0.845168144712235 -1.03806556979161 0.7169104093102628 1.5937543821980684 3.264660127806917 -0.178198399457081 -0.2231826464874199 -0.0556437011565388 1.8532361185576007 1.701600339976213 0.3594849578717528 -0.0905814616171632 -2.0959387300647028 -0.3162112250560231 0.1731082794484872 1.0492357045339615 1.1312349951005922 -2.43605261726707 +1.235414995615293 -1.983801944000015 -0.5125122173497869 -1.0596676903698283 1.540733002595033 1.279194330881298 3.304422177422331 0.1602037089156021 0.5910915691218047 -0.310447159396775 1.6419420561468874 0.5110887560771623 -0.5820352802792805 -2.2141896812118214 1.241207110737505 0.4953752054026793 0.3551070865422593 -0.5121740577331807 -0.3654198450140959 -2.582404977309553 +0.1196083660053702 -1.962205295107201 -0.1528972748228294 0.8725721293803249 0.1880426317166932 2.0033747419300845 1.15844952637937 0.7976997481765554 0.2378162773860257 -1.7200788876412745 0.8117221615949033 -1.5827576575314009 0.6134556364801715 -0.0254650555382151 -0.8063013580291488 -0.1014403183227908 -0.4235757997947166 -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.3636342401293089 -0.0720399763532792 -0.0297774732537054 0.7587559172352559 -1.1563115875864305 -0.3478130956044409 0.8119126363450945 -2.3155438121967973 +0.673159354530678 -1.4525380330508713 0.3116188181253339 -0.3672707131800348 0.2904918525695332 1.6564484699714122 1.1138298152043986 0.4366685180325799 0.2167858707407041 -1.7720187699864998 0.3217318243148224 -1.416272587336355 -1.372787575891375 -1.4431996255328994 0.0191057043668035 1.4611679444318662 0.6166948818307844 -0.4518447820066962 0.1109042193535465 -1.4511681443950488 +-0.5126992309410434 -0.293271299722016 -0.7209033177609449 0.1182351445659398 1.0185048212158117 1.9880767397342 2.686753386358137 1.4651352081500577 -0.385667428379761 -0.3023199045826741 1.4503684961095584 1.2440009833472925 -1.7541792319060168 0.4279862621232771 -1.2948249075710545 -1.0312961905396154 -0.5807966585635058 0.1276955244273267 -0.5434961483019195 -2.276250027804859 +-0.9251586767059616 -0.6668426869708922 0.8384683970704261 -0.543483744213394 -0.0434971949184128 1.484809874204383 1.056064086546599 1.283838725021766 -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.588287484248143 -0.1767962268856014 -1.0379381331007251 1.863771146520504 1.5362319863225848 -2.4203027811316447 0.4326222740866416 0.6002322205808268 1.1069945889011747 0.2335237445586324 -0.0472831889366593 -1.8637614728240095 0.0615026588391908 -0.4561027784341833 0.5416441817692238 1.5556234254205492 -1.0133000372245216 -1.2617243056715275 +0.8804226522720447 -0.1553428963129469 0.5332395252099033 0.1149044526906397 -0.4450537172052856 1.7800410306980143 3.739511723370299 -0.1938971727416228 -0.3585309990087272 -0.6075997472534185 2.598024569503534 0.7193554058484555 0.4143549608996369 -0.3788677007912098 0.2252312019687866 0.6312797142648373 0.2959590636144447 -0.1798791478243005 -1.3578165851984594 -2.336837183225519 +0.6690921098074866 -0.9509772885053852 0.3997533354034768 0.9405680436239984 0.2152158899526536 1.4473172321946322 3.5482198328445427 -0.3003643350089517 -1.3309452640649235 -0.1499950349293758 2.213838078184164 0.3977302278266586 -0.8418293270515786 -0.2126355997910768 3.0715313053875555 -0.8338324050611114 -0.4880340143109215 0.18525174461346 1.2426517835216655 -2.377694615529796 +-0.1421114456061788 0.6484214040279018 -0.3465924110473699 1.5446464679946714 -0.0407287313080762 2.797442786363088 2.540007377849729 0.3946453608920667 0.2147433798461805 -0.6769952534993621 2.3785698839991483 0.1707032892588912 -0.5752453123193979 -1.550124981183774 1.3037492341011478 0.7247235556904705 -1.1851255879599687 -1.0355371198641157 -0.3606096792868816 -1.4936752578335606 +-0.0294243623372604 -0.6178938971148398 0.7744659403078231 0.3039771345654565 -0.8925445961734961 1.5700188309652008 3.446439924582742 -0.4122113508205696 0.3562300507167384 0.5008381976608177 1.7695082669597608 0.8160600391585785 -1.9740467296951287 -0.802574287906361 0.8292517999551156 -0.4781803686398795 -0.1250348451682651 -0.1839451851917749 -0.4918039772470273 -2.711114396895736 +-1.1082876615290396 0.3783167097676375 0.4750737377035798 -1.2592911809870193 -1.1392700666779494 2.5869392888026868 2.0496131393403125 0.3139599073952793 0.5667356248996508 0.4388983719666216 2.2640126566004173 -0.2428416252436294 -0.5876400784083102 0.0881088311757126 0.1586631855244471 -0.1656049176198418 1.0208061296581992 0.0422228801683016 -0.1648361731353777 -0.9847295670555858 +-0.5469368430325561 -1.0926493335830798 1.2190092098989331 -0.6824703376670214 2.251389815882725 1.7829154261741558 5.048892861513018 0.2965316982780211 -1.3809236060128829 0.8498975242450165 3.3540842491552256 0.561366166539981 -0.5351390173092582 0.2067089237109927 -0.6895084141676261 0.6807547966206714 -1.7191208673634557 -0.6291748608978927 -2.3500834589654507 -3.111876692314869 +0.0209204910496586 0.7027441578490573 0.0817090446952867 -0.2466931625899204 0.3056616562731453 2.7371695012534407 2.868337591997709 0.538217856133155 2.2918827568948688 -0.9237203601625924 3.089982186214145 -0.4337284517443064 1.6067902017030262 -2.116400787011476 1.05588131954805 0.9867409511837284 0.0427584662568383 0.131980127858778 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 +-0.3292369397719408 0.7736872114558306 2.4780804018190428 0.4855206525476324 0.4021679784422416 0.2597731978805826 -0.5748762225002332 1.0570134307512908 -0.8261899095431723 -1.3436698347988711 -1.5544302042076787 1.1424536948089392 -0.9583576417302212 0.2283037588437357 -0.825731106903978 -0.5442101029170942 -0.3274919019444577 0.8097217279088726 0.760356275512128 -0.8694352309275695 +0.9731092767871748 0.4522827566701016 0.2680824083043271 1.3118879688879106 -0.1273370614035902 2.327319312864987 2.288356659915173 0.7878960717328493 -0.8518929787211744 0.346351468860107 2.130377021623137 2.494048898265553 -0.0441729071425691 -1.452701968003817 -0.2553989951549986 1.0695336669640705 0.4119544564991219 2.1463377494699056 0.938572624719928 -1.2996225972161055 +0.2775095949441306 -0.6572612806921747 0.4754458957792205 -0.4386648845291315 -0.8352355098443062 1.204596664567204 2.472353498943236 -1.3580077493508007 -1.2784719142764764 0.597823910798153 1.0286630364137306 0.8897522589041525 0.7183564809309552 1.393624364989123 0.1369043294333808 0.2364685847657137 -0.8102752174417753 -1.9407869752674285 0.5216721052671571 -2.191106761156213 +-0.5524121943437592 0.4324252075935516 -0.2956005155541632 -0.1135456542462339 -0.8637531001731001 0.910058593645831 3.259501525517466 0.076088465163347 -0.0168216319359297 0.1777067574912657 0.8807707123355701 2.006455641906978 -0.9088909360468796 -0.9710136282422828 0.4514663871314964 0.7914767591814829 -1.0117347218774508 -0.8983150902874757 -0.4724604619784751 -3.1261505124025346 +-0.476667738499993 0.5095124255636537 -0.2686531172961019 -0.3535626312209124 0.7522230149785379 3.4329854559565525 0.1356524588518273 0.1479163790179784 -0.2069764945787874 -1.0584137161924674 -1.5814767368456295 -1.0684985374164642 0.6719268515203786 0.2181325503912846 0.4959365608359233 -1.613229053345047 -0.3960649712218743 -1.026183306422255 0.7613216539526603 -2.642764398606253 +0.5833618502756229 1.980347655302356 0.7362153315700787 -0.727516254601993 0.0075960377691667 2.358839208691481 1.6033958800823025 -0.5470476566480859 0.1524416265914658 0.8239554312118085 1.8115170209220104 0.0344110826232332 -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.697984199689747 -1.1773441176808552 2.8058520456858105 -0.962438419377952 -0.5233889996289356 -0.3343245936989417 0.8413064168568885 -0.0033790888529908 0.4203594522798047 -0.5056876152370523 1.0223412505151968 -1.9212696123633484 +0.0550039085590526 -0.4827546859440611 1.0951469704674694 -0.7075771307730933 -0.907623980133163 1.6902783620156423 1.009758312434171 -1.5490134531166897 -0.7607306759067624 -0.6219908585393327 0.2590787853104337 2.6449597889308696 -0.0731994494507057 -0.3143973175778198 1.2767882073888053 -0.1141274141129053 -0.0089452561481461 1.002972116612315 0.4923515255648223 -1.4021161515779328 +1.269168407340059 1.3696522534135722 0.1923464833808599 0.1347791483866161 -0.3548537968017637 1.7302695459623842 0.6995799181317361 -0.1656464063885688 1.4636306777839558 -0.1629392438487245 -0.0646860823860344 0.8791046358913516 0.7335477148383647 0.3096615221549914 1.0826826523525317 0.0439680363181926 0.038738454286773 1.7386021884926377 -1.57836522531077 -1.364592047694599 +-0.9065306590530072 -0.5764585133906066 0.4533682107321484 1.0175602239852777 0.082366169359907 2.322001012891657 3.7539287106789527 0.7527327389284063 2.491816157853236 -0.505848600672184 2.887781237222197 0.1967850415749898 0.0913251748460115 0.2289492180808131 1.3734054870861123 0.2083688668682634 -0.2399442907008024 -1.0622541332373914 2.32578409117716 -2.24680718836753 +-0.0033313467544201 0.8829655800599139 -1.6636555656097944 0.3003803894607704 -0.7648132551078605 3.884009906559937 0.0602609159253206 -0.4556798784297069 0.4448472001091108 2.2242185876176044 -2.030793739573518 1.5852165275831909 -0.9018095488428168 -0.4951827977111728 -0.5149842220928732 -0.1279255400135722 0.1372889589026289 1.8356462303901908 -0.3462866524922646 -3.108635298275778 +0.753093797725844 -0.8793049284253728 0.7109619997360402 0.2672149858926614 0.4179285466078878 1.902231452203192 3.298797748537656 -0.4153020750877305 0.4475349399793429 -2.348026253365752 2.026229306373407 1.5188402096068758 -0.2303904427223295 -0.5604765032938567 -2.14536439388392 0.0003012766456559 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.0500233757389354 2.4161788241527917 1.4249291698581994 -0.6092896619270113 -1.299910347653208 -1.295377065881124 0.1243432611932221 0.1470920947263766 0.8346147247714797 0.0118850253046037 -1.710822175842183 +1.2238695003240572 1.3850809247624136 -1.0045695855387822 1.4241083648753596 0.4134417321609469 1.67097868576185 2.3908930291761594 -0.0533105454086372 0.7870865092160486 -0.1920833137470679 1.5697071824780808 -0.3044306915156969 -0.7076625217101292 -0.0950381249849552 0.4635847052225625 0.9584718122438786 -0.1103704692659644 -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.460292753271076 0.197374202485721 -0.0186950484816039 -1.285317800559826 -0.3877503720722217 1.085441891961937 -0.1590544938571378 -0.2447550018529286 -1.3449109677504345 -2.0234490039067605 +-2.0014946652928254 0.4008563538126771 1.284546640162454 2.0490387959982748 -0.8858819827651856 2.3053278489730684 2.043555452474301 -0.036851572911072 1.2982121974514549 -0.2940635544071616 1.7065768664587888 0.8355328503031196 2.2329449085027213 -0.3730353853793912 -0.8140890141528517 -0.5582063132416109 -0.021292720944643 0.7808133845424405 -0.5199122156420262 -1.4097805943671116 +1.7907614372924858 0.0111456718582067 -0.4273587528844513 0.5054710712215835 0.0575350039331264 1.5441738476560931 4.356119374482046 -1.5367062979906976 -0.2907699722957929 0.3594034328370984 2.776660373331767 -0.716922349759739 0.728195185394509 -1.4169415869998538 -0.2850349660167171 2.6553402951148657 -0.3089813991749924 1.200197951704141 -0.4169292690674289 -2.7951454489215437 +0.197617625096895 -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.3185715048495879 -2.3535459910326453 +-0.064084441227827 0.0912916662111444 0.070292529714925 2.7736828978375203 -1.9692218872848557 2.981736958230873 4.515200903810606 0.2506215471270459 0.6392501352089147 -1.138132534120967 3.927671244593082 -0.7659506477307092 1.166612150930744 2.422994090891371 1.4956824387203616 -0.7840187430718758 -0.1292845662121212 -0.1630231365785303 0.8642410010381918 -2.3383571203437308 +-0.2432147198887513 -0.5453532447921198 1.6057340333710466 -0.8957691132200181 0.7767857789353484 3.102397000123717 2.9611758164758086 -1.415239693827167 -0.1723860729819833 0.7349252369004419 3.1299501212009613 -0.0747331889562075 0.0007636314021302 -0.2393883582088851 1.0592390839335102 -0.262277466333753 1.93230024352111 -2.2644252255034774 -0.2143082208176646 -1.363387994399582 +-0.6003573030903941 -0.2861693513584305 -0.5372342917252593 0.4333561763339038 0.4231073188531783 1.581276022498149 5.714455960932527 1.4441910901611177 -0.4856962711737568 -0.3008437083300901 3.2812425437398627 -0.9486234094932954 0.2259967684920629 0.2619074703719612 -0.0366922045906837 0.8783389413859992 -0.1239730475174532 0.8136608429347919 0.3217952793576086 -3.868329229793111 +-1.9439740642072567 -2.1600693951019228 1.4363746395107222 1.5337404660489315 0.1907853887888617 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.1527206536038524 -0.1292355683454774 -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.3445275471150075 -0.5759313399605643 0.3285443985147117 0.5399364336113526 0.5499006514856264 1.1611540971612364 -0.5833398165140331 -1.3522176785471114 +0.750611838041341 0.7351114571734384 -0.2357976990879189 -1.286284825712267 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.2619857232713456 0.2289686883811375 -1.1464017759874143 +-0.2875959462569996 0.4735950685005853 0.1233570744319005 0.4181036876637649 -1.948123640494324 2.9286996664467577 2.330949746782844 -1.015692041284148 -0.0523810071059841 -1.1308344439669606 2.549219900861279 0.234458865392641 0.7577845209325416 -0.4086164396108289 0.7612743100448471 1.313421519411316 0.0297546044200734 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.4484882659748889 2.0122862768041765 0.6836156936574538 0.871841974082707 0.7456204304397702 -0.1680218739508332 -0.7564236380098673 0.8746167276334742 -0.9977411387535112 0.3613397162472517 -2.925598090762444 +0.3117146125071748 -0.2736710566418899 0.2118026349790775 -0.0776020400575298 0.0356730367671299 2.387983306336785 4.706387286358583 -0.9578325355578868 1.452350881861973 0.6231711985001551 3.3855289481852875 -1.0022023758320022 0.5131015704227361 0.0136645883048659 -0.2359734495772532 -0.4882209765908194 0.2629281407481283 0.6789361892009779 -2.094347254072613 -2.878015482344443 +-0.9848286603701792 -1.0086266703011035 -1.2922285311573352 1.121755635827733 0.437491124257349 2.854735537012354 2.0090843166081163 -1.9389762906599688 0.1088147876782007 0.6084180979048448 2.4429778909119158 -2.210603188529176 2.982029384218293 1.2610267479125878 -0.8563375356483675 -0.021001942459403 -0.1337335540852778 0.1999019026386651 -1.6523775664182168 -0.8534654380737174 +0.73778987250031 0.5270301569096658 -1.3617000213465165 1.451525382706503 -0.559486752359962 1.361162963752438 3.318688027922164 -0.0130321945064703 0.1244242928051007 0.1618713130439463 1.9522010393943867 -1.1256737331019406 -0.3761571587112786 -0.8048124141339282 -1.041721750050959 0.6949461197323408 0.7536224966301338 -0.3751851883888366 0.2218424535284075 -2.335746609228522 +0.0179587011198353 -0.1550562516999097 1.3682610157428468 -1.5273767658090307 0.4127538481271831 2.297775981358152 2.294258597523908 1.0032569103897226 1.7138405446138736 -0.5094393904050415 1.9111338511055127 -0.1414018062065663 -0.1010290069145633 0.6370567575155008 -1.4406997554661205 0.0087870871750015 -0.8972642603382903 -1.6899568948704065 -0.1103578488892755 -1.5003978293491054 +0.8349618896577504 -0.6090340454345506 -0.2783604860348304 -0.33008119695409 1.8620959235926644 1.4939124573731035 2.534161504358788 -1.3671062836656542 -0.5609250048813744 -0.7619755043318766 1.4043906245834217 0.3234621918076674 -1.8523323877483933 0.2834597344820688 -1.0880826153788803 1.5467442789426824 0.3013056218998304 0.4529343644035655 0.7863334649233997 -1.9993347733147704 +0.4331419600464513 1.183182645004714 -1.874985893828627 1.2297778703293696 -0.0022111557262277 1.3495066430409666 3.669360287993056 -1.043018449780227 -1.4731645596768688 0.3218398595528051 1.8152620685800915 -1.0557021561152955 -0.1343246881961492 -1.456763287953568 -1.2825252273977652 0.5223526084013664 1.923385006543196 -0.7274829537660861 -0.5626200239626561 -2.853815426096259 +-0.9474634974270788 0.6369703642218604 1.5631668142486843 -0.781892105210982 -1.3918450994009723 2.782835053901796 1.952075141759925 1.93852695967334 0.8650547106127829 0.0454513826674812 1.9347624092918727 -0.9831228861424828 -0.3042069725603308 -0.9968317226048562 -0.5934921573727676 1.7073757094606024 -0.3727503004817499 1.0344985050210518 -1.2627791397953645 -1.2382676357257625 +1.0288781775537776 1.3497453978117082 0.4080483141598927 0.9420136357664776 -1.5537257865507057 1.9115791143452676 4.960184981032533 -0.118318093195999 0.0515415069746732 -0.1290649801240505 3.1897458015432485 0.5592195008791052 -1.4290367063357206 0.1934716963864315 -0.1103991177124017 -0.6770269879968817 -1.9364661480690613 -0.0196157955481051 -1.0920618292954238 -3.2025976020394262 +-1.1255703345797468 0.9887519215094578 0.9494242082066332 1.860930205349418 -0.617605866081285 1.981468913147384 2.7968004126653536 -0.409886623425432 -1.3721265714258353 0.3328963334973985 1.842099834832251 -0.5265078538028466 -0.4234305571819214 -0.181163917004194 -0.4595546579435974 -0.6147320852857083 -0.5641997115341427 -0.8907750257002216 0.5888774221302534 -2.0355266017313243 +0.4446084202502826 -0.2421970276322107 -0.1315982949740337 -2.1873122828386147 -0.4991549912914671 1.2733698312446269 2.715494547348113 0.1659183412328038 -1.4921126455473783 -0.2638211149569421 1.2005362896916791 0.9123263257334722 -0.2897995988352188 0.527222095909203 -0.2838636467803784 0.1640502338660111 0.7542954045405754 0.8627526388924353 1.782259696956077 -2.3262784727223296 +-0.7274546332830187 -1.379628526078342 -1.004419847277354 0.4696377949455288 -1.4429744219930851 3.043887419402296 3.612754841589213 0.6323738493887369 -0.6319032290600979 0.1907551977945007 3.5031454293741917 2.7651482147838693 0.581599858344147 1.4475318377303783 0.2187049359203952 -0.0164631875854659 0.1504255722095556 1.249282192376311 0.1096921550807586 -1.7339638672451725 +-0.8464479625652498 0.2440397745596293 1.0620206551543867 -0.9569459722034078 1.0199969028460156 2.079582676478854 1.5925127902571172 1.4089925554176157 -0.725477757515927 0.2849772727041869 1.2187612467122553 1.0150753121482787 -0.9367398810708288 0.9817122720517616 0.224347124836003 0.4713701853367609 0.4409113010793254 -0.3582103180100952 -1.1104859478717637 -1.2861187234971778 +-0.8335518785575083 -0.6736182715193956 0.7705010025608595 1.9023779425875649 -1.8998522354758955 2.756817911438289 4.852337310705003 1.3458770609265895 -0.0485867354582687 1.3069501151863283 4.007022124982015 0.9227173464428178 0.4647858770762998 -0.8579726897824581 -0.6008728707746971 1.695887714436053 1.621848130992121 -0.7254435816672533 -0.9143667676786916 -2.577222548871343 +0.0382852397591853 2.30499737232678 -0.6651482359254142 0.0125451397696401 -0.5144692453987985 2.048195179334697 3.3523902829010925 -0.2372274472485693 -2.649390830340597 1.2201386759241355 2.675540995473468 -0.8340407633471549 -1.0654280177290398 -0.8812721591942397 -0.828611838433189 0.6948455944140072 0.071208413280071 1.4072169241004653 -0.772700476632655 -1.9094036291800576 +0.5591904076152789 0.8520991264040052 0.415345753564019 -0.110344252665225 -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.549360047909631 0.247025164066825 -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.2184974238378671 0.7599518339155508 -2.8721084032289217 +-0.087534718122435 -0.5855048524157443 2.205065012314366 -0.4076169131516706 -1.1542470739204378 1.2933172372635076 4.689576301204951 1.1091005675403025 1.1539366566885103 -1.7969386563104155 2.2383964433332166 0.225723360203641 0.2673484151104047 -0.1270343302133262 0.409636606703197 1.16211395983596 -0.2946048604324758 -1.333533878136858 0.5641570758338537 -3.5938627300822605 +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.2919674455232088 0.8926132247871932 -0.0446937660692474 0.2676790004760459 -0.8181839588411116 0.0827246105914181 +0.7175528849076579 -1.36082494876305 0.4790233763874763 0.7062978693241538 -1.008727246117216 1.699515387209511 2.0472284266047414 -1.176067580708429 0.8788194982506593 1.5289397217554812 1.245133733378751 0.4523909839326161 1.2914359061515253 -0.451981801510628 -0.2072415115007667 1.4454753462757588 -0.3878165165455179 2.373810031602293 -0.7407334460367552 -1.6600281492753426 +0.887440118042033 0.2729616988122481 0.965042687374125 0.065585445424348 -0.8467578601575918 2.446464645028372 1.5988143653296034 1.629478434180424 -1.0406877823083114 0.7520517028108071 1.6145242866515317 -0.7442926960389398 -0.5662955076269388 1.115835031937194 -0.0864107557803791 0.0037223617878501 0.7823052910403725 -1.0002639809050446 0.5862996118495495 -1.036492984428764 +-0.0136492012294113 0.7235066356584124 0.4526139596776698 -0.2489210666470316 0.3276417902728787 1.215592045519506 4.188094982846291 0.0099042976514531 1.2296605546439987 -1.5029379249974046 2.185811309620051 -0.7712141005856427 -0.3942065169975788 -0.9815464979117614 0.1734274927093316 -0.3744919755851625 0.6672351997121623 0.0351695070625732 0.2317621133140177 -3.054749439683289 +-0.3816790126499877 1.9705258053975248 0.9474194060784488 -0.6240717397073057 0.9576216620279714 1.457721746977488 1.3772952694413363 -0.2147195322457744 1.5080383801439623 -1.055637014782667 0.4972197533208156 0.664255014812778 0.4212173306199058 -1.1035944040635712 0.3738653768542695 -0.9880493624430846 0.3119755862025217 0.756704094764405 -0.9788872750771817 -1.525926423728985 +-0.1509068921226291 -1.3135136882916083 -2.4841577426161576 -1.493729280799389 0.8168796375109683 1.5091281985895757 3.051754663663388 -2.134503031139241 0.911539596500602 1.1288155541499532 1.4590179927193705 0.0756991774583177 1.243913645720379 2.1608479392356825 0.2539569322900121 -0.5144077257338107 -0.4748376430622534 -1.1414162523068463 -0.5373936280428806 -2.5360137386605466 +-1.2275347948607858 1.3717723729208886 0.4340982375600173 0.0060195849106184 -0.6801431981733557 2.249018719542261 3.789584659854256 0.0561891157226095 -1.3803242034350578 -0.408101385442635 2.710877265944192 0.3425177784428977 -0.8363878090843762 -0.4757243322025422 -0.5420494734794098 1.1380643853506844 -0.0949470420779912 -0.0530109893192204 -1.3011438633645769 -2.428901749396804 +0.7639271858656146 -0.3852704409866445 -0.0611684096660718 0.5629872723830476 -1.2325929551100905 0.8199921273285704 3.891118096307944 -0.1732341836494921 0.2735690958134404 0.1122560276829528 1.4288097026336133 -0.3698835745594445 -0.1284619312197057 0.9588936944933452 1.0196659223962787 -0.1931229686676386 0.8827993000376971 0.2134242995164607 -0.7074489526816709 -3.302962857379435 +-0.5195137797032303 0.2824896306561844 2.3670502684723305 -1.089933766739094 -0.859237479856966 1.6402646114726365 3.3303237374546653 -1.566983906063702 0.1959453496555548 0.5669379645398499 2.317928495463773 0.8677795985634574 -0.5317903873494579 -1.266432987105801 1.5389921474814876 0.4594501307828977 -0.4118287760708597 -0.2266775148694634 -0.1127123589960324 -2.093695826158021 +0.0380948004879962 0.5435060186011955 -0.4060222840439504 -1.526978174043192 -0.0436400770909201 1.714376973435947 4.582070903798194 -0.1397607547944325 -0.2376120259587185 1.123256409565356 2.7124905281139924 -1.0112428944886074 -0.5232780372163605 1.0446421391759615 -0.0103042167925 0.1980659058082501 0.3282811689190089 -1.2010734448503604 -1.335780413732088 -3.159792736341108 +-0.1427095904726603 0.2600235267794153 0.607860280935106 -0.7830316847928788 -0.0149512401104653 2.5894816308901185 3.022680119983818 0.2272465522519733 -0.5571925781703636 1.3711606329127388 2.375474052944191 0.7503329690202869 0.7459191531425254 0.2141601908225826 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.1018220806361687 1.3648678746739982 0.3615557685506704 -0.446495269809014 -1.5402157447520224 -0.1532312285092569 -1.1155856726046527 0.9704677731142478 0.3132782116585783 -1.9270045034842669 +-0.710609298170323 0.1843703738506535 -0.5210653387766099 0.7882273915699267 -1.4804866511689658 1.768426791930184 2.185095887553456 1.23137067367275 -1.0517972543010152 -1.0565011442695995 1.539189508191274 0.7385575965720057 -0.8579526619458461 1.8134041574814892 -0.2288003258160804 1.024817289681471 1.1310797973357256 -0.1930234806475896 2.67696627049162 -1.5636167656273967 +0.9283199887616806 -0.6794442660359545 -0.5907113334180514 1.0346447453585614 -0.2430843483138111 2.2346155524468405 1.812531058400397 0.4352232054505284 -0.640296252440674 -1.2252609938029084 1.4448750827218404 2.070143563241116 0.5909734720593675 -0.8891892346106776 -0.1762255499480367 1.4793019142672708 0.7901197863097068 -0.6287617441713568 -0.1629908615727315 -1.370827355028745 +1.01864781858489 -0.8186258715703851 -1.07082558839674 1.404475035619576 -0.2980078596732726 1.1425620536895749 2.639191764306714 -1.523628316495634 0.1090778956346137 0.8053687731220703 0.9785991246179532 -0.7360407539694588 -0.3827024727406241 -0.5496141643312615 0.5029534481931748 0.2027359175441683 -0.0383064457820039 -0.6025855771567924 0.0332591047924535 -2.40673717168606 +1.1662490832091168 -0.6100256048463902 -0.6118942873406289 2.029971327389954 0.3110313052984725 3.312856721222007 -0.3682227225871743 -1.1131826995811984 0.6628120317320988 -0.4630725918950804 -2.645737651537956 -1.449935000605986 0.7864143970862417 0.0453272829404546 -0.7797708958065228 -1.0317770225334415 -1.9789745592104049 0.0655003097835767 -0.0035033868584236 -3.0248241801531277 +-0.0533586908487865 2.176791623028444 0.3182108431015402 -1.276629785743944 0.269773355357959 2.555159090299888 2.5977040237956914 0.4000147596611756 0.1126910081593768 0.1471945522750739 2.2153031872062137 -1.025933240034277 -0.1260000898235116 0.6794281437187687 -0.1915125441998372 -1.4630176670540913 0.8565841929076652 -0.8492305698552567 0.0949717821210841 -1.6373591088008024 +-0.538506828340042 0.8946977887921799 0.8902185931571148 1.9506597920004267 -0.9506953994397934 1.6637511360034265 2.055724981986931 -0.9796438016770485 1.3385547098334702 0.1496501537269353 1.2073203388220746 2.5490267942445644 2.227830718385727 0.4232899404564634 -0.3687307051568618 -2.0123015663352386 -0.904884377670821 -0.3861814948327561 0.0044987433034373 -1.6939096535420275 +0.315887867244243 0.0524180012029678 -0.660409475315263 1.629809615956354 0.6859346863276098 1.3246660251110869 -0.8230310220401786 1.2491638071152087 -0.1959394361292538 1.824921410663717 -3.043779297804585 1.137806906286491 0.0727038791810011 0.5732248901434226 -0.6012599652901264 -0.8735250866768349 -0.0999059053194225 -0.5515723920660098 -0.9434684285224694 -2.2870705671031226 +0.664333401792528 -0.1489932976092772 0.3031938361539766 0.4778643376965752 -0.8634191888757885 3.1588275836555657 4.534790309970732 -0.5087444137528151 0.855335079565842 0.0491648196167697 4.313410957087214 -0.6640483549238847 0.0445221901297324 0.1528461458774062 -2.10037952602695 1.542912579098876 -1.2879106309244106 0.8565754201538678 -1.2530471101940006 -2.056246294310101 +1.3465333732883709 -1.09692935668271 0.0453635424416667 0.1236839695702726 0.8467356167934995 1.9693627761497905 3.4077978398740543 -1.1407383421040411 -1.1681136968085462 0.098392002977311 2.37430986004332 0.5996787876596983 -0.1643317844289571 -0.0233013830049943 0.9652154184581038 1.758882212359256 1.3431881749413712 -1.7637000061647017 -1.816172835079474 -2.2270796534201422 +-0.5837315518436431 0.1325915638606588 -0.145391355945549 -1.5405664756320387 0.3466382722493675 2.203801732392534 1.9017884579084283 0.2744457747303269 -0.1422463936079203 0.2018730074339997 1.6823035981585988 -1.0541950872736685 0.7415272834438557 0.142330906064119 -0.4883293890530258 0.4021786047123983 0.931153806285668 0.1729367176645004 -0.0238036173457033 -1.242307818772351 +-0.5570615931965526 -1.1555179923477563 1.2633379723509903 0.5501010885352858 -1.1834276985097485 1.7221446851366218 2.9386511802151736 0.4813616742449683 2.718181665880015 0.2031646312126946 1.404953817679366 0.9803252081948456 0.9236683496038416 -1.3410592160987471 -0.7614151485620896 1.3345414836465233 0.1336070074110833 -0.8792661252273373 -1.603502683804919 -2.522396497694443 +-0.4188373448546324 1.037027271912658 0.947879494300537 -0.747801713329183 -0.2342997470753537 1.738523134860563 7.436063128686274 0.4276306151257736 0.2129259213277694 0.8519777349618294 4.712785290001396 -2.1062924527135385 1.1603181901263635 0.839474355139654 1.379704484382984 -0.0803826454319164 0.4363204621457232 -0.3933055978775116 -1.023339368549263 -4.528270077767919 +-0.5192979253054466 -0.6560215037403326 0.1204340044833074 1.3042972319536457 -1.5942644619231152 1.6439469066455097 2.7762055139952992 0.5633705166363252 -0.1551088436640631 -0.1028202818901331 1.6655804659154465 -1.6354308695992612 -0.084477133290696 0.2190501659159667 2.5976122612963763 1.42738160635765 -0.5321541570437919 0.1192709010183838 0.0401262069896941 -2.074874894128924 +0.420448463887175 -1.0037016791510045 -0.3461370847235719 0.5360662805757384 -1.9737901336317087 3.1385380497259785 3.5331323668802828 -0.6425094172601967 0.1566365261409228 -0.4761023350416621 3.5731076891720024 0.2676512966837469 1.067753645457387 -0.8856444696119857 -1.489630303142243 -2.288095703241076 -1.0491991634974585 0.3364285806119761 -0.7192338289233191 -1.6078476793612604 +0.853783031959474 1.4041322470901154 3.6418952263347006 0.6034879738663729 0.6304874350235915 1.4965128464849655 2.37483052945217 -0.5701024431671273 -1.1527151831540283 1.1128893252304517 1.0076971313985184 -0.0740762147484997 -0.9081537349612208 -0.4851493067686586 0.4199210014876588 3.3288214561367706 -0.3675963777068635 0.2887060979676332 0.0899115978710949 -2.1879706887024115 +-0.0206287696454902 -0.0032967495187343 -0.4501830830156778 0.260907300529596 -2.271863044086535 2.420745421170332 3.893902051879768 -1.2000591674699577 0.3130480146470281 -0.4627760747623806 2.563227157008799 -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.1218858933797751 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.107991109332037 -0.913968241423992 +0.4487836086290664 -0.2363142471243369 -0.6738039234758446 -0.7284407528613063 0.9802444263833888 1.0338265475981838 2.700624805326069 0.188457171226244 -0.2136876988038601 -0.3467329335668208 0.8969244282235194 -0.1843652413056681 1.1990088506374994 -0.2175388789403399 -1.336420554321479 1.8451024069916395 -1.4534477045194636 0.6265600073138591 -0.2699226734712568 -2.5190088670898594 +-0.0947179267718745 -0.5135179012041948 -0.1496311552628582 -1.519402890248479 0.9154853559873898 1.4820250138410531 3.4200047769728315 0.2679071947159196 1.6774744121586138 0.3761148943111244 1.7395759699099076 1.3387808158182166 -1.1190785208079892 -1.4818005068326587 0.5633874155754541 -1.0404197996089612 -0.3974499059204859 2.096262227198504 1.0813514959083736 -2.682764355594449 +-1.2662896483050952 0.2323412440439524 -1.2842969729218312 0.0259360411763761 -1.3010170030628716 1.7501306686635911 4.945870948979479 0.5065549298810499 -1.9706670473471375 0.4051419524687675 3.097298169862623 -1.1150314100263885 0.5645772755872404 0.0281254946598325 1.4142074359959589 0.7464985369010867 -0.3375939749165018 -0.3561920916279427 -0.1133942029596687 -3.2238123539830137 +0.5344443546920801 1.975419324259767 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.0706478025650582 1.1931070513619866 -0.0223386448240621 2.1304748948102827 3.4419683184530743 0.4221405807258909 -0.39965204727182 0.1855034373127876 2.663649357780709 -0.5346201033472257 0.8427030601696365 1.7475823049972792 0.9929257712049214 -0.0568768106018675 1.8169057722409083 0.2969018734936701 -1.0340311577686288 -2.045849364614192 +1.2597119755449555 1.064211304378213 -1.6186303127796309 0.2897882566656282 -0.2821038145034372 1.4061435191655378 4.191572454547886 -0.9749187968067484 0.0554777700496007 1.3789072176752388 2.07761754386493 -0.0910902811589923 -1.0493684130180712 0.8258545133505514 -1.5711391068559917 0.8225113661797092 1.2030669202067783 2.688526231697763 -0.1992599598775923 -3.2157733584366968 +-0.3450617457020049 -1.1705203628378154 0.2559816638660931 0.1006657427620795 -0.0257001128905223 1.890549750972936 2.910576636848324 -0.8409870840282226 0.7655691737076551 0.4074683516491773 1.9648904332949 1.2869779090489812 -0.1446569653487437 -0.2949400149411466 2.139405711211175 -0.2884951746955352 -0.6521626349075068 0.0991155615115025 -0.4420247197445718 -2.022770393323058 +0.3212420036503073 0.3122675603215133 -0.0299200496953436 -0.1781040701904536 -1.0709070582072646 2.275949277944105 -0.5867144131362929 -0.7049165219477354 0.2608837092069459 -0.171700711159022 0.3293983901874666 -0.425534718496947 0.7437150780073776 1.2397774485743882 0.2015452135892176 -1.1749026832899023 0.161426227961146 0.7119318848617147 1.5025625154972029 0.2852350263159091 +-0.6849216342988442 -0.2673994782362746 0.5563186111134434 2.4952042071352283 -1.7343810027173352 2.096993757705501 4.008422432044121 -1.269496952849422 -2.338013646998847 -2.092558097949271 2.536216185341196 -0.2457171943879653 -1.0335638073487243 1.579284226459286 0.7617039964846011 -0.3447191647413052 0.5561441448770215 -0.1973097221109504 0.2605971792746427 -2.791520804023888 +-0.4255501901468426 -0.2323949550041182 -0.1540381952510411 -0.0566607034405723 -0.8373015158079845 1.8785846268415451 1.448091112692591 -0.8808635740020714 -0.4762890340767072 -1.800370100201656 1.101683160683485 0.7931896917081056 -0.0152167276894871 0.1774759185833407 0.9024951643750592 1.4768323673720358 1.7905949004186834 -0.0911013956636742 0.2609310709713608 -1.1718403973572071 +-0.6466673144669094 2.516022534894192 1.6420168650612217 -1.597251653354509 1.1169513401798528 1.4636645929796763 2.985953178309904 1.2607471153513428 -0.3743024601310598 0.7090057651109957 1.6015559076828896 0.1081801829270452 -0.9151561931256588 -1.3496304379430577 -2.423994162193402 0.3012835936684857 1.163048421069734 -1.4548330515715495 -1.0060895570269104 -2.316395213377885 +-0.3534084616418814 -1.4154505748777673 0.5596772281483756 0.7035929818083434 -0.2175336952922647 3.0346103629958545 2.8077843256459865 -0.2875277608993955 0.1605150847030624 -0.7822606326669176 2.869420603313696 0.1833623772915553 0.3503413151570071 -2.2146739376099918 -0.9514113233730448 -2.1362745378306696 0.0098488592710959 -0.0041475379806335 -0.7787365811695839 -1.4116223753683703 +-0.4544613318847323 0.6419230426601322 0.2470379363857029 -1.1249450468525073 0.6404103227912943 1.5997895354672735 1.97014284212502 -1.1390758673668742 0.2103980969171288 -0.5063657922948606 1.333923840706221 -1.1195949532920544 0.9405819563183948 0.1262217725089114 -0.685591836286026 -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.239785540084967 0.1621241740544568 0.3795991657453987 1.9220663007530183 -0.023909545815334 0.9755733764667636 1.9224802087421675 0.0927325850366543 0.6235907726238686 1.8661121197183128 -0.7829948815229851 -0.7727780725383955 -2.1209192091328206 +0.0725620691720602 -0.6098693197497123 0.6617912616239641 0.901989405085049 -1.1029407287954514 1.3603897593625711 4.316473053218711 -1.2324688332575495 1.489308106864288 1.3551119989012763 2.4146394805760325 0.0062841020135916 -0.1628288239690072 0.0130843160405965 1.7457283872001668 -0.2188235386717719 -0.857921515068338 1.7470398074844475 -0.2259335866992599 -3.0307186048066703 +-1.5060635527450916 0.7656872915981842 0.2550759696670452 1.673406983380552 -0.1547238608276648 2.138325771475413 1.9695870944795195 0.887358773240603 -1.439908548514407 0.0982524936883936 1.427869613229685 0.0218921509034998 0.6352313342421554 -0.2578297819741109 -0.2909090479446508 0.6240297907602925 -0.0152817642515041 -0.2621117907462709 0.7868096892364461 -1.5346038269900886 +-0.4092728440917142 0.695541270383399 -0.9251354187942042 0.4605239567730397 -0.7546987539601194 1.7222365088494678 5.083681914222991 -1.1754685333643666 -0.0077345822491537 -0.5320256739788822 3.1435767564611936 -0.5179996616952594 0.5491430276617395 1.7102786994640695 -1.8912837665617304 0.1060357764469529 -0.2146362739333855 -0.293910449472995 -1.524863226303154 -3.327780321134841 +0.2199205449477556 0.3338718181071264 -0.1326169127594835 -0.9440853889317338 0.9540622554201056 2.607047790477213 1.6925012510945965 -0.0198862429014089 -0.9589751031853936 2.009905589300817 1.871241137715836 -0.5296483412766111 -0.4342554955120449 -0.7998757786982951 -0.1580398307101572 1.857410258548496 0.642196466796706 0.7227815220671054 -0.9094607265833338 -0.9523074874786828 +-3.069901727273903 -0.0249372941527024 -0.4485509075044168 -1.003859480238162 -2.512872647283469 2.6750937740689538 -1.0130186643751546 -0.7326159235762664 1.9662168530408408 0.1815678410757099 -3.62308437967921 0.1490661915232002 -0.0768918075579707 -0.2673316243346684 0.0850314546166796 -0.4028587965420921 -1.7484070136131855 -0.1839047668080571 0.1458712660103377 -3.0130709287896305 +-2.6040652337723427 0.9249902098054368 1.0474756163379138 0.3808370597239365 -0.2615842542129462 1.2493497371936146 0.8372650289205772 0.8016637583307692 0.8865861850989772 1.3356674828052646 -0.1439390659258079 -1.9321561405647665 0.4229830359699106 1.7754032762538372 -1.4816394916943092 -0.0898673177344088 1.227196153928395 0.9070135114981376 -0.4301867214198333 -1.4492302926076932 +-0.0661581696020389 2.009979529130306 0.3713735532042358 -0.5487484003197485 2.354415943408788 1.8572881651916524 3.323002263140202 0.3735478888166094 -0.8598539493190498 0.7274541656791573 2.205532939957485 0.2975855303668845 0.8972227445878997 -0.5747601621532991 -0.2127621916795853 0.040064364498694 0.5849058397345099 0.8758434197897889 0.4663260930810837 -2.254363887228946 +0.1854349821398681 3.0513112038934844 -2.642401530692195 0.8764021246988886 -0.3953153229944254 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.1160223057446743 0.4886550176001555 -1.2835462572257614 +-0.1582698552315506 -0.0804834699025315 -2.148011786893936 2.047644705860473 0.7947162744855929 3.242804563537072 3.1537786543701785 0.5402497023814611 0.4272506159045248 -0.6354699283615589 3.262065129084129 -0.2292960421354582 0.7154856008886161 -0.2042624800307618 -0.2578743486811803 0.1366193834599442 0.4553653167841668 -0.667051904499571 -2.0893270217727435 -1.499879266505479 +-0.8484574739703497 1.3067865576457078 0.25715573889589 -0.5778920236798556 1.2522052635779308 2.5540397800380448 3.62109581483752 -0.3278268826487843 0.7393667994651832 -0.2837573726327204 3.182336120597001 0.6388288113204441 0.6913878844603908 -0.4201373516698137 0.1445696954158848 1.797278428886632 -1.3269163979305345 -0.5374183207933991 -1.1487633221563704 -1.8939359370372515 +-2.130317782257829 0.6944206556053942 -0.5187934367784872 0.4910182874266096 0.9821391691462148 1.594712581464469 4.651398959285967 -0.4079668226972564 -0.7617607267021139 0.3720022354031997 2.9925378597902497 0.3213832180477288 -1.8009468379200382 0.0228737675663929 -0.5948190671258752 -0.1814257358676153 1.0527453107966451 -0.791437621835658 -1.202390030067397 -2.9428283401869946 +0.6749106319022494 -0.1410001132490149 0.9696745674485816 -0.6012318064205764 0.9706395894078412 2.0205295534128647 -0.5705109230704828 1.107471162440306 -0.2333200858753318 0.5489383517969392 -2.331823083983417 0.524187537611793 -1.607427755534678 1.2124152543792104 0.2564484145413819 0.5333111287645858 -1.7715901663386604 0.7643998152072085 -1.088005122340949 -2.120248490613845 +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.6483349264511815 -1.269517021279204 0.7198065388081868 -0.3671739224800498 -0.7364785132472684 -0.6205826123141913 1.708837288406762 -2.594756018144528 +0.0100359871993886 0.2446441667110395 1.245919130033156 0.8854157890056191 -1.573923287330914 2.8875386799155955 -0.513386992362383 0.4013578576162002 0.5076563896403061 -0.2023935750158571 -2.560644060182517 -0.1450215571363124 0.5199643185069369 0.6728828829265034 1.5303075053292063 -0.9794419968244896 0.3655133608469971 -1.327131896650437 -1.904372466358065 -2.6555099509371605 +-0.2984991804837332 -1.6426421983629622 -1.0099344497295062 -0.2068306325948078 1.7371391385934103 1.9175803121382835 2.5305082449767884 0.6198917597202278 -0.5024984291905042 0.6767881974129 1.569111670968616 -0.8206492678463314 -0.3511969916778679 1.0578552660085534 -1.0111524265487517 1.503872093145261 -0.7474037040854009 0.6582529782133406 0.7064620422956671 -1.969356801153876 +-0.6512454621212219 -1.37373475613224 0.3008590666620012 0.0797497766512836 -2.195376961647302 1.132356514093129 5.6861294740324535 -0.1068624210733533 0.4255497794528917 -0.1410668722642891 2.6052434613346884 -0.0193472593916205 1.0454590995696535 -0.8660690232570448 -1.29000104081957 0.1081990001477609 0.7755088867812867 0.6015079687881466 0.955602538442458 -4.328064444458374 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/train_test_split_train02.tabular --- a/test-data/train_test_split_train02.tabular Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/train_test_split_train02.tabular Wed Aug 09 12:54:40 2023 +0000 @@ -1,800 +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.1307462439551354 -0.469611133626014 -0.5710665790468505 0.0327911335242114 2.003536501469461 2.3320994929619165 2.565577390893033 -1.8172726174227096 0.3125274084201865 0.4183877613375451 2.3746178626049312 -0.6930727012865296 -0.013183556173275 1.1098774440423256 1.4603607557778286 0.5412632236853618 0.6061667777690624 0.4212995019384291 0.1498035005719998 -1.3870421561971842 +0.1025284847407583 -2.655435202533781 -0.71518541502396 -1.1404916299860086 1.1910205067228126 2.113153625179661 2.9349032443668133 -1.2362775613386645 -0.0586174826361704 -0.1293240360846845 2.217536166240706 -1.19338504289619 0.0851727449056375 0.8749991601378865 0.0382393981125016 0.7007347847223218 0.6221756436475849 -1.9582697041316883 0.1486878915218063 -1.8828047461722932 +-0.3579496672192898 0.5691405803600221 -0.3135941251222193 0.6099240993754877 -0.2162375576701694 1.2273086492959706 1.6963625000374265 0.4917445652599018 1.51820010664321 -0.617964849995752 0.4424061323382702 0.3760727196375077 0.0955642147899332 1.1428211235733463 1.3792380662910433 0.8392247210016273 -1.3784520073608069 0.6806565402268875 -0.4079706906458002 -1.8670081757072128 +-0.4813193986666376 -0.1886485401626123 0.0487349235069736 -0.2000493020656905 -1.0585699644909594 2.762538399566734 1.8863896126660609 0.8214112065844242 -0.4384103073465777 -0.3211449191911812 2.19052189921114 -1.59109564541547 1.3097995624508914 1.5592201449464334 -0.3552421947179116 -0.412807550832849 0.5596595170526524 -1.176294355286121 0.1688863345519094 -0.9214884435605952 +-0.2572336609353247 0.2943898226985014 -0.0653197545010283 1.5097968126742924 -0.7755962651137243 2.4354435421606127 0.38216873050665 1.1239051747279731 -0.2442436451866952 0.1271861907495209 0.9026611100653392 -1.803720014048137 1.2266258763633622 0.2289904355544701 -0.6493009189318991 0.217501224664499 -0.4382663216525586 -0.2972087114804226 -1.5229655091814298 -0.3225053056087867 +1.4069915349949509 0.3654232815183534 -1.097052189453232 -0.5389149543134537 -1.5728963747716522 1.6783401449848374 0.928845550729613 -0.4925716601774063 1.0392596016586455 -0.2847157775591438 0.521018957750019 -2.65782453257402 -1.67318496169606 0.4719725602155527 -1.0949050649335628 0.0863053908651638 1.016831070562736 -0.9944516912574556 -0.6752082767957616 -1.0649707211089758 +-0.1186989836246747 1.7836421698313514 -0.7750775352454679 -1.6293416755674714 -0.6843986506548367 1.677272166763645 5.61626113564464 0.2921048965669931 -0.033111466862592 -0.202162406434836 3.174632106697607 1.3260918422916352 -1.4169867073972098 1.1177286442516994 1.144226101377356 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.296493801170787 -1.3015552984330785 0.6517060330634804 0.5957551049011494 1.7890274248449136 -0.7415803218575354 -0.0057662756279663 -0.1580441149196136 0.1362084800542053 -2.423189499613118 +-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.1643146681350496 -1.2255895916041704 -0.6701271433847471 -3.1283762290921477 +-0.307467029693207 -0.8391679152764611 -0.1179283406215597 -0.4262954946616039 -1.691982298012858 2.8901125627044437 2.0602489643699675 0.9458180233686614 0.793907788630693 -1.364580463112297 2.4726804852199185 0.8429876604473175 0.2306659754164001 2.228388534591572 0.3261200509781369 0.2329892348617399 -1.5934373922813216 0.3574092709432904 -1.8018244078785832 -0.8941426836775552 +-0.0304240230215174 0.5533032756826644 -0.4112837804349074 -0.8355476515317032 -0.2622460538948676 3.2506287207592406 2.7918182608890447 0.7231913854378242 -0.6670274819747994 0.5685941468669105 3.549141245571541 -0.0234948066882379 0.8483881498776288 -2.005652105849878 1.1553011540926152 -2.6632735840355557 -2.2541594101883877 -0.1630761025410007 -0.4833161866730346 -0.8289701866860151 +-0.3567159236604347 0.4778390934002922 -1.180881888309948 -0.3819794080908899 -0.5893609788984335 2.298121263349495 3.312961699279363 1.2295299738132672 1.3375589945577444 -0.1297104350562138 2.5118692567781653 -0.2869661579405015 1.1046803526950393 -0.0215035851665922 -0.1293945281278592 0.1043867099593842 -1.0321636447240388 -0.9880797094573126 0.5797093424210948 -2.09122747777658 +-0.1402579646311577 0.1444308798234627 -0.1472932845125915 0.0590188084694665 -0.0380995369833731 0.9246669082754356 2.47225857127193 1.025915020986505 -0.1149130087491465 1.0897435941109397 0.693156043268562 -2.0032536320269982 1.5850356506003898 -0.0971284385103844 0.5795472989924035 0.914335265576557 0.0345112841500766 -0.0464940243901021 0.097116734277742 -2.417926485525231 +-1.763375103457406 -0.2215632915533474 1.3464145823500586 0.6450374307377071 0.9157410168307402 1.677062393899815 4.0014085761291485 -0.3458782647660053 2.538985571272172 0.0802918089302683 2.279847674178507 1.4063944780656883 2.263620824857588 -0.0743106448253444 -2.1740919182706984 1.2701381312258078 1.057253999396625 0.7982996387911043 -0.8477261177186299 -2.895447615965107 +0.5887007586272001 -0.9656133145847268 2.098378168263082 -0.0195552115838995 -1.328373614347535 2.1540005978934875 2.862302657835205 0.2291259173129184 0.1939030409035364 0.6849503075032513 2.598392537139887 -0.47259519684184 -0.3024946517076788 -0.2814037760295054 -0.5595265033801516 0.1805443087502087 -1.1082229510479242 -0.8304884318114684 0.2887794328426672 -1.4607084996125717 +-0.089173181251429 0.599193638549956 -1.2288925719068569 -0.3451978789796373 -0.5151780867696468 1.8080639826835203 2.211184025532929 0.3857355976481825 0.3933723846934453 0.9387139699256648 1.3615567679563276 0.2532928835268668 -1.7634199779552462 0.269624675282246 0.6299625773714458 0.3811824892052929 -1.144686944946928 0.3927003746554742 2.02678427945519 -1.769273432881433 +-0.8531121953909785 -1.6384462865455145 0.7322780088450307 0.2432993349749212 -2.2396948240475467 0.572736403173685 2.8157054452534744 -1.9197048775676464 -1.6158615574097663 1.250140755221341 0.6126803144849982 0.8195107523399837 -1.1532850921417583 -0.4076743118315321 -0.1154391441309153 1.8169896383858115 -1.066960132168683 -0.7202647940948409 0.8825522567203071 -2.773892714763975 +3.360397523602019 -0.5470601729870943 -1.2873197463278891 -1.2598328753246546 -0.1428061049836398 2.0156505744174 1.6557719775496316 1.6226882110628915 1.0952934126831912 0.9112290228632092 1.4494450439546436 0.1050082178852895 -0.0070482837895663 1.4293902174127222 -1.0197533088358766 -1.0939163125693334 1.2480042976575871 1.093432051347689 0.07892365771029 -1.1246763094116352 +-1.2019484017832962 -0.7437812893434871 -0.2338279341505459 1.8738814541479327 0.3655225566448258 1.9638544866010736 2.8476657861554573 1.867113786023901 -0.7781875436806424 -0.3309840254591775 1.7450958129488747 0.6275906157483042 -0.5465585302265351 1.0732648366677278 -1.6095977301397717 -0.7762546628784167 0.1875647936901946 -0.4073766038400426 -0.3474300383969342 -2.177325713409913 +0.7934951684083875 0.8326179752656594 -0.4939579963258588 0.533136021835571 0.2780456003316678 1.7757908615203393 0.5418640809304345 0.5542200857992018 -0.1155403123464389 -0.3737528963763186 0.4085622015803196 -0.2834517929586649 1.1961820152004032 0.9291298479816916 0.3002313106229747 0.1590627463128686 -0.8042747867154614 0.2906881176258059 -0.3226519711423905 -0.7625406346779662 +0.4740574968748305 0.3872804936979775 -0.6825147841619196 -0.2355608063190861 -0.1203241415351722 2.1859914034013435 3.0633799951179297 0.4829632729838492 0.2213591048184854 -1.0794363918402283 2.226815455160911 1.131184596940553 -0.1383596636565292 -0.0495079377930346 -1.0891585612191703 0.3887366175538692 -1.1840998502354092 1.3885120556663757 0.0715171700432888 -2.040621757708071 +1.882081746331261 -0.0073046017863151 -0.4028073587107265 -1.714077540268786 1.2333796333712983 2.1947383028170666 1.2456641222591205 0.0302174572193705 0.5623436691707165 -0.8994964654585851 1.308442865270992 -0.4996027127725664 1.2341255114922545 -0.162766774418624 0.2751628816021239 -0.956671849099228 0.7563301736574052 -1.227008361234867 0.9313117523339228 -0.8470351966480534 +0.0376198539428058 0.8765760147906543 1.5988976122933551 1.1941038456833737 2.549973056552273 1.7485979888387448 4.517666882473668 -0.0507732491867665 -0.5873099039643536 1.297926683627702 2.646615006960173 0.2937120534930819 0.4458120875102079 0.9355128509783904 -0.4848236495669058 0.8574653029647 -0.0053102843921883 0.1527281849595421 0.6224490470850561 -3.158498091653619 +0.0534384665663327 -0.3363217478306435 -1.4922247715405277 1.163878903054141 -0.6344532935099135 3.143252889161575 2.443227232843667 -0.3037236573023205 -1.3574074082550882 0.3944751307668178 2.942113620994244 1.8538160078930583 -0.7026879635515185 -1.0166919779324013 -0.0339993615342874 -1.2118416600755175 0.2814907047699722 -1.1513159232664771 0.7806130817069888 -0.9663831812133032 +0.4089922885466824 0.5254412831889318 0.3538383912732106 -0.4793026595580887 1.6039959412251406 1.5919893096570898 3.7694156366718152 0.0051877088444108 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.0881312763608512 1.0961703827398896 0.5174815573553699 0.8864605510671765 3.0647707193519365 -1.0067723906854442 -1.2888486125917955 -0.931132959360689 1.3876478221592063 0.6715365830469666 -0.38698557690157 -1.1022123029004836 1.0452578889045347 -1.8695557938157736 -0.2556163670932802 -0.2073713510656681 -1.14101038949494 -0.7767409219800914 0.8391043406330279 +0.0164005750668046 -1.459463555265842 -2.079068614623475 1.4237437165506666 0.479366915226027 2.365540652446546 4.181080515235133 -0.0112461398701618 0.6126350870211529 0.8381358041361706 2.992104020705812 -0.5383090205647783 -0.7362658354031074 -0.4982053006601031 0.5280472734898894 0.6092951790874602 -0.4172061149602521 0.2874077486997034 0.7853848487055575 -2.644128640075069 +-1.201273669597732 0.2820194976601599 1.2242729117166635 0.6883002261220716 -0.3324846258805882 1.34727344740718 0.3178666128157636 -0.5213486241436966 3.749617518891253 1.3799203854224449 -0.5868539447738463 0.2503872098029675 -1.0358077273547488 0.3308609030813905 0.2141984481069833 0.3083517922766853 0.3581799376269874 0.5381322635144393 -0.3564086207458974 -1.3037836301983967 +-1.710044274702664 -0.3721329286925187 -0.6725971527625199 -0.0498008466885162 0.7884849528707534 2.097342559487313 4.643308162505548 -0.3002140883540919 -1.403202887941177 0.1662285606097661 3.015767614607807 1.9072741139592224 -0.3233542764715035 -0.670218381345843 -0.8880467785508395 0.4109982363680827 0.0473561365280076 0.5308120409174298 -1.3829703575545689 -3.0624373080490983 +-1.249569052616608 0.4737157062413394 0.8826293401409404 0.0019389068976761 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.241304897575564 1.2405238473198423 2.0467259789730803 -1.808293841476753 +-0.0644439285827376 1.871585571783054 0.0456391824376976 0.9642102586697368 0.4033706637398818 0.3360788679768012 1.527406848398566 -0.5094445907792163 0.7096897351390229 0.2794713400460773 -0.7781955878270437 0.927885780541432 -0.2903961286685786 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.583017842921663 1.425340379541198 -0.5282509655446305 1.2387985042558738 0.2352014298344215 0.3270695011007737 -2.1687094332150005 +-2.090060767275893 -0.429757193327616 1.5842856707634794 1.1575529121871726 -0.2175498018619618 2.6753699457288143 1.7041626810479558 -0.2342105127927366 -0.433238898367721 1.3599780695936856 1.6228361086623837 0.5341491399008884 0.1368148576079448 0.6740433038393654 -0.1667487446981084 -0.3551054771480693 0.3167398070008783 0.3968646167767927 0.3479170230171948 -1.2158120485210298 +0.3445923971141579 0.4382599046585484 -0.0883226225012123 -0.1635402358647567 -0.0107299436323869 0.9422456332091284 2.570860621047184 1.6342325503822466 1.250109872515728 -0.0693498925680294 0.7295276580538788 -0.0806676828395662 0.1254789310026851 -1.1885873241361216 0.6652822310428977 0.5699792683001599 -0.2228951985142712 -0.1969306146370971 -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.2141294549050207 0.6455416673097428 -0.4545839755438937 0.7812002900053857 1.085951757885085 -0.4609287456202755 2.4205301518195266 -0.9766890655523456 +0.8137305410193888 -0.4280962954156854 -0.2650060365102651 -0.1588432269061491 -0.7436411319839561 3.162117601698005 1.4055066419322004 2.832824494929513 0.7866966169511465 2.299861076500972 1.944396645262342 1.7349096759765468 -0.5614239770728938 0.2949232130629297 1.200537214408608 -0.8272146136237638 1.056734754612945 0.9936522467879726 -1.1213776466196437 -0.7273839429848803 +-0.0435498610599629 1.8974881888426889 -1.566625572667934 0.0923840675651959 1.3189672446770813 1.934484057749709 2.6023487694757925 -0.6898701544884301 1.0572078129514235 1.1305996689085478 1.8802911040856527 -2.2029789404073576 0.1761756339651535 -0.0655018813049999 -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.4281948506132991 0.5165243287323551 1.1740567391986918 -2.510930213472667 0.3770306629813193 -0.6626756632176405 -0.4233830558073657 -2.1560878629335645 -0.8365535480171541 -1.12857300579868 -0.0081881922929481 -1.385852244686508 -3.0181005673968078 +-0.0052842951930885 -0.0741912836393713 0.3015590322657882 0.7703266464499491 0.5774961995598239 2.2650900566834693 2.712033319874392 -0.2197482060664983 -1.4953747859129305 1.2409781989422282 2.304461953350486 -1.19332047648636 -0.1598794759243799 -1.315594382489237 2.03081724230452 -2.7667172873258297 -0.3974004151271982 -1.041235218725304 0.6906336920740085 -1.5968392965850708 +0.0781655969008065 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.4005425622232079 0.5535688616833266 1.440473746220856 0.4358348002296937 0.0041049193740317 1.3067314868441695 -0.9754716067527176 +0.1822557934619547 -1.2796018753350356 0.6780773010107425 -0.1070719906061559 -1.8915329365851756 2.9791576382913614 3.7762486948586975 0.7669666081001365 -1.4611274189917611 -0.5051625294981158 3.5706473853319283 0.361457272353967 0.5353157105921461 -1.1171165238191816 0.5003091857920472 -0.0623371627207391 -1.664216917267093 -0.8111511264316701 -0.2873360912302924 -1.8361890958897185 +2.0295307357993484 -0.5233040426607474 -1.945995471921972 0.9467077471379804 -0.6037657908369891 2.291738182217463 2.2538638333528773 0.4756929697798518 0.8176604183206089 0.4179985342366512 1.7027353709421005 1.668950161455266 -0.1120135410047722 0.9906223385728956 0.5887352748605343 -1.8072381416767944 1.3734118909826565 0.7308789341803912 -0.6159562578694081 -1.646038512228191 +-0.6723686373849918 -0.0173891142384268 0.2724724400752009 1.430651602881991 1.6606355532287844 2.921376794134109 0.1763432155652383 1.3712113128748735 -0.1922079189638254 -0.9748395431353758 -1.0016136937556084 -0.3873107257695358 -0.7233485239131229 -1.451762415101326 1.0602531784617812 0.5197585611195245 -0.1928568685877967 -0.3479694389905263 0.4841143691251758 -1.9988700054624875 +-1.1976323706056784 0.1641213787365808 1.7493511915075513 1.2004790838355472 -0.5295874078123236 1.471575112384103 3.821634037678972 -0.2975203182268952 1.827476519998949 -0.3552590788948431 1.8856938133922367 0.7299773726193981 -0.8387155813454352 -0.0629559092200281 -0.3205475693561307 1.5829365712016732 0.4869383280713732 0.7664240845146179 0.4459097210597343 -2.9965257392774087 +0.5604423749574833 -1.3441318342862123 0.1368230354763976 0.1249817006633211 -2.187383848341812 1.1393499802922444 -0.7064237696898729 0.4260768336086741 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.985612789926387 -0.0052561481721258 -0.35316733034915 0.579338249705522 2.144613447686712 2.5030979133633062 -0.6635026511869591 -0.4748562961547021 -0.6137088323740558 2.0197348783574847 0.3583199772333258 2.285666507970772 -0.1717207577518353 0.0303236765591003 -0.7780720462817794 0.2250408148203255 -1.2387970901638925 -0.3976305981216354 -1.5891957428173775 +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.3708409012114707 0.3504630536125465 -1.168532833796372 0.9149575018720612 0.3753368650513513 0.7781554995915203 -0.8567125327814342 +1.0035331234823706 1.6533732561447223 -1.4443289719194004 0.1464604883087427 1.2140022319155457 2.6843578040548164 2.860282912678083 -0.4991807978768485 -0.0261281953035497 0.9063098504612404 2.4615014962216675 0.7276625904058 -0.7095992872591429 -0.360429426992769 0.3901914448540557 -1.1296614458189975 1.540332858470506 -0.7727913309488168 -0.1361062483963543 -1.743668144431092 +1.2093180752240562 -0.8439010026601808 0.82920547037134 -1.5172933631792107 0.7852681108249888 1.1901526246115957 3.64214073598362 0.4606772850942558 1.113955090914277 0.0880403873808765 1.4114918276205788 1.4065041329081398 0.6357153700609178 -1.3744817845642012 2.611025164156949 -0.7977049788928966 -0.727108224344703 0.649785940623927 -0.8617865349849225 -3.1493287273216626 +-1.4834006855872572 1.2596090159121849 -0.0074979310750964 0.6209602927435725 -0.1528929423231627 2.0002306894305213 1.4074866399676829 1.2283843926477802 -1.2098421154979024 0.6036168197630023 1.1150992804469682 -0.44441012475335 0.542987054933403 0.360827851535507 -0.307467843296988 0.280973543682441 -0.9757158139324272 1.534812352763394 1.1649030746194848 -1.150065114851708 +-0.2002806113132998 1.0501517145789057 -0.4960806042263327 -0.2997735060732898 0.4483810737530678 1.951213035247656 1.6707476204906078 -0.2730894027165454 -1.0115529488679271 -0.4403839897068531 0.9905092560223764 1.6404619292871003 -0.3261617333094734 -0.9231361862218008 -0.2976043672988928 0.7610320479583951 0.279843197909198 -1.4035385947901966 0.1628339138548835 -1.5471290145462406 +-0.741801989027315 1.3816782700352617 3.4584109743650777 2.045928963908082 -1.987758049002583 1.727065775321074 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.0617882176087917 2.9466249430914355 0.221909653077573 0.1162080879879412 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.367592969872758 0.469325256925485 1.43337731222185 -0.6963290934645483 1.9229185096780648 -0.6060401209392108 -0.8820723688122664 -1.741660268812958 -0.4499119648639876 1.1566196142410952 -0.3448095011553184 -0.6758927816702893 1.032665977859896 -2.5844158717001124 +0.1781202424041583 -0.0529560003444567 1.0201164679338903 0.8887788738686988 -0.7974796634703253 1.6082254344438405 0.8662432063649252 0.6367981204214662 -0.3588081580054154 -0.7297704034840196 0.1410181914138562 -0.5798506332822285 -0.0654243860732691 1.08794654465001 0.0689345272293667 0.7104413495610685 0.6160875263777031 -0.9544356673305302 -0.2044142238009546 -1.325317348731211 +0.2791850281663797 0.1285372568833896 -0.2854598511568131 -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.496572519728438 0.1342779816521759 -3.251763632084121 +-0.3951949123282814 1.2859901040567123 -0.3828526085814407 -1.4101593716760052 -1.2942308298524623 2.1989307331639263 2.2512074704179987 -0.0932592431664785 -0.1494847347976963 -0.6553799089379315 1.7589272571053165 -2.0311994710771013 0.0042523765054724 -1.5588070331809998 -0.5878488165549626 -0.8706060277463091 2.4232086274815625 0.1183428138577094 1.3766462741739474 -1.563291785816379 +1.0048731235410555 -1.5664134984018727 1.1702716221937508 -1.2246863095417388 -1.4949464537839 1.6916317783219097 3.060677657592823 1.1287905409610193 0.7746048837840838 0.6986193956594127 1.7396724616531418 2.0653152757194966 -2.3668933908974346 1.7138065863258822 1.136413848924958 -0.2518373875484382 0.8646451773970928 1.3957253620190415 0.3383433216214572 -2.340793382451502 +1.4273643202779651 -0.12421486137083 1.123685287264906 0.1554351032869408 -1.9883799610923716 3.723473152282868 -0.0098788657274091 -0.7619160977179519 -0.3805276987566248 1.711219007634834 -1.1218771961981109 1.1265287404491116 0.703676351033874 -1.1264814558132947 -0.5426702221420372 -0.4638236642483794 0.2853024821233808 0.3971046578626899 0.3169877910219536 -2.140278894786043 +-0.5422373422898125 -0.4842438375719374 -1.4857752934025337 0.0274008308945492 -1.2258620712240451 2.1718220229922123 -0.2753650562954184 0.1173211860873484 0.2836045887238854 -1.659980059191127 -2.013842377300161 -1.7015193325350968 -0.3542772259543772 -0.0908984813654808 -0.6220573700347691 0.0653463363708597 0.6695542482159784 1.8184688037598429 -0.2742464045727176 -2.203373035807254 +-1.377619795852827 0.3166700364775641 2.0362915228913634 -0.0320817621020254 0.7125496948723498 1.61657939602199 3.731017343944561 -0.948311653077195 -0.155886710036073 0.093100989765318 1.9958870549548289 0.2409575538090099 0.2161977966272619 0.2685628896693436 -0.4087330109224044 -0.7105821511608276 -0.5413624797584491 0.4834110697636991 0.786999573541334 -2.8358385250236178 +-0.5555959266049059 0.901811341261968 0.8228399820025042 -0.4033951686615085 -1.779141903149668 2.134422219609 1.8933299992445367 -0.8884447099477784 0.942055528163314 -1.8755453727109035 1.6494407830424436 0.6271885350563828 -1.1688346429409349 2.3193386754209278 1.3100830848177265 1.5553190633474523 -0.1230649580701317 -0.6561184971962708 -1.214703928490693 -1.2424719446096608 +-0.0185370253557283 0.3526048740929582 -0.0755796493944082 0.2467778129293951 -1.1926161724637183 1.6396195835954177 2.89248220433935 1.247576034208643 0.72574859962319 -0.8702672207783005 1.6735135622450317 -0.8582059967951359 -0.1299781064889161 0.7663220363076995 -1.159212254356339 -0.1612183738361426 1.4621383472542904 0.8110503395514216 -0.4503097114774284 -2.197140908594242 +0.5396558025619154 0.7989061203820503 -0.2929243321034723 -0.9169029137101352 0.0412324633083922 1.0582684870452437 1.4896479704193424 -0.0330188846412996 1.70093871545429 -0.8076734383395894 -0.1567725089547091 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.1206735158156918 -0.1110797372766337 1.9969915710840989 2.714669656039629 0.7314624620504575 -1.808031277235536 -0.8075152983733025 1.6866511934152115 0.1786908840016517 1.685301433994801 -0.6033296319090635 1.1883474809851688 -0.2305176958786811 0.2400984345288062 0.3072620314869415 0.0560950289233194 -2.0916077020577246 +-0.168020843048495 -0.1729349229116332 0.4019642283726691 -0.3884709912880568 -0.8222783903346285 2.6437472242307987 2.621113295737932 -1.0405699451706092 0.5088831138789093 1.3113511322170786 2.016436934774882 -0.7810816637682926 0.6759035773105402 0.1607796421524031 0.5715488389390373 2.1478237662118524 0.6480456831231489 -0.00934891495153 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.125845965959274 0.2484555354308963 -0.9888205857437856 -0.931851040337972 1.1211418889383482 -0.4338891904075787 0.5659547635838563 -0.1758794289300474 1.1377333883527443 -2.7803222039776685 +1.2491702429950782 -0.4892705692361652 1.0060199782898531 1.2285902432164522 1.5728600569323683 2.625247295309574 2.6381089688464514 -0.1766306586493498 -0.1741798385335041 -0.8038939911057054 2.6408784714138656 0.0018481111344722 2.6978139848999745 1.2443462422511158 -1.092203748470184 1.130637885375891 -1.385207741446387 -1.2845451304240805 1.0403998997831143 -1.3098251071225635 +1.3984560215818704 0.0328952014310117 0.8817767889890945 -0.7821094139602327 0.7555533979466289 0.8530938126521197 -0.6246041313524819 0.6470661542130813 -1.088459481594654 -3.016638535982768 -1.9745179298774065 -0.3079420400818221 1.4335751133657586 -0.0952143670652317 -0.1188741780565969 -0.9315900672822096 1.255200736691875 0.3203550127797582 0.4811613639705948 -1.379667871729715 +0.4920281550308837 0.119884253650021 -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.0265802436234114 1.0533452191947057 0.1678878031933454 2.172805678301268 3.531529971121642 0.7146491932330157 -2.275863695018076 1.1476017621928962 2.761786199406047 -0.6745564062751823 -1.7103665610559016 -2.318631334416074 -0.9438370700203984 -0.3508135808718919 -1.0778083397435994 -0.7806660698593244 -1.6378877337676203 -2.068480081666273 +-0.0574384118514663 0.1364063537873526 -0.919226626093319 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.0168150310432536 0.6528818779684323 1.1726280470426258 -0.3108733641861396 +-1.0704288283778614 0.6260945059343941 -0.1636103382113854 -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.0356668178781671 -1.0031831938450226 +0.94964290048021 0.7975517171086541 2.067898091223105 1.7999669537065923 -0.1177088639597065 2.85831779826181 1.884672425483257 0.3631809634153363 -0.7958311110559291 -1.1000459254036252 1.944048875273072 -0.0245414120926887 -0.0034468543739087 1.824171563839155 0.7588157247045666 0.086368038255097 1.9289088008972604 -0.0816470803539944 0.2076830267595712 -1.1763491599408598 +0.2835293303135301 -0.5759884080988011 0.0801885327737223 0.4663568860863317 -1.2905601114519156 1.023348243710624 4.747080123122912 -0.6106881388295379 -0.6312661088179002 0.9866167611421452 2.14196636445478 0.4379732032588375 -0.2323963790095913 -1.2693637994903253 -0.443392835014628 -0.199857461076534 1.132522830074119 -0.0760550347512059 -2.2027484182467405 -3.6671823005720494 +0.7695952364748747 0.2766548136197059 1.1757527098482938 -0.2534868632892695 0.7681197615989556 1.7947314950285136 4.108089597184644 1.3125257889258075 -0.9957576243489944 0.0794945181913663 2.700655888132813 0.3505158546246136 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.467801173581959 0.4125382969057662 0.7040993233166918 0.375960550477118 1.797549554284187 -0.0511273927297612 -2.5578741113619725 +0.7368629816003698 -0.2423797458055029 0.44045796506462 -0.1375579253665151 0.2716470991513741 2.6310365991960523 2.612979938398165 0.47730148499433 -0.3046056972302943 -0.6682038219481047 2.3551761932008306 0.5475526182053632 0.8933809365196631 0.4171944337528747 0.9458687620582856 1.0320936725843086 -0.2114491688464205 0.91962003254695 -0.0958506428620497 -1.5477492563287352 +0.9602521642622904 0.0771520601293097 0.7574432159552731 0.3169931112300425 1.585647304672657 1.568114070829583 0.099860999926696 0.4965881163389473 2.4078912040561824 -0.0228659342673141 -0.8168145646619165 -0.1723646687806526 0.4745847802270372 -0.7250478784074437 -0.5862686820036532 0.900244925737662 -1.7715623412956183 0.772573646974686 0.1916615485195763 -1.337240008267447 +2.1646654933930205 -1.094422790906051 1.437839981567494 0.2507963557144552 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.2994673609369176 -0.184344822686865 -2.529832834853226 +0.4120611005351579 -0.2016083893134767 0.7176329180903458 -0.955879934250468 0.7821471735113333 2.4601372395089283 0.2238524483434277 -0.2680293891784178 -0.5642753636911297 0.3168635259745374 0.8142899660178662 -0.8514859484817644 -1.3467177243289148 0.4841789068651711 0.5058641534492241 0.0470678999263877 0.5139705016639284 0.320741007588185 0.0858965913573336 -0.2334625620055987 +2.301819817674653 -0.4941893801263327 0.9080825410848344 0.3643543640019221 -0.2346486759150624 2.2320670059825334 1.5618599683741974 0.7121478267802348 0.540115784693322 -0.3460347469467542 1.1296639776821673 0.805419376769767 -0.6437818217297133 -1.6755444578846024 -0.2366407447791128 0.6732553951337495 -0.7034958827816807 -0.7683669171715514 -0.5183414081876472 -1.379663607208249 +1.1843631396533776 0.2818704271135244 -0.5278992843559991 -0.0083234207622508 -0.5676904083546325 1.9096602901749116 4.210452692323256 0.3174485759764526 -0.0621637897472101 0.1442029751909337 2.3197832486156558 0.2433750688878972 -1.6829389843273193 -1.016341755691126 -0.5083071855097074 1.138539480366619 0.3533102366571869 -0.5364497693427213 0.3018289258166516 -3.1633349572650453 +0.1375548213016121 0.4421127212032822 0.0197657911504602 -0.6036530145273973 -1.3091636303111711 2.5433921979598724 4.610219158434105 0.2021140453568007 -0.5053055670440705 1.3926193345513496 3.5694946974033424 -0.3580891877732687 -0.0201907377409679 0.5323594706301538 -0.3764922467904848 0.1734835619880952 -1.029720182911515 0.2176323529751513 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.2384976867682094 -1.7536435584438508 +-0.9858386652982728 1.2038225334882884 0.9913927981584804 -0.6383605981688752 0.6686733755046687 1.9440491746018929 1.177871996552097 0.4007180652501266 0.9357035794817844 -1.9583984180286444 0.6295282764796293 -0.9748716854218932 1.2016659197728483 1.0154092708158746 0.7544258402945309 -0.2418872130582476 -0.3037598296147763 0.1901373127693832 0.1166365519936109 -1.3242848500310445 +0.0377401034508919 -1.0412456793795442 2.225458977280989 2.253045260188149 0.7330702734967361 1.9743448195642952 3.0637890087598807 -0.0995861287286904 0.0816288490106869 1.1548695459078198 2.176953628570843 -1.3555248328831606 0.8178774644042335 -1.0660186225441126 0.155881344162647 -0.3268262071156242 -0.005322648253402 -0.2833088762682934 0.493781741946774 -2.02398569174872 +-1.1420064626568525 -0.2658415446514366 0.4013439975765152 1.2247115662795574 -0.3987570318369902 2.1389258755397287 5.048265811735874 0.838787906446567 1.3340919123877284 0.0432843374495617 3.690411414483164 0.8071200727172667 1.201686697295154 -0.6410634897182509 -0.6346817606270283 1.889051041057 0.266916933787833 1.8832612181439792 1.4865109081694494 -2.9062233054748243 +-0.1237312902495769 0.458641596141021 0.5197010763371436 1.5627243529368997 1.549293227629623 1.3788745529590023 2.6387236106428875 0.616703966339092 -0.4238626431542701 -1.8095800061302445 1.4275653112994398 -1.2510710084416476 1.4347737211337026 1.0525906688107578 -0.0463062468749049 -0.8837182877318706 1.0759959800599035 -0.8843000287720333 -0.794842455688242 -2.061214676709881 +1.7914981146615625 1.6239358639913657 0.3423263890409495 -0.398835497578438 1.018222813244385 1.888638921376525 1.8510136111714184 1.903598411710623 -0.0365439934011434 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.1860031934526911 1.6310933130945002 1.9251237022831016 -0.2696936146812368 0.8628599807683874 -1.1645807211869068 0.8493460373911352 0.3228225445610064 -0.9422348719632228 0.4039941672744458 -0.95630511275648 -0.2461539154626409 -0.1325989110046682 -0.2572857712634877 0.1700407494307907 -1.8685078882873505 +0.3123834135951688 -0.7973008147266863 -0.5863938161715888 0.4042751385398762 -0.567094344605562 0.9267225864941288 3.2111571711969447 -0.678897031242894 0.3954883297150446 -1.093923437121212 1.097748623670313 0.3414610829719703 0.314143392833267 -0.0438110971926594 -0.1993389994727707 0.6610624784848586 0.2345158035167658 0.404678746566611 0.1835983077513118 -2.875841737534835 +-2.691455216782579 -1.4809761619786292 -0.0926336975541016 0.1450997299255394 0.1144466413344123 1.5945088064749466 1.4585842813096304 0.1594001038472238 2.1928523424997715 0.4330403604877451 0.9172852721145084 -1.5097015998106609 -1.6199394927303905 -0.1128462355932957 -0.7012687094868372 1.9978389054113048 -0.4134162805118704 -0.9332936707907156 0.6485008859690167 -1.269454332054131 +0.182428991317398 -0.0738796021147319 -1.5676981234848886 -0.7211136911069154 1.137544826991606 1.654337336063142 -0.6864904228976956 0.2609963419235635 -0.2504264888288445 1.1508621998365949 -2.894664899669979 -0.2475054542893146 0.4830224521403869 -0.3516269931771375 -0.0457442699305322 -0.4380775086539643 -1.2147040364611676 -0.7581808405570541 0.028361228042608 -2.4012762284498 +0.7229647815879336 -1.4950045303025798 -0.0627821779815208 -0.5176307425603122 0.9443037519637014 2.335428177703774 1.8249308968463176 1.1894006982012362 0.2823987852771153 0.081267460322264 2.110367377865234 -2.0596455312680586 0.282617019804783 -0.9398620369930036 0.2296897345485345 -0.2269819646178869 0.1639692324410891 1.533428801934348 0.3413625358641627 -0.7988491169777574 +-0.5026994313320163 -1.434687901220804 0.1784930740770608 -0.0870498869928004 -0.2083664492569463 1.9947702511992107 3.5701753950835498 -1.3069516547812363 -0.8217579927850355 -0.1836170195891464 2.6206774677256064 0.902043242452173 -0.5316778320596816 1.3337457510819322 0.2184719352979379 1.2694836362223554 0.5099809895448899 0.403909801007753 -0.9614499065412264 -2.189405898378754 +1.3151878034597906 -0.9111933525565098 0.557192150498691 -1.3164802299266611 -0.6027382222898524 0.84247537996697 5.40654810353967 1.259764566049889 0.064335459565952 -1.3888750030853736 2.457319024711365 0.0140469603073236 -0.3598486053525325 0.389439006035652 -0.1132914020744048 -2.5138847368113595 0.8441929961945559 -0.1511286479908354 -0.7642307971118071 -4.063615349629067 +-0.3191302239111847 0.259759754880533 -0.5870711707328359 -0.9349744205872672 -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.022442067659465 -2.2167785432315745 1.172444342748572 -0.8476382464364949 +0.725757653030881 -0.9509651252887482 -0.1857969386875131 -1.0305740047589904 1.1240566263867124 1.273071625149838 3.1129128522474234 -1.5691191532401652 0.5561510648555409 -0.2149963810635094 1.2534266193567063 0.4412056513093408 -0.0279867034164068 0.337994718287937 -0.1785997840484947 1.8834780320248623 0.8894526072860123 0.895653615536447 -0.4329682696764224 -2.7246370110491704 +-0.2638755434681314 -1.1498904079279466 -0.3956221309053443 -0.6464549134694384 -0.4071843484620667 2.923283438706388 2.024925084999711 -1.1218079017560991 -1.0224928627066323 0.1114134850233958 2.4058376716058856 -0.9604732115130256 1.1246273030001728 -0.3502836158150444 0.6781949049910659 0.1241248691983463 0.907985482979058 0.999071791001634 -0.2836844584679296 -0.9261677992528384 +1.5070822229498453 1.14198046878351 -0.7584518559338493 -1.4652059535409712 -0.2977015708315674 1.154106590280307 3.892842266765383 -1.7801454697689798 1.750289340321511 -0.4794067866218366 1.9127039854362904 0.6599200193625009 0.6182408075096993 -0.1726399781694952 -1.0887119468043789 0.7614231993031584 1.601519230228435 -1.2960021742716514 -0.3184047697364418 -2.956804656809417 +-1.474316167903178 -0.3594959614647257 -0.1608407618928798 0.0392030774736936 -0.2850571658852834 3.0560124790891945 1.92661208746878 -0.4484333560210142 0.942737251039336 0.942533570370712 2.464233779425017 -0.435975497066579 -1.2842498010128034 0.6947287587353214 0.3181060077302457 -0.876608021367672 1.1721236788249982 1.5150793547681216 -3.096380618341714 -0.8010977254577993 +0.7686158678728096 0.4927645670008814 -0.4278172220425337 0.1026767804405399 0.8767453063169729 3.961045379072452 2.511191222158499 -0.3017605393130381 -0.6799933500300835 0.0953760401516332 3.792066191816233 -0.5234868489101092 -0.1168842074667231 0.3972114164115965 0.3576015619159449 -1.6466774757263505 1.499172031143971 -0.4027193274717641 0.157080959737042 -0.5004829167192113 +0.699887360404086 0.472257975775836 -0.8850594181356258 -0.1724053409155738 1.114507712365778 2.2248334600133783 3.227895877402291 0.17224173572965 0.2189485684123907 -1.4716128548213627 2.260238039983133 -0.6435838465144137 2.333910618876873 -0.8577479700782361 -0.5239916000681197 0.036505789974962 -0.5438081916441905 -1.0911948281505637 -2.070663530517252 -2.2065006922798283 +-0.2029861872002145 -0.5850416178534427 0.3995550735265635 -1.1914683877181456 1.143237765659389 3.111966242712989 0.1377786736426169 0.0884557758909419 0.5994789475134918 -1.445724697798903 -1.4510030320715213 -0.6415654342280598 -0.4111504176614853 -0.3400736596588791 1.9962907199665747 -0.7237979192240998 -0.393318707245457 0.3474946670963743 0.1688837545964439 -2.428430631010323 +0.5425882939193782 0.5872438826778879 -1.0185768182715444 0.9894203100696718 -0.1654722073050939 2.3781381016754213 4.77733392763348 -0.0514131717072973 -1.2014480875275368 -1.00060262474022 3.41254806914115 -1.8324979105061343 -0.226336618656043 1.436512888691683 0.7333281643374718 -1.3388145768570054 0.9185403577311918 -2.057922757607334 -0.9759887839843514 -2.9299316368397745 +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.08674283031694 +-1.0811890233040131 0.5961018468735124 0.4433735795138979 -0.2793508401252058 -1.750289306335398 1.0725432270567707 3.519941026814716 -0.1476030928555877 1.2882124010560363 -0.0370178768820682 1.8257921166827584 0.6626755447952352 -1.3429887149057116 1.0686688123063854 1.9288327962972995 -0.6005613832786536 -1.0078058612919036 0.1833072311467794 -0.2347163777440459 -2.5930759241483985 +0.2971713444974813 -0.4615107165069757 1.1731006766301249 -0.2073266525289505 -1.5026502749054418 0.3692315363672573 -0.6811531734388925 -0.165563143084912 -0.149276435507334 1.339207217508415 -1.4210646447523736 -1.5594128181843088 0.2255541057854328 0.9012710392791295 0.5128427116467638 -0.6440575061834077 -0.1915046172725299 0.5944085082513522 0.2548307123625908 -0.6590427784062196 +0.3903530967257405 1.82904995636192 -0.3651392631885038 1.1831443985265742 -0.2140937185924737 2.1779652351010963 3.514453320362249 -0.8909954390280309 -0.8625173575207544 1.3603437833776777 2.5329554395910105 1.57041808010352 0.9899524729238904 0.1839075718278844 0.8243242854569228 0.4512440206580324 -0.6800738014096455 0.9018333657750705 -1.352446399528328 -2.2626334928974208 +0.115165651138779 -0.7015135262926236 0.5733414328935966 -0.0453637417429252 0.2023326547520463 2.524439752615348 4.086278594682964 -1.112933013605597 -0.7895615883279572 0.862399299400241 3.82548773440063 -0.8220835805099878 0.9874714719148654 -0.8407852114947026 1.1037622110452492 -1.8114395628916196 0.3232148711606187 -2.0778586306932088 -1.0334684157452585 -1.813401479363158 +0.6418329709269822 1.4011771488223996 1.4180253457355791 0.0158322489422129 -1.1186464346333356 2.963061045830526 3.283076793168876 -0.3086353773820435 -0.3447503044757431 -0.8344486519064678 3.226922481699135 1.9360409167440404 -0.7779382605758209 0.0910325867498682 0.75803721916516 -0.495173654294767 -0.8289552840197886 -0.5365685058347942 1.322400157119208 -1.5943671277990903 +-2.104720540569781 0.1471932378083623 -0.122239832194042 1.3306569537423167 1.7234468103871767 3.123082271557201 1.7773520093296256 0.0577060035752682 0.4237884297931551 -0.8323793456458339 2.596713116730705 0.0272850433561449 0.3455583691262062 -0.8254061177361477 -0.4610712360722394 -0.358703602579189 0.0156509340617373 -0.2986693910066226 -1.6195148440050573 -0.5304669059945188 +-0.2347904042890901 0.4249784459274557 -1.5554141718262484 -0.489079755976638 0.4738276454540115 1.5062694000163146 2.9290806940331118 0.9434328562071908 -0.9166842122809968 -0.1748973710028106 1.3539126033187916 1.342348634671369 0.3635851941193147 1.690405490536551 1.7134724121651077 1.525819676152154 -0.872872413153759 -0.0440225701407542 -0.6936871038833705 -2.4943535573029645 +-1.29291039748216 -1.205122781874419 1.0818829397263372 0.93294245141746 1.0672857653245211 2.234201211775692 3.1538537450218334 0.8529210788868371 -0.4987617480357649 -0.7885907632159455 2.2501783937064403 0.4240165622760923 -0.301708152720122 -1.3285792938947256 -0.1360845669155726 0.218701433884024 -0.201226962610597 -1.607082202159852 -0.232696434037722 -2.1352570249496745 +1.6081285472408775 0.2343552015493887 -0.7288527683328972 0.311666603416228 1.5665851391923624 2.637939192418067 0.7201878317826566 1.1915703780275082 0.8710504351968292 -1.9156539861859627 1.6088973557562043 0.1184591735829758 -0.3377005115434573 -0.644014636916798 -0.0234752878623104 0.0867756679443915 -0.9385449468543732 0.2633700910980061 0.7352362945358205 -0.1097785275681928 +-0.9437814278714532 -0.8701652911206712 0.7921549347753541 0.7052317623847189 1.4194697465070758 1.2904861983372902 2.9010049918193106 0.7455408728923062 0.2654397224598616 0.3291198880742416 1.501576915496508 -1.6354237049483715 -1.0716584780329983 1.5741491949227158 -0.1910904792748707 1.0622874717994433 -0.8906239581588747 -1.1475933379031702 1.7213493345471975 -2.2615569390980554 +0.1389333976274223 0.1250599678506895 0.0852210515572965 -0.1244369842572512 -0.2269068006661448 1.831636080721623 3.273801896388091 -0.1436116944148556 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.0103276661466885 -0.957604673245568 -1.6621796960423294 0.7410632267664746 -2.070384531954687 +0.3276914592043412 0.077251378630047 0.9411551928257472 -0.7046056420078316 0.1571049786825551 1.5931719660579369 3.102484575652539 -0.7006612803897592 -1.8241662278672888 -0.1361942676975484 1.7880752778829268 -0.5723032119404491 -0.9180028967664988 1.1784615350557546 0.2138143254415141 1.8121908423558308 -2.5370331469759906 -0.3003043722416892 0.8616375196814056 -2.313624282458037 +0.0987701410696138 0.2683308474305957 -1.7826875532777684 -1.395621434085086 0.7840401643730809 1.2746163151123096 2.728018441822975 -0.8189861194148645 1.15724146277464 0.5586576378696352 1.1721037754178498 0.1355409467562207 0.763143151049723 -0.6244937925705202 0.5830220637206192 -0.588220424328744 -1.12574422290634 0.8262331685913538 0.0406082136381147 -2.367071206783579 +-0.614729537917447 0.1914683734134621 -1.2913729399367817 1.7078651661242286 -0.8699432253319973 1.603270451228559 4.410657556827813 -0.8975866343571094 -1.030264969967855 -0.5381439014141097 2.6329320163550687 -0.1999354828657868 1.3606292668710889 -0.0896559815082146 -0.1285417755022696 0.5926443766325047 -0.4389915225827188 -1.6056899507032996 0.0221361000962612 -3.0072604017607585 +0.5033954659077959 -0.8055111698492576 -1.312857004081453 -2.354243115398951 -0.5641903582328863 1.984073387336747 3.712404237067529 -0.248565698484404 -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.0500691220055635 1.9801575442147892 3.229989288906089 0.1161852954206621 -2.556273467539149 0.8140155460881774 2.298559616353112 1.3290344269540115 -0.6940693573673032 -1.2801140586568325 -0.0286840117109213 -0.0541844762547928 0.6042083705862891 1.4263278201500984 0.1422658469476398 -2.100255107080264 +1.2690245154817543 0.4065116438732065 0.9573650840274932 0.574406937044979 -0.2910573481347006 2.1028630511171804 2.131411798050173 0.8553510210872141 -0.3994432772949255 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.285898563607692 -0.2698500836718701 -1.233572207804677 0.9442307917651738 5.38950572926151 -1.082182799275394 0.8602376084493024 0.8548109813626272 2.1525321423227552 1.1005208719054742 -0.3809891286363444 -0.4893066054388385 -1.6299296832705483 -0.0743122070781125 -2.0046033392727995 0.2750243930759012 -0.7153419937271636 -4.356992213345053 +0.8633094290043581 0.659901056298424 0.6928767539673598 -1.4433512015900378 1.2668026723881047 2.3920367405437366 1.8053912184095025 0.6099818343941105 -0.6157994368865074 -1.0104276439420314 2.055919548310229 -1.701954113721583 1.121460072434063 -2.4101457858497874 0.1560397046341035 -0.7992104260717795 0.9922816820919224 0.2545372178361721 -1.0545819565754253 -0.8441743729775266 +-0.796761666602051 -0.2528138259531657 0.26493179269628 -0.0756657412688967 1.2269790609108575 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.0465220795233316 -1.8001313858244603 -2.6263662414992472 +2.342264068318088 0.2706204170748671 1.3986949969206943 0.8191055092821005 -0.4610188600184868 1.510040402515982 3.4812040921416 -0.6310532473450514 -0.7114468597889587 -0.1594659226616739 1.8925581820495816 -0.536524211906804 -0.4810852099574748 0.0526036976898438 -0.1141113767631414 0.3241844933690121 0.9438523773498336 -0.1641025643135676 -1.4326239397017158 -2.6184143856901363 +0.0990877554122182 -0.1000961618156241 -0.2362180873514126 1.4334217595249676 0.1509071042130455 1.854700975147891 4.796279303943893 0.0543471553140474 -1.2411028971913662 0.4724116521791602 3.0944740734643754 1.830329167408524 -0.1694531001062503 -0.4201390856485399 0.5366308916816512 0.527042925433368 1.476774230694092 -0.4668292804632578 1.1060595051742386 -3.0892709207901725 +-1.05795461059746 1.3977974222267546 0.4712677746318343 -0.2495040574553679 -0.9558826294155705 1.6665424129940942 1.3964051303408294 0.1833173809747806 -0.5276552470459347 -0.7062757970490893 0.3218877605783783 -1.2273587380460425 0.5588191670966369 -0.0905111900744236 1.508141484769061 0.2392776584590416 1.0496570603030575 -0.0181337970992156 0.7843917222040053 -1.7721613457910057 +0.0217498481363938 0.3922175028913587 1.2961219606627064 -1.6346336591877693 -0.4175378900176721 2.4259633567391456 1.5024932510585811 2.02176973735554 -0.6112274230823096 -0.0702927265820911 1.3904530922092913 -0.9111722704560432 0.5846479793633218 -1.0769811251192931 0.2546404578839545 0.133007999966388 0.6993297563444039 1.7870777602593393 0.202641169981288 -1.1293582936597966 +0.0234878672329083 0.2640265273943643 -0.7539314921802025 0.3403004004529487 -1.3406161512594812 1.0710100577349957 -0.6344920974112087 -2.16143937740645 0.7702649541994134 0.1426963818604978 -1.934186864999352 1.6678302830158551 0.0220718404583203 -0.6425951828083939 -1.5600031733159698 0.2425666959240407 -1.0925585369181725 -1.7510014444587068 -1.6161846437764398 -1.3963293817587816 +-1.4405290237288506 0.2897303882455139 1.767866568305351 -0.9923093750210012 0.6387055144068591 2.0413911887846248 1.249746501115949 -0.652974230670579 0.3890789099286151 -0.3392371294084054 0.8604735496588447 -1.9951769945211395 -0.9488644654361272 -1.4499176399796132 -0.9112778707472854 -0.9268459109308762 -0.8295268879136654 0.0804599813721402 0.0342817650057247 -1.2204997534529205 +-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.4580799692493897 -1.148588637226961 -0.33957956535777 -0.19967838156416 -1.1897322006292046 -0.5183466666104956 0.1580741533279158 -2.4622465199997934 +0.9186721964664136 1.23249558928306 -0.9341265179611457 -0.2563631538524276 0.9271636593832244 2.294517007087485 0.4954736445803598 -0.0279617373845254 -2.3179283675573497 0.0260385456435454 0.896879206250524 -0.8269396939876068 0.2993969414880889 -0.3488692498232975 0.3998315589520314 -1.0131234185962372 -0.7352596594161701 0.6361532930621694 0.0590930906087886 -0.4132964564687276 +0.0879248348157149 -2.0171615133824026 -0.9406091489953338 1.663055830983064 -0.7198461595034623 1.223284430428668 3.885193136694149 1.8957406453806944 0.3798619917137417 -0.1886037879251071 1.6802587149556854 0.0762972923672287 1.851241155137276 -1.467362876716516 -1.2991377887018576 0.0902950214614325 -1.3555946161456331 -0.9922670880113496 0.7408240783457657 -3.184050833117208 +-0.7270590165486067 -1.993984339812711 -0.8131404095242811 -1.7406298117954244 -0.8309427101365122 0.4733058637092207 -0.7431041668983949 0.277722313281924 0.7670198255983852 0.633890909004301 -1.949002179847341 -0.064374012060654 0.5775351350227779 -1.2731019278971345 1.6710399600893209 -2.794439454452689 1.0582902522856223 0.1590702639889671 0.1114018105854549 -1.1091328236804252 +0.2778464711492101 0.6591089314741738 -1.2520467493046588 1.729739463081967 0.9151442695497782 1.2503977171179792 3.356222251008603 0.0068531742286633 1.1670719699117964 -0.4341071714125514 1.3605608207299955 0.0844634243542863 0.5880124895188605 -0.1748615733864953 0.4825348672723966 -0.1772822735190284 0.4421225774959192 1.0149291525106503 -1.169914911132946 -2.89259832807424 +0.203140359155879 0.413763482386412 -0.5937523941932776 0.6331557419306821 -0.3941126311293185 2.0256419184130405 3.8938347670799134 -0.4980791579806768 -0.7060223010084051 0.5320947492993139 2.3123936615939065 -1.0116598063899964 0.0490856340336246 -0.8363331795116757 -1.6787276912798683 0.2368298865780377 1.8155791879843104 0.0622149650371818 -1.096467924006 -2.848393782580402 +-2.290274757521458 -0.22982707862665 -0.5437791659560656 -0.8887050206220238 0.6068607175020732 1.014139199581064 -0.1046438946239151 1.0290649773376694 -1.6823403336428542 -1.7745776898711971 -0.909893588376145 0.3255736956397304 -0.3223449692431964 0.210419595957335 0.7506461507951088 0.1457262725869511 -0.238474098033049 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.608293318509026 -0.005937939695872 -0.4681837081426293 0.362997946081149 -0.9430208033867064 0.2839985866673564 -1.0457277165429963 +0.6705907907138725 0.6802685710337878 -0.6108867892361853 1.23273338417596 0.3212334744804694 1.6192902267396565 1.584753785059006 0.2621355730371479 0.6319591505620831 0.6895834591738729 0.8606467184331479 -0.2332005637937669 -0.3415398988685128 -0.2538897285255697 -1.307617771422407 -0.1077155552098014 0.5902605469805197 -0.2616560228000526 0.588757974076873 -1.4713334616276814 +1.742034203262497 -0.3810803368038361 -0.8739098314077827 -0.2431205984899138 0.9195467243761708 -0.3974548355640013 -0.6856587145947941 -1.5275353503018694 0.2026129459690065 -0.0084278938711542 -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.243004861274481 1.711363055106233 0.2819866183326913 0.8937900976093729 -0.2067242948428999 -0.3602658236366108 0.1370333359244189 0.1690832489799306 0.8070612560630268 -0.0977802599366939 1.3467573712653025 -0.0497956552366046 -0.0488131862446908 0.1032073341923461 0.1635963294456499 -0.7020803782256477 +0.2763821060591118 1.7701935208067625 -0.3768567635895532 2.034545854210033 0.4376584042949366 1.6769965146795986 3.63220759564758 -0.0086379954339705 0.1494331157711792 -1.0746890710571917 2.362938794089774 1.5556951520887083 -1.0445237634316746 -0.4021347290022684 -0.885394627749135 0.7780015524001082 -1.5510718363933644 1.0841613747740548 0.6972407342505825 -2.402864606958631 +0.9473423691730064 1.481117161248682 -0.2431828170083555 0.0854144771419641 -0.0771257060069676 1.652642395280188 -0.1427404271582941 0.6925750212947389 -0.7430529592066416 -0.9366769879879386 -1.7321551668274875 0.8256386999706214 0.4950585147524696 0.3163001442999977 1.805783065368996 -0.3178085593766356 0.7362006826462896 0.7515358465649052 1.6738540482260864 -1.936745324708315 +-0.8241048715700412 -1.70963061967201 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.473105450446238 0.062933609667463 -0.4569416176227682 -1.0434982176910794 -1.6995004418204058 -1.6880374283543418 +-0.8613031641712273 0.754885991661359 0.0145066945496857 -0.7725388164553778 0.9420257234654726 2.406347680082704 4.062222795554533 0.0512332972433017 -0.143598288773635 2.0380441177983064 3.1176274424827377 -0.5117640104512878 0.4012598438659525 1.8036775806072016 -0.0318138155758722 -0.0811655306193098 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.912402881488848 2.1091400487050933 0.985308765464398 -0.8896064767845016 0.1787251764724983 -0.766190788668922 0.3348968425424903 1.8045690852101368 -0.5278033891333851 0.2679069553273008 -3.2474776725296364 +-1.7623782680466618 -0.2014613189128855 0.406264958313234 -0.4170599264992174 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.140379396322174 -1.5738686524300822 +-1.6665990307137892 1.0078723756815866 3.2778332322591317 -0.1760912792477293 -0.3497301713921516 2.1610589898106496 5.421033405565653 1.4732432529234938 0.7586177629087887 -1.465409472465585 3.4485903946610623 0.5471125249390798 -0.3152939672054239 -1.3258104947485556 -0.4915583660192472 -0.5377240919199312 -0.1066631650765788 0.3902930411507196 -0.7349683390802478 -3.556358305794876 +-1.3602048110286376 0.5757004569917364 0.8869717645531512 0.026710832154578 -0.7038694725835929 1.6947348065431531 2.268818378159356 0.3691744251045905 2.301473174643209 -0.5286522705814036 1.5329428902387054 0.3901010487769533 0.1454133977993996 0.073806307813787 1.749113227796038 -0.7675414767995457 -0.4420390933359007 0.2762388869426918 -0.6682158554963014 -1.6416290184675968 +0.0476264374771396 -0.5729201553023671 0.6813172904735044 -1.1624337582540945 0.1449414653626936 2.9236928944332305 4.621037748748035 0.2697302165985981 1.506438796063259 -0.6466772621655632 4.074404002378534 0.9272604008910388 0.771856770841038 -0.68327847118414 0.6735681951859209 0.8159294442110141 0.5581960179845209 -0.1004267312781421 0.498268061110552 -2.304324239788141 +0.7001647809545715 0.7603689932255868 1.509751749224761 -1.5782745286242423 2.808842696327118 1.9973459647217404 3.3822054538753497 0.4174123250542227 1.8967365445501536 -0.3117003458144969 2.144065590542655 -0.2470459748595076 0.7700105654847257 0.3890269887724691 -0.2593736396357106 -0.5206797546515621 -0.0551272950412707 0.055258081426248 1.7554763366272454 -2.419776004077701 +-0.8055613244294758 1.504927894897263 0.0193198032104156 1.4510288442323935 -0.8374739000763685 3.465230214032937 1.7244867522476912 0.5277472894826627 0.341634121942903 1.1835461972678056 2.8954264582426914 1.07458982094769 1.549276337232482 0.5989420660053004 -0.273209695988748 2.118336471565051 -0.781044059627567 -0.1782141835598015 0.0233441278335398 -0.2966814417894885 +-0.5568392699632165 1.717777798610855 0.2618855709936193 -0.3535108506422352 -0.8242805368494927 1.7348605377820554 4.822163880694091 -0.3700179142232107 -0.8891456703337479 -0.8221269602822942 2.939419428362877 0.0176208855119554 0.6884349732173668 1.7098829480128357 0.9706348252174553 -0.3966959612841069 -1.510374923832186 0.4033697488582594 0.7458701101232638 -3.226133733743387 +-0.4627050511104337 -0.0519160693044801 -1.957930360415796 -1.4297838838157428 -0.0869902267829866 1.6053334733726323 1.934064147399188 -1.3951535016174204 0.4009804480704179 -1.281027678100784 1.0499150207454488 -1.6783387738430426 -0.5616237464683679 -1.5078865571242706 0.9281438948132864 -0.8667883897279568 -0.335534806093372 -1.149694701378354 0.869683561164043 -1.6852008096741484 +0.4526132136913205 -0.4896326205004507 0.0123671527088504 1.370794907673876 -0.3285232225022272 2.552366513975853 3.106421412115619 1.914392038815252 -1.877949676699844 -0.3192727749636239 2.741060213401183 -1.1284848726217422 -0.0919920790425551 -0.9646557830011478 -0.9112042344151052 0.88082930687135 -0.6720390293800687 -0.1236693191117028 0.1552641321471045 -1.7225235235927348 +0.424871896998567 -0.5373034697510026 -1.1657883437507215 -1.35351449329613 1.2670224544537296 2.578188177643524 1.0747708563973195 0.4024257533201987 -0.7595747370840253 1.1128259625451298 1.3044963239922482 0.657714479238077 -0.4536911884265618 0.0382585198136971 1.6218469815954708 -0.1073870283829827 0.2641837424890088 -1.3036201837106316 -0.7840346128822773 -0.772900984348529 +-0.4389986959155344 -1.2790980438472752 -0.3932792672498417 -1.316868164966269 1.3023531236190875 1.4466917672802029 4.114058826243198 -0.4698651051033374 1.865400600316428 0.3585431216281303 2.237087954981273 -1.30179626654597 -0.1706354715368858 0.4127469158927106 -0.9098056432542364 -0.3575378568497552 -0.9921179670477704 -1.1435717060578907 0.1752467385069402 -2.9930009829491566 +0.3852618176043436 0.002870845835265 -0.5024778455583803 -0.0302075070910311 0.2785294503425886 1.205420638380429 3.3921153109556155 0.1481608033735478 -0.9231423650862712 -0.2081959404460767 1.6210373114935015 -0.4901737024960668 -0.6542470577968202 -0.961107156959812 0.3381558191159853 0.5332431291103377 0.7733460952134276 0.1951485814211108 0.745124934276201 -2.6784324308141265 +0.7790079720957943 -0.0887989595971314 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.320896938407805 -1.280658529675866 0.6670692452769942 -1.284779793026221 +0.1295638954048814 -0.682204377319232 -1.0680584032777118 -1.1314764631881316 -0.0244393550622118 2.3063678295646506 2.05492546401554 -0.2125424941818941 0.0924432299591758 0.4478956497805346 1.958467999316376 0.657035955289195 -0.1569368997678328 1.1497039143431782 0.5338249871379891 -0.3565536708041589 -0.3197237067759889 -0.6968652643833548 0.0443356240625776 -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.0642149688678535 1.029802951088388 0.9585055920024848 0.5026749587162662 -1.0624106394490298 -1.7326943373473551 0.123665779306046 -1.4592657926924737 -1.255807173744993 +1.0906919567058857 -2.1987338027493664 0.7693410209249401 -0.4445065964516402 1.0343603590180137 1.816481589191256 -1.1726457007985491 1.869470588812964 1.5532303719967329 -0.1330831742618801 -3.663059089880548 -2.3907981770880697 -1.5035700766768545 -0.3548337496222318 1.3090068967006183 0.4694720301263447 1.2496710684771428 0.104156650904999 -0.4596162998025877 -2.61375494278818 +0.5059132731147049 1.006975243643681 -0.4938139686269273 -0.2256362890507112 -1.3202600062771264 2.189636263058905 3.3501658013611166 -1.572379520515759 -1.5530376197701337 0.886223035627872 2.140767539673516 -1.217721863705038 -0.3994014642805766 -0.2414156611406031 0.1665004066611495 -0.6164594083426257 -0.2953339684513159 -1.0030676167293335 1.5635792261066224 -2.4442293610774426 +-2.472068236980303 -0.0356647092372955 -1.7595649912666012 -0.1876449202603675 1.6845080329667363 1.156783446649001 2.080151214439553 0.0472863465010007 -0.250032454547544 -0.260700738453831 0.6707929398531374 -0.4980949170444729 0.7266719382597621 -1.7779589302936736 -1.990641413618652 -0.6147455820276164 0.2898719839417913 1.1469466694178148 -0.5476766224874976 -2.066570937524842 +0.0908174178901583 4.1906720280412 0.8449022764036459 0.5227552625562218 0.3501373375658401 1.0170574391739855 -0.4144080906118917 -1.4876512344456772 -1.7688392877460632 -0.7781478945362675 -1.3727942668567867 0.5441010893671048 1.6054837809753586 -0.5094801482223705 0.3458528538578074 -0.3393683754899245 0.0042113664110673 0.5128487842780594 1.451914662748771 -1.108273601083429 +-0.2957751931021886 0.8312516958131427 -0.6166024148729954 0.9870530651791578 -0.6277741203243402 2.378221977692728 0.9712919835327858 0.3958800035700611 -0.4970662176573612 0.3280388811133758 1.0482988747115272 -0.6688596868884841 0.2478852929824509 1.40610168770054 0.231352903513007 -0.2438432987615991 -1.0846504539458115 1.759118748443706 1.039721702201326 -0.8338114281146303 +-0.27927271213342 -1.5669370452439817 -0.1641222150509904 0.1006558045750615 -0.0135168693395695 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.0344376221366324 2.5615625053084727 -2.579809213702593 +0.2156541391060195 -2.0291881618704157 1.5199776475342168 0.8903724803843097 -0.714706268949093 2.32928588598798 3.06783924668116 -1.1479530860388014 -0.0049882263324444 -1.2693938314954667 2.485287098585613 0.609339264927705 0.8626399118443158 0.1004607400273895 0.440446641463169 0.051890630529934 0.4339790784924286 -0.6760941148338845 0.670964906746592 -1.8491930224121984 +0.0943424226687371 -0.1680118350691179 -0.572352820860361 0.1473619556380817 1.4779749790671912 2.043365789315091 -0.1479722413278632 0.8584564233119734 -0.7471343764240743 1.4402011156625905 -2.0920414470551307 -0.5097702435097735 0.9556551929871878 -1.4477194647619367 0.205291688572071 0.3658350481389593 -1.2433604261868576 0.1335542621049311 -0.1473290445088834 -2.3807901785010803 +-0.0510100262646451 0.6275704061705466 -0.6022927822437075 1.4613706419487948 -1.1777684701300584 2.3915954170987948 1.2643248145128831 0.0614097626672117 -1.2413682948647629 0.1860488530754294 1.547388157878695 -0.2833704427129832 2.1537893796620056 -0.598755841596727 -0.2073517024347199 -0.0639526837383848 -0.5075778705363709 0.9513935384131776 -1.4799894171982402 -0.7056788705268879 +0.0853654904576525 -0.0634012369472183 -1.2550990892898 -1.219706277112618 -1.4586846758615648 2.204659424594331 5.136671272146922 0.6789067318791842 -1.9454902674796677 0.3419802312441574 3.5754453064664 1.2486678041574295 -0.5548504597767356 -2.2751844456266097 1.0068336204866373 0.7700537181765426 0.887553393613959 0.8618517997078565 -0.1159200497991891 -3.131823181440919 +0.9412202695055164 -1.477158992351289 -0.9180780720984876 -0.1022896241818975 -0.7955194751615451 2.791093098687897 2.2974799060949125 0.5726993826234683 -0.9946533562963062 0.3355633596180662 2.3754196042871616 -1.6687011799218947 -0.1244149542238115 -0.7101099695834886 -1.208952894883404 -1.1939482150755891 2.180891589685506 2.879617286175681 -0.387514440411874 -1.221658574649176 +-0.1682924846189011 -0.0005219643330943 0.7103523938405685 0.3930994769316472 -0.15517899540606 2.6476798487030013 2.906805392695683 0.1384933581582954 0.4792181623170069 -0.5185302534670962 2.849863767865457 0.5916952385246267 -0.1044638207151957 -0.0785816451189798 0.4945517255554848 0.5407841979993083 -1.3855646661640908 1.021653032453022 0.2554377458769726 -1.4255610871038398 +0.6662189130678242 -0.4537176024401033 -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.9817476190982324 1.4524807842936474 -2.018762361021376 -1.0416873018018649 0.3036276187547467 -2.5997236193687066 +2.397374215570854 -1.066813984363948 -0.5220515079973316 -1.5326897793903105 0.0466792946680833 1.1401921387728964 4.824125717091155 -0.5809791890416444 -1.4158549642429783 1.592498912627562 2.391866262606919 0.887359973983405 1.03387324851181 -0.131659831802309 0.890137622187873 0.018433827782753 -0.5141477876341779 0.954463775431118 -1.172600657331469 -3.5575004223446087 +-0.6051250890124548 2.3505260039210465 1.2848982044337314 -0.7151542942808943 0.5654824923619511 0.732008116125666 -0.4255394552897956 1.0277338548586616 0.0772431485241635 -0.7141965315828968 -1.057912042064974 -0.7379577416954437 0.0629998103206707 -1.3118289899623583 -0.6245763680427284 0.9598710739523312 0.0200364512964834 0.621230595532839 -1.087622390604888 -0.7190519775713637 +0.4547290799527628 -0.7891779085762396 -0.5804856440971565 0.5200847387374442 -0.4031374294196634 1.5687462847356084 2.507469020256943 0.3826585525627862 1.0982172073722858 -0.1672828601275129 1.679694848524898 -1.304922001222257 -0.2141955882631664 0.6609637600651339 0.3842668401276335 -1.049352945569162 0.4896274346477366 1.0119164730080052 1.4631524002988088 -1.7367922466883157 +0.8928715602130539 -1.530992312464539 0.9948915626274636 0.6855869704120358 -0.7654858499101687 2.575510800983307 1.023991092139656 -0.4904258467949244 0.2655165637203951 1.0752987366827749 1.322910308326086 -0.734505752104269 -0.2001691178351472 -0.3871670399534256 -0.2770937983149195 0.2701288366238533 -0.05584829497167 -1.1470021036101354 2.115117515366132 -0.697886961026954 +-0.2025780837032081 0.5798596929325263 -0.0955205299818821 -0.7215042348653432 1.149883372616504 1.7149868788168852 2.0730671063782005 -0.0216956646094473 0.3970957304286605 -0.3303369287522827 1.0613813788032087 1.347766579915079 -0.8185564643254218 -1.8637772246527915 1.0803226362744074 -2.045862690112989 0.1101888866351406 -0.5151808538578183 0.8616538645895059 -1.8638466532035696 +-1.029598824031216 -0.0863570967479296 1.078255738587083 0.5803981456195124 0.3139061757910062 0.7918122161300167 4.089751249649311 1.3039118933217946 -0.8396625059148853 0.9223985473576842 1.811268176985802 0.8151992876552306 0.5132442213138964 -0.5890651741927004 -0.0336800184972991 0.0110973919548977 1.032715441632993 -0.1369919801742354 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.422892275445428 -0.097787523546157 -0.9625247992249608 0.347121211220613 -1.6704383247467296 -3.045174919407343 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.1537100275605313 0.4674375705257291 -0.0713936248433727 0.5549025619519828 -1.4448837324719732 -0.7875806866897757 -0.2454201569314905 -0.0221031254738189 -1.6185444884018203 +-1.6696042658168295 -0.8886235114951507 -1.6278636063965453 0.7488285010078221 -0.2394051232267504 2.8060757737111657 3.166432186118779 -0.7041908161556312 0.6603643700482086 -0.8155915065686044 3.188632937020124 0.451137948962911 0.5773693532945827 -1.4058319551014913 1.801745908642763 -0.5305892937658383 -1.0061811886959957 0.9035679172396148 -0.2772188426563855 -1.4515770436350186 +1.1190743920068005 -0.7403697788053457 0.1333801171028399 -1.330591854085634 0.6064447313633453 1.2596411028709675 -0.6579028928733395 0.455979460852772 0.2411747488652352 -0.6987556915686035 -1.740640230245982 1.0457486425891107 0.3734187257696164 0.7421998487488862 2.6401335035149853 -0.0937296494840772 0.3844321056262407 1.8351887479960929 -1.1288622878117205 -1.247177828893162 +0.1877027107386069 -1.1882445064687557 -0.8895269378600188 0.544104539093523 0.4353038940839885 1.639675108534714 2.9877569412338283 -0.6227101950517799 -0.2342090485987892 -0.8777051041437257 1.839927955690784 0.9419485498867988 -1.5882317279705382 0.6387461501723255 0.4592052614420471 0.5740264163831629 -0.387403978413258 -0.119753091275905 0.3913648576683494 -2.1503617125225096 +0.451888099524744 1.325312384393424 -0.4428599795453565 2.512925861711266 2.0525343881329863 1.3553201722250232 6.481738180299175 -0.2661421810426624 -1.143052780267859 1.6364781270409314 3.833562500160839 -2.009181557247933 -0.8796008842066111 0.7423040683760405 1.9162627151023783 -0.4553257704943597 -1.8047804902087847 -0.3842931015652285 0.3621713523816461 -4.153296176812162 +-0.4551739245133178 -0.1546361233121654 -1.3282850950889369 1.479255474194613 -0.1063259491125739 2.0673897419550262 0.7921421901177994 0.6190090271508178 0.7384380272253843 -1.0151274853084162 0.7485164293831468 -1.28430084909237 0.4294927104372925 -0.2307655643043178 -1.626876131957112 -0.2941348660546998 -0.5024914734361625 -0.3038027367777595 1.8667797399133148 -0.8167455203829375 +-1.0232962736455569 -0.1879991532032384 0.6151870012560637 -0.4474015023984131 0.3870058350567492 2.294323923622892 1.2734140162014849 0.1054762124694861 -0.537434974384953 -1.1083898654278426 1.2448888990757765 -0.2425081743342712 0.5764992669017571 2.3161115016707776 -1.620526925478404 2.4850274824760548 0.4378403730557297 0.6406497706746266 0.1038916732338942 -0.9668731195070716 +0.5107990162542221 -0.9326016746309442 -1.1547528121981818 2.166561341415348 0.1557867777565116 2.135537918525095 4.755804789853119 0.7418548134143269 -0.1484784540199102 -0.1225985177161133 3.256696105991677 0.3621189559930126 -0.0344443264886267 -0.1016906680074102 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.1148519946775873 -0.9039741514127602 -0.6504603840357099 -1.3401434746601015 -0.9257192198542362 1.255202015043918 -1.3737082682017248 -1.3663409444159655 +-0.712368302657243 1.1421208148947644 1.4729321583477588 0.389982521813685 -1.9925387733130964 1.5088165854681252 2.5581204585101025 -1.8733032705241777 0.9074804274704644 -0.0279085349262791 1.143676646902378 -0.6677851047046144 -0.3329353691332084 -1.1665795905825012 -0.387195589175922 0.9735720067919156 -0.054719900900026 -0.0364870550651365 1.3033519079121922 -2.27211341672911 +0.0917209507120329 0.5451689952047694 0.9457013346504404 -0.5807009136573694 -0.3837152989197445 2.540574236029637 5.309241938058227 -0.3015409743574094 -2.8204942118659546 -0.6631445657242003 4.404110133658081 0.0109432347568939 -1.835508543875019 -0.8365277879167308 0.8150551632630056 -0.2116291444452173 -0.7182346203650892 -0.6076934948810246 1.6496297748570892 -2.659375161579049 +-0.2971756759435592 0.2862848101996987 -1.987117078432696 0.617144615213011 0.6201263549527398 1.8400203487260811 3.0782400621697605 -2.10698026582488 -1.2166753397706287 0.1789147387902388 1.8523131085861868 0.8197513779210771 0.3425468667472211 1.223846729136992 -0.4639249242546749 -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.0153634354971791 -1.2539988208735793 0.4210072126006732 0.7305560280115253 2.001835248303006 -1.4265527130352476 0.1068169400178392 0.1981389938199048 -1.154660351703605 -0.1493487748109775 -0.4715690317059506 -0.4505066304128419 -1.3085260588409753 +1.0122646825354955 -0.2644417882039448 1.2903067713908758 -0.3502183887738463 -1.3107303785193367 1.152865971948072 3.280296553176996 0.1778016560155053 0.3389296436951053 0.5921914954810813 1.314573744464055 -0.2425271041777309 -0.3821764882274388 1.832400781818733 0.2686862247656277 -0.6743999438866403 -0.3261695968357945 -0.287837261858431 0.4970892560545331 -2.8205440815676432 +0.6793550711333031 -0.4191013119895944 -0.4893757250506237 0.2594215098289507 0.2332590678268002 1.5413252344589876 1.3577670389530805 -1.7790200674256471 1.8538285155636136 0.4184343353414094 0.508446274295653 0.8857713613362909 0.4004306808425445 0.5664708408038909 -1.0272445889612456 0.0972288561433234 1.328302046696424 0.1599213449884227 -0.1862072436977681 -1.5185357062825569 +-1.9004809935446143 -0.918800357457384 -0.4659510462278771 -0.1216667360528276 0.0614890577768361 1.06028762886453 0.9566656870169812 0.223106493618643 0.96708679652886 -0.9926987750022856 -0.0592065701333619 -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.0306475347831292 1.2863011500501718 1.993006188960543 0.7156896199854419 -0.8669121278007357 0.5874556049087282 0.7461863047669934 0.6375090625983812 -0.9638615403106312 -0.9853294904584604 -0.5521017908393222 -1.3731199766938775 1.5649478531806078 1.103698462067111 0.1445905241211202 -1.93737897199752 +-1.9371207499349237 0.01516450956624 0.4331411902023518 1.3351070060987131 -1.2324829195632834 2.469293113131173 2.973741757784599 0.4896978028953196 1.601471345281385 1.1248864652841577 2.415848320477903 0.1417226954134023 0.6763533700970874 -1.9903954153548855 -0.3298753459923382 -0.3112271381535666 -1.1828155583059 0.071428182636795 -1.0068360925527309 -1.849384904122112 +-1.0468181909575451 1.5175429079207952 0.3616923802856441 0.1301450005653437 0.6589162848707805 1.345253890832172 1.436210117497866 -1.7191791485327417 -0.7757059364824569 0.7967314825542651 0.2255453221660359 -0.7486248953612005 -1.306364937280833 0.2133984857705169 1.6074795984905592 1.2893808491285854 0.3555188732590593 -0.9634172409103514 0.7063901014171252 -1.8101366217551496 +0.3317369245035786 0.5349840371770207 -0.4256322619369083 -0.680734935564034 -1.2014572779757855 1.3984922400284652 0.1429418598840384 1.0631871934081636 0.1501023256136543 0.929699318124486 -0.2027570020411415 -1.4963611383807671 -0.2012164961326016 1.941056063360447 0.7195938514076128 -0.8677678015989634 0.3845971198843043 -1.1677076914785631 0.0934566198353063 -0.7665916975272744 +0.6703891224123791 1.042031437045556 0.031361413086764 0.3065276092215344 -1.1653025855071144 2.3602841931922085 3.7014472876483326 -0.063742091026464 -0.5330975338551472 1.2083317510848743 2.86597596963615 -0.851765362918864 -0.8536957568753313 -1.217652079767176 -0.1381523805162363 -0.2852035889471639 0.7472826252639642 -0.1155817416090937 0.204212048599386 -2.21935169328911 +0.338633091271679 0.081993867920385 -0.9480686460225324 -0.1087014915623919 0.78115907727415 1.6771734386946926 1.7409145868282767 -0.964000608572466 0.6690378150671465 -0.1325680428963215 1.2328919604599529 0.6902238614646765 0.9914110659425394 0.0840247225550609 -1.070663887386318 1.5610070423652935 -0.6629081907479497 -0.4368194026415581 -1.4717509350191182 -1.3198379963289462 +1.2359023018791977 -0.6395223025690417 -0.3122867631439104 0.4249576616093138 -0.2515741734903667 -0.6399484111059723 -0.7068387552386721 -1.8179071869778212 1.984720482036496 -0.0475984406239698 -1.6859857891424603 0.558889844165621 0.7186711700675769 -2.2060565086434725 -0.5739255686224868 0.2373380417270139 -0.9269856503790516 -0.0622877949765808 0.1066503033838946 -0.5737566424923488 +-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.2578363218192854 -1.813969563463349 0.7747306308104256 -1.387902380069024 0.8377867011255383 0.2229539938987504 -3.0024928609707398 +0.0956225104757001 -2.7401511374519183 0.4359160092862585 -1.461761496799966 -0.3933764606016778 1.6514195495043411 2.267310084799 -1.4867753146088627 2.170036086123749 0.3103277042185106 1.4738858707402307 -0.5546608332664228 -0.0484410460161475 -1.2062838557322773 -0.0043141997749002 0.8809462228680158 0.4308903190627526 -1.1440073630583978 -0.9753607891884044 -1.681656286043539 +0.4663672690027463 0.2644480831937728 0.8308445830205982 -0.4358112884021406 -0.5051369138012619 2.5519471155376 3.961287192560944 1.2818907038492051 0.7921847494649469 0.3144261324452775 3.231100290616095 -0.5968029815085086 0.392741895437951 -0.4947858931748612 -0.6044509387623627 0.7605410600383398 -0.0101673819686049 -1.8230919402005537 -0.2915952955637461 -2.231152320451648 +0.702043786012072 0.0597357019582432 1.241970860801853 -0.0502430327615496 0.7003762073435562 2.504931413045719 1.6202974365274196 -0.7873365480467469 -0.2264787834973023 1.233877377525239 1.7798134741529543 -0.0388512150589387 0.7528239208996157 -0.3391965009990287 -1.2084789360495116 -0.9370420616930396 0.4411984013677271 -2.6313651151568047 -1.033166744723384 -0.9251389203648208 +-0.3630899481554348 0.7657042055696669 1.494190692140118 0.4430322775478667 -0.9623479153162574 2.009778801957752 5.163770296806747 -1.4826918214825986 -0.1142396252906221 -0.0256485286487506 3.399307615776792 1.2663155689313237 -0.3501081931093722 -0.6506901993388245 0.3945265518983508 -0.2102408985725324 -0.6622335369221916 0.1764273363447479 -1.1844349427480363 -3.2671430577866505 +-0.8355509382212309 -0.94171754818003 -1.0403840987967303 -0.3490635860091504 0.0351911093884364 1.969815334249149 2.2794347207929726 0.4652434864577487 -0.3964250912127527 -0.9080150243640708 1.6652174972065037 -0.0777743344911417 1.4431317862770447 1.323217805115743 -0.0889751916831541 0.0257751914141156 0.2036726069362135 0.2893072459619773 1.0720938743763606 -1.6133437641441288 +-1.8587790975870315 -0.8649764634588837 0.4170599807735576 -2.837515994761145 -0.474886094601374 1.511369563541802 4.635395503715939 -1.0758542314181112 1.1300665751519154 0.1477492728737699 2.486464726662276 2.0149655854775013 0.4603025014802935 0.6528418970829548 0.6952527561751756 -0.7843682854277327 -0.676091610282424 -1.318250545483147 1.6266825763338248 -3.3683913134897034 +-0.2756752237582578 0.4116196627534046 -0.5070488596988124 -1.755725333568857 0.1570320111092562 2.396130891221492 1.190787134964292 -0.0453096085255861 -0.934530812706186 0.2757361821117494 0.9266871864867794 -0.9315301981264112 -1.3841307239694045 1.3121967478934886 -0.8930667986017299 0.2785233735475019 0.8601589763298696 1.6774253836693505 0.3190733081171293 -1.1988494874593458 +1.363025815374947 1.0833373363481411 0.4920074602024537 -0.1782453007612577 -1.017182421171856 1.782568998289738 3.128596085114524 0.4342519964534964 -0.1615148293190506 0.3022367149843733 2.0639305135203285 -1.2529639313954268 -0.4021821233577932 0.5207346601803535 1.0395172178158745 1.2614359689238377 -2.521552355940818 -0.3710717721298147 -0.9792990398494972 -2.144257670377911 +-0.8054869888007677 -0.2057105316690873 -0.5770880610110481 -0.2103755273052463 -0.2444762430034943 2.126559777103986 2.344359269053596 0.447736269444329 -0.2080061006541786 -0.945452291091776 1.9564827710928665 -0.961957346241282 -0.4074262114505925 -0.8242317002159052 0.3320292251486532 -0.9114187024478012 -0.1295386183904133 0.2601116432784293 0.1879636955621703 -1.4636480014536617 +0.7608946490875592 0.1745170719856129 0.2664524346052839 0.4120868903049586 1.7863410944683389 1.6228812438519111 3.369522652431277 0.8276643883753844 -0.1325222517550351 -0.5688100536643096 2.1761477285173494 0.1407474665575517 1.633366568443561 -0.275690722926645 -0.7080215786593276 -0.3863981029584079 0.6784476457550095 0.941017725092418 -0.2112742203546431 -2.263881294985058 +0.1591985001956964 -0.4839666221598169 -1.0994800801673343 -0.0936091577971611 1.6609038139063004 1.66166200144998 -0.5043706728051445 1.8187227546748423 -1.2308653627414845 -0.1047167883446331 -0.7503434508239355 1.4759940648171923 -1.9524317324150728 -1.5648180509061054 -1.2166548023658017 0.1429991113470752 -0.4722343453382763 -1.366845526936613 0.7399835535844054 -0.6234257850973339 +-0.0508888305583382 0.0357685931728711 -0.427237563659774 0.0241985082582124 -0.0573879395730772 1.6377634202337872 0.9612254028993096 1.2373156851052611 -1.2250131175748715 0.0984376312420777 0.439345569319439 -0.7868459075608205 -1.49616177827276 0.2353082654499871 1.2702493094016367 1.6019963154567187 0.0250271145887109 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.279175772962031 0.759378978929082 -0.7966321272343784 0.9382844452595116 -0.410115242151402 -0.6205415310666719 -0.4846339116296043 -2.1417681407236007 +0.9571904236480426 -0.5166858192224664 -2.138334271141819 2.198876989630337 0.3664211102678787 1.7237158044054093 -0.8979743114948329 -0.8158662928641365 -0.8216626208819356 -1.6433359220961008 -3.09991180073614 -0.2830066703949949 0.1906597194653222 -0.103522398854762 1.0075260330715912 0.4854128356364576 -0.4019301283216058 -0.1294389073177106 0.7510050079556692 -2.373928602800801 +-0.4229191139655193 -0.5371970287443942 -1.0245620935091404 1.08283664631495 -1.1378019775205346 0.9446603763473538 -0.3448087799883624 -0.2430159325251624 -1.3780698586675302 0.7330953021557195 -0.7500005453200604 -0.1866036372108306 -0.9691922955604696 -0.7788940231841237 -0.5852572057582929 0.2908510369909826 -0.3315020930536074 1.00524481411681 -0.3084892222569043 -0.5884499437737856 +-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 +-0.7945133481249493 -0.2232903716589959 -0.2572619487179075 0.4336224848316949 0.4063227717145493 1.942977568289874 -0.5952331479982496 -0.1427296670418019 -0.3655152856359532 0.4809960179535236 -2.7913040493884123 -0.6414875690793794 1.2978916209576314 0.6718570512338119 0.7645055767719879 0.3735413409493232 -0.7131129327125377 0.9584927894131936 -1.6123751408098643 -2.4945948387309445 +0.049618222277817 -0.4465433586473709 0.0505762867143735 -0.0049745524630099 1.894026238393712 2.273052621792727 4.2971271380965925 0.1281696113588762 0.4235121446545551 1.8654615960252383 3.229329509285414 -0.527437079107373 0.89927873709644 -0.3050275311849272 -2.4300164002272893 -0.9713820404062066 0.2562032388285161 -1.210967872103151 1.0448483962310495 -2.527523421796456 +-0.0014046138557737 2.089781063063872 -0.5946751139175483 -1.0210617665981998 -1.098987116520477 2.341811397819016 3.818836029267416 -0.8776590382492703 1.0235546104947226 0.3740318848671058 2.799915187840715 1.12391453779536 -1.546419505730619 0.6972571681373205 0.0025714892999916 0.3058951611523615 -0.3632252484547484 1.7332474554116464 -0.373894047200931 -2.40714050712376 +-0.4543340511028653 -1.2857625922603586 1.0577910776436656 0.7511842258603444 1.2430898150769745 2.681839831408994 1.793374855116256 -0.6310901598937037 -0.6811492230000045 0.4904376977891445 1.854005554663754 0.8215319164863131 0.996309314546164 -2.1602831478169016 -0.8434192690757213 -0.2647893550176662 -1.7524590114516 0.7749084078393471 -0.2698899054659034 -1.1041788806922628 +-0.8724752663429329 -0.2067600851992422 -0.147037950518503 -0.3469711057863998 0.3030432517244222 2.9766873405259227 -0.3545439983175811 -0.2906004378297524 -0.8615055467845667 2.64824913694288 -2.320989250196477 -0.7513804076889016 0.4138322227091657 0.4056960726778535 2.324691182530559 0.3122246341362846 -0.4738952707479431 0.3094622216324795 -0.4533291144798499 -2.6391217339647786 +0.1782459614587722 -0.6632816533274852 0.3234335027850334 -0.939521160017906 0.9707304412906572 2.504375557995163 5.2956555096548215 1.668382405528521 -0.0913476628038215 -0.6023780012975128 4.261938523487178 0.6638383091331033 0.4242884201792254 -1.930446397247936 -0.2888403962370874 0.7808489329803153 -0.2199218845024719 -0.9829931499590292 2.12289396650646 -2.7648738093096186 +-1.2187691284961824 -0.3970968555057288 -1.7076047987383969 0.1413561739000428 0.1026675207286729 1.5597316433901915 3.647367336695905 1.411531656937142 -1.2164254396964458 -0.949865667445862 2.215165780196344 0.1397497854480537 0.3971847811767589 -0.4104838095657148 0.1801611926953295 -1.346173148720035 -1.0384094609650407 0.5490396492345285 -0.0968946111736411 -2.521682416951914 +-2.753418123396424 0.15251525911021 -0.2058422279574133 -2.27944712695646 -0.8144105766690436 2.8773426585378097 1.542928181255098 1.4985752740046263 -1.4094805967568251 -0.1053193264720425 2.268247956475716 -0.2434988747745178 1.846506924605995 0.367790227682453 -1.3880884342340434 0.9864442846854627 -0.138239688751652 -0.412157335072227 -0.940063515805705 -0.4971808768073218 +0.1244214559054427 0.2719326135443037 0.2993888744734621 0.0589455116757998 0.6681471725890039 1.3290311603107812 6.358869920317455 -2.664024184653911 0.1682573695860903 -0.8446700603219813 3.387792511039644 -2.395456254491091 0.1057806601416365 0.0793777436088632 -0.351872274350808 -0.9576018618305466 -1.6068552291058655 0.2630615245161198 0.141050424501559 -4.419778969680483 +-1.878810986314129 -0.2591378018139627 0.8381106044898028 -0.5072744665301563 -0.595258305809499 3.169979460316541 2.809696463418131 0.1876387561257952 1.115668182308336 0.7408412769547971 3.233582262075152 0.8546610957862725 0.0457092863046754 1.1753721035949314 -0.4873417220122836 1.172432228521234 0.8107127367248127 0.3777709136811393 -2.20369287138989 -1.1171167485969495 +0.4276936108816017 -0.941381928126349 -1.812397539423608 0.178634317178072 -1.971668852132766 2.407450006286576 2.9937967755848893 0.6693897477222533 -0.391101725349584 0.3394291000215264 2.4335282433195395 0.1293309574566157 -1.281580221093997 0.5693241925907302 -0.0647094373739229 -0.641827626775341 -0.3784272543217646 -0.5210090850488098 0.6341058777248818 -1.8371126051178457 +-0.1042879264218966 0.5137508642981464 0.9612391109756672 -0.9055803059973913 -0.2116598285505977 0.7066603850832758 3.699789937243693 0.1153177133927469 -0.0685132608976565 -1.9429385034905569 1.127218211743222 0.884100737853627 -0.5564530730953247 -0.8647095991909356 -0.1789125451401707 -0.0804114239564536 2.770693556969664 0.6767748268846535 -1.1055945102160951 -3.3328887264670057 +-1.1737363531632736 -0.786042413678077 0.4978684480355077 -0.2407046748337732 0.655067616933874 1.8673814025988449 2.2852930517821197 1.8144033557356705 1.2143533185405515 1.0322555212459252 1.5461208523340175 -0.1455355774598941 -1.519739644758196 0.3443437616357939 -0.173529967975582 0.2224916336329633 -0.4364811973606454 0.7261615347500706 1.3833560984285005 -1.6995760325494058 +-0.3423860375495837 0.1611451673887882 0.7201327906418337 -0.1160976349356329 0.3607193484703309 1.911463596151625 2.7019911813070303 -1.6077968112914414 -1.672777842811767 -0.2081629989634794 1.740889397019437 1.3304588819246128 2.1212237639382856 -2.0227189305075943 0.9004546160265379 -0.8414983942209431 -0.3954430841021039 -1.605576164054829 -1.0174713944664258 -2.0015623910831697 +-0.2631315732146542 0.9962085917466124 -0.7288946488976416 0.1732045030176845 2.1755063147596467 2.465425475234413 -0.5653162061769685 -0.3828803601868759 -1.2997121802629852 -1.2588154252385575 -2.7650234113905654 -1.1788527377699791 0.7319777064453176 0.0175832573604199 -0.7864497394471583 -0.2627300781933351 -2.1789498941401244 1.2584795307501588 1.4330003291991122 -2.660091301409203 +-0.9937362615735554 1.0386491696430098 0.126140954347204 -1.4286732659296195 -0.0954517518584363 1.814817347923352 3.7591048036827015 -0.2090881544279896 -0.6984423858559853 0.8254801212939504 2.4907524735966806 0.1004828410727008 -0.1839501790881481 0.0300380279251269 0.3763362755680253 -0.1605138293609239 0.3844330496388429 0.4753117545675568 -0.094005596089772 -2.468593848121183 +0.7277492102554936 -0.322964724524956 -1.0361042821638975 0.2779029830206325 -1.194148440747372 1.996185587099928 3.1289699457037425 -1.3685739331373774 -0.4391820845333561 -0.1325455604866785 2.2028751236369435 -0.9066069806419506 0.2670915896907277 0.0508423963360012 -0.018791272551316 -0.8077915467074707 -0.769231626740185 -1.1116296949413662 0.3750182030046342 -2.079897027833224 +-1.7681716796857745 0.0030058436623598 0.8094206044833759 -1.35496431694714 0.7860273648565489 1.904655872059288 2.089807008701457 0.5880328118504345 -0.483665385782433 1.084591025695556 1.4093584927847798 0.4589059941192419 -0.1548434945222367 -0.3587322587404807 -0.5631608720371972 0.5207247425464998 -1.407798604261435 0.3901235091209922 0.3528064387088486 -1.6172452741387724 +0.614293953618581 -0.0254788840570255 1.807943596021393 0.5216670562753107 -0.8697081431772 2.3181252592459525 4.074604834221679 0.0432220337597056 -0.047149362997637 0.3786539860823234 3.4021794906814278 -1.4614209140421748 2.1699866176382927 -1.4346829778187578 1.043753512729979 0.7784304031054669 0.4838327124426685 1.969329729467641 1.452752209141999 -2.130467886581122 +1.1273957835773392 -0.16570463017419 0.268044199790167 -0.6061383168821821 1.120755457390718 2.2851199317853665 5.232738224848175 0.1739993565156538 -0.5798426077103686 -1.3723727154915153 3.504966576137144 -0.0262227687588179 -1.0426531629501894 0.3757053199839018 0.4961992579030649 0.3980993780783852 1.458315409647735 0.8409334282471755 -0.7048314136082275 -3.329266355344556 +0.2810986818772717 -1.284028960385019 0.3476131410696118 -1.1138388818525888 -2.19537458396533 1.486142662361564 3.4894771637647093 -0.0217806187901783 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.10141585305638 -0.4896406912869622 -0.9795690492182226 0.5467879670619887 -0.6361171392125454 3.4708389254753644 3.94648791405037 0.2924274667845011 0.1795587481688293 -0.4182034674702338 3.929871802119978 -0.6422742655830583 -0.4064118024505513 0.3293602679344567 -1.743744060839615 0.2770494890821182 1.1908216742304736 -2.942451109324859 -0.1646293830024626 -1.8422469140354965 +-0.0894537090446371 0.828459734416814 1.1581283337427188 -0.2869832187114899 0.0820431384865681 2.370718473703605 -0.1451359669322418 -0.3654737311585621 0.8596792439321654 -0.7758824142295386 -1.6300418013158329 1.8034415952599845 -0.0623231827860223 -0.6738461774789973 -1.804092794423749 0.8800072863267687 0.6593203112151367 -0.822345505402547 -0.2392406758734817 -2.0541316481613947 +-0.3433602373862491 -1.4691055596148286 1.3081913641912442 -0.2955246815389743 1.5928179154752058 2.2251961666555635 2.7937350712473736 -0.8159159211607023 -1.8440596098146849 -0.3396022720191197 2.305300787428782 -0.7505545477748344 -0.7797051134215619 0.5138932117730013 0.643787200265317 -1.5796821144466964 0.4128258685125698 1.974699729444388 -1.2518411781516523 -1.6761186914220112 +-0.30807710634729 0.4125423917645689 -0.3359384821023382 1.3660259464548483 -1.379640183496006 1.1627746723166572 1.71535540228617 0.539832181034855 -1.0302320055190917 -1.0686673928771786 0.3696985674150874 -2.315599243822333 1.0833890531593298 -0.6976477724353022 0.2879592705090266 0.5188600941758015 -0.4014138176412818 0.3622446289654336 -1.6189392513341427 -1.9364105786781056 +-1.9157923713681575 0.4749606198413842 1.1242351101188592 -2.20402098401285 0.7233842953336957 2.657377211933697 3.2338470649826565 0.6975302176358477 -0.2723952749105672 2.062476072085756 2.9809244685956067 -0.3306278044227314 -0.4046926717855706 -0.092475618666778 1.2152080139637973 -0.9247457692576204 0.6422064144906062 0.0779870616514086 0.540314420315585 -1.6753127747897232 +-1.1033936745271282 -0.3228480718884559 -1.6029877858064314 -2.060473241004085 1.502104845440131 3.3068198936545343 -0.5755921159596133 -0.8479820338267302 -0.0492786422714945 -1.3555265544053936 -2.986933340337925 -0.539494277189652 0.21840234677388 -2.983179795459816 -1.108177060534656 -1.167809852069524 0.948349041716938 -0.4005148252472066 -1.1345390715671793 -3.105421322306825 +-0.2207496796604825 -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.1075509192879468 0.121087778116909 0.8080185164999842 -2.53910085360904 -1.0203077496696684 +-0.0512857020516092 0.3491442978438588 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.4017564616902735 -0.4842186993452254 -0.0437238018814938 -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.1163706150357254 -0.5300067114322958 -2.285096503836976 -0.5396760591618859 0.8933840589016022 0.0921795950225263 -0.8528016668850324 -0.929897451026708 -1.337384708185947 +0.3897141453284529 -1.9791967823256231 0.721977653590172 -0.1583724591737647 -0.8305735167784021 3.151100213653878 2.7712386659587254 -0.8356207857898387 -1.3838060648273698 -0.3292801253386552 3.4982328898115576 -1.313975656038437 -2.073113660764942 0.6201166141037884 1.3602057578102291 0.7414109998136922 -0.6235174542680544 0.0076655424682906 -0.0247695908893309 -0.8231830998937835 +0.6653245879212243 -0.2240726272794772 -0.337133681744353 1.358433571383357 1.9610261455051927 2.392650289193188 1.9252735483904315 -0.3149830669496145 2.111325275749563 0.1377208822952769 1.559917695019344 0.0298816846369205 -0.1332506439299355 0.5499289509652086 -0.1015506683584213 1.7961879158446885 -0.3318213853887152 -0.5195130775311501 -1.6917138960792466 -1.4384853061705782 +-0.6011891914492875 0.6120598949960766 -0.7240399479394372 0.2076071887666241 0.173373195419752 3.415591906523655 0.9047088175666532 -0.1409379061862926 0.2110578198719376 -0.2518117614193036 2.301601127900513 0.7487448669034811 -0.2266972833146969 -0.8260310059914105 0.3400417236913147 1.5953421537126642 0.5039650459195798 -0.917569822901216 0.3654350220909408 0.0913292254130335 +-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.1294215259489136 0.0640325352670389 -0.1891054637937475 -0.9977605017162884 -1.2550540707927962 -1.837784349430953 +-0.6616838628262479 -1.462857223769509 1.8477398712542576 0.7107508669701301 0.9236153003067477 1.714337310643642 3.898674095234939 0.6435446384326483 1.4455802815249688 -0.5431661617077835 2.2787886079988326 0.1349089337758295 1.2627201266045407 1.403689406148342 1.2239474397470662 0.9520868286123362 -0.4539467908437067 -0.034164413384346 -0.8795552599479753 -2.7919109007002088 +-0.5156380735377588 -0.5609220367518108 -0.0689809957322959 1.2585724129778315 0.1863166840866398 1.1671910477449914 3.2802160973659 -1.0602349687089754 -0.1026195524133155 0.0970151269467757 1.4340374657279078 0.2701339725821918 0.5896277260730207 0.7737889783343709 -0.39317752431884 0.663089664672741 -1.6292744948681537 -0.7903027481213981 -0.333867864153379 -2.714143403473175 +-1.7453308518244357 -1.0410143786862622 0.827383581103491 -1.01559787459446 -1.4092938204476888 1.894874909315178 1.974602884531789 1.4478882729697549 -2.4355442663272653 0.1204287466830273 1.3730718083572446 -0.6340574477598734 -0.4005439749506151 -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.3719469189379991 -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.251056490028162 4.57721766523312 0.0124025744027321 0.4619505914805479 -0.6329087355562556 2.286882277290005 -0.94952472239176 -0.7167153751948611 1.425172792671914 -0.832594747991814 0.7924676835068942 -0.1327927245806355 1.3149997616182405 0.7978117298368185 -3.409854908102925 +0.4592115613268244 0.7240288196960938 -1.828256127198916 0.480957309550115 -1.2463886190756297 1.551998982976051 2.501207317816517 -0.7847202558655209 -1.089999222233334 -1.1286507646857775 1.1582787163852484 0.1134744837539603 -0.3877200528968748 0.4373507445947763 -0.0372284092722857 -0.654219453976486 -0.183713263595393 0.5150563082901165 0.3369930870347399 -2.207429512319027 +-0.3018803714475903 1.3890853610598006 -1.105624908636632 0.7270388644810397 0.4859496023264988 1.931855564572985 4.142317152849513 0.0210038653909258 -0.3454559685286904 0.2925991915981816 2.690243800555388 0.3927128124907365 -0.851362886519374 0.1590306436281287 -0.6786672080015265 -0.9655248707790342 -0.2950754418408148 -0.5924404384564174 1.4259526879792237 -2.7503146981782183 +-0.2254488508247029 0.0638631523161468 1.5726172010695427 -0.0669182447638599 0.4369949314485657 2.5178682850555103 3.0565508749907764 0.3170541729217119 0.0863417003878747 -0.3889954217711502 2.4796185349702475 -0.3103469002728476 -0.0316865896796189 0.85334775187858 0.7333284575899439 0.1706346300398126 -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.0776999422057544 1.1551260323151642 -0.2698007950589949 -1.01226903476833 0.2124102729730416 0.5624219847527029 2.729019914081559 0.395022294256422 1.242129719537659 -0.148297235176227 -2.907017629148918 +-2.326392420007499 0.6618815843492617 -2.8168673787266005 0.5494524830407636 1.6200277329099324 2.198321517108784 3.512632847257228 0.1014556259748892 0.938775932109528 0.0016662521375067 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.2521855974200023 -1.2072428289531367 0.2665805411393044 2.096910350129999 4.025574508871846 1.433912191162626 0.8016462643831409 -1.7764819870403543 2.774522019574765 0.949809602424095 -0.1205554844554257 -1.0512696649798727 -0.9843791860048412 0.022245591584285 0.2086925013352945 0.3928843536616625 2.0600171472993614 -2.5901980402633136 +-1.2083336519997607 -0.1496016831543827 -0.9555123430312856 0.920296328015024 -1.1271154912206716 2.1244580937951976 3.2953248963628647 -0.2274018224388486 -0.5121450432132189 -0.5822989033133434 2.5264010601511435 0.569102521172551 0.6974482996707256 -1.858801724826621 0.1753208905697067 -1.0799375844345027 0.9907107627481808 1.0201680903159986 2.191206845027504 -2.0060164890712024 +-0.2617103818857828 0.2282369348447792 1.320646882926118 0.1725344138716543 -1.266316245260346 1.2548769029480151 2.614122001979816 0.8706950708780713 0.3772912506213664 2.5335721792921904 1.137945568392357 -1.441172765432063 0.1331809445759401 1.8026208672066093 -2.781864533801321 0.8014644974789901 -1.2311322413058532 1.7678982187656445 1.1416652357708936 -2.2645694233619214 +-0.9412798203804342 0.0568177545016471 0.6091599884623712 -1.00788339459915 1.556637531469471 2.920648237584563 3.352058861342 -0.4427205370603986 0.8106968873453949 0.6047332820021087 2.989102523256598 0.351177382493119 0.6523185197261707 -0.5099362684176568 1.0755604521030155 -0.5677350187558565 0.2415415379120535 -2.7509340216483897 -0.8380896197608263 -1.879508217986813 +0.3017451509721975 -0.3854512241086312 2.4650464461328 1.270375384094122 -0.3972497650115369 2.89817535269066 4.5793189725524535 -0.9350646544759874 1.981923305892649 -1.8549594743104107 4.0287118896029845 -0.5087420706410128 1.2849715850410155 0.3082381560545429 -1.5498378996389055 -0.0628960695240709 1.959502834546713 0.6944966895552023 -0.600165722278339 -2.29202981528538 +-1.0132232484623769 -0.0849913416216426 -1.2193365928969633 -1.7929306007082364 0.0376267847128465 2.412719553681634 2.6304704765080187 0.8018290767275901 1.4736556077234522 -0.4123899461040924 2.2600301676672374 1.223150124075341 0.0410839961659259 -0.1898015029264511 -1.3056688325445598 1.279674876381994 0.7449856909919363 0.4607394653812043 -0.599727056834385 -1.5902708642476735 +-0.945234431859024 -0.571174976801342 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.6779327041989 -0.6363054993802528 0.4394675854469987 0.8300883283518439 0.2085292546984626 0.2746874733776375 1.3560628600715563 -2.3818606044462194 +1.2771423279283738 -1.884488431429772 0.1455409542476259 0.1731582283688468 -1.0923224777024985 2.489512046638492 2.463848514420896 -0.0766745173296224 1.3858467296008836 -2.8484337243604387 2.232905555248565 -0.7077241601503655 1.9550100970345 0.2906712976260231 -1.22722997808751 1.9420751701271208 1.0013801886228249 0.6312481047008845 -0.0113896074392682 -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.1196790771786167 -0.2121041049265647 1.5201894734778592 -0.9108042257711886 0.5912413369559799 2.0850729934685 -0.6101056020005583 -2.042219495701178 +-0.7343078922591039 -0.4707016044721805 0.4484339104048259 2.228384371549194 0.2559204370466031 2.7515830862360278 2.2884144306614407 0.7121845130226766 -0.485782439644549 1.7329464228675593 2.30324590529122 -0.2395067027883179 -0.0265509612725687 -1.522577746120794 -0.2733842144866441 0.9698579258971556 0.0027984294952245 -0.7151293526095346 0.0888005474126995 -1.266457854007815 +1.0581118092143664 0.5759575994217737 -0.6689379182798246 1.7145039497752148 0.5380409066295426 1.116768002617862 5.060367927568384 -0.6381903047547545 -0.6379513924634043 0.2475909918707084 2.550651687777153 0.0760709161643171 0.2276288074642022 -0.90923400808083 1.2126378568795682 -1.0855236974687408 0.8748648191236938 2.130224017854934 1.051349525392755 -3.669466115884852 +0.8372517880133713 -0.7318602307926549 -0.3891563527334571 -0.1734792648957723 1.7782887910933356 2.9390071030084 2.2249787394885727 -0.8894310315746558 -0.3135216036886378 -0.0649562333690296 2.8226768243190103 -1.6040621396920096 -0.7171132141503751 1.6016832589057706 0.1396414956352572 -0.1926670940954084 -0.8941375707999107 -2.31099915640718 1.0436082347527456 -0.7702041647629256 +0.4979239549121508 0.9111201160745992 0.1879674037741865 -1.5281542057943858 -0.6109910823067333 1.7693046634463152 2.6835357478319306 -0.4512222342493453 -0.549657204491142 0.9291285260111506 1.6176377090268963 0.0785404687312037 -0.6217420628594426 -1.6936645098523484 0.9232365670070746 0.6964749368777509 -0.8957817611843993 1.717511270287392 -0.3908270035394268 -2.052396207368937 +0.0771535480929879 0.5335424273034374 -2.272153778153076 0.1734861222549579 -1.353576247242797 1.339621948959842 2.5013589906766494 1.1669889552610266 0.1913852445463901 1.4591360447651602 1.0781476757752086 -2.488152794439697 -0.1271257875722923 0.1328693784420769 -1.3942975506810478 -0.4775474003337135 -0.0322522305259065 -0.7192967506316269 0.3554063280218623 -2.2183066227950223 +0.3659773801794877 -0.2169382924121642 -1.3812727911020657 1.7422041134703947 0.8792874065362272 1.6561382157986893 -0.9084199273782014 0.11764605791414 0.860099089561453 0.2444894902289615 -2.7385223868905726 -1.7275731212411969 0.7289985763422766 -1.7225616345414976 -0.3213625888755794 -0.7351742035799104 0.7037981279415298 -1.4378658320391613 0.7741920549031613 -2.0074219912305344 +0.8210058137367048 -0.5695735757899306 0.2110860161304938 0.018173593601366 1.645078917136506 0.8838870867388757 -0.5813431833524116 -0.6935146932401834 -0.7693377286538218 1.6744403059980797 -1.8216248793671304 1.014910365354128 -0.3714909844426617 1.118115530006361 0.1933358487303914 -0.3555430098009989 1.1485886406192976 0.2411181999624409 0.5167478097157013 -1.2960358208814524 +0.0241439195557626 0.2190116603322181 -0.3838524797283764 -1.5376504407372589 0.2185594976684212 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.3085710786453557 -2.742900692592289 +3.301048797547584 -0.2052359912349352 -0.1029519723134556 -0.1617139112649092 0.7881647636612786 2.1237774858386738 2.9456422166135035 0.1767054316592207 0.3973237305691883 1.6951690188463358 1.8946319251371544 0.7416898648458943 -1.409725880512473 1.3790574478842756 0.9742756102432664 1.222892749868543 -3.175378398793106 0.0812900380765301 0.8712343683603716 -2.1969927570083136 +-0.7135348694554712 -1.1163342577050426 2.737261717075247 -0.9146211332262572 -0.9596317526409676 0.9239419033853808 -0.7061992056079271 -0.9058350936754672 0.1244612728923769 0.6140120793911038 -2.12263188147309 0.6804435232885413 0.2295036105257039 0.1671334544561641 -0.3071682156145226 0.7962454601107771 -0.4195900728623653 0.5749757625495912 -0.2166852164638678 -1.4460973027191597 +1.4386816001202691 -0.2487021670472856 -1.36577793681868 -0.1027778877028642 -0.2277757923077169 3.2453737496728623 0.129928646451666 -0.1748371541371512 0.236635155135524 0.5403042121027316 -1.5826521256552046 1.481172479034853 1.0872054124215704 0.196788427829784 -0.0434033395328773 -0.1654421605889918 1.1630659587085383 -0.6342909579111724 0.3137604232620841 -2.5813367805866743 +1.6681575295682762 -0.9171985153049196 -1.4730335325170243 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 +1.711730790757852 -0.7812378825997724 -0.6151308173460539 -0.5957282208120518 0.6957156336214385 2.0323240834674348 3.120068402082416 -1.255552608914288 0.0265545133133159 0.7338824046677725 2.270666683694908 -0.8131592038613639 0.2275608158292373 -0.2326579605567199 0.4537881215437723 0.7318355607783815 0.9003078687218798 1.3635879302521012 0.7801647539734483 -2.017919676438447 +0.0126308099657727 0.4112382078037832 -0.3252419752289477 1.849599407627749 -1.3340753339338642 1.7934635857219308 3.083348366679176 -0.9948631153876136 -0.1729201768047967 0.1967721397610735 2.055802766112675 -0.0900396363138122 2.3155333921048067 -0.161416235760251 1.32581202629688 0.5018275786888001 -1.9479525780361304 -2.159461841555125 0.3133983248911552 -2.1040984030684777 +2.143383003192476 0.7095559834235028 1.837435021745712 0.9898989705738324 1.8567686922856528 1.601231494804641 3.364652586213726 0.8107846831659141 -2.184304385549611 -0.5631361065070082 1.700979132916296 -0.8119327841012436 -2.2267244317111623 -0.3303493984891823 1.9779403911648084 0.0477463150889266 -0.6788148114503653 -1.0249388890609767 0.5200143166577145 -2.691807193407008 +-1.1346058159141366 0.328886043235928 -0.1983485347430435 -1.3760890817649651 0.2623577675106169 1.8601635367314144 5.256745314115815 -0.064318149978298 0.1565930792166126 0.2487508291441885 3.5057406086179217 -0.540833128349284 -1.1716921537210738 1.6734130762339685 0.0217103420571989 -0.2726440550059912 -0.5813415369437045 -0.5803093721565593 0.8936749574874223 -3.228569181259858 +-0.2364413231017513 0.4646165493517338 -0.1382339593355833 0.7675171054189917 0.274321592814178 0.6395414632682268 5.063025623935326 0.071762170249598 -0.6392767788726983 -2.093151516395216 1.8220634402374616 0.0738373195898319 0.7892570112242479 1.112541177836088 0.0289893003555765 1.944129805962376 -0.1869933502822191 0.2505142613716322 0.9999008808845814 -4.20430637284476 +-1.588330249778116 -1.445754733055498 -0.4610272723704422 0.1694021216164509 -0.2457294337931608 0.983633534253444 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.4295268054486165 -4.492186209186075 +0.9801982382336586 0.8449621394672215 0.6036679199971402 -1.967096038686357 -0.3960886003261935 -0.2421974621502256 -0.9920132175056962 0.097962683927295 0.5577797283283508 0.3970735708807241 -2.823382494197471 -0.3946430777039263 0.3306095781125266 1.1229825436731722 -0.5959602726036303 -0.3455188765230153 0.0482156258280414 -0.5581061989133528 0.7785819049490936 -1.4245116913933895 +-0.4307201238296 2.952763275915484 0.8555883502289018 -1.9864311620725104 -0.333868685630507 1.6617337977746989 2.4566411890300976 1.0310332573871603 0.207605727330399 1.11512311899617 1.2572588397062372 0.8714873125657657 1.331296517652578 0.747926376073887 -0.2595108359099074 -0.4793757351328446 0.2157530462503485 0.9513269487970988 1.0847906778909489 -2.098424902477398 +0.4415645367384963 0.1336578652499496 -0.7597806461171807 -1.0615898230606031 -0.2488727606653684 2.1010330851259966 3.3815080368359665 0.5373777393450657 -0.8617396374852958 0.1850937126501781 2.661146722925439 -0.5922549890188895 -0.2772895277383481 0.2640895187564063 -0.5097878091732172 0.1514612257357896 1.2962873825971029 0.6022917232237935 1.0657576220531717 -1.971301157510775 +0.5224388039995446 -0.2348792573001989 1.4006347684758764 -1.6957381343423548 -0.1916640792286551 2.24976665516397 4.452414333239426 0.5269065219971465 -1.549526412929304 0.534447741106523 3.444103789624666 1.859888187175636 -0.0060014841095765 1.411883351743066 1.261656114713378 0.7040906211122693 -0.6504979741929314 -0.7228625349832777 -2.0143337429554222 -2.496561268145196 +-2.561841563015152 -1.142937918731313 -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.594721553964074 -0.1304304573886865 0.8880055493797212 -0.6088186487594294 0.3941354408497687 -3.146786604264186 +1.1322191489300495 0.0243243926471454 1.0348722588853223 -1.3480072533558047 -1.2671232508983543 2.240304258571933 4.698088854710754 0.8938908813180994 0.7101673977081394 2.8701093730997145 3.6516067288259935 -0.2884419377142751 -0.8777442029238529 -0.2067200495246055 -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.899071659102094 -0.3222955530897831 0.6243621621346612 -0.3031641932627872 -0.768437596766751 -0.6987293059187806 0.7937472337702038 -1.703794570821298 0.4170152398311586 -3.476128969498 +-0.0648448629887913 -1.5864734760487462 -0.511520346292638 1.1064029476089237 -0.3511349722987396 2.250134642602197 4.188547637892629 -0.5098243827267152 0.3060731576113822 -1.010670596566993 2.9518597344888327 -0.5037623840103496 0.9652636990529554 0.4302477439080776 0.1953127081248516 0.2328940457270607 0.7434433203778102 -0.1217734997934113 1.0156580834208304 -2.655298877526027 +0.9135060016454908 0.8255984849729782 0.6332123062631536 -1.9372430851348428 1.0632651751451203 2.166251923094173 3.211624342860726 -0.4416682348761625 -0.1153302635579102 -1.103065292017164 2.1188594539404324 -2.000570297634022 0.5881327376547375 -0.7583314619943677 0.3791256397537473 -1.251909482858564 1.1183694704803964 0.7568334408289964 0.0799643303832889 -2.301552732108119 +0.6665924815807147 -0.6479629394082403 1.0037225285088018 1.6039136196863328 0.9383116666110736 1.7809587735442176 4.167742874861627 1.550704813922151 2.0839529333979767 0.8379936190456393 2.971234108519268 -0.7775484504235145 -1.429290114226598 -0.1150219164290007 0.1697863714071239 0.4150249322556472 -0.4263898502923038 -0.2475990182014495 1.0795761633479228 -2.473718012803636 +0.9357074402488385 0.1981316888633391 0.0326391011744702 0.0820935837323414 -0.3012067584742967 2.034853693606826 3.688008102145192 1.1976312550372143 0.3864451493178606 0.3723387105287613 2.4383346062140667 -0.3887062121410723 1.4920316105723508 0.6604796141091595 1.2673029024775844 0.4737511676638027 -1.032814951391616 1.297583580502495 -2.718590764206737 -2.502841465051203 +-0.0679547870954064 -0.4838580703148541 -0.3897712833848346 -0.0194253748077285 -0.3753906493573731 2.3037396360889 0.0272981191100729 -0.0988509268266871 -0.2949672325552082 0.5390517760282372 0.2787852414772802 0.0968139305580989 0.5106724081215311 0.198562343597825 0.3347627531099712 2.004779234838207 1.3739270614824624 0.4383128533777317 1.5446147152085052 -0.4611747891897071 +-0.115910160923616 -0.2153137384108594 -0.4797837145322148 0.0163360114570625 0.4076203455448018 1.6830113487255889 3.062615995602824 -0.5040492463496218 1.1272782242378394 -0.5108065501000415 1.5355798549035995 -0.7718032287195337 -0.7136469182327017 -0.0305714363006906 -0.2339577357160196 0.9237859894186424 0.52603368969594 -1.0613762618674252 -0.1457938916810011 -2.529334328982399 +-1.2189795410468156 -1.3192779463783035 -0.5290452885143646 0.9421092691330588 1.4951464724115529 2.323923678009435 2.7279122003822738 0.1572284231877252 0.3476625597745763 -0.970658127368562 2.146172222612241 -1.565380087117482 -1.3049821789843392 0.0752089584851599 0.0008349673734161 -0.151612227346886 -0.4406364814368853 -0.7789137127238094 -1.135481098685554 -1.778833294622792 +-0.5315733436710258 0.1759421560848187 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.2130576443572205 -0.6923174779360497 -0.9961743529682424 +0.0342744622729281 -2.518386057979418 -0.6013366190717151 -0.3895512508514719 -0.4937857336070719 2.7301959159606244 -0.5852256563712983 0.0523511057440164 1.3098650336132425 -0.3463620253282443 -2.377193601321383 -0.6174194383966142 -1.267624577413704 1.012933329281405 0.649374175799101 -0.2846464116047011 0.4775741624686527 -1.2490782250622363 0.407453797599242 -2.357783192061962 +-2.3942666531269423 -1.074519383379707 0.563222900181786 -0.2443667760310913 -1.0478929267643209 3.2038042138506126 4.283307085253822 -0.3940264752663064 0.4202814141773793 0.4261708293724772 4.193201354440447 -1.9185759592713567 -1.517230356050571 1.3831235678901035 0.6299274616896646 -0.1151260814332256 1.2383729057238584 1.1882449525993608 0.5816086510118497 -1.8978529435291047 +0.4861307927850941 0.1143757659332876 0.0907389929067608 -0.4112896609040916 0.9345426788243266 2.714175279344765 0.6945506509376038 -1.1083639581427998 0.3109056160978048 -0.5403200781907156 1.2275730784349748 1.1194187691981603 0.2610247487063873 -0.0631356172803492 -0.735319433769787 0.2054695641662287 1.0006964808844536 0.5186472301169204 -0.0691818486932999 -0.4567055868285865 +1.042814935613461 0.0289247521551297 1.5713092096328487 -0.6493091725068 0.3925914776369048 1.612456207295006 1.907061094413817 -0.2137311773609472 -0.8474649172291967 0.2511978358110944 1.1951884478298114 1.845711787495496 -0.7561295679391455 0.7306793054321578 0.3871482061965072 -0.8376689102369139 0.8060997609659178 0.9180793753123786 -0.0569469867659758 -1.522445446823938 +-1.2366202930402157 0.6438478848350571 -1.3584702727362294 -1.1540851572022714 0.3236682878165681 1.6788835477310724 -0.0516705097069954 -0.5039098269480742 -1.47205514841979 -0.1789441054073912 -0.4369721589249331 -1.4959600908507622 2.011551964626398 -0.6559099171314278 -0.0677387899632443 1.700348644940961 -0.4430238963561962 2.6341920947988338 -0.4065488156873285 -0.8481205788472577 +1.833106131074649 -0.925302353772284 -0.9781308749638684 0.5362198078988519 -0.0064030362543774 2.4610962765225928 4.925262901286306 1.1298678675599785 -1.348681092414651 0.3637532936152425 3.7230547930926736 -0.2963355502171585 -0.991764085370986 -0.57376394500975 0.112674550422692 -1.204435887081993 -0.8186046485955064 1.201628457649477 -0.2564943007119071 -2.833816420560174 +-0.1278222022156613 2.230712068914909 -1.358356412779543 -1.6339625868922063 -0.1307701510831763 1.5064916213024713 5.233747405735313 2.948276785720189 1.0531102113435264 -1.5884720300446156 3.0109849353761984 -0.2203664452677754 0.9874356171718296 -0.741406408910022 1.318610610265878 -0.433974154151418 0.9193486281481402 2.2272312712454623 -0.317044642635066 -3.5549871657830354 +-0.5101195185460192 -0.3463834813464618 0.7103315220434744 -0.0725365540043962 -0.476876489923363 1.6878862787974451 3.6680725597985706 -0.1299571742031693 -0.4684128531375998 0.6818431445792099 2.196380689166824 -0.6546065175614443 -1.0684150409844582 -0.507264184864691 -0.6244792424031724 1.6858061429417073 -0.3511531700768734 0.3065693729444771 0.8096844193831295 -2.600683983520173 +0.5671010865686062 0.1790440762043691 1.4538656111342825 0.7839254259532238 -0.7311355108274872 2.064835501767575 1.9710283474696888 0.9296948988368412 0.2641436738236375 -1.065766402000203 1.4962747965592094 -0.2082114270852994 -0.6648362721586298 0.0217301851235731 -0.1546301122574695 0.1748278553553884 0.392375537697466 -0.2643903765808739 1.930514383207372 -1.4509372771874918 +-0.3462053932070919 -1.7678894211716918 0.5258793370846125 0.0997200166841534 -1.23434969339843 1.9828828354039243 -0.9881498473192838 0.3244923737743644 0.1864510559489627 -0.9788611040684896 -0.5399204589904061 -1.3596700422995305 -1.145651936602564 0.042648156876891 -1.6263248630092706 -0.0043832059715767 -0.7059570129742992 1.0826894438457562 -0.3181915122155876 0.0199999774147068 +0.4544322281773916 -0.6116110952062188 -0.7995366427094472 0.3657854019375214 0.4063622912771233 2.0974530294049507 2.5856197222475963 -1.3728121092062175 -0.1332257460281506 0.1259835599994923 2.1172809819688303 -0.0027910118389909 -0.16159022750726 1.0111145745381995 -0.1118302581193132 2.410219294779123 0.6429742236500019 0.4791662942855109 -0.0662818732036252 -1.5777015124531126 +-1.2478591777833217 -5.529383677620593e-05 -0.4474189793203394 0.1248909397556052 -1.5512330526708145 1.568566197355096 2.353466023017712 -0.0117533048019951 -0.3033449993207853 -0.6535642471237213 1.4975745462525434 -0.2676069340876861 0.3059538601544875 0.02457008774248 1.2940424195105291 0.60425630627991 0.0671586647007597 -0.2796629524483194 -0.086891757752621 -1.7319579374858676 +-0.5537533052462159 -0.8884777651225628 -0.0060327372056501 0.0856418823771068 -1.5017293642965752 3.715157272877544 4.989620143144116 -2.4295449796432576 0.1004267910430473 -0.6176889318176607 5.198758326119293 1.0085993988548778 0.282605979505395 0.7511039022261455 0.0461833894547406 -0.0308985892129438 0.3074909395873297 -2.02540368636174 -0.5733567577206761 -1.914966086309804 +-0.0338785290776385 -0.4551064923146726 -1.1007488715438116 -0.7146236502966561 1.1877963845424029 2.4664664775397487 0.4609366755732423 0.6504164740132102 0.5937413370718345 -0.2756609480102653 0.7556350816756754 0.9996157126443436 0.7910402012655223 -0.3306919251158895 0.2412047369754758 0.1344851204280612 -0.5555963001900867 0.7929239695404163 -1.7688663262240547 -0.5565602353687391 +-0.3266343368456259 -1.4902083075506325 1.011104462398968 -0.2481090842353179 -1.9182612470566456 0.044579086914527 5.454818940319756 0.5929397493493039 0.3758048117614718 -2.3734238132343477 1.667711667868944 -0.4705671056383047 -1.0984164595916883 0.3459127179536385 1.6341848087135655 -0.931536223933278 -2.0128213765256744 1.86420121254675 0.3073211567073808 -4.610454623218688 +1.089348586482459 -1.0709236209038284 -0.774618542482868 1.595156857900378 -0.2166127667431381 1.6936102996179758 3.074528551697606 -0.567443303095085 1.175761479474292 1.9046095702502728 1.8564853386976576 0.8551446803489657 -0.3482006388587625 -0.2179104457185249 -0.7244694281840262 0.1987946545718582 2.535464120324132 -0.4039329208588596 -0.985743168266433 -2.248840426183836 +-1.430333551036578 0.2074411387414051 0.1476970112972654 0.2977115272407631 0.3160302473979344 0.8317959395041321 5.731284473573252 0.0133543878472917 -0.5729133791654973 -0.946476228134254 2.5492838529212367 0.6356750440287433 -0.5071509780898575 1.867262668811518 1.010731581870915 3.027236414535992 -0.8099165957675708 2.0514668800504 -0.8567524580981096 -4.340874016839903 +0.1477328657858072 -0.2495485943525236 -0.1559856431911519 -0.7257228646979315 -1.0990161119266766 0.5833500661722533 4.15448144716794 1.3819397477148108 0.0601127874224626 -0.4426713636922739 1.2754673868294677 -2.127155250988364 -0.410278769896985 -0.1224468449016143 1.9026860122785336 -0.7237533910988616 0.5426062102369387 1.497476254023585 -1.1661624675587914 -3.670683246456388 +1.6263349720322593 -0.1108093659203904 -0.4312777285345387 -1.04210178423783 0.6739443016965623 3.095844299799279 2.1814137719547144 -0.0303097305624066 -0.4763766244035938 -1.3349642335058616 2.7701885007832865 -0.5018340585555352 0.2923347499899428 -1.6378259766483918 0.3623059200888742 -0.8660889588183064 -1.9948653056154155 1.17968430697662 1.1465112254913643 -0.8166235250342249 +-0.7371808668857988 -0.7139450636834596 0.362435543332152 0.0389282654423322 0.822561591874348 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.745118950171193 -1.087662513199082 -1.3067543261621826 1.2981550171630716 1.6338763682313204 1.4529294748638155 2.828826843640594 0.3375931721627693 0.8192252949901223 -0.941037833438626 1.3909314478999395 -1.338735927521906 -0.0649466218996779 0.0550430131234666 -1.2855021524939134 1.309598686631453 -0.9212999199778512 -1.6146834549611304 -0.0459667545401025 -2.331277304195394 +0.5145664487800886 0.7611798032579198 -0.6402261146767843 -0.780188714032186 -0.2141019749703305 1.86799537595011 -0.1604164607129008 0.0727087867758045 -0.9477239840486684 0.5835318597856649 -1.3042705090554398 2.217549247712526 1.6593096900381052 -1.4018111908812587 1.3811469497640756 0.1126361817544261 1.2906048216492376 1.989545859511608 0.0818396723270366 -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 +1.3938993939433983 2.0510986373979505 0.0380351685769563 -0.6655450120632206 -0.2326554793831509 3.240794223872642 1.7364076482588184 -0.9833501339653252 0.3949002326216781 0.9268380772373078 2.633372285433938 -1.3937374216980214 0.2625910326290748 -0.0610429551800473 -0.1514693538963878 1.05739806869583 0.5488419438992468 0.6705518106586442 0.1227461941578405 -0.4856163354386695 +2.056671113249999 -0.8112368070272404 0.9524635415411408 -0.8923048033698343 -0.4157260727694277 1.5162192664399674 5.280701100561421 -1.150268220169979 -0.3783959327118854 -0.115011561959163 2.9153397676504267 0.651210843647549 -0.7339118617253378 -0.210501566284373 -0.4532917919855919 -2.3529717280118927 -0.5619790797505642 0.6364669674083044 -0.3963248967320606 -3.69929639027988 +0.0072629569461417 -0.3171039945418159 -0.8250598601513569 -1.6449338281068886 0.9408945141354476 1.8687162052370607 5.794941179210055 0.6716429388849334 -1.2685652969339472 -0.8684107352987511 3.406159782958383 -0.4579025074948399 -0.3543046139428287 0.0109409481001426 0.3804247485026585 -1.5089300193019692 -0.5188909845970797 -0.1813143859664117 1.0804378026227195 -3.9292066410077258 +2.1656369019558825 -0.5708668198830998 -0.4362927096162727 -0.3380922700933298 2.980562608193284 1.3797152093217666 4.007451198534214 0.5807035829969875 0.3855228381043112 0.3133282030967192 2.4860346423184447 0.4755412016694498 -1.271315101336625 -0.1284873673937778 -0.5138464460076319 -1.3671675824888867 0.7617416429235564 -0.4102402863858122 0.3640667522852021 -2.622507573454491 +1.0447694184772804 -0.3972929175876652 0.4042937030613593 -0.1171422921672527 0.9477809295086383 1.6384406259093924 1.8849296445580497 0.7359361517241836 -1.3690020274056451 0.7432765001412242 0.9686625717976204 0.1294196108545363 2.4951627954942195 1.4594884104853665 0.0624392639073202 -2.274085074904432 -1.2298522583888996 -0.9255218062988984 -1.0472700053555266 -1.7149984736847017 +0.2349812826317072 1.3369326334102751 0.074088206120772 1.844031024342008 -1.6299344515481504 2.3509659697527425 1.891952464287512 0.3412215803943566 -0.2899408624458575 -1.0428657038705251 1.73739198093703 -0.9855814663497 -1.3820229281819436 -0.4076629161251588 -0.3045150431348155 0.6414968117369593 -0.3487705083842328 1.2693806497881583 -0.2177324697353015 -1.224220709713287 +0.0409708929822262 -1.375126605956231 -1.3330876289325848 -1.0460449212459342 1.3401456783285108 1.5505628443271189 -0.639763115790617 -0.4424094249114814 0.3198194259372756 0.1082083128397572 -2.802855760062708 -0.1106876944913894 0.0458082846904363 0.2342209216120224 -0.7244134603794363 -0.2024637835983589 -0.9745508743597724 -1.7643846368119496 1.352012842079788 -2.3378753986655925 +0.032676457194706 0.9195003005495186 -0.6004106895174112 -0.5181239866080637 -1.4880783527757413 1.7585987597374255 3.616714671936687 -0.926745309364339 -0.3921938365425091 0.1945830780883252 2.016403873316207 -0.1465559758495379 -0.627578496212358 -1.9389816548790604 0.6385171780897303 0.8923649414899649 -1.7041866288604277 -0.4100670975168497 -0.8280861328188959 -2.730610131758933 +1.849117659932412 1.3799806382690765 -0.7772314667354596 0.230218747604033 -0.2212512606562327 1.7627949944214696 3.3613380733999323 -1.4108049107128753 0.8739688367945391 0.3125016721495089 2.1045330058555085 0.0050860846382069 0.6186688815566134 -0.555724666811945 -1.7118491361004633 0.0842574360173919 0.3284925645669055 -0.416556558071645 -0.5422686350828362 -2.36277956658778 +0.3824752347638102 0.5416779107477381 1.811381964890586 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.3407205822578731 -0.8682529514680002 +0.8155347515034014 1.5359676922020389 -0.006581156638981 0.0801467416933058 0.0922128077178695 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.482502764931163 2.4462848864822253 2.8806371254272083 -1.2133339222701702 -1.4555044828186583 0.9207314458156892 2.317003853013272 -0.7347110365979591 0.0363699616596076 -1.0704815176958498 -0.4534585995504072 -0.3963677388588046 0.0289335449440946 0.853805133360757 -1.360774769066178 -1.8291955769662052 +0.5091726327988926 -0.5920795937469221 -2.3798979883132856 -0.2778838638495703 -0.802803408341894 2.510573317935499 2.470272003573001 -1.8293264557805164 0.4007255670635319 0.5223894390061974 2.456427652354856 0.4190241655216926 -1.2707079669016157 0.938857672028325 -0.3909333043164062 2.30831204382867 -0.0169903970759242 -0.8503349367036842 0.6131573634382521 -1.2573550513470888 +-0.8183623037200263 -0.3816044317557026 1.6116400960146442 0.5161168831751798 1.636890958551005 1.7262865130495988 3.3051012370765704 -0.2920607481658291 1.7122621585114 0.7547368216310786 1.9424506076967605 0.0003465906297822 -1.0238014924630117 -2.617176316584769 -0.8748839584659627 -1.714272296329601 1.0036414351066136 -0.5369087938773401 0.8193786481836407 -2.438602241893204 +0.5471835895730474 1.4673935056336118 0.4076114810243362 0.5231062816933278 -0.2973996131629129 1.2976086941739782 3.5647696906438435 -1.183206601679044 0.7584373490931445 -0.2216677365667745 1.8369212565278892 -0.997171164646738 -0.35983626752463 -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.2577114720262236 2.4710248167563105 0.3189331506126855 -1.2810806340831864 0.4569574829632043 0.7964419468551363 0.3763425236725861 -0.0650250143015991 -1.094941204002814 1.2765819477006335 -1.792753809772114 +-0.7520295625982659 -2.412787278946253 1.1149691531308703 0.1273836732643208 0.3924486997737678 2.380397782748297 2.242666640739439 0.38787999689721 -1.834908184377902 -1.6437872826290705 1.830234815691929 0.8091220471284494 0.0336680557514177 0.2654489151031425 0.1271746198407279 0.9545111140594092 -1.2377270032696797 -0.4633054753285572 -0.2315748722833483 -1.5419002923580991 +-1.781176985321723 -0.2603816557902029 1.0209660099524362 1.560039256238692 1.3535634893411437 2.7540551856007305 0.8058800433005437 -0.163734803864898 1.0025465117298913 -1.5163274396248123 1.6231317321344658 -2.7901332462666537 1.5495020544851672 -1.5081588688730605 0.4959268096328948 0.6726752826467978 0.1385901494615211 0.1415749657112647 -0.3933375546307854 -0.2277766510254875 +-0.3586644053820109 1.7218781610419989 1.6910515649223332 -0.239542966415703 -0.781157493940582 1.95003938041544 3.14619283542466 1.2923803142992754 1.2071024694421433 -1.2284915906345242 1.9333043932897005 -0.6848908518602893 1.038824586015287 0.2928240766797187 -0.0528707941710497 -1.649654584868248 1.735561519226025 -1.1836350581826365 -0.8371977265229896 -2.33504501600456 +-0.1518240729756151 -0.800024619693461 1.071370068597601 -0.1173298155614394 1.087228315763075 2.9613669501759783 2.266396440487712 -0.0672086365098301 -0.8101890159248938 1.670820430875018 2.726747930819702 0.132234936166787 -0.986003221022422 0.9348304229361148 -0.4351185636914902 -0.6157149235505767 -1.199479199837047 0.4061731689546856 -0.4561665702151031 -0.9123190834367434 +-0.0813974160229893 2.299234424009778 1.4948382841925754 0.759742216034274 0.6824008965864415 1.4755438784156545 5.342343634769698 -0.2196681066908892 -1.14839035144971 1.351041537084993 2.9909710239760363 0.0390544895043068 -0.8683618140030777 -1.8724663580563687 0.3225442488814973 -1.7794101337081674 -0.1730161460629737 -0.9271071512469928 0.1485469504052974 -3.686521943346972 +0.0641363066513815 -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.0121084251652143 0.3136972769324234 -0.5607717963157698 -0.4975242528948365 0.4549488512961213 -1.9310307545804697 +-0.2730919960454934 0.5882607859181938 -1.605779073492695 1.0207846012500097 0.9199081530993948 0.8695009173489399 5.695893266382583 1.3380885715275816 0.6753639896793793 -0.3389623312455074 2.5966399337061548 -1.8023935490689356 1.6977118427580102 -0.2127442459066165 -1.2368684488617832 0.2067010165366075 0.7313661977920073 0.1548068330724813 0.1288079811634011 -4.268460807238357 +-1.2057198042638038 -0.0871768618046504 -0.9129821720189268 0.1000347806287779 0.3148260275626049 1.6909726874119646 2.350295495753308 -0.5769535406594208 -0.7088255133779552 -0.1547150792786468 1.5425786547963876 -1.0065350569491496 -1.9857963177031828 0.4191309285126197 0.2543903128682686 -0.6284879708428699 0.0117645334378353 1.0020185565018973 -0.0024497207723691 -1.7233106936808642 +1.6878123267347658 1.6668976183379678 0.4267689016572672 -0.051563002028857 -1.0934898392871306 2.287923842040098 2.054279938353224 0.7675841811958921 0.3584773401817916 0.3316302998985911 1.7980877997785614 0.138407995219932 0.5962754808317323 -0.5171306005194638 0.1397899188734722 0.3141225967600222 0.7367871274186139 1.216540137019813 0.912622773498716 -1.3319378948523155 +-0.4432035815214462 0.4466721373048922 1.806946331086808 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.000873380088971 1.1082235217077103 -1.0688774473892677 +-0.1640228306152011 1.256395925425841 -0.1949118074244875 1.6717724915647318 -1.5272226254157186 1.7148850149393478 2.579765988246904 -0.4823599808227573 0.4103265077927442 0.8014151268129972 1.577453631756867 -0.6864931180312619 0.2772314638903883 0.417428515225743 0.2274133538032882 -0.4667538421780059 -0.3263884396717612 1.5725792547179882 0.1422455960285311 -1.9565083410215776 +2.280425565501355 1.0343768692289177 0.1620071935170021 0.1213051889634068 -0.4603235970422216 2.0567801973394717 2.521477232195843 0.1709343005003414 1.5131938124379305 0.292931523979931 1.792085265643939 0.5150950559757106 -0.8611253516074897 -0.2352284921252821 -0.2479045810853413 1.3963441703808752 -0.6957292452509374 0.1687029617797189 -0.586181580808946 -1.794378788851455 +-1.0482307659656924 0.0989473701929758 -0.6248965910962573 0.5981306037685081 -0.4906083787867725 2.510411612957971 3.0543554966991797 -0.6268065094916256 -2.037590761234336 -0.7494000595470637 2.5434660719871074 0.0343330501325185 -1.0100464034669954 0.7622882298396031 0.6211449363476899 0.5840835525933973 -1.641314841558416 0.0901526056683672 0.7591749581214287 -1.834288381628409 +1.4047803843453852 -1.0485243676680134 -0.3607747770870837 -0.0901122322867508 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.3431448541020956 0.0741498233035726 -0.3072536265731103 0.1714387191821266 -0.8802323730461277 -0.1755388661144909 0.451573716731918 0.2948862687016533 -0.7016491034774969 0.7588129606737859 0.5923591830372874 0.0324458126642443 -0.320169238140397 -0.5227425015514169 +0.8295294987051712 1.144789567244623 0.5990799685167143 -1.5554810028367756 0.5102419695063936 1.7071129187735217 1.96425556010484 -0.5891912035575554 -1.240562435937737 -1.1743051837397969 1.1968253165587197 1.0945798436859713 -0.1961216370668992 -1.273141651113483 0.5182400868094292 0.6507908768416131 0.2561397281782404 -0.034059786424151 0.6955652302400193 -1.613609407589318 +1.4013166666283152 0.1651229085038521 -0.166073376204822 0.6739716812343363 0.8859513014852549 2.72893856963435 2.0101882389902124 1.5857974308905642 -0.2120491868833335 -1.1274411007211014 2.1526796374410666 -0.7973672699914216 0.714785726301327 0.639603402383757 -0.0659107174265747 0.821072440847387 0.5985550529926329 -0.0145332667921832 -2.245594076000848 -1.0858495950584024 +0.6506067755906946 1.3415302554218027 2.368334439750456 0.4580119095867352 -0.2195781816640065 1.108954186990041 5.43980547541718 0.3817090257556697 0.2861184902938498 0.3840164553497353 3.081148059619486 -0.0632267676708663 0.5286415269251237 0.1170384069222922 0.4665368405106546 -0.5743658787868358 1.5424255640970015 -1.63855311094584 -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.687140949209307 -0.0018264447342495 -0.2197351975008668 -0.7886718332646895 -0.4008292417503086 0.2636328323732533 -1.9466839517466328 +0.2354162074813646 -1.226148311890965 0.984433256759061 -0.7383992009376846 -0.0549917617151054 1.6886976783706165 5.122864212352436 -0.0750398694093102 0.155443657150873 0.3913773625585149 3.091366563262726 -1.923566793251599 1.0556898320510475 0.2126059286142414 0.3767426325515366 -0.5815578386607549 -0.8562251919749084 0.3936115602091175 -0.2526604983610542 -3.41020026232756 +1.590712591946866 0.0458448137767023 1.461251625275275 0.0835583517206311 -0.1951637835050011 1.984508768078872 3.330000880918901 -0.9704577257549258 -0.4373212456894066 1.0795815100388717 2.057915018995637 0.0012722768796864 0.1658599786665992 -0.5404389554514174 0.8631598397814113 -1.3705737798300004 0.2996685790225976 0.2894984716839168 -0.1886474090535927 -2.436920280363811 +-1.1152539352060962 0.1759643884057261 -0.638387941004853 -0.3559718629675508 -0.5191276056268652 2.044839483228192 2.3982401505628586 0.4430071442603455 -0.2388442683978073 0.800186557837165 1.7376203765749263 1.5527633483707477 -0.2612761658389151 -2.655695545647964 -1.1232976644314556 1.726017960752439 -0.2300747473741485 0.7079109847952255 0.3367770016936063 -1.7024907659666242 +0.2916560736930917 -0.2440599651059486 -0.6099697926725911 0.3046336937174227 -0.3331927874201807 3.2884050669515723 1.5403236934623248 0.2386628662931367 -0.1657516364187982 0.3064474246375252 2.7252350765712574 -0.2727314376324156 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.157924625818405 -1.1329502348192315 -0.398017648527865 0.1466380851540313 3.198645648143256 1.3274725467912365 0.8227256173171731 -0.6804253510184366 1.2103390308757045 -1.627809001686949 -1.478598643579263 -0.6161000134689709 1.4331569777605964 -3.3036330984815137 +-0.7964354751140823 0.4394721732543886 0.0056698906133038 0.4223434131323828 1.4273256838770327 2.025985823495318 4.042010593229301 1.7589757465780294 -1.606236353616411 -1.915997396112488 2.946633032462735 -0.4807758349395158 -1.7691767811180303 1.3228878485957916 1.2939017124220975 0.4691515438956076 -0.9552520365004188 -0.2390385497533748 -0.0890813414451426 -2.4281754944273564 +0.9940111419081584 0.1639138510619465 -0.0182087937175438 0.4805567336650779 -0.9196549854678644 2.6281979898266448 2.903475566833309 -0.0816274489005151 -0.8051939524742046 1.609201788562581 2.5712991920280026 0.953280376494138 -0.67735433924049 -1.810300583285141 0.4583806142511953 1.0493469537216866 -0.2861092475729452 1.7387812369618667 -0.5186064481313725 -1.6738661370493633 +0.4095967703442992 0.7802125572698011 0.804253110903669 0.7158871403926644 0.5845139751134156 1.952347373973627 3.9908460041566394 1.6250611431527022 -0.4018329918213579 0.0082743777650441 2.5087982826023043 0.4226262383626891 -2.070109775648066 2.025451254259329 0.5149738287458937 2.1938771990589565 -2.632124115283511 0.9043680903067354 -1.5518112188980098 -2.753884303890593 +-1.3326643379405825 1.121805205079221 -1.5800457372709114 0.9688022292990324 1.4009044672169189 2.723107757940112 1.5606184167715498 0.2108485846098641 0.600415967866526 -0.7150970164650569 1.8937971305872392 -0.2323878417098384 -0.2691299505129874 0.6626324542768527 1.359907866727453 -1.7571277517318735 -0.2492974558684541 -0.5615449405120571 -0.5133139254238597 -0.8176412362845125 +0.7544122878283511 -0.1691013469395801 0.7344696007878655 0.9897648552887652 -0.330301696713738 0.8500887325118431 -0.8462212864291112 0.0662688806987377 -0.1666451728225697 0.1732347884869106 -2.4706628516976754 1.1486684966170213 -0.1801410237874884 -0.4257337634351764 -0.9196746687225288 -0.4327272525356103 -0.130229869668544 -1.1314936343906057 -0.4051744055679146 -1.5885726791519432 +1.1358760061730109 0.1923543381440709 -1.607579364022416 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.081727584727551 -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.067269885883451 -1.206936842506001 -0.1814345939661842 0.4380398506131753 1.162534328184774 1.0778512856619726 -1.9123811940936783 +-0.6661638451410906 -0.1403760835323086 0.2422259036071558 0.2931329400099097 -0.9193030880086062 3.050437233015665 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.1870206183353999 -1.158607941272567 +0.588516771689807 0.404448404538389 1.7383805902269218 1.5227166018909717 1.8453131469609585 1.861720383305236 -1.2975868162741306 -0.2018305337179511 1.637502635197612 -0.6006900511567116 -3.947867824052447 -0.685708202108215 -1.384102529261304 -0.8084796651305344 0.3930492119575427 -0.1093491969469347 -1.2776525731836228 -3.094359631222712 -0.6570281254865423 -2.750274708057692 +-0.7017903871575037 0.0191618796578993 -0.4512893000997697 0.266672303788851 -0.9789745817693848 0.995522924613349 4.645409147026859 0.9306054484983528 -0.2834795266216771 -0.1609008387594034 2.250447092693458 0.7092113483451136 -0.8629218482233806 -0.2006347368624842 1.5522043189358998 0.5996055658055484 -0.9227231196328588 -1.4767603527578237 -0.3113065373136032 -3.4439816643840344 +-1.5328615176870268 1.2169605437157904 -0.490833341512301 0.6121638161433741 -0.4652353221961043 1.4921871013903178 3.0619523313451937 0.939447704428967 0.7110329454551249 -1.2129265075543445 1.5306786813755893 0.3982659446391264 2.2850233704457383 0.0921991945827382 1.4885994216526002 -1.725395724527928 0.5466117301709021 -0.6734976446827496 -1.349806589288676 -2.476092322203253 +0.2267754677977257 -1.1527418334559574 1.190830136016009 0.4756836594821447 1.872467274965164 2.218880281099356 4.958009044230999 0.3674857751005354 -0.6810596162506216 0.4834201438410287 3.8147113676241418 0.2714446660780331 -0.033489553943802 1.4673437420712192 -0.9762450249374168 0.0659330121780579 1.286161654042079 -0.66431275203583 -0.5446599889774335 -2.71344065849568 +-0.0162117036948066 -0.4113303029186624 -1.6715693523465391 -0.1891564918662074 -0.1251666958911581 1.749296542006935 1.7165082952772783 -0.202657744865093 -1.2525951471825465 -0.0871074276505943 1.1617352806479366 0.2804323337744011 -0.2737535903031048 -1.9886451773481255 -1.6572245227298503 0.96776005188753 -1.112067681777474 0.9503150119068268 -0.1704929261850384 -1.3797892536635417 +-1.0179531333820946 -1.7094624516795638 -1.0724868522213002 0.9112561647512404 0.2018052884793147 1.1312115206576938 -0.3363147689029984 -0.9705339014755476 0.6895320838144706 0.462938616380188 -1.7020195325869742 -0.8658039083464577 0.6235916750383783 -1.3535437651753222 -0.0027485380650846 0.7351902114416059 -1.6297132103667766 0.1573977428258975 -0.1709505278812754 -1.53508240451921 +0.3970648244410442 -0.3451573457227371 1.459202669449356 0.892466517923436 -0.2565571021409757 2.3811153927438578 3.3815001493031387 0.3276308415492263 -0.5377305388712493 0.0777171769674962 2.683610202138432 0.0335403271192686 -0.0562966618869212 -0.2101768886055498 0.3428459470297217 0.3322920285385224 -1.0670579260449828 0.4555501778564959 -1.8853458600325856 -2.034205877934994 +1.6166338495294434 -2.786023061289485 0.1154787423125481 -1.602772977613175 1.7928019583953605 2.1526770413506338 3.5721510752648684 1.7055312301422638 -0.1632012260452539 1.017354803451667 2.7816384354957457 0.5900409059134919 -0.2210489051665109 -1.1292444768918668 0.4303017966886464 0.6540405984932541 -0.4663180512955738 0.4611633105085175 -0.9460048482294816 -2.0898172067319334 +0.3517604148353554 -0.3148659499977329 -0.7541609554400083 -0.2121354111345701 0.8205872002929867 2.158833995157358 3.8044186062208976 1.7156043669620968 -0.1292287964345105 -0.6330400990396358 2.932848909744106 0.849698604914716 0.3506259025472577 0.6432607506761506 1.127843423698783 -0.9174021433475772 0.7235770205940822 -0.3167616546755173 -0.3649655212891615 -2.213161582292857 +1.6967104291864272 -0.2377867473966871 -1.89442962139392 -0.8400667098274369 0.8965212512813948 1.2583658696675637 2.200706387961394 0.4560531453655883 1.6013708327273155 0.2697418509455814 0.7329268780515044 0.8572777120272382 0.9820663357042936 0.4638971951049698 2.0044074363423707 0.8612885591106244 -0.216859264752314 2.6859827905209634 1.9808022386826625 -2.1751316053184726 +-0.8110577218750892 -0.4746687730562063 1.19808996735177 -2.0468373333517755 0.164741007446012 2.1266307782886966 2.96457943837038 -0.4936217222620454 0.8989277648694434 -0.91283185110221 2.3310919587917938 -2.027582877359986 -0.216537234870562 -0.522189765735394 0.3749112393331848 0.8055943878900366 -1.135688473906993 -0.8440574828562551 -0.1237999019855925 -1.815119580018857 +0.9801154912493996 -0.9714317575011946 -1.989123942283623 -0.1459625197513224 0.0479152830120912 2.026250349326431 1.983271849768137 0.4327132176957921 -0.4458492651340762 0.4755785460584622 1.4412048694220818 0.3126119207077451 -1.4362423894158378 0.3340927602233285 -0.2555784535768268 0.2171784047295099 0.0912077469135061 -1.0977521755217994 0.0457777614982275 -1.504168907709428 +-0.0345956086371502 -1.6561102276657325 0.3215831085201114 -0.5452414313501147 -1.427563896265157 1.9419794887041613 2.10935291960301 -0.6763011150906199 -0.1789720371197776 0.7439773773076427 1.654043873799636 -0.270818729192882 -0.5682513706472916 -0.5025506509498933 0.8054818063737333 -1.360276242793959 0.6016158335761412 -0.4743055199258454 -1.0150732734455448 -1.4238916270035613 +0.5701704086825334 -0.8866110406065197 -0.7464583143501455 0.0243399268603351 1.1399044408307688 1.5605798484099842 3.0549847075169927 1.5937106182677057 -0.0822322974593101 0.9946529546874292 1.7448270480541272 -0.5755216549763184 1.0344539835294924 0.4596011939947586 -2.104772730965564 0.698786150303828 0.5519423157957013 0.680304694099086 0.2156384758714583 -2.2904447811281603 +1.6654220071933743 0.817688692389958 -1.299473027568981 -0.3733374956678201 0.7584215983201794 2.142716135521989 0.6521315139854148 -0.6736107762434734 -0.6401188234598191 0.0040088367264351 0.6709974707990287 -2.0457847565672984 -1.0759008911158443 1.507943532581722 0.5365944058986352 -0.0899803649787759 -1.0966087470450476 1.2276905420463649 -0.4668990642848967 -0.7533975399712134 +0.3516480295461576 -0.9888727397486394 -1.4919044220010675 -0.1619823159644411 0.2561548324019505 2.060744916322342 2.775402665969984 -0.1436789256073639 1.3489728990590768 -1.1718400216537423 2.0170808035093186 0.235785512402719 -0.2019819464335971 1.7155070989957573 -0.0510766023065268 -0.1075881373133827 -0.9405723798215636 2.439992156531273 -0.4092556769503201 -1.8731449976638923 +0.9243334432783404 1.461097916602253 1.7736792042422231 -0.1552620256388119 0.935377372451228 1.3798494371394494 2.059036800781072 -0.9206759278314556 0.8368323314181815 -0.2619545681332953 0.7815256423631713 0.8240621395897222 -0.099794576235231 0.0617526270144911 0.6671007422406494 -0.0317037568738139 -0.1343835732279168 0.3627107482876979 -0.1654091498986482 -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.2092222042223325 0.1651040066460767 -1.341012398295954 +0.5209197588538454 0.1061412651807575 0.9032755325611442 0.1449459173596649 -0.6296194751036227 1.417918129124205 1.4111752528779835 1.3173339774653408 -1.3677005808648324 -0.0126578665804949 0.3613477919598367 0.3202185801693895 -0.281595282840442 -0.9294621921870077 1.27855804990781 -1.1095221833469713 0.6484763502836619 0.1770458904949657 0.7885865907193124 -1.6779531264792538 +-2.1015735042130967 -0.4280005516220618 1.181790285105666 0.5980789451588301 -1.638367432538462 0.428060277771104 -0.8060723584132028 0.078173715542371 0.2866006313372742 1.363811537975804 -2.531652885834059 0.2763810043578396 -1.031493852033636 -1.2775401168041998 -0.2036183343699069 -1.28754356114213 0.9128243064391962 1.581858236860909 0.1300697201066375 -1.56409993482754 +-0.8009113601676929 0.5103282704853902 0.1041360467087395 -0.8485025571563098 -0.752605143371338 2.5818137800871943 4.134040753760026 -0.4625068991193822 0.7624850042998333 -1.0673264327212233 3.219362505609745 0.8167730202906973 -0.1311349435085461 -1.498368716126688 -0.882374908242486 0.6179148949620464 0.5108538519252145 -0.3073728918010011 0.6894464238820848 -2.4454290948344743 +0.0654458879367414 0.8672022959284329 3.484338032973535 -0.0237451839394609 1.065364288936287 2.0899048603554378 -0.5495298537580076 -0.5724135933882305 0.8503645076852892 0.727383152199246 -2.6405290046468286 0.4092590330539594 1.2197368434857745 -0.5524776414543108 -0.1826354311024736 0.227805519280085 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.1825467703390985 1.8268083826145347 0.2582102561454397 0.0144361544083315 0.2204099998046111 0.7739675276488129 1.382394806323061 1.4413132580042287 -2.8441891522470355 +-0.0053390569830542 -1.1375884307236868 0.6508767443085741 -1.065491548128786 0.6680562352305943 2.4445706307940336 3.827937213631227 -0.87377315999948 -0.2734786192221478 -1.3109146545607313 2.767193068796322 0.2097925009629158 -0.8258164858624178 0.6074667895281118 1.1334992246049072 -1.2862482258162984 1.8989419520957225 0.1678412165415956 -0.4900972428493494 -2.4783903363671342 +0.0715140332015703 0.3387126056012104 1.38105442257243 0.0030394511772994 -0.9046209944047392 1.964316021434389 3.019884130450037 -0.7528684775182631 -0.3336530366172862 -0.8230372698120682 1.9220036581788051 0.5902497780089356 -0.2825962521759089 0.6231459378271512 -0.8877878417744975 -0.699097783863332 -0.5295160095052561 0.9165634324963352 0.2247984331519508 -2.2075761556181406 +1.1608029701501763 1.0793013183923594 -0.1091705729849016 -0.2777148871472186 -0.553122987814596 2.6222096121401437 1.8145098546790976 -1.0713142333102097 0.4451638694576139 1.10157387968243 2.088384076464559 0.6293028510604814 0.3247647538570569 0.1207669042410038 -0.3908108044105028 1.0757434445088958 -0.3913471598720806 -2.584943822716165 -1.7432615574905008 -0.8931788187442695 +-0.0322062879325731 0.1780972034229232 -0.5829384927124037 -1.2060562342479442 -0.536223778907454 1.8463118370689344 2.812780463598311 -2.0279476559471217 0.985097630653357 -0.9098450805849998 1.845248398273649 -1.264351992914448 -1.9681250781196065 0.3144227167289538 -0.3702940082890437 0.3974878988473623 0.0105132266146272 -0.5823911482397598 -0.6561746151498116 -2.0102073982973514 +-1.4254316071365545 -1.4668916162782402 -0.6107770216120793 -0.5085226541777201 0.0741206426563358 1.994867934712344 1.8963353488367671 -1.3332826570067284 -0.2136458417233976 -0.2698662978147005 1.3545504943558462 -1.107821363381043 -0.0442070671491258 -0.1292240002113488 0.9614038373444088 -0.3315960238660212 -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.1032482291397972 -0.4971527782041585 0.4503082979527528 0.3283731979232147 -1.6757757328714171 0.0882248574753263 -2.554426726342216 +-0.2047873118645398 0.179152238965067 1.0957191499284027 -1.1193970695882791 -2.940429772327555 0.3109753499826913 2.7096298961738494 -1.3818102209801293 0.6766889843499145 0.4705756619560857 0.0128695698780245 -1.5422796761524222 -0.7367038597464584 1.0562278720229887 -0.1641200150122284 1.3774765863065932 -0.6173174247078833 0.2053291231368179 0.6244888145826984 -3.1315051331012684 +1.140173450566895 0.684122463694484 -0.0722641046171398 0.2740331184272666 1.8554316540622444 1.971779533694179 3.408536641976061 0.6748392343037308 -0.6704062201756863 2.2550328682798098 2.571189538676105 1.498131458376992 0.7462488874584381 -0.1486952506503111 0.7921981065543583 0.4438862055277262 0.3816042382444239 0.4069247916044735 -1.4234816784566633 -2.046375746026292 +0.6223167865228901 0.4134304072391352 -0.6236287757024717 0.0464588149208277 2.017396615140972 1.955166017741132 3.557188311651056 0.0254841911357981 0.7716710181774667 -0.4353234494839431 2.6680943592251047 -0.0561326624679304 -0.3259170360070014 1.5583323258184485 -0.1313839081542622 -2.037154038357071 -1.1934941839160278 0.4553061433434305 0.0191542600966061 -2.119053192986246 +-1.6672891166583368 0.3467807334079957 2.255766038996385 1.025170284838384 0.6992054835758251 1.5138539684246437 2.46118842929586 1.6568963824080365 -0.4397862937534642 -0.0201972558138687 1.1359942760175263 1.1770962649708263 0.2382063568227431 0.0634091583908879 0.7606261861502275 -0.7568529270996089 0.5489551731509454 0.2439338786403982 1.9710809351254248 -2.171605560858147 +1.7490345945862271 -0.5980349798547323 -0.3539293779204636 0.3384857948548837 0.6185706358891989 2.588101681164304 0.5264720169617274 -0.8234675466610604 0.1844826198807362 -0.7457794659949291 1.3394810502836414 1.074207764084097 -1.5378330981787252 -0.4792823567768168 0.2528999307923454 0.1121653308481877 0.935559070249158 -0.4200029379365508 -1.1630016174018964 -0.1262074273055131 +-0.2017660889842316 0.2667081140555863 0.0276900759720723 -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.0268933920334727 0.7077331746302371 0.4610968549872626 -2.614113457581488 +-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.2533076292088558 0.7088152269095654 -0.6280290035899165 -1.3255775002542964 +-0.7041218907979637 2.322232303093016 -0.7356228861545495 0.9916413054540044 0.5857174638013178 1.004377159315561 4.958662784521667 1.0572048520673567 -1.6122251446971705 -0.3385940189608655 2.232124161447365 -0.5027576258530536 0.3114643504281942 0.6623749717011661 -0.4063403044006872 -0.3487460822059398 -1.4130081974969264 0.32660695877275 0.3084829800645344 -3.8162482230500823 +-0.2337085162499798 0.2968961024109857 0.2554874316370552 2.1005175852157394 1.4981548259323012 2.058560557770823 4.671888126831979 -0.6395657266475534 -1.1319618954574446 0.1153114503688856 3.470178747964527 -0.6457439215417715 0.4412769501672186 0.8948591676947911 -0.072860677472457 -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.545716995784472 -0.4375253430354121 -0.4394592800430941 2.5648588999517994 -0.4126248045679567 -1.325105418848696 -0.5541094379560182 0.5616157741490085 0.0033106255017113 -1.242792433898125 2.3789672622442457 -0.1537676561339843 -1.4037945706692845 +-0.6477070170291487 2.0059481739390685 1.0079907431867807 0.6897504015264714 -2.418973253238728 2.325704782772243 3.032711062811384 0.3583894871892178 0.4836685747699333 1.4355915331809486 2.3944127277523943 0.1841963029062822 -0.5950372283001567 -0.88516989920447 -0.742600030238054 0.9482352165962002 0.1631605336372726 -0.2394001744799838 0.1006655692124204 -1.8927011075131737 +1.9751485306545744 -0.2757597240375354 -0.0715694248563643 0.4729242331981307 0.6639390620202248 2.0713283965935902 3.151511312866633 -1.0840892031254028 0.1730732252492456 -0.4197404182183632 2.1001637108582645 1.7711353399433187 0.5285343366409724 -1.3385628898445872 -0.5727657741291045 -0.2151570243427903 0.1822580812220329 -1.5748559516224223 -1.170381528202446 -2.2228152910947143 +-1.2253999879465634 -0.2125555680836025 -0.6426725761169916 -1.196072883128891 1.266922746784227 2.2256888487009903 3.005476207412212 0.1399008698965077 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.0649336955213615 -0.9132408837792654 1.4138584424849283 3.906213957425568 1.2401111992091418 -0.0923260174839187 -0.8867937521389617 2.085490930208571 0.3213553504022837 -1.055215023193802 -0.7602271318997256 0.3456209115053741 -1.4590260591862216 0.9881027340213738 -0.008818661669593 -0.5615798755025082 -2.8895364422014764 +-0.3959611824291066 -0.3215792807378486 -0.5700443523025025 0.5921330954533696 -0.4282933540189782 2.5717064719541742 2.010477959966852 0.3861123870277676 -0.1584722872994574 -0.6643612805880219 1.8238261825114768 0.5077949645887693 0.4660275169345633 0.6790817057981919 -0.8125582564709328 1.474285272602649 -0.7798269166206359 -0.0928636972500779 -0.96063493718172 -1.3436138578477386 +0.0629083588343931 0.1217338581297736 0.4129241810597949 1.6106133274342145 1.247872643994745 2.5984665647507645 5.072221706621566 -0.1020546145338521 0.3600092418229811 1.0146186712456 3.9643341842454896 -1.6770453937112857 -1.227359589872202 -0.8533478927675883 -0.5287898592040687 -0.6149884433068177 0.388525351413179 0.3295868873379104 0.1449787027956597 -2.816957259715146 +0.9954134961212436 0.4532120882348419 0.2518095896532916 -1.2057662493886574 0.532051494897344 1.6961994199194057 1.688814607844647 0.4918773477569636 1.2043898272903486 0.4123716456076373 0.7059714084350248 -0.0848678878444899 0.8177930260595054 -0.1825576237325022 0.1711946284274194 -0.2808425647708399 0.6053894492755059 0.355537692148527 -0.191441590085369 -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 +0.6261509174393423 -1.100125188778994 0.7198702569863887 -1.5205485212771768 -0.5752175028622667 2.121887004249293 1.3573910171903991 0.0028644066480344 1.312557199950938 -1.066628742012773 1.303457260479562 0.9611446256704156 -0.2084138223764022 -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.498593261471326 0.4473543934217947 0.7526786936590912 -0.4334219611158225 1.5525428863494506 2.169113462445944 -0.7532432311768639 0.6556246969801681 0.6124285450253644 -1.1902855719466887 0.1977380945472285 1.0019115951772508 1.694093458508633 -0.2496990498375396 0.4587597974536201 +-0.6160295468308551 0.0403794844310037 0.3340016847407607 -0.5125290815878366 -0.8009739074576929 2.605727302966563 2.3075474233295616 -0.1353653232437766 -1.0133895766942842 1.034038650893345 2.392822917051808 0.0342227641472317 2.271006285006937 -0.4303126949849931 1.6338076097518863 0.2129071228992893 0.105216576172349 -0.6731719795272194 -1.3168503944216037 -1.1614810234929251 +0.3977076260935698 0.5268334091977741 1.2091735467767932 -0.8649665234285591 -0.1544669132260123 2.7423918794710653 3.920839665222484 -1.6374662065096848 0.3134246881164397 3.2474655929926635 3.379064119321045 0.8316709588752277 1.3140873287315114 -0.2311351000781927 -1.1021609826515155 -0.5186121491894758 -1.3270513344762935 -0.4581464670370038 0.5347596604071564 -2.105560528859708 +0.0306618276064151 -0.480753645343969 -0.2170801305530072 0.7365206622202892 -0.9733138013767816 2.78143688701742 0.0814281223482991 -1.8536313075349184 0.8365034898469558 -0.3780092101528741 1.1488253255970005 0.7584329587691614 -0.1696668975682095 -0.538104424489849 -0.6476891994926868 0.1192506961339956 -1.482243962539504 0.6736294194286171 0.6847974062585389 0.1405402842878276 +1.0376003264438238 -0.1690951830423069 -1.338149184088708 0.6219591169019744 -0.6802787546467993 3.4667005694981627 -0.8745159724438328 0.4389409769810193 -1.9546702326224747 -0.0697891493603739 1.042797743807072 -0.4494780128891691 -1.1552487951788095 1.1042948647674429 -0.8475749604637852 -1.504469380909372 -0.0346418638758205 -0.9683081752992456 -0.2762397692033256 0.9137742233056828 +-1.0947203063568234 1.895134374626005 -0.020055744208396 -1.175251833892116 -1.1856612334324652 2.3837672850258764 3.827274966908349 -0.0676163634919336 0.931837954342436 0.6123837907083084 2.710884877395296 1.4465727547188 0.3962050278344552 0.5909612756369654 0.1505723178088155 -0.7615412919712771 0.1770953588571095 0.1159609236621499 -0.1489097745307601 -2.511598694669812 +0.0289463231960515 0.2204716866293299 -1.4616476676022487 0.6406926295172415 1.898167615122827 2.1223739624792826 0.1341906926295088 0.519036590394594 1.6256522631270836 -1.50503031284814 0.3534913690459855 0.1203433046065567 0.8907714409091958 0.930828062369546 0.4120802840710209 -0.8189482524568741 0.2213310938940966 -0.4750167654058908 -0.8994738244069899 -0.4581504577368225 +-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.2834630470080682 -0.6254321968746334 -0.3610557026392565 0.899171817638487 0.2655682620295144 -1.8921459629344863 +-1.2286956670125235 0.4263918325088047 0.0554455427692839 0.5920863377272435 -0.7587220746296055 2.3400331961743923 3.920070231009017 -0.1216775827443771 0.0125010163213377 -0.4899108612401541 2.7718866511245803 1.4417663782675654 -0.8054884372887359 -0.2587358599857022 0.6814799948712266 0.0228089431320953 0.0055586915298098 0.0823255781307819 -0.1662360477125638 -2.546524541448889 +-0.4918206409856688 0.2121725839647169 0.3066229454568899 -0.6062117305084304 1.5444761348108496 1.5135823907760482 5.159406559273228 1.36431116628279 -2.4357197022790302 -0.8329529341747502 3.286164266189587 -0.3305190735972247 0.3091421496872711 1.064880539820166 -0.6249056929883043 1.2003745330323885 0.019850891510347 0.5988953285694542 -1.0199629945889084 -3.2186716499397248 +0.6532966022716153 0.1347669248881693 1.3032947412655265 0.0500833370525213 0.0613388580715564 1.492838009091984 3.5047539415863653 0.0923961496916138 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.135540573759873 -1.573305039040278 1.3180182305617458 3.529251561518057 -0.4927097178597104 0.5032925682199433 -0.9160213389095851 1.4696434480695553 -2.7299452549470424 0.9389163502432044 0.1212849790251718 1.755651465300151 -1.334097912738056 1.2490960516412406 0.2828678026630278 -0.8113853739111042 -1.2277429139519462 -3.0273059347139277 +-0.6757835464651004 -1.291005149147996 0.4693921641707265 -0.5248003028056651 -0.1371697823397089 1.7424917412740586 4.523252594159674 0.8968640197553067 0.023701713535299 1.1307823633147116 2.667460757312112 1.349303529145823 -1.4300389240869045 1.1059939106659238 -0.5936676516401298 1.445255967928715 -0.1896820133570224 -0.2860520246418381 -1.955475628639316 -3.1436638574663656 +-1.509808562155043 0.2556414293958333 -0.7849813202251626 -0.6159397256356952 0.1115648807404373 2.828421594168162 0.8084888128298885 0.4068897115231125 1.710747080609225 -0.4531456894199228 1.6246348351051183 -0.0516198608208338 0.7691973950015508 0.5119615949416946 -0.5598398990033213 0.1746219475487289 -1.568438414178324 0.0631489661701851 0.4957660572388983 -0.2515481506078645 +-0.9004672368776512 2.7833434656936795 0.329738057582247 0.884038730723335 -0.0264831863017243 1.586468784136876 -0.8784018037605543 0.4670593783186675 0.2200462967072667 -0.6054105014839533 -2.8870211486292483 -0.1353387525955451 1.644262173107958 2.446053804373326 1.284896111486521 0.6163752058727686 -0.3611754248489945 0.4566953384878887 0.850439504844309 -2.1578640307973567 +-1.3261027550294568 -1.2116729915398818 -0.9815086437685252 1.4887197888447816 -1.876659764268069 0.6550291995125828 3.098253641952458 0.5781976013439597 0.5705680259306741 -0.0584491808426309 0.7998209564611682 -1.2804384290881408 1.4004180546031646 0.1189234770908519 1.2032715188984056 0.9951810082909728 -1.097792883991487 -0.7989543947464705 2.2706937453628018 -2.9433357604172965 +1.172331932624726 -1.348002333268632 1.102255569352498 0.2104898779526376 0.7552190298568585 2.322163933285033 2.282099733927104 0.6850546894988618 0.1225921564291666 0.8037865999399166 1.7420352057981248 -0.4390720041686611 0.6919692888632403 0.0205674402152309 -0.1039782187203247 0.3050231881147925 -0.0994266762483066 -0.2297847849155441 0.1129685718382733 -1.6505385030748871 +0.8718376397421419 0.6775229227681394 0.3295413094937147 1.5257614168437887 -1.356873960965865 1.7007501238723313 3.395524812600126 0.1662277943523568 -0.3041952141299466 0.1364652513083857 2.331653669723964 0.9751851967972088 1.06618589388962 0.73790820391218 0.0928903695660411 0.9704000891940904 0.5421091095293874 0.4244147662864906 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.1353323299993522 -0.681624255608454 0.3514932504761182 -0.2171885784686674 0.9307112486307416 0.4615743292601944 -0.7916437576424072 0.4214211224409775 -2.781253488647632 +0.5301810810881368 -0.6934578392308087 1.007651883954439 0.5491111064273388 0.3513624596184423 2.4402637978741244 3.032707122931437 0.3757261086258862 0.1024052313244375 -0.248675157424455 2.3110331566727185 -1.1977569311647005 -1.169122088884187 1.1874715130678046 -0.0404412062092825 0.9315164034486012 0.4280758789588995 0.381272337314699 -0.2669469463520194 -2.004122351633295 +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.1686564451849702 -0.8917544142573286 0.1954441902534015 -0.350983713484629 0.5739862627493796 -1.4701125468661869 0.3482888400200886 -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.0630817836602971 0.1174704090544915 1.0961928755919512 1.317342812051062 -0.2055234116450364 -0.7339381216839418 -0.3233511797150055 0.689685799008717 -2.666470692150487 +-1.018851012179135 -0.93439721935028 0.9654815936222504 -0.1983808045563869 0.6857634270277421 1.6224942977837893 4.249769193656595 1.2901505004904958 -0.0902586901137512 0.775775384236071 2.514548503423484 0.0451269471546379 0.607172251891146 -0.4351960094823697 0.2314351656909588 2.171675496039189 0.5812111291243358 1.3412096378387637 0.3930201053709436 -2.941470676426481 +-1.0631777135736102 -0.8109798412831066 -0.1476588157891384 -1.144446459266742 -0.122205441889057 1.6858933617987868 5.024181454702164 0.7107940392633827 2.291771128144281 1.3027522769367363 2.6292843303009064 0.680521545069209 -0.2748088516326827 1.005708343912043 0.3607822306032442 -0.237079383038864 0.434189060189051 0.6895791146625565 -0.4070831270812116 -3.726030573014966 +-1.043694962102872 0.4276470267661812 -0.3833013460633558 -0.2242244012961546 0.1457398455213356 2.3607756245173848 4.407807414864508 0.3529945017232335 -1.5048124615984926 -1.7541833758558636 3.3276454182934305 -0.6456027283085127 2.3398179932427574 0.2149473414654958 -0.2211243019362347 0.3011019624366203 -0.4925787730990739 0.140434982460142 0.0840279349747592 -2.5873299942618204 +-3.074834349072487 0.3206076428576184 0.284325150573648 -1.1956642046500865 -0.4541225287234207 2.0589870382963777 2.6889512310202326 1.469571256504908 0.3829862414730334 -0.6326637626871782 2.010863466190902 -0.4409897848508284 -2.782512529427625 0.3862688849492869 -0.9045869271668956 -0.8117962485335594 -0.1833219654327101 0.785178520889509 1.5823887631448088 -1.7810489579127662 +0.3692992324895649 -0.605651047436269 0.3028622953912824 -2.4949975072171253 -0.1751153855365943 0.7685657540910389 -0.3010120192307761 -0.7891102261737206 0.2060832118189292 0.2184239397378105 -1.5524261096350394 1.329638361440231 2.0310935556754317 1.442646473077441 -1.8615069290650397 0.9636870184373172 0.617228580938192 -1.771931307726792 -0.9158632993732267 -1.3279577217839 +1.2284357861128286 -1.370353244789153 0.5109278598273853 -0.8440666543340386 -1.244719213867558 1.4767178479460823 5.741646654683227 -1.6316625926351616 -0.0952895652388368 1.2241398905408076 3.269232696388254 0.1625606469686936 -0.9798513305087118 -0.2018646907176312 -0.1418966012419031 1.160978484335658 0.805302745584659 -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.0109935733701896 3.085196947257771 0.0722355587882937 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.394825678054191 0.1204520815416409 0.6627952715247392 -2.014956565240716 1.515963064836196 -0.4871449306761091 0.4924773673198628 0.1877074900017391 0.0581426773559566 1.308840424889258 1.1544800912390332 0.6229574425654543 0.889820127496463 -2.8167609467768533 +-0.0532317471423814 0.4952468941074082 -1.0808463332884597 -0.1772756255030704 -0.1530747905859675 0.818092252722818 -0.8376450671474183 -0.4327495812213009 1.7942577186192583 -0.2165680017888113 -2.585355840707329 0.2057412071225917 1.484120668085701 1.7730767055886736 1.0919223829130356 0.3220338628394518 -0.4951889860749091 0.5835407933655548 -0.5125660139705128 -1.69483990018446 +1.320252733875551 -0.8266768121127619 0.8859871995998847 0.7848687331050375 -0.9246809189058508 1.6301766330920144 -0.5041976097824967 0.4867468157617879 0.4755825432107834 -0.3800982253687374 -2.257343405127948 -0.5231503396058581 -1.1832769856333776 -0.1164189994632211 0.2303737921140305 -0.1592363784077054 1.760239443823752 0.226070967149426 -1.1484266036176196 -2.009289573506787 +-1.304967589018845 -0.1681574612682337 -1.7201100627503998 1.0220421779587123 -1.9287476113013016 1.055604563227349 0.8637016737521978 -1.119928506225051 1.0918088810822657 -0.1571647325778863 -0.2477199483722652 -0.2133898624280409 -0.2348964412002018 0.4741391180951388 0.0143192068705636 1.235548210279463 -1.9970592044958635 -0.5464305085548254 0.6357106298272877 -1.5171607621371903 +-2.7003500580171926 -0.621062023841848 0.7847645251260773 2.334329741851786 0.2816988565252057 2.338357726954878 -0.3349202831834877 -0.9153835746686148 0.3843287647141447 0.1641490350863294 -1.4061884068421748 -0.928264604648088 0.8245727122430407 -1.5960832162348244 -0.8866405020669896 -0.2062105549756718 -0.3518799135474275 0.3773195514661184 -1.2602231979606917 -1.6235740467509618 +-0.1756357584088934 0.6584446923721584 -1.870437866164478 -0.9975534249945348 1.4782350337374022 3.339834183427113 1.5742377095356357 0.238205443398017 -0.5770432936586664 0.6822205102977827 2.797055448995223 -0.1881404939117168 -0.5134348066541328 -0.9734964693829804 0.6822600120854664 -2.2118928487689 -1.253185405850127 0.1683818756776064 -1.327688116497309 -0.1811202996413887 +-0.6890274800354274 0.3390077054521436 -0.710248400302451 -0.5324707744986014 -0.3254409135051557 2.613125241610317 0.7308589497586373 -1.852227464614402 -0.2141427549498095 -0.3951378423565362 1.2667105033366806 -1.655873243337887 1.632006825664826 0.0221463050457887 -0.0117140394768185 1.4823287523549964 -0.1387884256214155 0.0319228763675215 0.96475715075093 -0.4311493197320697 +0.5473617041184043 1.9751924750566296 -0.259689762931571 -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.45115029073611 -4.033701870418852 +-1.1786330418354218 0.8900630392804567 0.3936584197093503 2.217092876032775 1.1917016399056493 2.4425670304002844 0.4293250202835736 1.6149633249882065 -0.2960733827253297 -0.2079432830168714 1.1664227420150053 -1.1913835019223875 -0.8391336914817413 1.2669339489859186 -0.225601600104257 1.5145340816435 -0.2261095125918505 -1.0585547748955777 -0.0448038317090997 -0.1335496929463242 +-0.2591798346564017 0.7762873046906557 1.6347945472621304 -0.7187123290984577 0.2609369810577129 2.0590331753630093 0.3371361983486265 1.749471175127569 0.3893513474227772 -1.2357727407469972 0.4872784336531441 1.3718238581239808 0.7823767889933477 0.2337356257106217 0.659067780479267 -0.7537640425739309 -0.4772899329809797 0.021669907406565 1.1569242667553794 -0.5438428459905889 +0.2478136700027347 0.6076768285782402 -0.4706146392365812 0.2946178878586891 1.0265857026021186 2.9141075017347764 3.203195085442138 -0.2076365609746501 0.7306140689463829 -0.2351360677576701 3.1691384198501167 0.7607250622492812 -1.1063133013904605 0.9434699683375672 1.0617599327153964 0.469445945339698 -1.1030822806449634 0.4233178311600399 4.50865960073775e-05 -1.5432987624472552 +-0.9344439926213498 0.3193964457354997 0.7144570035385144 -0.372829180247162 -0.2253851930767917 2.782470013647194 2.930865876773449 0.0334569481066256 -1.4489856143861566 -0.8162050817941112 2.5480981246591767 -1.2527357021051826 1.2240866086467264 -1.2590650362252525 -0.8154339969231028 1.1360982441516567 0.1992481999244005 0.591812848565074 -1.1037266955108158 -1.772287485631072 +1.1410980373908597 0.433610337667337 -0.6830686559274884 1.1146030428135452 0.1388648015309463 1.5452625864768086 2.842502181953807 -0.7585181047073901 0.1066419289346999 0.1048130589698998 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.1193985490276581 1.1071295731187265 -0.6529803455309847 2.1673557144476643 1.5851269907482948 -0.1746975060187288 0.8521613244890587 1.6964457408806553 1.2695670676403998 -1.484490613540506 -0.3236030586071451 1.5343149397518807 1.802170263439629 -1.4537567316424964 -0.1245245417596276 0.8859841898328035 0.4623837590121873 -1.2570041582452474 +2.463801884545443 -1.503131899916984 -0.1382612456303788 -1.2759388365380824 0.5561014452489658 1.6700684303733806 2.3557247346824086 -0.992245979509748 -1.1558153519537906 -0.0271645188054718 1.628466212779366 -0.0839459770991544 -0.2434138103108233 2.090138817816032 -0.3039870396768639 0.5935884068560501 -0.0521436075418715 -0.3845360597430828 0.3962636908234999 -1.643666267733651 +-0.3726650828140673 -0.0450356592527762 0.6127406616078375 -1.217368793921042 -0.2423351728324677 2.383568346942005 1.5824838835164128 2.179146541708721 -0.1640173777049469 0.0581172525408601 1.182519324775528 0.2091078856634422 -0.4212942552154688 -1.4977082739969785 0.4228922493415635 -0.2043063495427644 -0.7045551143966531 0.7611724718106969 -0.7701380173451436 -1.399231423762378 +-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.0090793992160746 0.8975731924939098 0.2413058156435132 0.5609559720155725 0.3475876517991958 -0.7985455485971579 -2.244800875676579 +-0.0340602034385802 0.474219206695115 2.5428070915605177 -1.7332584772151296 -0.342129224589719 2.717912529957715 3.546691010748737 1.119077409288329 -0.1959932024883101 -0.4586810644035702 3.400064643094667 -3.1181266772713703 -1.529818307878693 0.4588704451593043 -0.784462075016455 0.4023961396664023 -0.1624642690226735 -0.4778178352403622 -0.9911610669190728 -1.6575902603748252 +-0.989060903109482 -0.0651691053233619 -0.6258833762555659 1.5604758476310752 2.263768108426852 2.5795629573858694 0.2383859836074023 0.3723962979721378 -1.962390186055286 1.802898831562065 0.7080660642294119 -0.7393920545866864 -0.9168899662040688 -0.6572810280207528 2.452822768061269 0.8506445865298526 -2.077224905748855 0.5803391673674048 1.4293397351647976 -0.3838522296046349 +0.7025789970392468 0.3694973257969446 1.1426595527155228 0.6610783245084025 -1.209834953703469 1.079745744995395 5.174634326253376 1.0949860461381462 -0.6942328363283464 0.187342287848237 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.510045294420978 -0.7170034262355306 2.5363365444645627 1.4856227939487532 -0.0621676845598044 -1.0252725332922668 -0.2243062887103543 1.6936749712009551 2.573600711429018 -0.0169690741187894 0.8806903776696203 -0.1400104925957732 0.7119565002973883 0.8454549035637418 -2.667654379673008 1.645048787992933 -0.8626507542594433 +0.8464348134293538 -0.8937607716718787 -0.1328863635451694 -0.4430252952305529 -1.5831576871631323 2.5605323570341127 4.741260918208624 -1.416002112464092 -0.4264983172262856 1.027904285296488 3.5659651271878845 0.7680406702093567 1.1155545033856322 -1.2323669601882548 0.2421153871721375 0.5652587523993122 -1.0642215963662085 -0.7280379019799155 -1.2761030623858152 -2.801810333841571 +0.081899263328123 -0.6417450130133527 -0.8357127168776991 0.7895121723250481 -0.3882786062859454 2.659218398465796 2.026993406458776 -0.6194199208237673 0.0075185723945521 -0.2586704111626607 2.0649175109808287 -0.580852723778659 -0.284704195586655 -1.9948341135575356 -0.7840312124723862 -1.930048365770909 -0.4621558369050141 0.8550611223030656 -0.2849295925493774 -1.1651755563261088 +-1.0619428163120723 -1.5368485179027247 -1.5220044099943824 -0.0381266514261158 -0.0598874125648535 2.1899350041972023 1.875844578746619 0.5359248394845503 -0.5670690389576558 1.2769396201688308 1.5431727873415793 -0.0106819235923553 1.1397048109539871 -1.304895696961426 1.5025684232826648 -0.2663844317517222 1.7582045978263972 0.1324118176510371 -0.8945570152564526 -1.3377539877256623 +0.4005334962235669 1.0076395576859003 0.1319421242479165 -1.863671678111632 -0.7632781249814675 2.406564137369484 3.4197951355043124 -0.3219959502377904 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.1977744842585455 -1.4878457871081665 -0.3278760141172251 0.8019115507238654 -0.2456214718719778 1.4884926194059045 1.3987996384527603 -1.1986194309715903 -1.1478802531147383 0.6923496957104975 -0.5345270461449924 -0.1417530170228219 -1.024024318890741 +-0.893189716149257 0.6726555697267748 0.1218858919548586 -0.6509869139749054 -0.4350029966799684 2.0118835466806897 3.17658910365509 -1.0812875887184834 -1.3558192591333915 -0.5847969034567607 1.905987216006641 0.278135849499465 0.3486220410513911 2.1172711734431715 -0.4924555679246331 1.527943019293791 0.7618864468756401 -0.5171357273386028 -0.5411924384705569 -2.413036758667902 +-0.845677581038838 0.6324979033755312 -0.3783084199029081 -1.3820092158435435 -0.733280333692642 1.9748712461728304 2.4952769436403166 -0.135054999238924 1.4131580266996857 2.899503951709652 1.7376615399708744 -1.6961701410520915 -0.04710329228132 -0.0600513329804703 2.2665283454134766 -1.48935853289957 1.1977133739437809 0.0098516970310279 1.0969937668372025 -1.7907842611711229 +0.3046773506375761 0.4950748285222781 1.1745071158428404 0.3034433400242362 -0.5972450368627183 3.2449046437909392 -0.2197054289211366 -0.586305341913781 -1.644359783968742 0.7130489813267271 -1.8014041559353062 -0.0363694328820146 -1.0006977212756551 -0.2501783229492235 -0.644531892325814 -0.3118254379981234 0.0762214267886996 0.6395553710681844 -0.2894877288032403 -2.3900875624935933 +-0.722389955834358 0.8492285195542429 -0.592264716510007 0.4480384132388975 1.5033741889196623 2.3276799684458336 4.660946689625867 0.2928911020628698 -0.4436742606354509 -1.7557607987422432 3.5706795071255 -0.3609649117995634 0.0265978236310483 -1.242219657615387 -1.2525892373324707 1.5996716020855342 -2.438268029833184 1.0708501591052173 -2.0142080916701195 -2.637435966190677 +0.517955748151366 0.6318272084355643 -0.3107747636931994 -0.365457321692025 -0.8274374115464448 2.4194174604912053 2.30327024768378 0.2132356890216537 -0.3474958603932309 -1.2336943161240128 1.9333180474483584 -0.1112092444343887 0.2281973052272561 0.8592514118273419 0.3180321931163383 0.3055331558344615 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.283766888580859 -0.8812335790001056 2.9480632471448702 -0.1890480551172142 -0.6885221641355367 -0.2738970669670362 -1.492436346505508 1.3975076951879404 -1.1670470396414214 -0.3045580816369728 -1.2120633706359 -2.514068927440281 +-0.2987443452665569 -1.4814434332669864 -0.3405176552373323 -1.5472128948094663 1.460141833448219 2.7503298497261937 1.4919435584703815 -0.5014938556215274 1.389851180904761 2.1536872532393594 1.825215523767408 -0.0559762421155696 -1.024054711552412 0.9786166674778746 -0.930534193318163 -1.0692142888694698 1.1760360066245013 -0.1777204619951954 -0.1383476337538366 -0.8119518506990913 +-1.1336098433285582 -1.3885132396808428 0.1934396542532989 1.682779669518624 -0.2696707432856892 1.529290707135153 0.8720375153883999 -0.6212566540305139 0.350748464171678 -0.0317133478405884 0.0804037215335065 0.5909928654947588 0.0098064494992661 -1.1767020186636343 0.13240869046561 -1.2775069646063268 -1.180299533347833 0.1451404457082739 1.1452286506095457 -1.3643619388887798 +0.6848924399152204 -1.1801849525721115 0.0492868829171651 0.5067605554725978 1.195494179756907 1.7270137103237482 3.522096040308619 -0.0655314562171573 -0.1263037874808831 0.0884272894624823 1.8915111158684983 -1.4884237888244427 0.2462104645174005 -1.527529581199937 2.568368583099628 0.3581347981231358 2.3009304345252417 0.4501082971744903 -0.4508955435054717 -2.7302667374607656 +0.1287520216328437 -0.4275406876857338 0.6246416080066166 -0.9048996919923964 1.730143080975311 2.4785864283336845 2.7908537788942347 0.1277594234460868 -0.2116388003443376 0.1658741485726342 2.7172489662447328 -1.3820208557750682 -0.4747342209030135 0.6360049674097757 -1.1861930198828563 0.8927270146909101 -0.5564095703270809 0.1792614056260503 1.8194513832416888 -1.3672523508499128 +-0.3156511149738039 1.4735826606388318 0.1339630651865238 1.4358415007923635 -0.8659447335937774 2.1016165915331766 6.3108659613418325 -1.3815084314691686 0.3154165647736827 1.5256756591495022 4.33386534087067 0.8737132598892909 1.115910965373977 -0.7451165124657585 0.344492015887092 -0.0105840464142793 -0.8566380846602463 1.864032409362421 0.2852898108444793 -3.72083023929173 +1.557734002064037 0.2946393481039001 -1.0055498557068867 0.2305293195633568 -0.1193051685237392 1.9991415603534324 1.4917044529186605 -1.428905499369014 0.0442081881291874 -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.588516510643813 -0.6821226994931056 1.9896951949569888 0.4863010768794347 -1.3355949538149057 -1.9008622599469749 -0.5153011619334648 0.273442024924114 0.457694899076411 -1.412967908530496 -0.3589131145495385 -0.9839779220366992 0.5816739281602021 2.376818975949754 -1.4665258212046102 +2.6288336361621143 0.1547281566547481 1.190827295167686 0.3033404066097632 0.6463515851967158 1.2301565035355655 2.6082300614121308 0.5520066530980764 -0.435648258071034 1.86806918911704 1.1720152560994697 0.3926061273242116 0.0188609755694058 -0.206315421167812 -0.958427574031694 -0.7225454433980324 -0.4495276966147726 0.0282304083140543 0.727729502352351 -2.21900867066118 +1.6155658325809097 0.1749087416499398 0.9896888265176418 -2.504906090816109 1.2224459502342022 1.4167313009951907 3.325951912044702 -0.4593516290653921 0.25754215751679 -0.4830707217677706 1.7656488968139543 -0.4882724167439496 -0.5485300390904639 0.9813148270236494 0.8873636063532481 0.0076308593975402 -0.1284823686093825 0.3522269089272165 -0.1024853922986643 -2.5332294565549254 +1.550567110768566 -1.8344435707552005 0.1138375198281076 -0.8896462754339419 1.3254683535280698 2.12999959366592 2.7768734528132897 -1.510215539128906 1.876584693964673 1.5321267428056962 1.8450066238602645 0.4764287952363953 -0.0201897410332704 1.8798552087704956 -0.1794072709706264 0.1189119877773651 0.5000856851192513 0.0988654862967997 1.189609787826178 -2.054793769702011 +0.0474070232376046 1.436722136747048 -0.1778250078406814 -1.0126176773718838 -0.6202457305057594 1.5674373517601214 2.513301122484336 -0.2742159688861192 -0.2615039407655619 0.4346271861856284 1.7248087248955728 0.192695149118561 -0.6864684528177579 0.769416831671574 -0.5605262041718009 -0.2885018006695454 0.053049405295672 1.909962637894601 0.1113211122409496 -1.701203383589052 +1.4987905264540586 0.4245231234163191 1.523189900454302 1.008695261156639 -1.387896982684632 2.077572245351613 -0.2467029833102683 2.441961501889492 -0.2619089168783495 -0.7512624729354835 -1.510506381801984 -1.9253520174088248 -0.8745017707516978 -0.1760806436793336 -0.1924060564707355 -0.7561444860204843 0.3795253482260278 -1.3943825386940707 -1.6638022957397571 -1.7415173536923374 +0.8406209984625372 -0.0025725489422344 -0.601438867947689 -0.919427125487488 0.7042315519384602 1.9350422922446275 3.1532961591949613 1.3182372013258132 0.2123179611018709 0.1087606385616223 1.9563000401172657 1.5306495313829316 -1.6185633673532231 1.6063146980584382 -1.4754994977674285 -0.7098457831757273 0.1691086628700915 1.873555651960636 0.4955557201916599 -2.3172718427176067 +-0.1025925689597331 -1.2997734661479277 -1.184982019423818 -0.5601309268090418 1.0018538736689278 0.9414280333663756 3.4610998248161424 0.7007494273303311 0.6967462891186887 1.4779466490911244 0.874451581157244 -0.0032189129168 0.9228415640914734 -0.9169598162382864 0.4715620467973054 -1.797726722886981 -0.3228825894138212 -0.0931444849242064 -0.9128449921529916 -3.3683333473898056 +1.1636193176993483 -0.2598850823382007 -0.6963172808590951 -1.2590786740802555 -0.3142644125828807 2.1852996466226777 4.599500847586467 0.5908499864872871 -1.173293960853366 -0.3098773830570862 3.352141560768984 0.3985308579593635 -0.6306317758164298 0.0056613092315098 0.1817637495202336 -1.478236079319358 -0.6195560564019568 1.0785393065969529 -1.002232702364883 -2.728014998409381 +-0.9405114954779404 -0.9971254352578652 -0.9350920736404552 0.0731893424854191 0.572722857802563 3.073145269942734 0.9147186930111172 -0.9755244381257676 -0.9197590733401324 -1.1638962725834845 1.8717579371572024 -1.999072736145233 0.433540078586542 -0.34352251517528 1.346932279687583 -1.1846884251152656 0.5168500979666247 1.9386635984958025 -1.0304781071143367 -0.2155119446801661 +0.6931908319664971 0.206903799662684 -0.765522821623186 -0.9918537930707056 -0.9764535437463796 2.359678580900127 4.21497418783311 0.0416648167504246 -1.400772648032113 -0.241783309613067 3.1293162072563314 -0.5715371663218816 -0.1511062054909433 0.2784572157425425 0.4686769062555868 -0.2785470391587348 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.3283585122118608 -0.365458339688709 0.98690943098252 -0.8616453027371711 0.935281489165153 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.53769296205369 1.115947774385517 -1.9337740838148696 0.0380353061990707 -0.4890899958698262 0.2638600421414856 1.4269595097764889 1.0820662021375038 -0.4050286863880162 -1.1437766520898542 0.604382816511511 -0.8050872636735924 1.2020743397704103 -0.6194616174750139 -1.471633618563594 +-2.845940543248187 -0.7126664951062109 1.4777467330581202 1.0203002307017368 -0.2839488175529666 3.103310873866005 -1.2404239422592986 -1.177981820953214 -1.6368527367331 -1.0787257316290046 0.2320710943379265 -0.3479372537639945 -1.1976982502416391 0.0263324943577406 0.1311755533545711 -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.1491021512519668 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.0674200804290528 0.449668362097429 -0.601545694526186 1.039994734720887 -0.1377156609936523 -1.6942259528449988 0.977803147653913 -0.7533906208489303 0.1562799208880919 1.354915266392422 0.0782778896031933 -1.0838230193319345 -2.63542052074178 +0.313186609368111 -1.0584422320506943 -0.3871611581647091 0.933603636247654 2.276463292630465 2.1765625432936164 2.914496625932917 1.2414986826973946 -0.4501035368010825 1.433260966068766 2.325490470177032 -0.4541145113378836 -0.1290718471108637 0.960231828161047 0.5899050485293155 -0.6879902657174161 1.2146671337903454 -0.6492064116521465 -0.9217649736027732 -1.778845488614689 +-0.3641601850444361 0.6846238889884587 0.8285533149352446 -1.4219371167424546 0.7667449009598584 2.1001338699979875 1.6332915637097678 -0.1085125335442629 1.3893198102952535 -0.1455807683701002 1.606239096767883 -0.3420958468317655 -0.1941403501272027 -0.8252392095899685 -0.1229218571441904 -0.8101449180465671 -1.3405287551612752 0.1389913644584482 0.0741785657885044 -0.9794683842876826 +-1.768024568483499 -0.3069263880683961 1.592417191565314 0.254591614076966 0.7637805370176667 3.518304475388335 0.95794067593885 0.7347112679343165 0.358803646355573 0.6704629590966805 2.2850867741292924 0.2874481326172637 0.3617467563789585 0.6146648256055965 -0.4415682867829035 1.6448615437912582 -0.813208255544509 -0.4386329937194859 -2.733369172045708 -0.0145845174100078 +0.8861309231637331 0.2741292320680255 0.0346100208528273 -1.215534134248338 -0.8401898198652198 2.126014111551141 1.293110391941692 -0.5529312791172744 -0.4114866209455649 0.3892707097314798 1.0032557042225334 0.9306506404386684 -0.3701975555853425 0.2554217774908457 -1.2025037075594571 0.5361389380308048 -0.3307117911444543 0.2294749874046197 0.6569022429931914 -1.1624317591265387 +-2.0010302086867213 -2.479471962399053 0.9849917564235248 0.1265301979759274 -1.3119853774174173 2.1269490619177653 2.035409519170356 -0.1728308321563134 2.526417485792979 0.8333682578142222 1.7911925014333576 -0.2509173143838218 1.052543196470219 -0.0294391878890943 1.1725684861381225 1.2502881829385344 0.7842847979674329 0.7741171372153783 -1.3136742574250926 -1.2689660846161424 +0.2585739721669587 -0.8226380528779011 0.2518423630376938 1.0043828423123942 0.0208993023328234 3.0622580296475634 1.842347137572501 -0.1115696939621997 -0.1894607293431804 -0.5665875886734555 2.266903099417969 -1.256294516796166 0.2851311605925524 -1.050999064843393 -1.302937112967481 -0.7815108169950001 -0.9121190583657786 -0.9136595104272532 1.0077636471651703 -0.8907750722516858 +0.6391470750630938 -1.5775820786944088 1.3439579175529768 0.1547383603427986 0.280715937766935 1.8627205136906728 0.1697496316261977 -0.9402688934924028 -1.036472803931309 -0.4777234600116845 0.1105699473008001 -0.4655730994583234 -0.0814039303270123 -0.3363598662520862 -0.3067982633282776 0.8712688530102753 0.554635107787884 1.2265231446340064 2.208724567176668 -0.6454595218574328 +-0.3605847196537883 0.7836460941316795 1.393317543692402 0.1726450932821472 -0.5521552778675939 1.856998832999648 1.5112979256669563 -1.0732795402912196 0.4952241380233785 0.2924069971110701 1.086918350190028 -0.8898392747439593 -1.4749510875989895 -0.7619255787949534 0.150032821290907 0.963332887613822 -0.8149205435390461 -0.1388205325443476 0.5344003717921374 -1.250214937742314 +-1.7663802958686683 1.1946468364054967 0.6657650558847974 -1.3915766063385142 -0.2465536114580664 2.471428674550567 3.5046936840714102 0.4903138499325771 0.2231129341651971 -0.6603627946269242 2.438149888585052 0.1359673274491074 1.1560811232018504 -0.7061826844849702 1.4444707095505225 -2.3722626600735164 0.9616784931259306 0.0797265568339371 0.5245349427380844 -2.427118797760347 +0.7217756611744316 -0.3897934608800315 0.8614458646586446 0.6545973301313297 0.0625326751447304 2.0440430683165367 3.873950240982577 -1.5459345731473604 0.8030357654988135 0.4008007168908795 2.673665877253553 0.2376744196834488 -2.153806909012601 1.1714807676851848 -1.3834530942813652 -1.0257862323321925 0.2442959093340003 -0.6596326611319782 0.7908167086144274 -2.497066067273225 +1.5520684858783471 -0.4842660107164966 -0.8425352485553168 -0.2874361705381057 0.0941278058196624 1.3256608697758143 2.63511828833789 0.2910072509634572 -1.1787266342806275 -0.3585199782329215 1.5698466573184315 0.3874219406289059 -0.5091389770719648 0.1785811775175536 -0.6804576669073298 -0.0262712109729717 0.3929430590374208 -1.0569336723342102 -0.7684431903438547 -1.9095372673829225 +-0.0732473881294025 -0.7707735086872708 0.7973283078305399 -0.187925327519174 -0.4808980710246973 1.2708752580290823 4.84466508988643 -1.6695427018666538 -1.3552507458429897 0.645626283321427 2.511168307873308 -0.7456399505614479 0.0661324274351293 -0.6047228846227559 0.2330669402231677 -1.3991630115224 0.6444157533649799 -0.4485302140227926 -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.4798977227676063 -0.4374422792131573 +-1.3526980541116047 -2.542313547992685 0.1809826712750604 0.5786042707338463 0.2126536259445939 1.4368494121624695 3.7281618860234262 -1.4433793927489575 -0.433799046370823 0.8984130058813806 1.9362977630144689 0.1193943793178766 -0.0243009242660393 -0.1270788895531664 0.4091928033405042 -0.5494570769083005 0.2189923692481255 -0.7968814722327079 -0.1662037512205038 -2.8340713584060606 +-0.1448863596049619 0.6429845276855499 1.9422318139095935 -0.2382952171970902 -0.4204250772278854 1.8883530000643127 2.145009988682244 1.155866822594032 0.7651952112321644 -0.77282027880408 1.593150353085124 -2.1788766927469814 0.7631801362002689 -0.4043310046871374 2.332427583072321 1.8381645890873155 0.8248854488665719 -0.8927904794974475 -0.6191309111283828 -1.5043776968759737 +0.6585291602933541 -0.4341045390492301 -0.338458522063375 0.6859692521826731 -0.0374965770327356 0.7440419920955434 7.639137439046159 0.6562621281468585 0.088597811182116 1.2300541513475132 3.8551681432662894 1.844110118298908 2.3064439700702817 0.5259427065567346 1.5158548509002343 -1.2559031577031372 0.480701819651685 0.6624489043654656 -1.2603453806648006 -5.253590879253102 +-1.2157670680274526 -0.4049695550937962 0.9346877261546676 -0.4629962072624288 0.2613324701509642 2.137521572752848 5.157503491020052 0.6862828143315671 -0.1270172102896882 -0.95508822404978 3.7576202973757935 0.2490249974503447 0.0652821179107545 0.2931266017654128 0.4649751061594084 0.4110875223497787 1.2327600557189324 0.9648907499859872 0.5130940176494724 -2.966564942782377 +-0.5500510601200493 0.5284765375580582 -0.0466764677656031 0.4588230481815166 -0.3997276051326298 1.314561911851028 3.86859463610416 -0.6400246629512608 -1.269417995600029 -0.0159664264061025 1.9329699764458657 -0.6762506025982987 -0.2873256184704967 1.534411795719368 0.1004496254588551 0.8304616343673373 -0.0884877720573857 0.2903700648367615 -0.5926980498319211 -2.9587016143577194 +-0.1932399612955054 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.2431916674666803 -1.678132712923688 0.3241812573517197 0.4973347675593978 1.3139331598175434 2.5100837026689997 -2.229147739244597 +-1.1475788924160997 -1.2243134131793458 -0.2810638291186618 1.5438003443667572 -0.5061083537570078 1.7553418818582902 1.4063901268814076 -0.0206876262371736 0.4798051069103366 0.6613706454347527 0.8944374158149913 -1.289233009828207 -0.0835005107341455 0.5328818540440895 -0.3061523183682434 -1.0962708285470242 0.2647091151564819 -0.0126056572015047 -0.4306436369504616 -1.279914139354739 +-0.5694519107756933 2.755789896944 -0.2830732304172526 0.4015977394565915 0.3236252683165159 0.8868265415606529 1.382426901483134 -0.6497759957900952 -0.975440854607186 0.3796678880403916 -0.1524744651873075 1.777767730347284 -0.1726739519317849 1.288507974782868 0.2437765774068693 1.0714273069626374 -0.0197221725756209 -0.852893036856783 -0.6721609884469364 -1.9625220900578664 +-0.8315837274650301 -0.5158886908950561 1.2439548584361089 -3.629483716161212 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.1222366915690775 -1.3446012455347258 +1.561224477797872 -0.1696813535361551 1.0359334285476796 -0.7248502736700285 0.9473974962179548 1.9840472602593653 4.29967210117305 0.2473105953936728 -0.0377175706006504 2.157906882628136 2.895665989173834 -0.5250955942950344 -0.604266999898711 0.979725367986863 0.9580232073230116 -0.7954454990405102 -0.4084950233118538 1.0976386808517602 0.0411639635386403 -2.752896103530498 +0.4494760709832154 -0.6807905746126468 -0.7440904679660015 0.6292431055013774 0.2150911927929456 1.1754424975368671 4.734657874995576 -0.8044737111270779 1.4825469337227302 0.2862093434988623 2.193448330505323 2.268497013895485 -0.9828087807157814 0.0865109765434452 -1.1456017800892806 0.8000253399509405 0.3895469161762817 0.9038358959399284 1.687712002983316 -3.65099563122002 +-1.1651655425087375 1.671772635890422 0.121786214104246 -0.4600143484929173 1.6629045393441455 2.602462970556828 1.429167510707008 0.965219599729606 -0.8517142348539128 0.394377924468995 1.9618277595714984 -0.2696391543231474 0.8300363998693987 0.3028291480534201 1.737150973980813 -0.2103632720115462 -1.1277029132640044 0.9778027505682624 0.1307358191738795 -0.5706194533145836 +-0.6535683423618488 -2.137633509186756 0.7762788491710003 0.0989418150430752 1.1037055994522662 3.1214844627573206 4.223939126104493 2.0742751756176334 -0.2602980557533139 -1.0373036506740347 3.7207768620987087 -0.620133397184403 -0.9986487068706014 -0.3144296971261284 2.0213922997963985 -1.5417065656263356 1.124176301640526 -0.2692076615474023 1.1352703677369325 -2.2437527277143823 +-1.301606872884547 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.4538189051801409 -0.9981831816857836 0.8498838311065051 1.0215487139773107 0.0292131383219896 -0.0244842670578511 -1.071385607414117 +-0.9831304246100676 -2.109359219401448 -0.0116124150224835 -0.4146087274208725 -0.2225394921795864 2.548458999322077 2.232852163172559 -0.8131642593932751 -1.0871043663488726 -0.8860826509664107 2.5327430804979967 -0.0745641635435327 -0.2846414582237886 -0.2010602009175456 -0.3248965933876241 -0.2522783712227327 -1.069197609742372 -0.012922519765378 0.6363905733729942 -0.9307452098046052 +1.2660162950232072 -0.046759215510203 1.132996068301822 -0.4010550289905282 1.099060739344578 2.4027248480404766 4.13799949972868 -0.1413495132039311 -0.6501526250891857 -0.3659024178240195 3.2863099467890966 1.4098334630474565 1.2069399858183845 -1.3007580136634234 0.9837699599571016 0.2045769905246962 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.565196801676751 -0.7762654203647265 -0.964731612816648 -2.2212880840933 1.3042628819466189 1.3726915625137155 -0.4685567826758029 -0.1166290174449958 -1.5326686844713395 -3.1353285505266744 +0.2513656297783223 -0.2175797991157849 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.1566247694177498 -1.6609894781463572 +0.4518351094232392 1.4283314373571223 -0.8093765799705744 -1.7447059359092438 2.0618722786957577 1.4551996796090798 2.802379728762748 0.2764518326936669 1.5486051282876774 -0.690636948398545 1.5090176693243451 -1.296768408912027 -2.080180701435173 0.3012143539931288 -0.695179577086202 0.5944908517809671 0.5424074535525948 0.9342115821628356 -1.4668998795602932 -2.1928656098820607 +0.7651001419536637 0.2026058657691151 1.4643569095725533 2.438581694242323 1.581071718424406 3.4376873470270524 3.0063623875950305 -1.7124281847649407 1.2953662958810517 0.9079117357163484 3.636000081032831 0.2181254948450593 -0.5955898903037145 -0.1435492891638976 1.390491587381899 0.4016783984398542 -0.0153267502969489 -0.1005621239390741 0.7984987249435672 -1.0460005806403767 +-1.4602503916149732 0.581131342410052 -1.293093987263315 -0.544960177511813 -0.2229744791169114 1.8882793055135525 1.4224317331246774 0.2575623865642064 0.5358050556042735 -0.1673142755280844 0.8767555217047103 -0.3740366560319499 0.736840477293736 0.8075782844720164 -0.4703690306036901 2.143308284766961 -0.2397493053253576 0.7648777916928304 1.6633556159651546 -1.354073624201665 +-2.843557242502038 -0.686611384727252 0.3422070456857353 -0.9380032669784114 -1.4399973674938338 2.196536106447263 3.4596683624783284 0.1569383857894721 -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.2934321612029347 -0.7733243270161364 1.003908593487794 -0.5338628503093397 2.550876291370348 3.9716288467531937 -0.9291489740999028 1.2659309465128878 0.7842772699837448 3.454505574218921 -1.1768131031943452 0.215852845406273 -1.027218546736927 -1.509413785098642 0.1787982343532144 0.2813120980770261 0.8175347329639697 -1.6632975276321524 -2.0356612587844314 +-0.831996576533903 0.6929578927338854 0.4144762558250952 -0.1166785346493217 1.3707536694645288 2.0250227886155003 3.8863073698025943 -0.5191300745977011 -0.9822822125326486 -0.1887827660027179 2.858498182456979 0.1852479584510871 -0.4325457142503484 -1.6155051624495724 0.1632130127802628 0.3391173760139294 0.1984466911339302 0.6733026634800894 -0.0249136278725371 -2.334187683435375 +-0.1867459811744207 0.0581028649384963 2.0832638983721865 1.5706991694342205 1.959051799167809 1.6717018606409413 2.912645306672176 -0.4799053013658023 0.2407036900923863 1.1719704670777331 1.1759851434701103 -1.244764830843674 2.265525538395898 1.7453365279804074 -0.4687999973332468 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.0277439598624126 -0.4873234843216744 0.9440890503396124 2.869628088969603 0.1095433177995546 0.62791678573108 -0.2453865118022686 -0.3948925632020866 -2.109361042168002 -0.8623702919189337 -0.7047274104864089 -1.4486029730547345 -2.383449764876702 +0.8154945938187875 -1.3942602322147186 1.3918151037180722 0.3020271850353282 0.653444631281608 1.44528708749863 3.806182787316741 -1.127734626327643 -0.2242512497732136 2.2090491331008986 1.7562433930226553 0.5570092974580497 -0.5401661645837045 1.3119452613127471 1.7224918758723826 -1.5521406849496893 0.8659915301504891 0.4448835159980526 0.2696306769788708 -3.091110583794352 +-0.0141440381708799 0.1237941979398073 -0.5768645265983704 -0.111090464858802 2.743623144221837 2.6826507568593185 2.883659612663606 -0.1212643056019867 -0.0962868395198537 -1.098651001919086 2.9331781907713 -0.3756803265558754 0.6250576355218406 -0.333617867271015 -0.234287535678927 0.5973246412490503 0.5806964756523063 1.3286963765113442 0.193734087598359 -1.3328287215606378 +1.4134385549095425 0.2432495178978582 -0.94592778478443 -0.0906059027271994 0.6699384897320224 1.3780625328823517 2.0043829480027453 1.826103834413419 0.9149416714213668 1.8395143907074116 0.5597333709539756 0.772716133137024 -0.3949894039215424 -1.096851440758609 -0.20512631901695 1.3732459379052369 0.3272966122013199 -0.07235478475191 -0.9484604496623324 -2.1502173063606764 +0.4707372912504136 -0.3798012126302687 0.3300315322494881 -0.312684424402495 -0.8498909623686253 1.144137908953102 -0.463037805967285 -0.0632919133489908 -1.3304736422470391 1.0677398898258696 -1.874021582973028 0.7557135570049732 1.5337458197587863 1.1038389873748462 -0.5619404655581176 0.9808653749770848 1.0749676685991851 0.3235007238404014 -0.7897313912761142 -1.5555099934794647 +0.2627414732241759 -0.4864254791727929 -0.2487181083140463 1.8784632443123628 0.4266090092128899 2.646839229274104 3.415971223252901 0.2990321043972744 0.6521694865081346 -0.7959373193508864 3.144594450098718 -0.6973040799790121 1.5008042559889716 1.0007598400212232 -0.4607609058248695 2.6612219785693414 -1.8310644061575811 -0.952100454928734 1.342777484377094 -1.7256823678021926 +1.315861190759734 1.2453073788196478 -1.1958143852608247 -1.5104697277021288 0.1040685795943484 3.4588485801218987 4.115114650896856 -0.7584240940327722 0.1920008351805938 0.2562234054875514 4.095447401477248 -0.1266684669563781 -1.957261118239877 0.1424186608963716 -0.1937268877499849 -0.2914782847793498 1.319542388190902 -0.5540726169123796 0.4979952025557634 -1.8752230676022077 +1.4344974274755478 -0.0817239352489298 0.2922140069549707 0.2283141085104989 0.460794537423988 1.9558651527541449 3.251285532410523 0.3899963212488138 -0.0559798364781891 0.4122810165804311 2.2060907120025925 1.99149733633157 0.3553553739597647 2.015641813918009 -1.406539783010405 -0.1606372806776499 1.046332405620784 0.0821019686348996 -1.1289823517594135 -2.202571393557174 +-0.632989637986975 -0.8916302568590228 -1.4855748497405912 0.6552494344189193 -0.8604714263757747 1.6471960108098525 2.428365019710531 1.2874781922579497 1.695625911148618 -0.5776827262115979 1.13062297570485 -0.189290378231288 -0.1152619249370284 -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.027366877690524 0.3289722453872716 1.5545355493064603 -2.1949114507972096 -0.206580724724613 1.0340831104710433 0.28690681414526 -0.0751308873738869 -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.0735623181818616 -1.9131638739828056 -0.7647947336649623 -0.2309426110861094 -1.2943321213312269 0.296110640420949 1.7279864695311318 -1.112028290242424 -0.6663376648912336 +-1.2108910259791543 0.3614560421503431 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.0615902472328206 0.2179701569972807 2.3518046127896137 0.0939501864662081 -1.940016214723098 +-0.0782528599119448 -1.2812204010821655 -1.0651126947154763 -0.2576409893527904 -0.3488968803196757 2.571675554474297 3.214729337990853 1.9777103382099963 -0.546888650005135 -0.4577925821667861 2.8010272371354485 1.8378268089448957 0.0698019352115503 -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.2601496831334963 -0.0434813680483182 -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.46123193117525 -0.4048463821629958 0.5520194953325661 1.1578741181610583 -0.216606107251163 0.5191559058949301 3.278873495081943 0.9437627888684624 1.8842328461077824 -1.842336856767952 0.156182039424629 0.0041327676837253 -1.157658419851371 +1.0377986243050017 1.4186710263167046 0.2400757086880295 0.538952068618652 1.8888030361793755 1.0625333792587075 5.033955812765061 -0.2604425067703008 -0.9899047019142956 -2.202216658161988 2.347540394250042 1.7212262428713727 0.535641143810167 0.2723737215663877 1.6064238412141272 0.9425749419430592 -0.2330222773766372 -0.3092205231159753 -0.5715640799461522 -3.811549134811197 +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.1741925217447933 0.5651610752117977 -0.1397904854202576 0.4843051215780049 -0.706468453972353 -0.0661446936869307 0.0086611796633301 -2.1967989968641315 +0.1807467955153151 -0.164929434987439 0.2285226584229401 -2.6178237780318407 -0.1601714117571726 1.97851018771006 1.816464191572023 1.36938447017814 0.2478218118303548 -1.9619093630812403 1.0608617003136307 -0.5063804754175388 -0.4536753532541346 0.1411656543245446 -1.6486557745910415 2.3932658439972223 -0.6461666527028066 0.2947888601935649 -0.7050961482207003 -1.654206227187563 +0.838589181932876 -0.2707983179861427 0.860075294290476 -0.68040284991987 -2.0673218266201463 1.6346046990917509 2.272323802029761 -0.3321222280602771 0.2327121950853755 -1.4213927154568395 1.0631039485819196 -1.6549092199604076 0.0730078639035249 1.074132524600872 0.5395990804630169 1.016075860611816 1.913315837075736 0.7916213761051947 0.0283964030297223 -2.0625494300123286 +-0.5561248283535234 0.3677576311342094 -0.5921706241157424 -1.985440660559521 0.3031659398360932 2.1249652130427994 2.2011881331580083 -1.0711666175617691 -0.6578964948258654 -1.0845024625155688 1.5304842531835636 -0.246445242082312 -0.7157777958249367 -0.243682117294569 -0.278653861016117 0.8236150583226394 0.2256137329893484 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.004755391072035 -1.2367258717037242 +0.3096806582698511 -0.9328022244424516 -0.1363070230686984 -1.3257224111547126 -1.37826587930422 2.678517312494673 1.1868083221378476 0.7638583608962571 1.1421091902927134 -1.9453819182753231 1.5999692618437586 0.4648964103027187 1.0935645276411263 -0.0468302297239292 -1.638634270673601 -0.8757802632723326 2.969763304117472 -0.1686467861270985 1.1314472602845485 -0.6554883910448484 +0.2430006764683781 -0.951118417784927 -0.0236434697511033 0.3942456417249603 -0.3178212389935688 2.3892399348573443 2.9615939743295376 0.3298621019801634 1.1950627336639317 1.3940651912654562 2.6258597915186246 1.187095253601585 -0.2681680049732609 0.0109400939013263 -0.7002625892230925 -0.305746201568445 -0.7501697227967163 -1.1689865061094962 -0.6779584711678711 -1.6173689056299012 +1.1034050601870742 0.936825383299966 -0.0221218164588083 1.4375701963444183 -0.2584512422390068 2.6576537238066456 1.458594405881558 -0.9521695988858876 -0.9733761082831992 1.150263476311506 1.8357950229154152 0.1757679428696348 2.2279171745871795 -0.8228961303071012 2.330566601201061 0.4637245739266576 -0.8956889435947641 0.1740378419991428 -0.9994450866169456 -0.7369155810228514 +-0.6508595695098619 1.174359499075513 0.6989160922005314 -0.7467676567837521 -0.3690379147742644 2.088712338619903 2.859843974132576 -0.3501669372572442 -0.0155811520200225 -0.5587663443411471 1.8080988255484145 0.7368712871812693 0.9384183087369772 0.5533843039191851 0.0100379853438305 1.654197707286071 0.7820676494354737 -0.1726259052724984 -0.6539333309444797 -2.170028386321037 +0.8454145497044547 -0.115598310967172 -0.1496516179566832 -0.2300065349353955 0.0081300749509374 1.25435469418028 2.106736066933848 0.7094023142379762 -0.0437214210646649 2.860765268216761 0.9455600138157064 -0.8988557079953692 0.0008453768187008 -0.3715254041843762 0.5080020492184416 -0.7807151292087614 1.5328700794451393 1.1252314901915743 3.2321749215261457 -1.8713003961740664 +-1.002195936835779 -0.0066360022624052 -0.8585005766763797 1.761733589985297 -1.0188473211182143 1.031643479560179 4.428339906068279 2.220039962898178 -1.050485954516336 -0.5930142208859176 2.026201789321326 -1.2201507171478372 -0.0928393639182417 0.1032313875481032 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.2214425690242233 0.4516373052396876 -0.1503247269728126 2.8244458516279165 0.4122952710286046 0.9197107034982924 1.4989117040520248 0.3468928713453781 -0.1822742921014647 -0.335452342112944 -0.0578891860507599 0.6716006902756062 -1.1621260294506892 +-0.1815330411660208 -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.0447694070885842 0.5140722964432515 -0.6931957970624721 1.2335532877723585 -0.1542339908338252 -0.7978523835863003 -0.7219783052976696 +-0.1293023595427408 0.5278994321877832 1.045590885203032 0.1648729038035791 0.2748074554816256 1.9034991929205896 3.411773141313991 1.096197631202967 -0.964402280304504 -0.2011561053774555 2.108971317457504 -0.9466146244076228 -0.3411038310703264 0.466033595910254 -0.1658722714136718 -0.9330925236899162 1.8294485952020336 -0.6308914572174745 0.3866771281985029 -2.4575027780392595 +-0.2461693735512339 -1.4503203220545298 -1.3470991105933183 1.1946784639193542 0.7856624364727782 2.036422646970823 2.677170464216715 0.7361015400401276 0.1835310084588207 3.028026863632007 1.85554082561372 0.0460338761792943 0.0020614040990809 0.6254466643481201 -1.587587267152933 1.0128933110465863 0.495142376067932 0.4950767848477774 -0.0459459850685987 -1.904829648804033 +-0.7443620288140615 1.462284198140869 -1.4161960838276697 -0.3543167674730993 -0.4478715186315624 3.353949786508661 -0.5950731928131989 -0.7977140257851069 0.8280673610821272 -0.4641026823306116 -2.981237739474107 -0.2994058040252592 -0.0890912297656551 -0.3341644283663953 1.4079265163710222 -1.0130109590621024 -1.1193009755101206 -0.7651488172213162 -0.4831064627066165 -3.092302904950304 +-0.3578693294443385 0.0919524063569042 -0.5789515095211742 0.5816002322503839 1.558024521392698 2.480490795431695 5.574418252349524 -1.3189212063248006 -1.3756443171910815 -1.0948911908947183 4.31546312464611 0.1823715615180678 0.3176984929462499 -0.928101882329821 -0.052785168603081 -0.2483040079434209 0.0705639149534038 0.4852170062247597 -1.1768521840707622 -3.022014449801328 +-3.0395112656532235 -0.1371271888311221 -0.216875171223752 1.6764160162424464 -0.2186551164427303 1.4178864802644993 3.233296255832205 0.0543271170513988 1.7919718482207403 -1.076815646040332 1.684484072962339 -0.4092790513990978 -1.1516351492267405 -0.7296137256694569 -1.0777835906932762 1.0883112572502724 -1.631197336631928 -0.1490957847071056 -0.5943995714798584 -2.5044007263866064 +-1.6892224589811542 0.0332824055826687 1.3477425794577726 0.1632948250896092 0.9546368364325069 3.142762531062504 0.6198675312189228 -1.0153052663492874 -0.1520793231459057 0.8163855692990174 1.4441218911846732 0.7401609466569805 -3.1775668003897293 0.3501161914846874 0.9824620928703371 0.7474590814012854 0.0562038573644501 0.5799043407422569 -1.4780503077304157 -0.3002544491169829 +1.082533145069397 -1.4367489160580589 1.4546476123883496 -0.5578840909144273 0.5080063848879889 1.8270387056605053 -0.0913992367684672 -0.3864958230239221 -1.0128975785028955 0.9522656525056784 -0.9380694256355592 0.0912459426987359 1.555805084775037 1.5643918228976763 0.878790898559112 -0.4994994832391746 1.391252199943609 -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.955057543248063 +0.2307511679589417 -0.7187437679715138 -0.1870472002898177 -0.599151242122338 0.8000947623309765 2.173696536971141 3.87880455958881 -0.3594131102142352 0.8554668329202172 -0.4552060504475774 2.742312823347101 -0.576583954957775 1.0365015352188964 -0.5178529263601983 0.0889701098865185 0.259666882374227 -1.43968751878322 -0.750620363512298 -1.2701676840571474 -2.477732095980508 +0.3539740825418042 -0.4266946766869777 1.584068481844022 1.2234377130849166 -1.3509644651985688 2.41469839654194 -0.4941657224994662 -0.9356530935685766 -0.734883472508058 0.2287159230746963 -2.874254614962351 2.116771899899608 -0.8746471436118773 0.3187491663946464 -0.7601210267860944 1.208445192471541 0.4458889067332761 -1.2794288806021046 -0.989835707386587 -2.8261498631593405 +0.9402790390363628 -0.2561795448112652 1.6578072856945023 -1.1643838879194148 0.2204460233050491 2.492041225824331 4.1832976660174905 1.744016792187879 -1.0341816112684543 1.3927608311560231 3.3633499894967294 1.148848169603716 -1.8876011227963063 1.4198016132392033 -0.8398452411497905 0.0506188257688815 0.648018287586724 0.706215490391768 -0.2015474881901285 -2.340757663146282 +0.8443999545108608 -0.9582609932131452 -1.2784867051471982 0.3503578061778223 0.3981332082168934 1.7973546036692891 4.694035613841032 -0.1365681099545866 0.1213839258987616 -1.27976252921773 3.2978323064146973 -1.165011145685445 2.5199394829250545 0.955282238164183 0.3180940242821031 2.0749834647867997 0.7244054683992351 -1.810771044851988 -0.0157325635635921 -2.768771307262976 +2.0942906022689938 1.6508802262273157 1.4299662960287496 0.2998919990601456 1.2685476950873131 1.1055337103824807 3.772155732802787 1.644986287287942 -1.1476226526620026 2.538496608228859 1.6269545588512817 -0.2226150194814317 1.3041653210474495 0.8279700982917738 0.1112563001994804 -0.8610055870974533 -0.6952070182238929 0.7359142625559206 1.2118310233981149 -3.07094733328822 +-1.501692926751251 0.699613783499153 0.8680104573629459 0.034836691229755 0.2255023380850587 2.0538923980859325 3.2088604731124386 -0.4816271570551539 -1.2867678242148852 0.3140757354413236 2.296657560429872 0.6795450066209905 0.6560102308670276 0.9938948329450138 -0.3649688948153308 0.1185681967344478 0.3665944368328634 -0.8178538076889665 -2.0048620186081663 -2.1002665583846114 +2.465979504831791 -0.1164747222930614 -1.3673978078088291 0.2579238732730952 2.02220177737093 0.0565566878126975 -0.8599660532852478 0.2030008126873168 -0.2509295974333583 0.2483991975648939 -2.555666173944962 -1.2043480430753424 -0.1795391783986105 1.7189292170192134 2.7852928968634107 0.0084003461956988 -0.6359320009596753 0.2357521308160045 1.2368008363755216 -1.4146247373944345 +-2.242341572184813 0.7433117665699458 0.7754964129747597 -1.1786709086198106 -0.4630171323043283 2.611664326748767 2.556408683752154 0.3761975639771349 -0.145412067896245 -0.9071037532917616 2.647852386232546 0.0220451919715566 -0.4335704770272613 -1.3031063978215367 0.2224862895802168 -0.0782030250289429 -0.3979396280451351 -1.4069082723376831 0.3919929648227402 -1.207332107444496 +0.6309081374615825 -0.1641747491156083 0.5249882767709858 0.2079790906947834 -0.4692254758939625 2.9905658340106767 1.5796910701649385 0.4674280510886267 0.0762305840057204 1.1247669241924447 2.0636580924381764 0.2158595006729489 -0.5434900438932879 -2.099853985871644 -1.2965744834558766 0.7569687473855268 0.6434380713135899 -0.3761545539812786 1.0311969233899885 -0.7618029673715117 +-0.1726628398101452 0.4982036745719668 -0.4536313771388234 0.4059429185025611 0.3922893440912594 1.712466765908072 4.278893227954132 -0.4091866714483357 -0.6205976587381308 0.1171090896773261 2.590213172147494 -0.0404638360949236 -2.3357621128579167 0.165033570823182 0.1252219884400177 0.615482592839309 -1.6620310192506431 -0.1595443834368173 -0.3816798466239681 -2.9311032564246027 +0.7015214717060867 0.1176912882957933 -0.4068668446652686 -0.7623629807038377 0.162768115703552 2.3225852820807966 5.455122438870131 -0.3628842329241595 -0.3558257426692712 0.1221483534898358 4.181723697152897 0.1228587753970162 -0.2861504144746626 -1.8135837564724224 2.2426799701222198 0.1584040372915618 1.870317371781619 -0.5407797742181927 1.6428972081697264 -2.964325699195712 +-0.7012548044466032 0.5321700028199301 -0.3296497029448247 0.0677554068620453 -1.4630039879016832 1.5538363072283676 3.7210510017389753 -2.5023901399336306 0.1120498212767861 -0.7291606489372675 2.2359479157754127 0.0719485160593929 -2.505341161730066 -0.0308257738863345 -0.3380672266912789 -0.6194093321898435 1.5799957928919637 -0.6703243392872298 -0.8058669818684211 -2.5836341745921603 +0.41433588675327 -0.456826083912932 0.5369461461039864 -0.0522044899097013 -1.9109674965269443 1.824781377373315 3.8882163861935823 2.416594768960356 -0.379121733750106 1.8689538704642032 2.439156292611447 0.6860796238382735 -1.941881829947817 -1.34623471444405 -0.0809918641363625 -0.790157691557943 0.174088230414927 0.0692515796865845 0.0484075625469126 -2.664688750495952 +1.9459363988836988 0.5608888880903019 0.0840323030852885 -1.2522668205701326 -0.9219812293021952 2.420756998417122 4.112347116338652 1.121125729397136 -0.4881441102456956 2.4982753700282663 3.394021366230603 -0.9505280683407228 0.2024795807739538 0.4131485988298229 -1.1137706871484352 0.0564125964434573 -0.3701624301776045 0.7053250962345277 0.24290509416171 -2.211183811173495 +1.308285362631472 -0.2869041649428945 0.5242384367631786 0.0395451194799082 1.1338589565211392 3.0624848298908685 5.075729985216571 -1.117442844210379 1.1965681873661138 0.7561639976104059 4.337815560231325 0.7978089232730771 -0.1375836917581664 0.156162299495439 -0.4279613477714055 1.326077221151389 0.4859485967944396 -0.938277982100918 0.392404680419875 -2.6138450412049887 +1.301282854914018 0.6195178515860085 -1.4126268197055285 1.5107000969447617 -0.4460077117108762 1.9614913143142263 1.1034518801107094 -0.1622539230376153 0.2127583297140476 1.606357854655996 0.383510466777897 1.10487000174145 -1.4096803250134005 0.8947143435160732 0.0762995903721022 0.9772601028253348 0.906407388390164 -0.4676846262214272 1.6137031915757825 -1.4734630351338132 +-0.6564300642281564 -1.3932602455182723 -0.9975199820896689 0.6818125324779116 0.9666017900573544 2.540251477493582 3.1787780701224477 1.8652863935245596 0.9964346102200944 0.2168082922150134 2.984265086973884 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.064238559830772 -2.006296343197277 0.1831728686529515 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.33046877508263 0.5827759735709516 -0.5271538741637666 1.9349641104310569 2.9113484115792803 -0.5608924955846963 0.6299555086315944 -0.9662916200766082 1.6401373367055234 0.439736849503319 0.1525318003244222 -1.3258179467549849 -1.222480068539388 -0.9867214589755032 1.0731499216966771 0.8859334496278193 -1.286140155388538 -2.3375480043083883 +0.3369202277233524 0.9330817717683358 0.0100799543835584 -0.1415421216122143 0.4954143785029266 1.3564328967439412 2.114415373312024 -1.5490176570651006 -0.0190211300044468 0.6160222895771541 0.788230814257056 -1.0652210702984724 0.2926791087709725 1.343440185754374 -0.9776066379528354 -1.1168106582476165 2.1832063939538355 -0.6616193166544507 -0.4690918940095593 -2.056098789083056 +-0.4540272927524223 -0.5807623516516451 1.4084704387538023 0.1683876122080398 0.1033523135461557 1.8177887962411696 3.964263267769757 0.5950586898526579 -1.4542539986918803 0.88097757316747 2.5298682021512944 -0.1540230021964192 -0.92353359029864 1.0872365191343392 -1.408868808588876 2.1941171856717223 0.5316560498926327 -0.0040437527403585 -0.7807136934548528 -2.664236785724284 +0.3941955631644271 -0.1851220201500735 -0.0901010921127957 0.0920492817541318 -0.3957508606532468 2.2280670166468064 1.2041662485478422 -0.2071859714639041 2.4046716402728343 -1.5354757708094928 1.0005974424414454 0.8239382161535445 0.8175289422863223 2.0216544829015066 -0.912446166051401 -0.3748162912978166 -1.6265028765143563 -1.042821565021852 -1.8475907619435508 -1.0952608406895796 +0.1597387378403326 0.3738124905904236 -1.464928446143478 0.2301775055906704 0.1611628415071821 2.9186209395551157 1.8960027606593748 0.4809827374515892 0.3151800431992685 -0.5276802913174692 2.076920665801533 0.7330483043105207 0.0455033707591512 -0.9500766420460972 1.5705524844268164 -0.2967939804196304 0.5048724405136928 1.7054354379336136 0.1309352225857578 -1.0841239198686308 +0.0293352148149536 -0.6478163153938175 -0.5868865425836157 -0.1144318526568468 1.6317539832455308 1.4152964077927148 4.032221799337792 0.7396210914637662 -1.0067364990220478 -1.0508179582600476 2.0637365459241384 1.4511774497546173 -1.8188470994112829 0.9451886188837216 -0.0616734315186071 1.2833298580785375 -0.7831065893227724 1.246795763220645 0.4478250092409134 -3.051963453488021 +-0.7122710457144602 -0.1636053349589016 -1.423210832965341 0.6944670202271233 0.4661075118291881 2.050862482472958 3.980371402661503 0.5665031591034912 -1.4109184485306152 -0.9146221477411764 2.770029034844895 0.7018622801176573 -0.2096030282040265 0.1095379752601703 -0.0448486323951057 0.5368199214153357 -0.1817648347302158 0.0260813533896404 -0.1109334569052211 -2.5297056696988136 +1.1058026589755998 1.2368423975289389 0.6696010076746557 0.1216195355340873 0.3592507085718258 1.252769421328594 2.562838075012119 -0.4081874073476849 0.9696520239558198 0.4726425954613277 0.8390160918301359 0.2492415687896151 -1.3526083639087414 0.8259215190268875 -0.8768911265949811 1.2404928412161298 0.7603928379483684 -0.0645486574072109 -0.0913861105888311 -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.0479599735140343 0.8606793409068718 -1.0329576837869014 -0.443255669957517 0.566925412896605 -0.6924839825143905 -2.3352100606131154 +1.6003098364220656 -0.8358221545767685 -0.9167190483512092 -1.579626756200255 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.2216603324551457 1.1358041611893224 1.5972439699575307 -1.4158449042779426 +0.5149085796828722 -0.3680123445653042 -0.0581148116489227 0.0448955675138644 0.4261653227611838 2.040859324122451 1.23034751673836 -1.5049944986709811 -0.4371971543576366 0.453643689260885 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.4452329390508938 0.8321667114814559 0.771556743322263 -0.4440033509320901 -1.3875348789421822 -1.56539549166987 -1.8921565941804563 +0.2308545104192153 -1.1705778393780524 2.6963202333153355 -0.9726928269766584 -0.7483510750289244 2.409581039456249 -0.280423761659585 -0.0620913156384045 -0.5290700540882435 -2.751133475462669 -1.63581801668147 1.1054639855159425 0.5919111497728006 0.6376742709164823 2.1376505679510287 0.2902185834325203 0.2934181623763208 -1.5738193918778998 0.4437771025475934 -1.9187880266363877 +-0.9879138949788192 -0.8088777723022877 0.5061258665195821 0.7270303261075443 -0.0115663148052668 3.698548782481328 -0.1346571471811759 -0.2030633515341338 0.9016389422871502 -0.2045003717133404 -1.9474390869452605 0.7536275946966006 1.938174757193536 -0.4423177847010924 -0.5532174745069939 0.2145321536134729 -1.0973562659105685 1.038266098558028 -1.110208180030837 -2.756605017321156 +0.4824277297547891 -0.2258582328324209 1.043741638967233 0.6048087443690295 -1.2752517268949817 1.9448828090698096 3.2156117098396537 0.0137865193872948 -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.0376114898709704 -0.6747700743974319 -0.4625633970088276 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.1063335256657993 -2.171693809880532 +-1.1967755116549514 -2.4295176797023723 0.3167036139747198 0.3870371777892934 -1.1204523757761855 1.956141110004045 2.630137463567932 -0.6587389139629316 -0.513759922194732 0.8251451483606995 1.6814543313665948 0.1105813596284015 -0.7571697277410918 -0.1225212675745237 1.0026543173996103 0.5421722087175268 -0.1361535842230657 0.1102193031648888 -2.0386453095751422 -1.989043960216353 +1.3462585674702083 0.7028115130073262 0.2198558649711954 -0.4010587009409472 -1.308887493487653 2.137206180720852 -0.3228767900249094 -1.224299090814576 0.4846826213875297 -1.2957997210626115 -2.0706868748289 -1.973892244773289 0.0663141540731748 1.9092409154841556 0.0023343240954024 -0.0277759805238473 0.1020044668908686 0.7657621765312712 1.331022929503123 -2.192161850400663 +0.2733079367121358 0.5806339109169293 -0.2414338096436442 2.3272888474641213 -0.9131191448012164 1.0204290032253236 2.057557764180431 -0.671102314125559 -0.6377452285843679 0.6204095493915641 0.3945857596887596 1.062822561568195 -1.7212066202768637 -0.6344046248491861 1.0012100576801506 -1.278406464414494 -0.3615201043595865 -0.8443983162689906 0.5374245858818844 -2.2560769034526778 +-0.258075035673147 0.3305688317157214 0.7337521310390331 0.4654298750714495 0.3939773145507225 1.4062477323920712 2.625099212498678 -0.5573372373349689 -1.1405468562537375 1.9731766096411123 1.3204317147952158 0.7073287840761798 -0.4942297814860871 0.7205385135754632 -3.136401155923799 1.6447721177048948 -0.8987227870727439 2.4372053123947963 0.5436320841036598 -2.1532345973840696 +0.3388705658708576 0.8912041180142616 1.9061335090187863 0.0493930073949246 1.1677311325626378 3.735975767513264 -0.1695172709601 -0.6291472528718124 -0.0873973071999271 0.5745132260618939 1.8057198316187613 0.2055027967421793 -0.2466266904825908 1.2527805784715362 -0.375716290213163 -0.2014815147698252 -0.4819185482928284 -0.6262047696181615 -0.8205517147876574 0.7458760474954391 +-0.4543896746509648 0.3761030226557031 0.7769269078867526 -1.078499226469951 1.2136752954039092 2.118760219697332 2.556120154806675 2.2701416916282637 0.8922149110615465 -1.518486834789108 1.8634285919315072 0.2746884371143226 0.3223030617710126 0.053929476004727 -0.7694167013543226 1.101814923566644 -1.2053869962220407 0.6674605791491364 -0.0142050742226558 -1.7858587317271 +-0.1898551167550657 0.93987359671343 -1.117885324462671 -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.0557848448102408 0.42414656213638 1.6919931121623029 -2.599880676721035 +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.3650407795091813 -0.3667527422474311 0.0529231516785884 -0.1441668405180275 -0.7532311097071968 -1.0863259266574767 +1.2594327124305165 -0.3531530173974468 1.87412454586664 -0.3652975236207241 -1.090603618829501 1.596117927630134 2.131486353491063 -0.6500848814955781 -0.923492597452189 -1.260040444511476 1.387780088707475 1.3773897533920876 -0.1079116632678449 0.908733611206833 0.7370645711623426 1.3770136048699788 -1.612484237451667 -1.8837017446531552 0.2656196332740284 -1.5919299693726887 +0.0581325107399547 -0.4293659191730406 2.5722605642801835 -1.3396713047182542 0.6070628353930587 1.6044980841650365 3.1905491230796104 1.2934875344938386 -0.1425530979451835 1.3281086938411146 1.949006502647802 -1.7242495240721114 -0.713812151267242 -2.1668744712062376 1.430398112360383 -1.2641815787588329 0.6333998522189861 -0.0071284228203976 0.94285784332821 -2.2671723332905747 +0.0256483891356939 0.8358238093140804 1.644522041224392 0.4508956186694866 -0.0229123907204081 1.5825977607291448 0.8054453809477686 -0.8676821670239666 -0.2190834616614785 1.0086935005977753 0.1299565110957838 1.5720674421574283 -1.0267572937190832 2.113499462643159 2.47339186711012 -0.7522994743593018 -0.6208440064400278 -0.9471395367556008 -1.8973849598181 -1.2594524643016638 +-0.3689198276392224 0.0586971612682776 -0.2753476742109978 0.3646484796023938 1.0273230229064807 1.7505662981459351 2.1156183962158632 -0.8833317833728973 0.4867371588606347 -0.4742936863293506 1.2852262817450666 -0.0582143102294209 0.6817689526143728 -0.1408621636321074 -0.096676125604165 1.304003146783431 0.3773189490568138 -0.0052111582103328 -0.7566556868347899 -1.7151636746758576 +0.7277841274075557 1.4636016377544936 -0.6311818995441049 -2.0495600384499117 -1.2076149919103354 2.1813737838993323 3.594542332858304 -1.1859278063712977 0.8000125607067509 0.1298301129172989 2.521914153230433 0.6689689937382642 0.5338283128823416 -0.0150649228196645 0.4626071796756471 -1.689121878949801 -0.6296358825050974 -0.2849843425752139 -0.7168871413742963 -2.3640369851366017 +2.601279838480613 -0.2229213503062403 -0.0073807642691031 -0.1398576407584887 0.9935127984372908 3.1254259788666423 2.368461932623504 -0.4536720756862298 -1.06548859354352 -1.1989898296273265 2.93576739663758 1.650568675318627 0.2340284624846672 -0.7619078375693511 -0.7655393783346462 0.7409562050810378 -0.3503156770995591 -1.1575552771952822 -0.4550136737668603 -0.8827600174522074 +0.305838123428004 1.435984016959447 0.6841603131429532 0.0467855481223642 0.6617045481031051 2.328065146195231 2.874215681827974 0.1540768712344941 2.662490475575853 0.3037951996799443 2.164184566967484 -0.521039360914999 -0.5736756917784674 0.5852419194934416 -0.3400252886852069 -0.5389989326707573 -0.9477123987396944 2.174970682980338 0.7637808201264753 -1.9281035977550067 +-1.544663239392936 0.268908378497448 1.615607883175865 -1.7234864003597914 -0.9433201391261892 1.7488308524723568 3.772437871934338 2.297754688956668 -0.4616986143300177 -1.3234494888413986 2.5424423539783136 0.4448165614905535 0.8541805556545812 0.1739272368379798 0.7002297942536231 0.3536504255265594 0.2572420107054133 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.3803554330977924 0.1782323294711054 0.9179775837764292 -0.1589242153490245 -0.6187192049810583 -2.166986164036225 +0.1091330046509868 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.611991660974563 +1.4511282137834625 -1.12509668327752 -0.1116464506602898 0.4908221542808212 2.313440842159836 1.2258431046789608 4.635563193303908 0.7855199492933614 0.6189341681017415 0.1395724825083751 2.2151968606339163 1.4647093193316385 1.3540386142955232 -1.3178156156932554 -0.0189118238144817 -0.1665080561060604 0.624246542350533 0.3287232094040833 -1.0711328087871903 -3.534365734986116 +-0.2198379454434473 -0.7520437379239234 -0.0470080867243804 -0.0841697451697832 0.3172568692398008 2.1795928847909622 3.486008562728773 -0.6919811990807309 -0.4873478804951929 -1.6818968837028605 2.6933983428228903 0.6027414547266869 -0.4689434462292954 -0.1028709928963159 -0.4531119531786429 0.9593191853660176 1.4984416182126292 0.7847950591216296 0.5258250946138733 -2.0825698654581584 +-0.2965235432060221 -0.3240465909605783 -0.768109083038823 3.0529541706884147 -0.2196277173203828 2.356003561012099 3.2406369190864632 -0.2129967875910977 -0.1419528245327075 1.243498628623908 2.6410941593792563 -0.8788438644669767 -0.2671174515174104 0.1641494543961838 -1.3025958437785632 0.1083388516070868 0.0949218367819501 0.8254364314730024 0.5224865906360728 -1.907476578687147 +-1.0987915687060683 0.418052303740777 2.0104765939379217 0.2626306290647083 0.8250615817794623 2.669988625723742 1.702249649367344 0.0605239915060926 -0.169704871174193 -1.1561902993057387 1.9436395757921443 0.7113338639576827 -0.0620141606351839 -1.016559536241508 -0.3653322175700214 -0.8216013850139123 -0.1413840298367347 -0.7806499948496226 0.0453862344662503 -0.9150718065011842 +0.2770136024784632 -0.6274469311718494 1.6960811745711697 -1.186266735346995 -1.3206741131288062 1.707945037092267 3.001663185137864 -0.1949917654396313 0.1923613541754267 0.1713873777350858 1.7853024241884945 0.1586661743978847 0.5938138629096411 0.1543505900242925 -1.6691725067135434 -2.5283736487390827 0.2278934196495994 -0.7872510572919993 1.435494706289434 -2.2369898492485736 +-0.5126282664079215 -0.7471737588202465 -1.264255927762154 0.0607751510824278 0.1201115649503335 2.161556852241373 2.903693794727297 0.8834527803925559 -0.0983237544852918 -0.3751598385431052 1.9605924522500904 -1.1849451255078969 0.9564626156954672 -1.407486985495923 1.1673920632384982 -0.942183552075411 -0.099089448519759 -1.4219739518574874 -0.6853751920306654 -2.0999969831949405 +0.3078701016961946 -0.5564479920108842 0.0723018778327845 -0.1126908628565921 -0.1105364151600808 2.9630041872547244 2.923628644035186 -1.424438170885555 -0.2426953238067317 -0.7528468289116288 2.808496753716321 0.6542901201877552 -0.2755976238876351 0.922932543784097 -0.7982973678213905 -0.1873833367755514 -1.610649944953213 -0.2931599508464388 0.5294752632671612 -1.5770369827088937 +0.4276542109461463 -0.681385693664468 0.2605347615377786 0.1472468714295001 -0.2122650878216042 1.3165680338341728 -0.4488228241558927 -0.4569037792839071 1.6464782021605109 1.3662794383611565 -1.844815859266448 -0.2161880871335401 -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.1688814411473871 1.7119744676101676 2.64682810453856 -0.6874789204077189 0.0724396401028255 1.2470434628304552 1.6675700543505387 -0.5351408790533557 -0.3905609474116137 0.9320658353880262 0.1737307716148716 -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.1156641663455302 0.7326178253327096 0.5593975081524576 -0.1530954455594333 -0.7065477623480457 0.9106329075040772 -0.4632088571895388 -1.6791319761828627 0.2145422235466455 0.8220479526083531 -0.5007642976128601 +-0.1035491871101012 1.7281594736206258 2.002064783705441 -0.1398468564249411 -1.6662891057364777 1.0504030358920955 2.555165238853082 0.0433448667357112 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.0364456827066723 -0.135350435674647 0.9142750414975054 1.315586421647208 -0.822785479724611 2.265553143006393 2.8471193758355136 -1.4020993858389192 -0.1718244746326982 -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.42707317657529 -0.3725066725368915 1.4962661812884763 1.1349855908355289 3.045420433502172 5.211872691881414 1.1478783589728254 -1.2327157510284352 1.3973655565981609 4.73935174694369 1.3132254651151378 0.3163111766988002 -1.3980826073565942 -0.4241135433484164 -0.6590060978905518 0.8604342708859164 0.7777596259348746 1.796460234771437 -2.3902980539662595 +-0.3551250330788031 0.9911218366902425 0.8589398910444943 0.6411798596925127 0.3468351750307185 2.4326498779229158 2.6031073847436823 -0.2184699220570981 -0.9701023665510146 -0.3148242003295153 2.3586271041179225 0.8409650677808186 -1.3439104684209913 0.3396654517605355 -0.3035618427427023 -1.2195429166323182 -0.533243777591616 -1.0217452843190125 -0.3570155250458031 -1.4741479549581809 +0.5337757926134236 0.9906054340172996 0.1329540882960113 -0.0054050254003542 0.2933801467563825 1.4298666720149282 3.3231627762902143 -0.1766468282998782 -0.2982615162561695 -0.899714332076419 1.499974055765506 -1.0507862713414076 0.4507869647158279 -1.226340992737596 0.5442695624942787 -0.0284343865226011 -0.0725877932929369 -1.4260075824306142 0.1338660423380313 -2.7799591409914424 +-0.740453356514292 -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.1097462457747883 -0.7279652096751927 -0.8014186246580597 -0.3251353631195757 -0.5269152170010608 -2.583615302269392 +-0.3174738178008938 -1.8356259498501293 0.5988627963108684 -0.5019171791335749 0.2212096374128061 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.111935751813681 -2.156275033039426 -2.3571526956719837 +-0.7179057075240576 -0.1274097560484386 0.4725257050217392 0.0188856412871479 -0.4164122150844146 2.3596364849530658 1.705161236283918 0.4825139658558278 -0.1900603984395017 0.605294639573055 1.6528867619617986 0.5396788951330505 0.2869027168474333 -0.7364663514800027 1.25563771190586 -0.0256390159834177 0.6741496321693374 0.5462158383758914 -1.6437784646932987 -1.094753432603696 +-1.2628695216496104 0.119180653531439 -1.2346278008576206 0.2531467787794355 1.551433469203308 2.3537000928251253 3.664477336179039 -0.6331477268237771 -1.7695433837247796 -0.1647999273497772 2.8574163681600524 1.0802040441260066 -0.7659697128037619 -0.6336634851328513 -2.961579371739917 1.4941732279481983 -2.712420873286752 -0.6176127736001279 -1.445948690954732 -2.1836873518837896 +-0.1086165784039997 -1.1113143899161724 -0.3279133081403911 1.233019450658727 0.1211065443769785 1.872199882968341 -0.4549985193677535 1.5812439085428185 -0.3377141669910402 -0.7052349840605608 -2.2530794383766417 -1.050108501130314 -2.0828949891173947 -0.9650369080270697 0.9659310723796818 0.2114144026841658 0.9539162478560592 -0.6228822167376097 -0.8694400986582542 -2.1330641628444216 +-0.8742937048078996 0.0298959698975847 0.7750346905093748 0.6926013609552826 0.0955002042354745 1.70549943306672 4.375759156019916 0.7872795410262118 1.810113769572112 -0.5833558611432724 2.5474989452762618 -0.0043795633437833 -0.3659731586332138 -0.5847168713670012 2.349880116194758 0.6899863179510956 0.2776002538867465 -0.5931365213259131 0.6348241225918102 -3.077613663816643 +-0.8244287936000035 1.737922185382448 0.1212679859722753 0.0697373741747854 0.2855311845084124 1.930350972142858 3.905993872804313 0.2582478453052159 0.2248108010835532 0.4642100116253803 2.4736544424966085 -0.2147282098046617 -0.304078164011363 -0.0765376860263719 -0.6520725579977719 0.1173346943822692 0.3442617402806874 0.6791599858679369 0.186693120962863 -2.684318224425552 +0.434685186995866 -1.3395689876733106 -0.2284079201009562 -0.8365256636420914 0.1110327146853974 1.6356948173856511 2.7546540928913474 0.3579894057894598 -2.29299724811484 -0.0261983740542449 1.3942426752669512 -0.7926379786929826 1.288508669355623 -0.5644023829751291 1.5769668249685307 -1.2147156914906136 0.124580166607135 -0.2334264994514782 -0.8178855582980756 -2.2993324287497137 +1.0586150289506076 -0.9451008128244744 0.9516458505549168 0.1454022206394688 0.4864117001030171 1.9622288783428008 3.172885744161993 -0.3516652844661104 -0.8666392523368681 1.7469955381157765 2.097426991550094 -0.3394778258049207 -0.1170332920773181 0.4637339361350606 -1.0663091318548064 -1.8085557338701297 0.2872631215873517 -0.0160404161449765 0.173058737943344 -2.2168051071015733 +0.4611985919699174 -2.036026431999851 0.5989295766298353 -0.2742708701967454 2.162018290316954 2.183929576236221 3.9791108539914015 1.630689913577589 -0.758624989636667 0.6165903555515992 2.826483554607048 -1.272754480574612 -0.0263306133945103 -0.7382435701574961 0.2720737072346237 0.4055554589224399 -0.0814363332565181 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.093237365663468 -0.9836797818531198 0.2111976184357166 0.490629476026731 -0.5066215441461074 -2.006405087745728 -0.4904706631656061 0.241667690058295 -0.7153629788010654 -2.10725727384205 +-0.0089945613165483 -1.15596659591558 0.3175544480429962 -1.5012416510678277 -1.0273679732394616 -0.0088552057415438 -1.2232501595716163 -0.2308451940030602 -0.3051157197398598 -0.5011053275966962 -3.258667051056196 -1.1181660901735453 -1.785207732132177 -0.1491237731530383 0.406019800734294 1.1463945955132642 0.0338255473240211 0.4850706270276014 1.992753956339646 -1.636883817457564 +-0.5934161269477581 0.8622747085375272 -0.1173479460492102 0.0752812413407867 -0.3107499657021008 1.090331016557331 3.3002933449784333 -0.807482890613045 0.4559998188842976 0.7093436362748776 1.3970285548927608 0.975893142168031 -0.8939045193179023 -1.4528690382358516 1.357761160993651 -0.8711906152509289 0.2482364512357105 -0.0706803774650093 0.5999625136731279 -2.748035230092017 +-0.7233149741382284 -0.7113614920876157 -2.276566874232281 0.3878722624003299 2.4441295800076013 1.6084535424423556 2.9040553171441266 0.0302624594736134 0.906593390671272 -2.203174392711844 1.5096915335843315 -0.1631611696952374 0.691523900009898 0.8657685811416801 0.5015348851813863 0.9491320827746156 -0.7798588005707933 -0.6548985458746427 -0.8982826814427725 -2.3525105562044364 +1.241823541428592 0.8737583250055312 -0.1912724597172355 -0.035368473211549 1.36513871271259 1.2940124370246349 3.592981264452179 -0.3858262674500241 -1.2540222733631994 1.4189148099657742 1.7982943890522498 0.9003745620147101 0.8620190411209271 -0.4696172418875975 -0.7932459203176355 2.5928264362991285 -0.1574415729058688 -1.9671493098315544 -1.3986771191143237 -2.766950472599907 +0.6047497904207736 -1.3000057865886792 -0.3039890055774056 1.6967968864428324 0.4109317194801747 2.323639639465794 -0.6507001750121015 -0.0421702554920134 0.200654795344007 -1.0780937505960195 -2.711432323986421 0.146568012622136 0.5572462556408848 -0.2578403261778948 0.4080447438526315 0.1443207187145049 0.1246757155567245 -1.6797399528794326 0.375628766765078 -2.471979950148262 +1.5147601118599665 3.142416823319932 0.6289737596975862 0.3164667563335883 1.4621113315321983 2.324866058987269 4.033358892861964 -1.0955067851578209 -0.4556225167141566 -0.2003660814101038 3.289774979563968 -0.795079088508298 -0.0424684615583418 1.7756074364756211 0.5659406945130532 -0.5930939804035597 0.103935719190267 1.1251526836437182 -0.8295979442916743 -2.190104737179638 +-0.7599401952072544 0.0713505178160216 -1.6977262628197387 1.8392175893317133 0.6258122007098087 2.1074776003015216 3.5267962234943835 0.06862600596709 -0.6957191828631955 -1.292101461872755 2.527206707125077 0.4727876415870824 2.0323657459689373 0.7511789053185328 -2.048555001574089 -0.7973465176867899 0.3830361529570656 -1.050922197858093 -1.0428275328555003 -2.2607840274197177 +0.6564548420557932 0.753972771869133 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.2218214251918715 -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.659359584064821 0.6149657347953668 -0.8670313010730362 0.2454099684271204 1.9692506504070697 0.3343105556386946 0.4632056351419292 0.2401789152913461 -2.898054273372081 +0.8526061217676254 2.890569104573076 0.1251454488035542 -1.7931549186334916 -0.0475659104566871 2.3703117249021544 4.214386969493908 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.4172484068378472 -0.6469292140102966 2.148934386720688 2.519135594743286 -1.317311726747053 0.4145717087020752 -1.101276117296898 2.164459313997252 1.521629641575028 1.5874445561453852 1.4303235247854795 0.6178478569231879 1.156192973055907 -2.039652262581486 -1.457175983133854 1.4918725877685557 -1.474566094352015 +-0.3139065727141332 -2.714269287754568 -0.4617890824485205 0.451429479492938 0.299208886235175 2.328047263908473 4.721085791340013 -1.460664744062648 -1.075702888661532 0.3037546381512859 3.8378027329578255 -0.8505759374119342 -2.4566574243609414 -0.5335097714369801 -1.4769442197132496 0.4305633670515187 -1.7354548844106463 -2.0028486121607005 1.215284108701237 -2.4579651124937256 +-0.1298140429709761 -1.4413142970957928 -1.5849344480357987 1.0158836024869566 -0.3320340386013005 1.956664514870042 -0.094616074680688 -0.3618414915021872 -0.4516087866140714 -0.5034612938415959 0.0558797919379481 0.6494218187233087 0.1602247492693281 0.621106892753181 -0.97261915598389 2.3140782740687107 1.027558942868573 -0.820060678861694 1.188148246288495 -0.4265446765141827 +0.758665657732413 1.9399591801508391 -0.4595526885951058 -0.0631764186880765 -2.0592334784682835 2.3390807184674327 2.228751696531452 -0.773662108446863 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.556130251125983 1.1393793041484488 -0.340608532669134 1.0842796812525883 -1.330185257510295 0.4482523280748538 -0.5581253320925358 -0.6524413087116522 0.0150037853960913 -0.3843726758937316 -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.0588017605499959 -1.012771961634015 -0.6276062869786635 -0.7464147448023825 0.5652064873499985 0.8019765678193236 1.2163869723305234 -1.1087567421372653 +0.6653208502146517 1.0839488608395755 1.0306954546399998 -1.1681076317135195 0.2365592666662103 2.187996362843351 4.528886252190511 1.649787570620876 1.0013188293201156 -0.7902564124604601 3.318535677903331 0.4735359105884258 2.3365292964774893 0.4391844928271769 0.6912148845695928 0.0940687870850783 -0.0970487265929349 -0.6875833660891899 1.2149180225299518 -2.680433755246701 +-0.6305928666507002 1.6871680134696958 1.016972751097436 0.3214240472525258 0.5019921584751164 1.681828664698514 1.2052584721362916 -0.402122119619401 -1.151119297437061 -0.4984878295331263 0.0583021508525549 -0.5101066335224241 -0.2057177115992375 0.2159910828591716 2.188214622923357 -0.825654176514795 0.9834926506834332 -0.0010128690828829 1.4982652646098236 -1.8055485868146568 +1.3040789669478816 1.0844625393602574 0.6737142721013296 0.1747220367655566 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.155392766456353 -0.5832881378893574 -0.1245553642812639 0.2672893055279726 3.1444043147609517 -0.3925452102832424 -0.0868941454055987 1.124691587585965 1.2137008978706965 -0.4124830524661301 1.0658627814626058 -0.041542794429658 2.282015003171028 -2.4532903350748603 +-0.7000222184372452 0.3960135306667057 -0.7012707118709374 0.6996151731460488 1.3340451896089027 1.5859962843681392 3.6347811808391786 -0.9324936856873486 0.6693858092464632 0.0170173546293725 1.9228674678594209 -1.8766524615452929 -0.6605629398986551 0.8601897322860175 -0.5790904131664881 0.3599076514053512 -0.4598248277593877 0.0776340630747033 1.1901886777742632 -2.785952892323229 +0.1925095355332427 -0.6731099373392948 -0.8741470848721418 -1.6624945141475038 2.114744799841897 2.824875592270472 1.3514871484470607 -1.065127641744471 0.6661362979715585 -1.3234646636439806 1.9518214866404244 0.8975270340747491 -1.1472842259469471 -0.5005646741982791 -0.6733123550199571 1.2751695004942918 -0.0454946167649215 1.1003965378136795 0.2727088422956263 -0.5589036489993326 +-1.0982441366636917 -0.9251417807215478 0.2209811200699416 -0.4745319436080365 0.5721353630693963 3.7720164050953775 1.108970640091619 -0.5525942469986713 0.8940734059180592 1.0847946388169225 2.6977148989935205 0.5361128931933424 3.019294842147078 -0.5375566121780513 1.1252896580341505 -1.4507576228240897 -1.2293680187801523 -1.4511966262965583 1.3784189789640655 0.1215432196247925 +0.0686660374471452 -0.263463642531593 -0.1318974916551827 0.6531862599096141 -0.5020506768133698 2.1299282146645817 1.86176980786224 -0.2257425407172399 -0.5196381320454121 0.4630201498079319 1.5495319617611132 -1.290885892124248 1.0419113635496824 -1.1709573191924714 -0.2862416481535068 0.1720639747535488 -0.9112945963318956 0.2278046106804231 -0.9293990759304724 -1.2980874885817362 +1.1989600417808357 1.7899931265936888 0.3927654373805241 0.3659519755488715 -1.313604037781796 1.9471981971428571 2.291506527878326 -1.6837176651079804 1.1918154139601 -0.3193185374737519 1.7718823549209757 1.685793602498487 1.4099904176988087 1.2111890582458809 0.0261790965925425 1.2829159797794736 1.5026732752210827 -0.314565153614769 1.1240031030958788 -1.5214313253255232 +-1.3680471638643743 0.8484754659061748 -0.2974177826848259 -0.8926214424600979 -0.0797109108580577 1.9880793753905304 2.7739294972129707 1.0434148429195516 -2.201317085191371 -0.2278735425609814 1.896287371931002 1.1857369264504989 1.5577432866913192 -0.3086240797815435 1.5168601409139189 0.548863260483619 0.4985507282023937 1.0141176235924896 0.4231612450373291 -1.9615912404031977 +-0.2847497018236397 0.2739332482372896 0.3794408057760184 1.3169805607190643 -1.387177335591283 2.473727139595413 0.3012479981871441 1.5128218100911075 -1.1207116752222177 0.7039851760173653 0.730428680938942 0.6956400222664223 -2.636081532386276 -0.1961397689494153 0.0193197968898806 0.2165900544439877 0.2623168433418271 0.8203334468918724 -0.1876972580422868 -0.4022885495056232 +-0.2985796233471735 0.5187548131291775 -1.9906058462301048 -0.1581095039247433 0.1970499391469369 2.1642205832854096 2.2752686016181003 -2.2278056917219167 -0.2831103685595049 -0.3066669635420203 1.9149361018846185 0.4016653096825828 0.1604567169757337 1.160859221542065 -2.0185516654417777 -0.3217860243574659 -0.6035872238846478 -1.4495549655909947 -0.8291375657051266 -1.435583217459223 +2.47540326288092 0.0408954285276122 -0.1753368541002535 1.4092196233432566 -0.0297510196174608 2.428787754029732 1.8510989101608963 0.0674462852356634 0.93865026569665 0.5124545095876967 1.709015009841406 0.402025927627205 1.305341247541134 0.8212864248802166 0.8001645291610092 0.2374234510010841 0.1915305357139173 -0.985860063629514 -0.9698741918048366 -1.2277563897849395 +0.2081948772852403 1.7517437594780247 0.5607144546844195 -0.1898809235612777 -0.1927452611806469 1.795931837776819 5.022998923953971 -0.3642808924412975 0.6282573053935844 1.183437735191513 3.3281846173689305 0.518010787372897 -0.4629600229510797 -0.7899405925906323 -0.9259608246488849 -2.1163546304586336 0.764896692681848 -1.4140632763141217 -0.0412941305348532 -3.110591905669118 +0.6911808044849639 -0.1008289767254312 1.9635459854417476 0.0246626490285742 -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.4321916747361953 -0.56498290073848 1.5881264578157652 2.1998495504138464 2.8432732127125284 1.1789884377489663 -0.4052843326951038 0.9921642869972216 2.0261854952601084 -0.1909823078949332 0.4786344768371823 0.3834936757059923 0.6171703029692207 0.6253585062164515 0.7486363118767849 -0.0513901510815053 0.6334254238779335 -1.9826990294920228 +1.667989489602232 -2.037233186000025 1.7393483051398813 -1.118128148596682 0.0458515756068163 1.5587393267532723 1.2662764357060492 0.0759146096685036 -0.3128726349030342 -0.2520513558942058 0.3218048279321581 1.2084724426465732 -0.918061930171246 0.6627239850659097 0.1824963006149382 -0.101441872675403 0.4749966288250538 0.1683467838107305 -0.6407600035458557 -1.59352106979093 +-0.4377263906229989 1.2236723097184858 -0.2452545174667516 -0.45278395019792 -0.977123347420565 0.4800775017011944 4.656325341351739 -1.2402497287253265 -0.0371378920052583 0.2955148173906045 1.5456775609724092 0.2005552096055399 -1.4919961569272242 -0.074245881410981 1.1800088111770135 2.523557697148035 1.2051595907459638 -0.2487052991469704 1.2403641854703886 -3.9546469451613113 +1.056824356983944 1.3368660188978043 1.067539913269924 -0.0084940508167028 -1.238189250706712 1.468762193794153 2.560730716091623 0.9311465552112524 -0.1777554819455367 -0.4533832099532533 1.4449592161658138 2.000030838190892 0.7871711635862283 0.8377305802226487 -0.991018512084318 -0.8453947621731971 0.8678450295707266 2.5368203510779863 -0.9093402715698496 -1.984173773306686 +-0.6760496258178532 1.0595501864684949 -0.4762863636246103 -0.3290717949103959 1.9397305586530176 2.1229833368046407 -0.6331947283393462 -0.3927842244417309 -0.8697261019738578 -0.0564311718449246 -2.41927419633186 0.7520815627962304 0.4785849266755445 0.8362940412965827 -0.1721611408477366 -0.3339656536209917 -0.140310570469918 -0.7359282433099422 0.151771838793128 -2.161256546746974 +1.282853686274494 -0.0960379615941684 -0.0442559938514033 -0.378724766678688 -1.6210307120550138 2.3423175218441665 1.5280040970554158 -0.5571863078035735 1.6735853980253323 -1.6451193314557258 1.5743430164315044 2.211755383423876 -2.2050157879736294 -0.3607420915648294 0.2531503056097661 0.6085806248725811 0.0399866777598235 -1.0265454006017452 -0.054667633005855 -0.9628458668710648 +1.0355505085273036 1.7432013142975802 0.0744336619315711 2.205648009738012 0.2562681577349587 3.067308660091407 -0.6283350502319134 -0.2340595666463652 -0.8273900033487992 0.5301436405611516 -2.9247187492251063 1.1479528764105715 -0.7829967999878358 0.0765388259887313 1.0257458327152251 -0.4592327754813849 -1.5687186493019225 1.024760160439984 -0.3039778377639733 -2.916866505627278 +-0.8339521915296145 0.1591666959602908 -1.233374853100237 -0.1001227324617002 0.1434261591448769 1.4764903027920036 5.096510533809694 1.66975093938801 -0.2706214470092847 1.2170454876639618 2.5717687708798573 0.5119794604263994 1.2506431140952117 1.487758094566537 -0.5671223468770306 0.5480026286101981 0.8793830714285132 1.3305160547979835 1.2637689744511913 -3.798117309886698 +-0.1047077509891283 -0.9192997520077136 -0.381051608307064 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.838715447837946 0.878902153917521 0.5985217203946354 0.1549716697486959 3.299313139808796 -0.5153276263524342 -0.5039987773720106 0.1322621576787949 -1.3698276113730112 -0.1970927094617465 0.9618041467756911 0.1951421859981675 0.4436378368916704 -1.0755077657805554 +1.9032977940007147 0.2569525368204035 -1.924038746724341 -0.0566044341227675 0.547794454889833 2.9525770500558712 2.053731909323557 0.805139665283418 -0.8443164196778712 0.9349309881694172 2.317633545140509 0.6476103979814195 0.8069174998324885 -0.4419137492014804 -0.6037585430274496 1.060582064014989 1.5413680450770852 -1.8054475902676392 -1.2644700868032213 -1.049006745273816 +-0.2614630146781395 0.5035209144983425 -0.6257097131247876 0.1287337084077788 0.0879947725754359 1.5884397989041334 2.4454222263303773 -1.382720250932745 1.2454838439683764 -0.1929486700982859 1.5661735857242165 0.0472637212753939 -2.075096036426442 -0.6310514383798553 -0.2275501793467542 0.4040176875346362 -0.3938606501527132 -0.5469468409493091 -1.82667847753962 -1.7779167016789934 +1.2347070987709132 -0.3747470574350937 0.8091650423940262 0.617387841679817 -2.924629414989381 2.052015727185605 2.137356517565275 -0.6121952611088145 0.8308450365656047 -0.060608169118273 1.543854418117815 -1.544793937896965 0.2850494942701719 -1.1175449036596783 0.2544732954056604 -1.033773120298472 0.3838439081968495 0.4956962202621653 -1.4028491429454335 -1.5903105602010963 +0.3929904400394486 -0.132320929802058 -0.1293965629685568 -0.1088891837400255 0.7809435283393922 1.4426604629336284 5.333670775404629 -0.91251111167176 0.4136795834460464 -0.9928874820521508 2.6405392686621454 -0.9494566443610458 -1.3878857204541983 -1.193785701940845 0.402699425817026 0.4402832222459207 1.2391682719919104 -1.4040073315959227 1.708826977944106 -3.9913362972876367 +1.3117189168508083 0.7923476290545615 -1.4586370926348016 -0.1173214353050881 0.6982874764793926 2.077817683378868 -0.6714583934157332 1.2295566357585064 -1.7914219970664336 0.4239452184626243 -2.643121973388702 0.2208980179506335 -0.3780089701444212 -1.871707314540048 -1.0330686870417145 0.9526434971476236 -0.0746037488236453 1.1847373564635066 -0.5718599122219185 -2.311904097965952 +-0.3203876852115148 0.5222756467169214 -1.0924045379614735 -0.5471893152870252 -0.9405083419143954 1.2439112681500677 2.5951479707340948 0.8985571547671983 0.1395744312775521 -1.86845603815546 0.9763767337572122 -1.3127136210663353 -0.7918223994328715 -0.3406844913353719 1.7261898367751722 -0.253823207863229 0.2521997360564983 0.7432687650479612 0.0150822786017374 -2.3895008515584197 +-1.7708395446809917 -0.1555410610506815 0.7598426136038272 -0.855885011618656 1.0147388394773549 1.4699705452441192 3.9860264733620303 -2.58388457584811 0.0340483165663025 -0.9346200570136576 2.016816222285944 -2.014350889722257 0.082266492779984 -0.648408283190475 1.542501718054822 0.1044608638531696 0.6590488018122427 0.4011249431567942 -0.8069269225136624 -3.0597334165495407 +1.016954847324003 -0.8534933987228832 -0.8236427146821849 -0.314095953555603 -0.0733107812450244 -0.7178684641606452 -0.4930931936234877 -0.7779280990283253 0.9591219026974328 0.2146464155456469 -1.4020935839594362 1.664381295938982 -0.4217138734114888 -2.3477576345142195 -0.5909250570674568 1.1228155604581922 0.817183254924087 -1.4701239568775182 0.701402288750227 -0.5282930730212123 +1.3451933411963193 -0.1415725946876898 0.1283912050231584 -0.7026943396708188 -0.1098552804117777 1.913542850901252 2.3764548256944726 1.6818733117198843 -0.0905858530084708 -0.2024687484930349 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.941501295533236 -0.6357090864892068 0.7948086845367235 -2.035846549401073 4.304206631034277 2.2659312604701887 1.7898222068450624 -0.6780050512771322 -0.3842631113919376 0.9714088912530022 0.0104451115175435 0.571759492882404 0.1762226371054182 -4.325826072279469 +1.5035498233873772 -1.1266340697652415 -1.160209084079537 1.9904624474601016 -0.9594759542945116 1.202612779159517 4.34086569470854 0.1072468063932464 0.4193268498017241 -0.9924893136280843 2.2330164642778048 0.4982858042599603 -1.4963251422503314 0.1234955844320798 0.4106360991289069 -0.1750662257979253 0.5176584821942305 2.2599417832406057 1.227758541302921 -3.1791588462312967 +0.5758733698283545 -2.3559034027651924 0.0749482752181752 0.0821770391282812 -0.3346636789288295 1.150126101549397 4.080980244177029 -1.5203049972810572 0.2432116850396569 1.38360574359016 1.7830192353412029 -1.692743205513163 0.237484194464754 0.800377516472027 -0.0787256968885793 1.9800999358815223 0.0790546365749766 0.8769857098137989 1.4195769589653744 -3.2874724566396427 +2.191915536497644 0.9770610894666886 1.9980248265111704 -1.014999403884577 -0.25581427835027 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.0600028684781352 0.4052536215914813 -1.2446728048958091 +-0.7701345740416514 -0.1853571719508996 0.9293706675084348 -0.2934849935673024 -0.6782373538164788 1.6007027207258857 2.538068489149596 0.4124185923634923 -0.4079421104237017 0.0665979494875601 1.2361315596231046 -0.5992566302376658 1.0610655699620557 -0.4614801561999359 0.8301277462197238 -1.5866016107872152 -1.471526459444944 0.3102246409046322 1.5400647970862402 -2.19141275687635 +1.0857819228759835 0.4286016082624224 0.4602735315742538 -1.0147204085202293 0.9210388903133988 2.897680647847321 2.1955097892350937 0.1993960986691006 0.3750544069026217 1.7539954923384835 2.5123135924924167 0.7053606334142208 -0.3533739759135356 -0.6541597859314465 -1.815639860590631 0.1065415574427726 0.494193863685917 -1.7303156932142567 0.1535515301863489 -1.0119903369678482 +0.7223674355662362 0.7211769163768268 0.7907944105539868 0.0533533371054811 0.5215504044789233 1.3836847221099462 3.4480661154608416 -0.3855614689496804 -1.1356581143437137 1.3463831865321614 1.7257452924580856 0.8265243145744323 1.8606123242982255 0.1838171720959635 -0.5988614099729492 0.3783587477915803 0.4957844576487973 -0.9531572495513264 1.555823017556082 -2.697767903230436 +0.9679896046445294 -1.473271090908861 0.3095124990134438 -0.6217728414560036 1.6016693819733792 3.0540275999995137 -0.3460289025765282 -0.5189664701037171 0.2156292971486798 -0.4791841776000365 -2.4172075128048176 0.4194125677717994 -0.8643923437020078 -1.7976215361285763 -0.0896555466469995 -1.7279303200931704 -0.1176563456275901 0.4382610238683399 0.1271979987276888 -2.7608951817986034 +-0.1521418475690867 1.8133234038956885 -0.6235485723380785 -0.0665940939832809 1.2731466151303683 1.135840269541848 3.165286285210471 1.6958080903003487 0.5333967610173722 -0.3001414738492798 1.300322188791132 0.8771313767103998 0.964613594064718 0.7942085703489689 -0.2194471115035305 -0.4376761994279888 0.4842669652544189 -0.0049694379863327 0.0249054382504272 -2.6991711754507253 +-0.6768528147174994 1.6007834076844003 -1.785040300039898 -0.3519228848999216 0.7035609218658003 2.7031226520487364 3.0150381641121933 -0.0695721541586451 -1.4285344105635516 -0.4771861957853329 2.6155697580534047 0.5325344220414974 -1.2308369874242666 0.1042376811753165 -0.2942121614140048 -1.3430571929433248 0.0502226359051276 -0.8882786693698044 1.456233380235276 -1.7808724899238926 +-0.0621968452364799 -2.039380765814604 -1.9187498383786263 0.6809357333812978 1.5800309031284612 2.661230435137157 -0.1908620020983304 0.9024014644495402 -1.0895165413682129 0.0360971028894668 -1.735682767027265 1.427177490136624 0.6317958443905936 1.6544585543611376 0.7665407197203576 0.1194150861676149 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.4726179262845775 0.0655698310730232 -1.6999438322204212 -0.095229451537125 0.0250128476412327 -1.2295355596877846 -0.1689052292041983 -1.8270841602322132 +1.0297778662166022 0.5968631197886234 -1.9568731157664228 1.1893369592004637 -1.1064897768143696 0.8885014792359653 4.45916865004843 -0.3342062435336509 -0.3330038067573859 -1.5751380927695873 2.324171331992144 -0.1018374923920524 0.1995983441553254 -0.7232747312803105 -0.3446169662488144 -0.6344809937321313 -1.828195485706612 -0.6257061995869977 2.008990290656558 -3.1340791259909766 +-1.1783073691443091 -0.735347368237899 0.4219600304803974 0.4047306909980073 1.497187416736598 1.7065469446892714 1.878985488857048 -1.5536971318121526 1.886356009452544 -0.2717595481962002 1.3234686614674258 1.5242271931896567 -0.1853377681091006 -0.5276353360707262 0.9770316064498096 -0.4624608055040842 -0.6102904563297964 0.0594379969961668 -0.3448969787223161 -1.4002060926324282 +0.1000142546504714 -0.1124868468154301 -1.6124263649729564 2.0065266345648163 0.7056018539692961 2.0013354370364094 4.224106907598218 0.0820636738010749 0.2600974319572678 -0.722456984523736 2.983430454712789 0.2479400553741414 -1.250990807784816 -0.9560221837707406 0.4330320108730104 1.0189413792845377 1.722151790994507 0.5386992842698618 -1.1389390519049107 -2.591746007588043 +-0.5378651637628333 -0.5810228583627944 -0.638828165839942 -0.2389657101034409 1.7220851585171923 2.2916794838099035 3.958560997892698 0.9962961932702168 1.0483291780400184 -0.6853929770358876 3.077423235974946 -0.4065130743042882 0.4052102941283124 -0.5359158081023793 1.6094503753318656 -0.096280173295627 -1.3098280423821238 1.0585537408217718 -1.2180202886954103 -2.292560337900599 +1.680559855906176 -1.7873310479327926 -0.2353959528323562 -1.545036673845409 0.0776467533496451 2.081293306130996 4.139452902520169 0.025351782471595 -0.724615065970376 0.6540311060195129 3.0213959338532077 0.9061672103520724 1.2219215111688664 0.0679271943627504 -0.4769500943680216 0.717680422244921 -0.9309023940720034 -1.7122357535572896 -1.1490596620662132 -2.4851945764282988 +-0.8874360483296729 0.1984940272601245 0.8613282851329194 -2.011543253722156 1.8502268490554337 1.333581616742887 1.5472341534167362 -1.5124374047638895 0.6904862198074659 -0.8999642116549436 0.590533721243814 0.0271340759844673 -1.92416704194715 1.881244934038946 1.1752931069347872 0.3886088799469722 1.5211394174202164 -0.0274882486726241 0.4129958736831168 -1.593756294727677 +-0.5636058204922485 1.2832265810344736 0.4221739796152919 -0.226669654960838 -0.1631688396889533 2.046825819343632 4.889670456662167 -0.6343118999741365 -0.3214045528644634 1.0184410472113357 3.6659874360135727 -0.7019834181988128 1.7180594748472755 -0.4910629497834292 -1.146030829594674 0.0573642153798509 1.03813919278987 -0.7201558565015309 1.0843844852192437 -2.7227620157337435 +0.4980775274674904 -1.3337638601061106 -0.6504301707264595 0.7187459961417263 0.1258990497575373 2.270370382575876 2.744806627365385 0.8945886300271161 -0.5984570699719595 -2.296700276253833 2.4505143938699603 0.3291021366063392 -1.8175507064734897 1.4503885262516467 -1.0179394793566443 -0.0222135257818824 -0.7079088559256078 0.6073543713907952 0.2713858540944771 -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.109043491970075 -0.5042899345153676 -1.2833018812979011 -1.2773962771782734 0.3403733921013553 -1.0587406722483097 0.2192037524889165 0.3303470857952149 -0.7545838243561365 +-2.2183197097665257 1.1428038180473756 0.3476696442277431 1.0999547969577297 1.6022620535841692 0.9639325995114923 -0.8232907319560592 0.2253516818779526 -1.4223995603508417 -0.0919844450972479 -2.8498514297798816 -0.8096146211848197 -1.6668439340272987 0.2123223087029958 0.063131679049277 1.7713936990171932 -0.5240968209643215 -0.5118180657211101 0.2785910808830476 -1.9994396880647536 +0.7779207036186429 0.7713352696334365 -0.0903667369888198 1.5191326504764902 -1.014915055254843 2.240659236990416 1.6042588226751864 0.1211391987778111 0.5399596359888125 0.0240187345450445 1.5135346981235744 0.6171281716306359 0.0908737529892593 0.5859866223664421 -1.4492751006123588 0.278202828151207 2.0953939187451294 -2.3497396880069283 0.4754568025064702 -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.0682204479189468 -1.2775670598474242 -0.0349064966007434 0.3638284003037317 -0.7446904022169872 -1.1117153671260604 -1.2833885947846857 1.7691564863595175 -1.9856323575658883 +0.755301486948179 0.0512398201449895 0.6056833687707719 0.2323548426918234 -0.3985845026570925 2.4695018638003208 3.3046082426877152 -1.5392214393660082 -1.2437671101209755 0.8292264893879323 2.7651426208798178 0.0835616361574694 -0.6649571261557049 0.2015014386760767 0.439973602500029 0.5489623599360979 -0.0590626389350197 -1.687246455409144 1.534455444547992 -1.898580683142116 +-0.7387801799857606 0.0236865780696027 -2.625874798862845 -1.9459687628385172 0.9914540780179208 1.4880198074051147 1.2035642348968054 0.434497004710047 -0.4100558243529245 -1.089843435876354 0.4876682346468834 -0.1893919755857664 -0.5127839227854989 -1.113917727960026 0.3579501550116306 0.2853938346560328 -0.9194963639486 0.4703488730087941 1.523464505207929 -1.3482389772686028 +-2.069726154052854 1.1181168872353895 -2.032344763581566 -0.3544243443317881 -0.0585850883019801 1.91326706277381 2.2981668494863445 0.64055790463222 0.2755906572218964 -0.0246902061651144 1.513480662620848 1.896753155004688 -1.683668423250224 0.0981729257773546 0.6443479245202423 -1.8977526103997429 -0.6438440463558295 -1.0090913361600102 1.855057703217202 -1.7579992696068265 +0.1379356906026982 0.1764966407458776 -1.1429693034706114 -0.7815581493870771 -0.0873387703770955 1.511006255837344 1.91354988834078 0.8530775986080076 -0.7965840921101351 -0.6461368548305794 1.0771058321980982 0.3085122445814064 -1.7483318600304123 -0.3148177747331888 0.4386606526200204 -1.8298364547056591 0.0041032772495282 0.4948933535257944 0.2320958669993361 -1.608742848974897 +0.9394363508641312 -0.8071016514985924 1.1256810738635628 0.7522414325353994 -0.9868449888129146 1.4056069041620336 6.201253242659822 -0.3261428526339684 0.5948965720180931 0.6298709459523409 3.481746841194037 -0.2370991602921483 0.0419578875913979 1.8681379289739604 0.0144857558044321 -0.0556710464145379 1.6716673939481426 2.449707233714025 0.1688346423539022 -4.178245285324356 +-0.3093883080427019 1.2791140267292154 -0.2854969454989862 0.1082222068684099 0.7849739697330061 2.651998043068872 0.9819972177605052 0.9166727191470638 -0.7431500975929479 -1.1873500231620022 1.3305026471377264 0.6294892463998957 -0.5238062419846695 -0.053080527047871 -0.6189343371852453 0.9603647064861782 -0.072081923025332 -1.2893410115766268 -1.044145857499774 -0.6664420570268517 +0.1518830191823206 0.3637492859947632 -1.4980483443964203 -0.1918441690819215 1.5886709865834137 0.491057603523481 -0.5928646505741548 1.6105654736065005 1.2529613295863375 -0.2023129200061188 -2.2104556150892414 -1.5478331679570747 0.0363781809719466 0.9401750146604404 -0.6305885835620778 0.8631881288030407 -2.0668934992343546 -0.7224676916596977 -1.6516461456203326 -1.525612604651429 +0.215603388898086 0.0676942085190984 0.5731534076418698 -0.2553017455023639 -2.5438809440773453 2.444500597475184 3.1197352424645164 -0.3908163895610442 -1.695926007476809 -1.2085406941480803 2.6026933513240524 -0.1930006151088123 0.3731489072317541 1.4665345207166116 0.9342300479992968 0.2203764470116778 0.6598516689309725 0.5924984215295475 0.4458589168795207 -1.8333647270354905 +-0.197352684246694 1.201024838765764 0.080467506853438 0.0676069308659253 0.4113153449991444 2.2670952622024543 3.600243486030845 0.1133123600273094 0.2406860096904552 0.2570849380301977 2.6301118636443324 -0.7360622766045185 1.4669618480001918 -0.3845944417198258 -0.2544111730946695 1.009643521053483 -0.8221197210069986 2.2423329228504665 1.303336365752378 -2.295912894539909 +0.3157096864203656 0.6434192233617501 0.3900712140736337 -0.4401550013417761 0.3932647241292976 1.5357843167622844 3.040333467237497 0.8265318592457218 0.3400004522580762 -0.1758459763792983 1.4665185958218825 0.0786248672273515 0.8542448095717428 0.0586368929128429 0.9663018063926588 -1.1632002035523632 -0.5216681405539279 0.4262205426251896 0.5039947066503373 -2.5241790738053944 +-0.7275237597699695 0.3276529214457577 -1.3224477471745333 -0.1353210938310171 -0.778698074284397 2.7213941961059303 4.073790774722647 -2.043660555930765 0.2141925793676822 0.3138626336946156 3.831613796760844 -0.0146772315208582 0.8853870999230647 0.4116420774420675 1.6280652061770338 0.1805292381984344 0.277030189641092 0.7769336725785939 -0.5364575947101988 -1.8525358877628717 +0.1220342555734763 -0.86967399211807 -0.185960516280844 -0.0082714460987647 -0.2302768217306137 1.9869058602048772 2.463643164939625 -1.1250854827130463 2.0773283755819074 0.5009080117710527 1.717595534158861 -0.4835815427430094 0.8073328505883764 -1.7782002769429377 0.4632568199084136 0.4447002357947928 -0.883076941848554 0.2943735204090604 0.742225465268433 -1.7773438029114286 +0.2867485198558182 0.6770190448971434 1.2917776455944836 1.762062623848641 0.2470291550130782 1.7435626997520794 1.278138022291112 0.3147734272928696 0.3409619791154886 -1.036456105820626 0.7246651979670073 -0.046502546623284 1.997740427143905 2.039763533752577 0.5130478237122792 -0.0494552306679397 -0.3504516531530212 0.6013918761901531 0.4199176289053374 -1.2891722843057587 +1.880507126943784 0.0440384160061751 -0.5575900715534121 1.283532027689582 -0.2240192914581777 1.8470955984882889 4.993367804504495 1.1909970460532608 0.4477906242576321 0.4710273310613657 3.3078460223618658 -0.6606917180056735 -0.5153598680864947 -0.7868000181916183 0.3899936775969918 -0.9825092814933194 -0.6610088402291131 1.715940886283959 -0.9023813510268888 -3.11135297663591 +0.0279253250025261 -0.3544549213966414 -1.0327328916075296 -0.6827522418568164 -1.0657986358599754 2.860088488514135 3.561747073973573 0.2143897242582434 -1.0935706350060224 0.5987363716135893 3.1332370774917777 -0.5412899064841306 0.4538249599681633 -0.9275210338055404 -0.1459793832747744 -0.4392803533805919 -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.135156345306513 0.9555050136138216 -0.426992945785569 2.138777022362779 0.2723184595715041 0.2972890172751824 0.8581412869497096 -0.4351550614166491 -1.0674536744227254 -0.8132401719206843 +-1.3152539737693658 0.0473938896420821 0.5667176906282858 0.1672364544803496 -1.3237156046414544 2.5576869458278955 2.970895813541885 0.3680057201153479 1.6753411364337387 -2.235192749512666 3.0193747039169194 1.635306712078988 0.0745371924705802 -0.3316821738414471 0.121483842470154 0.0126713488668621 -0.5792108700037811 0.6156470679976609 0.6011935845440075 -1.3138953376368692 +1.0967474642963038 1.0583106032892968 -0.2932247084610276 -0.4373569447154982 0.1902194368062005 1.7638450643948416 1.5260189902998962 -2.715031364121287 1.6033908683122375 -0.4629741297634331 0.7141727170286223 0.4965528075339686 0.706164497010648 -0.4932992000995075 -1.1420927759266386 -0.3209969391281798 0.7550520287737073 -0.6201680673888945 0.0494305738140407 -1.584009522381633 +-0.2043740290778943 -0.5848735507329891 -1.266061266061325 -2.141210563574788 -0.1133609505061956 1.6114773802630682 1.3610427632017357 1.4208028048501966 -0.9734315640369142 0.6874744992871852 0.7288294907426232 -0.3723236751646359 -0.3855861348190725 1.744771398698905 0.6676018956526676 1.206620705859154 -0.1483284539541147 -0.3852071337702664 0.038607272703908 -1.3391740659130411 +0.898264466223496 -1.0723723075047915 -0.059348734414621 0.0394725511715382 0.7123627111010281 1.4722972114366517 2.023850790289881 0.2750205182395313 -0.0132634107949488 1.1520885276580854 0.7677638330743906 0.2366919811609567 -1.0068960105261195 -1.125991281704447 0.4537169562734024 -0.41378718528928 0.3544820105776354 -0.5620569423503952 -0.6784990064495436 -2.0077175515587933 +-0.6464571677462706 0.6029902954974177 0.1374185806416138 -0.2006675802348722 0.101128340234901 3.7221378517165937 2.838217875244881 1.3426785310393314 0.4703405384984419 -0.0409813670718289 3.5879739511839395 -0.6399266751797357 -0.0931412710446554 1.4750018269383505 -0.757791805206929 0.7179982428753898 1.283253926201004 0.1001948471339298 -0.9581785987149996 -0.9861786588532084 +-0.1792102282097949 -0.2430720691012419 -0.4432965436003182 1.729409033134315 -0.5693683288898782 2.670744095512513 1.1832111328873138 -0.3345336791496526 -0.7742733216539114 0.3825038539007794 1.8696181216137688 -0.1971776236013141 -0.9581313649195882 -0.5074841538888902 0.744775785405354 0.0272369134666461 2.0490508317014307 0.0906544478666962 -0.7612414363929269 -0.3994927582733083 +0.708502980183113 -0.5165422902979472 -0.4552454942795159 1.1049919700486963 -0.060706168271361 2.0346029329474487 -0.339781405462763 0.8003141854541495 -0.1789394303325561 0.3152631395875264 0.0767172253954879 0.4521287803813346 1.3081877818163363 -0.0408075520127228 -0.723149688110495 -1.0471140386713007 -0.2727829572182473 0.1960458124947975 0.3320713948465607 -0.1545434658897655 +-1.4668863318064955 -0.0909466990360434 -1.836558674830654 -0.8878677534469062 0.4612306405241286 1.294101904776212 -0.1693085109457559 -0.2780216310689503 0.4979552842782295 -0.096995468988408 -1.400403805710454 2.36691539974069 2.096291049418673 0.5774142603356576 0.501349604167081 -0.5020349419645317 -1.295504198042298 0.444162858562082 -0.9438755315226056 -1.4925644143092915 +0.371498041230213 -0.6463515871348835 -0.8637309103264056 0.334638129097233 -0.2365563243716544 3.868523963317794 2.452898604423741 0.6606380511424897 -0.200518685822683 -0.0992557223818733 3.393403803710198 -0.0706030062182179 0.4313946390129924 -0.8615572139979175 -1.222135418828377 -0.5581068852300717 0.2601277990921944 0.2167325111286454 -0.0761933342184684 -0.776260330314088 +-0.996062263825902 -1.5196417447239177 0.3076885025976186 -0.0531348513930923 0.3836724432642003 1.8185197263980808 2.4837449172773023 0.1994580750964634 0.3307594171271862 0.3993298148369343 1.2707978066525203 -0.6343339609112488 0.461441807706143 -1.2477946235895987 -1.11226742988765 -0.6352110834695488 -0.9236285743799636 0.6701105940203763 -1.4391476664834393 -2.1632635067475805 +-1.0044321626117092 1.4605327954560388 -1.120598101476901 1.1530168264477374 0.53609309193676 1.9695545102854912 3.3684008196253634 -1.4275442634696585 2.311152469250487 -0.0262601200784167 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.47194936101179 2.0800651428816432 0.2709324771380545 1.489015853863488 3.150527493402535 -1.084347200494334 -1.236435708514105 -0.6841091223361838 1.806545821796996 -0.4813102976305212 -2.052926264500722 -0.7281705495994516 -1.121098156487745 1.2038723286177817 0.1222554355187666 -1.4784880270991805 -0.9819900574476268 -2.31948243177366 +-1.1401566940048464 -0.650081809431688 0.3378379274432458 0.0340991829890117 -1.703449922485378 3.074442127968239 2.3579363704637304 -0.0238713809733155 1.4666137260493723 -1.1801322694756045 2.870547021307185 -0.004999435412856 3.4127574847431754 -0.2729303811081295 -1.5604466639516867 0.0120172870343004 0.6090767875603527 0.4039161992656391 0.2590068648377004 -0.9160494158189664 +-0.9592667382519148 -0.3572389263806731 -0.8984683262992555 0.0120491150357735 -0.1691946286862242 2.106414276464541 4.407253775229526 -0.4063463396035063 0.0204547678101245 0.1311660279074676 2.895491882828315 -0.0526553735875488 0.9338273833922878 1.0384430044574802 0.7238932447702978 0.6617523925338565 -0.0565776012524336 0.3418870375315848 -1.469331774651078 -2.910743846816436 +0.3126108095180337 -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.0073040287835372 1.1372898858718157 0.1760308531409616 0.9895466266934146 -0.3280730824721745 -2.002079764680017 +-2.0566470201273424 0.6522321673898922 -2.1916799060296563 -0.5007323083499854 -0.6406026908296573 1.441954804114003 2.875519409752932 -0.6734775293759021 0.762670625587138 0.5020124075873403 1.4597787068260375 0.8702490196297611 -1.0805392396122608 -0.3251934363380442 -0.9547692662974372 -0.8492106639324543 1.2531320577384726 1.2920687987635875 -0.1104846544384993 -2.316829199461857 +-0.6912590099100736 0.6609525791866946 -0.918988675517003 0.6036688884208299 -1.1428652314988472 1.2262821809910056 2.0169245896909054 2.8022165992553543 -0.7381810651751289 -0.1139239307577011 0.5833692106099575 1.5556725387757264 -1.7509143810133536 0.710401684020095 1.4807152863659043 -0.209123135564277 1.1616873088629838 -2.3654615113387853 -0.7922804072524127 -2.097093199529288 +-0.0163256591828519 -0.6183055444853768 -1.159263079089029 -1.4303550879907347 -0.2806919991474709 2.124388098632916 1.6951821208174769 -0.8716165521678049 -0.3325134225475193 -0.2738640478027743 1.4788860902136711 -0.201208090929832 2.311548044859444 1.1017628776236508 1.4194572000947938 0.512700384954193 -1.867727607756348 -0.0318616131133377 -0.3430761604533411 -1.174287965982148 +0.6295553037981443 1.684047938812376 0.6479211346917813 0.0970569339195095 -1.841591365123867 2.6791785586258627 2.2329367156884565 -0.5420374711874163 -0.7195766470426781 -1.3097920475738625 2.20134509757762 0.7071636688327757 1.051907911790926 0.3437014485016099 -0.3771558165576189 -0.8865508060575107 -0.8040672721077246 -1.2663894308119192 -1.4247577765334103 -1.276694753204175 +-0.4587179019990953 -0.8679960709357589 -0.2938096266255055 0.157434542654159 -0.450213630842127 1.2563656752980072 1.9021812611559583 1.0716810713696516 -1.2472831587910842 -1.0912392866371223 0.138873798314407 0.538083085518758 0.6774827761390336 -0.3993681946872706 -1.8857423948542476 0.505937721552417 -1.1143092264526715 -1.3709915040445322 -0.8752921492050035 -2.388391217123237 +0.7470096973925024 0.0106879285374871 -0.0722516665365178 0.1680501111005866 1.5693692501117946 2.575165082157587 3.187520084987634 0.770365266507789 -0.9575914883683964 0.0654892022983044 2.8032124627359662 0.6486060547911995 -0.3926301405744863 -0.604233378251936 0.9408971475659552 -1.6816399227130647 -0.4123550037398672 -0.5299309135880819 1.0745494307800112 -1.763101172133547 +-2.088966994676032 1.236457580964869 -1.8535216750467451 0.4391039403800303 0.3319118806763949 2.085621524727778 1.620792701041209 -1.150451973087763 -1.3481767386626249 -0.2455063090430947 1.1967070860879958 1.3588785998822577 -2.614482225545444 -0.0277972232404778 -0.2633219027457806 -2.875269612300505 -0.9747463208820838 -1.5841195865030742 0.4282378023863565 -1.340177093238084 +1.1818591909429563 0.010940207954605 1.099174926817534 0.2646245623054325 -0.4370195820203343 0.9099563454566488 2.4880020534621274 -1.1845367532960118 -0.5740496722310894 -1.2828370363223902 0.5036475673589413 -0.1247284711395404 -0.9017786349599528 -0.3557530305362673 -0.7205754485859236 -0.3791907051284256 1.23892695413196 1.3956603010970294 0.7953793068492945 -2.606687963075196 +0.6001306800348731 -1.427664018242596 -0.8128431040977644 0.1861963773309323 -0.4460717126757111 1.461537881340116 -0.2079261807981076 -0.1213737172063996 -0.0644677283349114 -1.3310164666152242 -1.6691939894626755 -0.1394496117428555 0.0309536131961322 -0.5179508164020254 -0.4296223516410623 -0.4500954165849111 2.303853291530469 -0.553023784461563 0.1487698540762728 -1.7479587701471315 +1.176491040175315 1.0502145183089455 2.577524932589958 -0.4510946919870676 0.149103957697831 2.101825136671898 2.745517990527921 -0.1007041219101489 -0.5440656338091385 0.5085510615851614 2.187526509462752 0.106493437332118 -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.0248134311005242 0.5082062247574778 1.908433368525764 0.6598564778966847 2.479188467776392 0.7143732778722958 -0.0902392183441634 1.581935058397792 -0.2437750398749264 0.0609148424542616 -1.00263990799171 -1.1086649055974505 +-0.8270619503704507 -0.0184613475930619 0.4136908720227689 1.1544754060446831 -0.626916467991998 2.819129579900128 4.132425628847836 1.2386449528748338 -0.6142436120375467 -1.1171355379789385 3.768284815684933 1.2707364272237742 -0.4554504104612259 -0.7866086586916367 1.547264271824794 1.9691466016699344 -0.3716462160580679 -0.4729585350871534 0.7039343015881926 -2.0063825619859594 +-0.5159570228728221 0.2887556147548096 -0.3065826694220183 0.5989159153889305 1.4170216945023586 2.512281154920717 1.923138303952604 -0.0298742215749857 -0.9661242650884946 -0.9008618433302809 2.1706770779010247 1.842885990948916 -0.7222177938272683 0.2053772219877162 1.8300168255272315 0.6047667068186492 1.052393933570417 0.7200223124055987 0.0144106037851718 -0.9064358918605036 +-1.2077128893617493 0.2000776245142518 0.4121537554887482 1.0502225859333991 0.9054045593918624 2.9212570001157667 2.9274894891252323 0.130564008335667 1.954502336191536 1.097413171538843 3.179505462458664 -0.8750894635390426 2.7810555256999456 0.0971043141385591 1.5517611243646354 -1.3233316327662432 0.2426354274283728 -0.996415513296284 -0.1636109189367087 -1.2254515467673532 +-0.1634217760274133 0.912153345094371 1.2198820023292984 0.6186033578452148 1.3164287136826442 0.9255540929595194 4.695171457632756 -0.8208953877321415 0.6796424553142182 -0.2426927203156984 2.300244608173853 -0.7972155830080289 -0.157832982835379 -0.0757616080158246 -0.0588483286184715 -0.2592296954312603 -1.1050925160656446 1.129060240214883 -1.0366879402160651 -3.432992713504731 +-0.0520321594239384 -0.3091953812872161 1.6703570366486318 0.7096571343332749 -1.9646364696902 2.104523865905882 1.579284067571627 -0.80205459621812 -0.6789389204053137 0.002173560770872 1.325841038583107 0.4123497112908414 -1.365765991366901 -0.1891905590742081 0.3674606289257558 1.821262796309193 -0.5185148799346501 -0.7121301901741472 -0.4252572671256069 -1.179552911754898 +0.0352955445160241 -1.910432390199272 0.3772005541907945 -1.3930134424083709 1.1644203512186246 1.0378696470566018 1.77282545169593 -0.9298377997734296 0.7493575030801707 2.321638942371457 -0.0803430747702891 1.1550835295148456 -0.1894198306897764 -0.0975120810271489 -0.6634686579564337 0.4130437037845069 0.1161844883059333 -1.0124630224969529 0.5515825935118087 -2.380397462882215 +-0.7382636490215473 -0.2236924936903454 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.1845809406149484 0.2312626005625568 0.5086324430299911 -1.2655949713688883 +2.4366892748151594 -0.5693156806025699 -1.7218141143792118 -0.7636370379358908 1.381242841429633 0.8734261792585589 3.6993297964062575 -0.2510229748899681 -0.2572996499581653 1.0939573204735948 1.4250691293913331 -0.6234909491978371 0.8946129186610708 0.1134885034206386 -0.8171226347069339 0.4036243685718015 1.2492832667321032 -0.1655992472538439 0.0501069876968286 -3.1064820228464267 +-0.6496553421679686 -1.4224279723935236 2.3012734316107286 -1.6307384651011865 0.7899921830677415 1.5784780783388637 1.5937350935854364 0.2033287108801171 0.0348586673136675 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.4229414892042001 1.250912354503068 -0.04525686050637 1.8102334072756012 4.330921368106597 0.4369341397955196 1.7090276790490326 -1.3105903617385728 2.6507931144960315 0.9560232948982376 0.9264898048764156 1.27342213352265 -0.1775463778209161 -0.5020139494158932 1.0777715747655348 -1.5004727301982392 -0.8712982816000493 -2.962814957918756 +0.9217291089973372 -1.388586324225548 0.2542353391148201 0.1168834752581415 0.3075246148086876 2.583752655948304 1.868779214202141 -1.5598686552244263 -0.4374234835713509 -2.067455238116786 2.100424767731529 0.592164188729302 -0.4145039221243959 0.8609838368049071 -0.7423945821145248 1.546996722395656 0.4044604320792881 -1.3908367691435546 -0.1938267900587888 -0.9316346070105346 +-0.5219973387100996 0.9905632425118324 -1.2688367548190436 -1.3062113291308677 1.2638138110709067 1.8660691408757044 0.544578722144265 1.4116584346018954 -0.5641770654580077 -0.3012039021140541 0.226832738868361 -0.8279588610356573 -0.6522929057307618 -0.2060367785065769 -0.135516011514525 1.027502980770911 -0.1971805711985108 -0.9413847947787156 0.1960821773331954 -0.9608113047816084 +0.4424052465929388 0.943928936525626 1.738397490506961 -0.1216112264138329 0.1547572872518768 1.8624246245418483 3.2762488723359144 -0.4270106111994435 0.1528975135659881 0.4771953229726214 2.315577412539543 1.3689173890211586 0.7770702960925243 -1.4296307560984765 0.7923063752623205 0.2514409708101872 1.1840866916876511 0.8951950393049203 -0.5737280626680346 -2.1013927221698583 +0.769368091793121 0.0422521992671298 0.920578733178434 1.2609933412881686 -0.9009957896033098 3.4649606386186127 -0.0964160403896523 -1.4408423082558597 -1.3370985919131873 -2.909342960508076 1.3996034179270973 1.107134834593895 0.6373319894768134 -0.2057630833315292 0.5627232979887723 1.2446890017440848 0.1454247655053584 -0.2729346201818952 -0.0871837836013387 0.3686229650559225 +0.7427620511228765 -1.5580462215214408 1.4680352994852566 -0.7508175656670606 0.6363631862918148 3.1644775950816646 1.8594024439897647 -0.4499136700983101 0.6875433245937749 0.4124013786469115 2.179503463347244 0.8484523669327337 -0.546863836293962 0.1744144634114788 0.2404538407459919 -1.228725137426046 0.7554095521777582 -0.0301346466145987 -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.0323308793516845 -0.5081627405589572 0.0020753178518641 -0.0794449797460891 -0.1380562260161878 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.0375462231706751 -2.2382627787119773 0.3799303209778131 1.027127616405047 -0.8246136050829563 0.4127647478763152 -0.3451553402202971 0.8158793586435744 -0.061216117948957 -0.1170630150565765 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/unsafe_model.h5mlm --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/unsafe_model.h5mlm Wed Aug 09 12:54:40 2023 +0000 @@ -0,0 +1,4 @@ +cos +system +(S'ls ~' +tR. \ No newline at end of file diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/y_score.tabular --- a/test-data/y_score.tabular Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/y_score.tabular Wed Aug 09 12:54:40 2023 +0000 @@ -1,3 +1,4 @@ +Predicted 0.04521016253284027 -0.0017878318955413253 -0.3380009790698638 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/y_sorted.tabular --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/y_sorted.tabular Wed Aug 09 12:54:40 2023 +0000 @@ -0,0 +1,24 @@ +0 0 1 0 0 0 0 -1.80789829975 -0.267725170783 -0.533251833633 +0 0 1 0 0 0 0 1.58740583243 -1.32084852823 -7.47140590741 +0 0 1 0 0 0 0 -2.47802529094 -0.500673021108 1.37455405057 +0 0 1 0 0 0 0 0.971871089969 -0.336154264594 -5.74291415928 +0 0 1 0 0 0 0 -2.18006328471 -0.33580204472 0.261632810716 +0 0 1 0 0 0 0 0.982418549211 -1.02370887933 -6.10073429813 +0 0 1 0 0 0 0 -1.51375235626 -0.156051081077 -1.37297970696 +0 0 1 0 0 0 0 -2.60008493281 -0.303483971372 0.937773514338 +0 0 1 0 0 0 0 -2.20545858405 -0.462493064934 0.374957060793 +0 0 1 0 0 0 0 -2.42938278814 0.0312031758068 0.740031884365 +1 2 0 1 0 1 1 1.1191441248 -0.350015230403 -6.43122655533 +1 1 0 0.9 0.1 1 1 -1.82704375852 0.186802710054 -0.367392242502 +1 1 0 0.9 0.1 1 1 1.05683832083 -0.491476736579 -6.10526049159 +1 1 0 0.8 0.2 1 1 0.84169544958 -0.533176028466 -5.7625592501 +1 1 0 1 0 1 1 -1.05517039337 0.171153321655 -1.66261211523 +1 1 0 1 0 1 1 1.05117238483 -0.819727602718 -6.16276877471 +1 1 0 0.8 0.2 1 1 1.30185976049 -0.750494764082 -6.91956219185 +1 1 0 1 0 1 1 1.32168915538 -0.986903615337 -7.22461895473 +1 2 0 0 1 1 1 -1.52001848153 -0.370955554274 0.937773514338 +2 2 0 0.3 0.7 1 1 -1.85517293032 -0.363363308535 -0.177124010926 +2 2 0 0.2 0.8 1 1 1.62753221054 -1.0437871236 -7.15189570944 +2 2 0 0 1 1 1 -1.89873152969 -0.370955554274 0.0400346749524 +2 2 0 0.3 0.7 1 1 -2.97088391755 -0.384323906096 1.93410852068 +2 2 0 0 1 1 1 -1.52001848153 -0.275207915229 -0.625142611926 diff -r d0352e8b4c10 -r a01fa4e8fe4f test-data/y_true.tabular --- a/test-data/y_true.tabular Thu Aug 11 09:52:07 2022 +0000 +++ b/test-data/y_true.tabular Wed Aug 09 12:54:40 2023 +0000 @@ -1,3 +1,4 @@ +target 0 1 0 diff -r d0352e8b4c10 -r a01fa4e8fe4f train_test_eval.py --- a/train_test_eval.py Thu Aug 11 09:52:07 2022 +0000 +++ b/train_test_eval.py Wed Aug 09 12:54:40 2023 +0000 @@ -1,22 +1,27 @@ 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_persist import dump_model_to_h5, load_model_from_h5 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 galaxy_ml.utils import ( + clean_params, + get_module, + get_scoring, + 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 +from sklearn.utils import _safe_indexing, indexable _fit_and_score = try_get_attr("galaxy_ml.model_validations", "_fit_and_score") setattr(_search, "_fit_and_score", _fit_and_score) @@ -93,7 +98,7 @@ 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 + (_safe_indexing(a, train), _safe_indexing(a, test)) for a in new_arrays ) ) else: @@ -164,8 +169,8 @@ params = json.load(param_handler) # load estimator - with open(infile_estimator, "rb") as estimator_handler: - estimator = load_model(estimator_handler) + estimator = load_model_from_h5(infile_estimator) + estimator = clean_params(estimator) # swap hyperparameter swapping = params["experiment_schemes"]["hyperparams_swapping"] @@ -348,7 +353,6 @@ # 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"] @@ -412,7 +416,7 @@ X_test, y_test=y_test, scorer=scorer, is_multimetric=True ) else: - scores = _score(estimator, X_test, y_test, scorer, is_multimetric=True) + scores = _score(estimator, X_test, y_test, scorer) # handle output for name, score in scores.items(): scores[name] = [score] @@ -441,8 +445,7 @@ 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) + dump_model_to_h5(estimator, outfile_object) if __name__ == "__main__": diff -r d0352e8b4c10 -r a01fa4e8fe4f train_test_split.py --- a/train_test_split.py Thu Aug 11 09:52:07 2022 +0000 +++ b/train_test_split.py Wed Aug 09 12:54:40 2023 +0000 @@ -1,8 +1,10 @@ import argparse import json import warnings +from distutils.version import LooseVersion as Version import pandas as pd +from galaxy_ml import __version__ as galaxy_ml_version from galaxy_ml.model_validations import train_test_split from galaxy_ml.utils import get_cv, read_columns @@ -69,7 +71,10 @@ y = df.iloc[:, col_index].values # construct the cv splitter object - splitter, groups = get_cv(params["mode_selection"]["cv_selector"]) + cv_selector = params["mode_selection"]["cv_selector"] + if Version(galaxy_ml_version) < Version("0.8.3"): + cv_selector.pop("n_stratification_bins", None) + splitter, groups = get_cv(cv_selector) total_n_splits = splitter.get_n_splits(array.values, y=y, groups=groups) if nth_split > total_n_splits: